diff --git a/HW01/caishaokang-HW1.ipynb b/HW01/caishaokang-HW1.ipynb new file mode 100644 index 00000000..bc83074d --- /dev/null +++ b/HW01/caishaokang-HW1.ipynb @@ -0,0 +1,7345 @@ +{ + "cells": [ + { + "cell_type": "markdown", + "metadata": { + "id": "guE34D3Fj2R9" + }, + "source": [ + "# **Homework 1: COVID-19 Cases Prediction (Regression)**" + ] + }, + { + "cell_type": "markdown", + "source": [ + "Objectives:\n", + "* Solve a regression problem with deep neural networks (DNN).\n", + "* Understand basic DNN training tips.\n", + "* Familiarize yourself with PyTorch.\n", + "\n", + "If you have any questions, please contact the TAs via TA hours, NTU COOL, or email to mlta-2022-spring@googlegroups.com" + ], + "metadata": { + "id": "V57zhcTp1Xxb" + } + }, + { + "cell_type": "markdown", + "metadata": { + "id": "Tm2aXcb-j9Fc" + }, + "source": [ + "# Download data\n", + "If the Google Drive links below do not work, you can download data from [Kaggle](https://www.kaggle.com/t/a3ebd5b5542f0f55e828d4f00de8e59a), and upload data manually to the workspace." + ] + }, + { + "cell_type": "code", + "execution_count": 1, + "metadata": { + "colab": { + "base_uri": "https://localhost:8080/" + }, + "id": "YPmfl-awlKZA", + "outputId": "0dc37f9f-4346-4d8b-e816-9a71b821bbb3" + }, + "outputs": [ + { + "output_type": "stream", + "name": "stdout", + "text": [ + "/usr/local/lib/python3.7/dist-packages/gdown/cli.py:131: FutureWarning: Option `--id` was deprecated in version 4.3.1 and will be removed in 5.0. You don't need to pass it anymore to use a file ID.\n", + " category=FutureWarning,\n", + "Downloading...\n", + "From: https://drive.google.com/uc?id=1kLSW_-cW2Huj7bh84YTdimGBOJaODiOS\n", + "To: /content/covid.train.csv\n", + "100% 2.49M/2.49M [00:00<00:00, 238MB/s]\n", + "/usr/local/lib/python3.7/dist-packages/gdown/cli.py:131: FutureWarning: Option `--id` was deprecated in version 4.3.1 and will be removed in 5.0. You don't need to pass it anymore to use a file ID.\n", + " category=FutureWarning,\n", + "Downloading...\n", + "From: https://drive.google.com/uc?id=1iiI5qROrAhZn-o4FPqsE97bMzDEFvIdg\n", + "To: /content/covid.test.csv\n", + "100% 993k/993k [00:00<00:00, 172MB/s]\n" + ] + } + ], + "source": [ + "!gdown --id '1kLSW_-cW2Huj7bh84YTdimGBOJaODiOS' --output covid.train.csv\n", + "!gdown --id '1iiI5qROrAhZn-o4FPqsE97bMzDEFvIdg' --output covid.test.csv" + ] + }, + { + "cell_type": "markdown", + "metadata": { + "id": "igqIMEgu64-F" + }, + "source": [ + "# Import packages" + ] + }, + { + "cell_type": "code", + "execution_count": 2, + "metadata": { + "id": "xybQNYCXYu13" + }, + "outputs": [], + "source": [ + "# Numerical Operations\n", + "import math\n", + "import numpy as np\n", + "\n", + "# Reading/Writing Data\n", + "import pandas as pd\n", + "import os\n", + "import csv\n", + "\n", + "# For Progress Bar\n", + "from tqdm import tqdm\n", + "\n", + "# Pytorch\n", + "import torch \n", + "import torch.nn as nn\n", + "from torch.utils.data import Dataset, DataLoader, random_split\n", + "\n", + "# For plotting learning curve\n", + "from torch.utils.tensorboard import SummaryWriter" + ] + }, + { + "cell_type": "markdown", + "source": [ + "# Some Utility Functions\n", + "\n", + "You do not need to modify this part." + ], + "metadata": { + "id": "fTAVqRfc2KK3" + } + }, + { + "cell_type": "code", + "source": [ + "def same_seed(seed): \n", + " '''Fixes random number generator seeds for reproducibility.'''\n", + " torch.backends.cudnn.deterministic = True\n", + " torch.backends.cudnn.benchmark = False\n", + " np.random.seed(seed)\n", + " torch.manual_seed(seed)\n", + " if torch.cuda.is_available():\n", + " torch.cuda.manual_seed_all(seed)\n", + "\n", + "def train_valid_split(data_set, valid_ratio, seed):\n", + " '''Split provided training data into training set and validation set'''\n", + " valid_set_size = int(valid_ratio * len(data_set)) \n", + " train_set_size = len(data_set) - valid_set_size\n", + " train_set, valid_set = random_split(data_set, [train_set_size, valid_set_size], generator=torch.Generator().manual_seed(seed))\n", + " return np.array(train_set), np.array(valid_set)\n", + "\n", + "def predict(test_loader, model, device):\n", + " model.eval() # Set your model to evaluation mode.\n", + " preds = []\n", + " for x in tqdm(test_loader):\n", + " x = x.to(device) \n", + " with torch.no_grad(): \n", + " pred = model(x) \n", + " preds.append(pred.detach().cpu()) \n", + " preds = torch.cat(preds, dim=0).numpy() \n", + " return preds" + ], + "metadata": { + "id": "RbrcpfYN2I-H" + }, + "execution_count": 3, + "outputs": [] + }, + { + "cell_type": "markdown", + "metadata": { + "id": "IqO3lTm78nNO" + }, + "source": [ + "# Dataset" + ] + }, + { + "cell_type": "code", + "execution_count": 4, + "metadata": { + "id": "-mjaJM0wprMs" + }, + "outputs": [], + "source": [ + "class COVID19Dataset(Dataset):\n", + " '''\n", + " x: Features.\n", + " y: Targets, if none, do prediction.\n", + " '''\n", + " def __init__(self, x, y=None):\n", + " if y is None:\n", + " self.y = y\n", + " else:\n", + " self.y = torch.FloatTensor(y)\n", + " self.x = torch.FloatTensor(x)\n", + "\n", + " def __getitem__(self, idx):\n", + " if self.y is None:\n", + " return self.x[idx]\n", + " else:\n", + " return self.x[idx], self.y[idx]\n", + "\n", + " def __len__(self):\n", + " return len(self.x)" + ] + }, + { + "cell_type": "markdown", + "source": [ + "# Neural Network Model\n", + "Try out different model architectures by modifying the class below." + ], + "metadata": { + "id": "m73ooU75CL_j" + } + }, + { + "cell_type": "code", + "execution_count": 5, + "metadata": { + "id": "Qn97_WvvrEkG" + }, + "outputs": [], + "source": [ + "class My_Model(nn.Module):\n", + " def __init__(self, input_dim):\n", + " super(My_Model, self).__init__()\n", + " # TODO: modify model's structure, be aware of dimensions.\n", + " self.layers = nn.Sequential(\n", + " #可以先接一个batch_norm层吗?\n", + " # 不用,batchnorm只是对一个批次做normal,可以直接对所有的数据输入做归一化处理\n", + " # nn.BatchNorm1d(input_dim),\n", + " # 这里宽度是不是愈多愈好?\n", + " # 这里深度是不是愈多愈好?\n", + " # 由于数据有明显的线性关系,因此增加深度并没有什么用\n", + " nn.Linear(input_dim, 128),\n", + " nn.LeakyReLU(0.2),\n", + " nn.BatchNorm1d(128),\n", + " nn.Dropout(0.2),\n", + " nn.Linear(128, 64),\n", + " nn.LeakyReLU(0.2),\n", + " nn.BatchNorm1d(64),\n", + " nn.Dropout(0.2),\n", + " nn.Linear(64, 1)\n", + " )\n", + "\n", + " def forward(self, x):\n", + " x = self.layers(x)\n", + " x = x.squeeze(1) # (B, 1) -> (B)\n", + " return x\n" + ] + }, + { + "cell_type": "markdown", + "metadata": { + "id": "x5-LKF6R8xeq" + }, + "source": [ + "# Feature Selection\n", + "Choose features you deem useful by modifying the function below." + ] + }, + { + "cell_type": "code", + "source": [ + "'''Selects useful features to perform regression'''\n", + "def select_feat(train_data, valid_data, test_data, select_all=True):\n", + " y_train, y_valid = train_data[:, -1], valid_data[:, -1]\n", + " raw_x_train, raw_x_valid, raw_x_test = train_data[:, :-1], valid_data[:, :-1], test_data\n", + "\n", + " if select_all:\n", + " feat_idx = list(range(raw_x_train.shape[1]))\n", + " else:\n", + " # feat_idx = []\n", + " # for i in range(1, 117):\n", + " # needJump = False\n", + " # for j in range(4):\n", + " # if i == (37+j*16+10): #shop\n", + " # needJump = True\n", + " # # if i == (37+j*16+9): #restaurant\n", + " # # needJump = True\n", + " # if i == (37+j*16+8): #spent_time\n", + " # needJump = True\n", + " # if needJump is True:\n", + " # continue\n", + " # feat_idx.append(i)\n", + " # print('fead_idx', feat_idx)\n", + " #TODO: Select suitable feature columns.\n", + "\n", + " # features = pd.read_csv('./covid.train.csv')\n", + " # x_data, y_data = features.iloc[:, 0:117], features.iloc[:, 117]\n", + " # k = 24\n", + " # selector = SelectKBest(score_func=f_regression, k=k)\n", + " # result = selector.fit(x_data, y_data)\n", + " # idx = np.argsort(result.scores_)[::-1]\n", + " # feat_idx = list(np.sort(idx[:k]))\n", + " train_data_df = pd.read_csv('./covid.train.csv')\n", + " # 查看各个属性与最后预测值的线性相关性\n", + " corr_df = train_data_df.corr()\n", + " corr_df = corr_df.iloc[117, :117]\n", + " corr_array = corr_df.abs().values\n", + " print(type(corr_array))\n", + " idx = np.argsort(corr_array)[::-1]\n", + " #前面37个属性相关性太低了,直接去掉。\n", + " #后面4天中各取5个最高的属性,由于前4天的预测值相关性最高,而第5天没有,因此第5天只取4个属性\n", + " feat_idx = idx.tolist()[0:24]\n", + " print(\"feat_idx\", feat_idx)\n", + "\n", + " return raw_x_train[:, feat_idx], raw_x_valid[:, feat_idx], raw_x_test[:, feat_idx], y_train, y_valid\n" + ], + "metadata": { + "id": "0FEnKRaIIeKp" + }, + "execution_count": 7, + "outputs": [] + }, + { + "cell_type": "markdown", + "source": [ + "# Training Loop" + ], + "metadata": { + "id": "kADIPNQ2Ih5X" + } + }, + { + "cell_type": "code", + "execution_count": 9, + "metadata": { + "id": "k4Rq8_TztAhq" + }, + "outputs": [], + "source": [ + "def trainer(train_loader, valid_loader, model, config, device):\n", + " criterion = nn.MSELoss(reduction='mean') # Define your loss function, do not modify this.\n", + "\n", + " # Define your optimization algorithm.\n", + " # TODO: Please check https://pytorch.org/docs/stable/optim.html to get more available algorithms.\n", + " # TODO: L2 regularization (optimizer(weight decay...) or implement by your self).\n", + " # optimizer = torch.optim.SGD(model.parameters(), lr=config['learning_rate'], momentum=0.9, weight_decay=config['L2_regularization'])\n", + " # 为什么使用Adam loss收敛在110+了呢\n", + " # ----学习率太小的了,改成10e-4\n", + " optimizer = torch.optim.Adam(model.parameters(), lr=config['learning_rate'], weight_decay=config['L2_regularization'])\n", + " scheduler = torch.optim.lr_scheduler.CosineAnnealingWarmRestarts(optimizer,\n", + " T_0=2, T_mult=2, eta_min=config['learning_rate'])\n", + "\n", + " # 2、stackoverflow的评论,哪一个是对的\n", + " # In SGD optimizer, L2 regularization can be obtained by weight_decay. But weight_decay and L2 regularization is different for Adam optimizer. More can be read here: openreview.net/pdf?id=rk6qdGgCZ –\n", + " # @Ashish your comment is correct that weight_decay and L2 regularization is different but in the case of PyTorch's implementation of Adam, they actually implement L2 regularization instead of true weight decay. Note that the weight decay term is applied to the gradient before the optimizer step here –\n", + "\n", + " # writer = SummaryWriter() # Writer of tensoboard.\n", + "\n", + " if not os.path.isdir('./models'):\n", + " os.mkdir('./models') # Create directory of saving models.\n", + "\n", + " n_epochs, best_loss, step, early_stop_count = config['n_epochs'], math.inf, 0, 0\n", + "\n", + " for epoch in range(n_epochs):\n", + " model.train() # Set your model to train mode.\n", + " loss_record = []\n", + "\n", + " # tqdm is a package to visualize your training progress.\n", + " train_pbar = tqdm(train_loader, position=0, leave=True)\n", + "\n", + " for x, y in train_pbar:\n", + " optimizer.zero_grad() # Set gradient to zero.\n", + " x, y = x.to(device), y.to(device) # Move your data to device.\n", + " pred = model(x)\n", + " loss = criterion(pred, y)\n", + " loss.backward() # Compute gradient(backpropagation).\n", + " optimizer.step() # Update parameters.\n", + " step += 1\n", + " loss_record.append(loss.detach().item())\n", + "\n", + " # Display current epoch number and loss on tqdm progress bar.\n", + " train_pbar.set_description(f'Epoch [{epoch + 1}/{n_epochs}]')\n", + " train_pbar.set_postfix({'loss': loss.detach().item()})\n", + " scheduler.step()\n", + " mean_train_loss = sum(loss_record) / len(loss_record)\n", + " # writer.add_scalar('Loss/train', mean_train_loss, step)\n", + "\n", + " model.eval() # Set your model to evaluation mode.\n", + " loss_record = []\n", + " for x, y in valid_loader:\n", + " x, y = x.to(device), y.to(device)\n", + " with torch.no_grad():\n", + " pred = model(x)\n", + " loss = criterion(pred, y)\n", + "\n", + " loss_record.append(loss.item())\n", + "\n", + " mean_valid_loss = sum(loss_record) / len(loss_record)\n", + " print(f'Epoch [{epoch + 1}/{n_epochs}]: Train loss: {mean_train_loss:.4f}, Valid loss: {mean_valid_loss:.4f}')\n", + " # writer.add_scalar('Loss/valid', mean_valid_loss, step)\n", + "\n", + " if mean_valid_loss < best_loss:\n", + " best_loss = mean_valid_loss\n", + " torch.save(model.state_dict(), config['save_path']) # Save your best model\n", + " print('Saving model with loss {:.3f}...'.format(best_loss))\n", + " early_stop_count = 0\n", + " else:\n", + " early_stop_count += 1\n", + "\n", + " if early_stop_count >= config['early_stop']:\n", + " print('\\nModel is not improving, so we halt the training session.')\n", + " return\n" + ] + }, + { + "cell_type": "markdown", + "metadata": { + "id": "0pgkOh2e9UjE" + }, + "source": [ + "# Configurations\n", + "`config` contains hyper-parameters for training and the path to save your model." + ] + }, + { + "cell_type": "code", + "execution_count": 10, + "metadata": { + "id": "QoWPUahCtoT6" + }, + "outputs": [], + "source": [ + "device = 'cuda' if torch.cuda.is_available() else 'cpu'\n", + "config = {\n", + " # 'seed': 5201314, # Your seed number, you can pick your lucky number. :)\n", + " 'seed': 5201315, # Your seed number, you can pick your lucky number. :)\n", + " 'select_all': False, # Whether to use all features.\n", + " 'valid_ratio': 0.2, # validation_size = train_size * valid_ratio\n", + " 'n_epochs': 3000, # Number of epochs.\n", + " 'batch_size': 256,\n", + " 'learning_rate': 1e-4,\n", + " 'early_stop': 400, # If model has not improved for this many consecutive epochs, stop training.\n", + " 'save_path': './models/model.ckpt', # Your model will be saved here.\n", + " 'L2_regularization': 1e-4\n", + "}\n" + ] + }, + { + "cell_type": "markdown", + "metadata": { + "id": "lrS-aJJh9XkW" + }, + "source": [ + "# Dataloader\n", + "Read data from files and set up training, validation, and testing sets. You do not need to modify this part." + ] + }, + { + "cell_type": "code", + "execution_count": 11, + "metadata": { + "id": "2jc7ZfDot2t9", + "colab": { + "base_uri": "https://localhost:8080/" + }, + "outputId": "918ca952-0d84-4ecc-c4c4-a36e267834f5" + }, + "outputs": [ + { + "output_type": "stream", + "name": "stdout", + "text": [ + "train_data size: (2160, 118) \n", + "valid_data size: (539, 118) \n", + "test_data size: (1078, 117)\n", + "\n", + "feat_idx [101, 85, 69, 53, 104, 88, 105, 72, 89, 56, 73, 40, 57, 41, 103, 102, 87, 86, 71, 70, 55, 54, 39, 38]\n", + "number of features: 24\n" + ] + } + ], + "source": [ + "# Set seed for reproducibility\n", + "same_seed(config['seed'])\n", + "\n", + "# train_data size: 2699 x 118 (id + 37 states + 16 features x 5 days)\n", + "# test_data size: 1078 x 117 (without last day's positive rate)\n", + "train_data_df = pd.read_csv('./covid.train.csv')\n", + "test_data_df = pd.read_csv('./covid.test.csv')\n", + "train_data, test_data = train_data_df.values, test_data_df.values\n", + "\n", + "# print(\"=====shape():\", train_data.shape)\n", + "train_data, valid_data = train_valid_split(train_data, config['valid_ratio'], config['seed'])\n", + "\n", + "# Print out the data size.\n", + "print(f\"\"\"train_data size: {train_data.shape} \n", + "valid_data size: {valid_data.shape} \n", + "test_data size: {test_data.shape}\"\"\")\n", + "\n", + "# Select features\n", + "x_train, x_valid, x_test, y_train, y_valid = select_feat(train_data, valid_data, test_data, config['select_all'])\n", + "\n", + "#模仿batch_norm做归一化处理\n", + "x_min, x_max = x_train.min(axis=0), x_train.max(axis=0)\n", + "x_mean = x_train.mean(axis=0)\n", + "x_var = ((x_train - x_mean) ** 2).mean(axis=0)\n", + "x_train = (x_train - x_mean)/x_var\n", + "x_valid = (x_valid - x_mean)/x_var\n", + "x_test = (x_test - x_mean)/x_var\n", + "# Print out the number of features.\n", + "print(f'number of features: {x_train.shape[1]}')\n", + "\n", + "train_dataset, valid_dataset, test_dataset = COVID19Dataset(x_train, y_train), \\\n", + " COVID19Dataset(x_valid, y_valid), \\\n", + " COVID19Dataset(x_test)\n", + "\n", + "# Pytorch data loader loads pytorch dataset into batches.\n", + "train_loader = DataLoader(train_dataset, batch_size=config['batch_size'], shuffle=True, pin_memory=True)\n", + "valid_loader = DataLoader(valid_dataset, batch_size=config['batch_size'], shuffle=True, pin_memory=True)\n", + "test_loader = DataLoader(test_dataset, batch_size=config['batch_size'], shuffle=False, pin_memory=True)\n" + ] + }, + { + "cell_type": "markdown", + "metadata": { + "id": "0OBYgjCA-YwD" + }, + "source": [ + "# Start training!" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": { + "colab": { + "base_uri": "https://localhost:8080/" + }, + "id": "YdttVRkAfu2t", + "outputId": "810595f7-50fa-48c6-ca2a-b65901d2d412" + }, + "outputs": [ + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [1/3000]: 100%|██████████| 9/9 [00:02<00:00, 3.22it/s, loss=102]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [1/3000]: Train loss: 126.4936, Valid loss: 156.8587\n", + "Saving model with loss 156.859...\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [2/3000]: 100%|██████████| 9/9 [00:00<00:00, 96.29it/s, loss=115]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [2/3000]: Train loss: 122.9007, Valid loss: 139.5769\n", + "Saving model with loss 139.577...\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [3/3000]: 100%|██████████| 9/9 [00:00<00:00, 83.08it/s, loss=91.9]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [3/3000]: Train loss: 117.3167, Valid loss: 127.0609\n", + "Saving model with loss 127.061...\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [4/3000]: 100%|██████████| 9/9 [00:00<00:00, 86.02it/s, loss=100]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [4/3000]: Train loss: 114.6285, Valid loss: 135.1515\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [5/3000]: 100%|██████████| 9/9 [00:00<00:00, 81.29it/s, loss=129]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [5/3000]: Train loss: 114.2736, Valid loss: 127.6181\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [6/3000]: 100%|██████████| 9/9 [00:00<00:00, 78.24it/s, loss=111]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [6/3000]: Train loss: 110.9888, Valid loss: 128.8289\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [7/3000]: 100%|██████████| 9/9 [00:00<00:00, 90.83it/s, loss=97.3]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [7/3000]: Train loss: 108.2629, Valid loss: 117.2315\n", + "Saving model with loss 117.231...\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [8/3000]: 100%|██████████| 9/9 [00:00<00:00, 78.95it/s, loss=121]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [8/3000]: Train loss: 108.5927, Valid loss: 121.1587\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [9/3000]: 100%|██████████| 9/9 [00:00<00:00, 72.48it/s, loss=102]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [9/3000]: Train loss: 106.6397, Valid loss: 122.1461\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [10/3000]: 100%|██████████| 9/9 [00:00<00:00, 83.51it/s, loss=97.8]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [10/3000]: Train loss: 105.6081, Valid loss: 128.2975\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [11/3000]: 100%|██████████| 9/9 [00:00<00:00, 92.32it/s, loss=109]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [11/3000]: Train loss: 105.8164, Valid loss: 113.4856\n", + "Saving model with loss 113.486...\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [12/3000]: 100%|██████████| 9/9 [00:00<00:00, 81.45it/s, loss=90.6]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [12/3000]: Train loss: 103.6744, Valid loss: 116.6316\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [13/3000]: 100%|██████████| 9/9 [00:00<00:00, 84.92it/s, loss=104]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [13/3000]: Train loss: 104.0424, Valid loss: 111.3875\n", + "Saving model with loss 111.388...\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [14/3000]: 100%|██████████| 9/9 [00:00<00:00, 84.34it/s, loss=97.2]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [14/3000]: Train loss: 103.3023, Valid loss: 120.2322\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [15/3000]: 100%|██████████| 9/9 [00:00<00:00, 85.04it/s, loss=90.5]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [15/3000]: Train loss: 102.3968, Valid loss: 107.3069\n", + "Saving model with loss 107.307...\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [16/3000]: 100%|██████████| 9/9 [00:00<00:00, 84.69it/s, loss=97.7]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [16/3000]: Train loss: 102.7040, Valid loss: 104.5376\n", + "Saving model with loss 104.538...\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [17/3000]: 100%|██████████| 9/9 [00:00<00:00, 82.58it/s, loss=101]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [17/3000]: Train loss: 102.4174, Valid loss: 116.2373\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [18/3000]: 100%|██████████| 9/9 [00:00<00:00, 52.64it/s, loss=113]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [18/3000]: Train loss: 102.7835, Valid loss: 120.0068\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [19/3000]: 100%|██████████| 9/9 [00:00<00:00, 78.95it/s, loss=102]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [19/3000]: Train loss: 101.6143, Valid loss: 115.1994\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [20/3000]: 100%|██████████| 9/9 [00:00<00:00, 87.30it/s, loss=118]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [20/3000]: Train loss: 102.3937, Valid loss: 108.1600\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [21/3000]: 100%|██████████| 9/9 [00:00<00:00, 74.22it/s, loss=136]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [21/3000]: Train loss: 103.0593, Valid loss: 115.8643\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [22/3000]: 100%|██████████| 9/9 [00:00<00:00, 77.70it/s, loss=92.3]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [22/3000]: Train loss: 99.9674, Valid loss: 113.6382\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [23/3000]: 100%|██████████| 9/9 [00:00<00:00, 79.30it/s, loss=91.9]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [23/3000]: Train loss: 99.5016, Valid loss: 111.6078\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [24/3000]: 100%|██████████| 9/9 [00:00<00:00, 79.83it/s, loss=89.5]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [24/3000]: Train loss: 99.2255, Valid loss: 108.1759\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [25/3000]: 100%|██████████| 9/9 [00:00<00:00, 76.33it/s, loss=89.1]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [25/3000]: Train loss: 99.0602, Valid loss: 111.0542\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [26/3000]: 100%|██████████| 9/9 [00:00<00:00, 82.32it/s, loss=90.4]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [26/3000]: Train loss: 98.6203, Valid loss: 105.5551\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [27/3000]: 100%|██████████| 9/9 [00:00<00:00, 78.13it/s, loss=96.7]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [27/3000]: Train loss: 98.8017, Valid loss: 104.3979\n", + "Saving model with loss 104.398...\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [28/3000]: 100%|██████████| 9/9 [00:00<00:00, 82.01it/s, loss=95.3]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [28/3000]: Train loss: 98.5639, Valid loss: 106.9615\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [29/3000]: 100%|██████████| 9/9 [00:00<00:00, 75.48it/s, loss=104]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [29/3000]: Train loss: 98.3903, Valid loss: 112.9118\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [30/3000]: 100%|██████████| 9/9 [00:00<00:00, 68.45it/s, loss=85.7]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [30/3000]: Train loss: 96.9662, Valid loss: 106.3692\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [31/3000]: 100%|██████████| 9/9 [00:00<00:00, 68.92it/s, loss=91.6]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [31/3000]: Train loss: 97.0117, Valid loss: 103.1572\n", + "Saving model with loss 103.157...\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [32/3000]: 100%|██████████| 9/9 [00:00<00:00, 73.38it/s, loss=77.3]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [32/3000]: Train loss: 95.7142, Valid loss: 101.4609\n", + "Saving model with loss 101.461...\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [33/3000]: 100%|██████████| 9/9 [00:00<00:00, 86.57it/s, loss=88.3]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [33/3000]: Train loss: 95.8343, Valid loss: 105.2007\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [34/3000]: 100%|██████████| 9/9 [00:00<00:00, 78.83it/s, loss=99.8]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [34/3000]: Train loss: 96.7061, Valid loss: 105.6438\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [35/3000]: 100%|██████████| 9/9 [00:00<00:00, 75.61it/s, loss=92.2]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [35/3000]: Train loss: 95.8167, Valid loss: 106.4894\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [36/3000]: 100%|██████████| 9/9 [00:00<00:00, 73.92it/s, loss=94.3]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [36/3000]: Train loss: 95.4319, Valid loss: 102.9196\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [37/3000]: 100%|██████████| 9/9 [00:00<00:00, 77.71it/s, loss=87.3]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [37/3000]: Train loss: 95.0254, Valid loss: 104.4835\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [38/3000]: 100%|██████████| 9/9 [00:00<00:00, 80.38it/s, loss=105]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [38/3000]: Train loss: 95.1680, Valid loss: 110.2045\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [39/3000]: 100%|██████████| 9/9 [00:00<00:00, 75.72it/s, loss=81]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [39/3000]: Train loss: 93.6759, Valid loss: 95.2224\n", + "Saving model with loss 95.222...\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [40/3000]: 100%|██████████| 9/9 [00:00<00:00, 79.39it/s, loss=85.9]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [40/3000]: Train loss: 93.8552, Valid loss: 98.9644\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [41/3000]: 100%|██████████| 9/9 [00:00<00:00, 87.49it/s, loss=117]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [41/3000]: Train loss: 95.2718, Valid loss: 99.6800\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [42/3000]: 100%|██████████| 9/9 [00:00<00:00, 78.81it/s, loss=111]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [42/3000]: Train loss: 95.1644, Valid loss: 101.1965\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [43/3000]: 100%|██████████| 9/9 [00:00<00:00, 79.06it/s, loss=85.1]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [43/3000]: Train loss: 92.5983, Valid loss: 95.7439\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [44/3000]: 100%|██████████| 9/9 [00:00<00:00, 80.57it/s, loss=99.6]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [44/3000]: Train loss: 93.2683, Valid loss: 99.6827\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [45/3000]: 100%|██████████| 9/9 [00:00<00:00, 77.27it/s, loss=112]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [45/3000]: Train loss: 93.9056, Valid loss: 101.7034\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [46/3000]: 100%|██████████| 9/9 [00:00<00:00, 77.82it/s, loss=92.5]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [46/3000]: Train loss: 92.1139, Valid loss: 94.5837\n", + "Saving model with loss 94.584...\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [47/3000]: 100%|██████████| 9/9 [00:00<00:00, 77.39it/s, loss=99.2]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [47/3000]: Train loss: 92.3038, Valid loss: 102.2492\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [48/3000]: 100%|██████████| 9/9 [00:00<00:00, 79.68it/s, loss=82.3]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [48/3000]: Train loss: 91.1835, Valid loss: 95.3211\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [49/3000]: 100%|██████████| 9/9 [00:00<00:00, 83.43it/s, loss=104]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [49/3000]: Train loss: 91.7919, Valid loss: 95.0928\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [50/3000]: 100%|██████████| 9/9 [00:00<00:00, 79.34it/s, loss=82]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [50/3000]: Train loss: 90.8528, Valid loss: 94.4813\n", + "Saving model with loss 94.481...\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [51/3000]: 100%|██████████| 9/9 [00:00<00:00, 86.28it/s, loss=99.6]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [51/3000]: Train loss: 91.0985, Valid loss: 93.8753\n", + "Saving model with loss 93.875...\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [52/3000]: 100%|██████████| 9/9 [00:00<00:00, 81.35it/s, loss=83.1]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [52/3000]: Train loss: 89.9501, Valid loss: 92.3980\n", + "Saving model with loss 92.398...\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [53/3000]: 100%|██████████| 9/9 [00:00<00:00, 82.15it/s, loss=101]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [53/3000]: Train loss: 90.7616, Valid loss: 94.2713\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [54/3000]: 100%|██████████| 9/9 [00:00<00:00, 91.24it/s, loss=82.5]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [54/3000]: Train loss: 89.7271, Valid loss: 94.5929\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [55/3000]: 100%|██████████| 9/9 [00:00<00:00, 74.77it/s, loss=99.8]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [55/3000]: Train loss: 90.1883, Valid loss: 92.6626\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [56/3000]: 100%|██████████| 9/9 [00:00<00:00, 91.40it/s, loss=88.2]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [56/3000]: Train loss: 89.4185, Valid loss: 90.1752\n", + "Saving model with loss 90.175...\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [57/3000]: 100%|██████████| 9/9 [00:00<00:00, 79.51it/s, loss=82.6]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [57/3000]: Train loss: 88.6897, Valid loss: 94.3620\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [58/3000]: 100%|██████████| 9/9 [00:00<00:00, 52.65it/s, loss=79.4]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [58/3000]: Train loss: 88.4809, Valid loss: 89.8571\n", + "Saving model with loss 89.857...\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [59/3000]: 100%|██████████| 9/9 [00:00<00:00, 84.51it/s, loss=99.9]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [59/3000]: Train loss: 89.5137, Valid loss: 94.0058\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [60/3000]: 100%|██████████| 9/9 [00:00<00:00, 82.31it/s, loss=89.1]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [60/3000]: Train loss: 88.4798, Valid loss: 95.2852\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [61/3000]: 100%|██████████| 9/9 [00:00<00:00, 94.05it/s, loss=79.8]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [61/3000]: Train loss: 87.4989, Valid loss: 91.7952\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [62/3000]: 100%|██████████| 9/9 [00:00<00:00, 92.84it/s, loss=76.2]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [62/3000]: Train loss: 87.3731, Valid loss: 85.7519\n", + "Saving model with loss 85.752...\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [63/3000]: 100%|██████████| 9/9 [00:00<00:00, 83.40it/s, loss=93]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [63/3000]: Train loss: 87.7150, Valid loss: 94.4854\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [64/3000]: 100%|██████████| 9/9 [00:00<00:00, 91.23it/s, loss=96.3]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [64/3000]: Train loss: 88.1416, Valid loss: 89.4825\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [65/3000]: 100%|██████████| 9/9 [00:00<00:00, 94.69it/s, loss=91]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [65/3000]: Train loss: 87.5213, Valid loss: 88.2894\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [66/3000]: 100%|██████████| 9/9 [00:00<00:00, 81.72it/s, loss=90.6]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [66/3000]: Train loss: 87.0014, Valid loss: 91.4136\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [67/3000]: 100%|██████████| 9/9 [00:00<00:00, 84.12it/s, loss=96.8]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [67/3000]: Train loss: 87.6053, Valid loss: 88.0789\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [68/3000]: 100%|██████████| 9/9 [00:00<00:00, 77.37it/s, loss=98.2]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [68/3000]: Train loss: 87.2052, Valid loss: 90.6944\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [69/3000]: 100%|██████████| 9/9 [00:00<00:00, 83.34it/s, loss=95.2]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [69/3000]: Train loss: 87.1378, Valid loss: 87.7834\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [70/3000]: 100%|██████████| 9/9 [00:00<00:00, 95.85it/s, loss=93]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [70/3000]: Train loss: 86.8549, Valid loss: 88.7883\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [71/3000]: 100%|██████████| 9/9 [00:00<00:00, 80.60it/s, loss=94.8]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [71/3000]: Train loss: 86.2608, Valid loss: 85.1769\n", + "Saving model with loss 85.177...\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [72/3000]: 100%|██████████| 9/9 [00:00<00:00, 73.43it/s, loss=80.2]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [72/3000]: Train loss: 85.2213, Valid loss: 90.8091\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [73/3000]: 100%|██████████| 9/9 [00:00<00:00, 92.88it/s, loss=80.3]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [73/3000]: Train loss: 85.5255, Valid loss: 83.6535\n", + "Saving model with loss 83.653...\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [74/3000]: 100%|██████████| 9/9 [00:00<00:00, 79.52it/s, loss=76.4]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [74/3000]: Train loss: 85.1844, Valid loss: 86.9839\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [75/3000]: 100%|██████████| 9/9 [00:00<00:00, 85.50it/s, loss=90.1]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [75/3000]: Train loss: 85.2967, Valid loss: 87.1523\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [76/3000]: 100%|██████████| 9/9 [00:00<00:00, 83.26it/s, loss=120]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [76/3000]: Train loss: 87.3987, Valid loss: 88.9454\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [77/3000]: 100%|██████████| 9/9 [00:00<00:00, 81.33it/s, loss=81.9]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [77/3000]: Train loss: 85.1435, Valid loss: 87.7112\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [78/3000]: 100%|██████████| 9/9 [00:00<00:00, 75.02it/s, loss=102]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [78/3000]: Train loss: 85.6200, Valid loss: 90.7512\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [79/3000]: 100%|██████████| 9/9 [00:00<00:00, 86.98it/s, loss=83.7]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [79/3000]: Train loss: 84.3690, Valid loss: 92.2859\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [80/3000]: 100%|██████████| 9/9 [00:00<00:00, 91.32it/s, loss=75.9]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [80/3000]: Train loss: 83.5683, Valid loss: 83.4471\n", + "Saving model with loss 83.447...\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [81/3000]: 100%|██████████| 9/9 [00:00<00:00, 84.22it/s, loss=76.9]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [81/3000]: Train loss: 83.4141, Valid loss: 82.1072\n", + "Saving model with loss 82.107...\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [82/3000]: 100%|██████████| 9/9 [00:00<00:00, 81.02it/s, loss=92.9]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [82/3000]: Train loss: 83.7946, Valid loss: 85.0722\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [83/3000]: 100%|██████████| 9/9 [00:00<00:00, 82.69it/s, loss=88.6]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [83/3000]: Train loss: 83.8125, Valid loss: 85.1325\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [84/3000]: 100%|██████████| 9/9 [00:00<00:00, 87.86it/s, loss=87.4]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [84/3000]: Train loss: 83.7629, Valid loss: 86.0587\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [85/3000]: 100%|██████████| 9/9 [00:00<00:00, 82.77it/s, loss=78.8]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [85/3000]: Train loss: 82.6497, Valid loss: 82.3191\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [86/3000]: 100%|██████████| 9/9 [00:00<00:00, 78.30it/s, loss=73.6]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [86/3000]: Train loss: 82.4836, Valid loss: 82.8690\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [87/3000]: 100%|██████████| 9/9 [00:00<00:00, 82.49it/s, loss=70.6]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [87/3000]: Train loss: 81.7203, Valid loss: 81.8055\n", + "Saving model with loss 81.805...\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [88/3000]: 100%|██████████| 9/9 [00:00<00:00, 83.04it/s, loss=70.9]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [88/3000]: Train loss: 81.4693, Valid loss: 81.1425\n", + "Saving model with loss 81.142...\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [89/3000]: 100%|██████████| 9/9 [00:00<00:00, 90.60it/s, loss=81.8]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [89/3000]: Train loss: 82.2067, Valid loss: 84.7349\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [90/3000]: 100%|██████████| 9/9 [00:00<00:00, 76.50it/s, loss=82]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [90/3000]: Train loss: 81.9108, Valid loss: 82.6145\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [91/3000]: 100%|██████████| 9/9 [00:00<00:00, 74.95it/s, loss=91.7]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [91/3000]: Train loss: 82.0985, Valid loss: 83.9720\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [92/3000]: 100%|██████████| 9/9 [00:00<00:00, 82.87it/s, loss=82.9]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [92/3000]: Train loss: 81.2498, Valid loss: 83.7269\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [93/3000]: 100%|██████████| 9/9 [00:00<00:00, 82.17it/s, loss=76.1]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [93/3000]: Train loss: 80.7396, Valid loss: 80.8235\n", + "Saving model with loss 80.823...\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [94/3000]: 100%|██████████| 9/9 [00:00<00:00, 91.68it/s, loss=99.1]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [94/3000]: Train loss: 82.0964, Valid loss: 81.4104\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [95/3000]: 100%|██████████| 9/9 [00:00<00:00, 77.56it/s, loss=71.4]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [95/3000]: Train loss: 80.6843, Valid loss: 81.5434\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [96/3000]: 100%|██████████| 9/9 [00:00<00:00, 87.16it/s, loss=79]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [96/3000]: Train loss: 80.4754, Valid loss: 80.7551\n", + "Saving model with loss 80.755...\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [97/3000]: 100%|██████████| 9/9 [00:00<00:00, 85.29it/s, loss=75]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [97/3000]: Train loss: 79.7995, Valid loss: 80.9803\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [98/3000]: 100%|██████████| 9/9 [00:00<00:00, 52.06it/s, loss=69.5]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [98/3000]: Train loss: 79.3394, Valid loss: 80.3111\n", + "Saving model with loss 80.311...\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [99/3000]: 100%|██████████| 9/9 [00:00<00:00, 80.87it/s, loss=76.6]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [99/3000]: Train loss: 79.5366, Valid loss: 80.8214\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [100/3000]: 100%|██████████| 9/9 [00:00<00:00, 81.46it/s, loss=85.6]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [100/3000]: Train loss: 79.9886, Valid loss: 83.3184\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [101/3000]: 100%|██████████| 9/9 [00:00<00:00, 85.05it/s, loss=74.8]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [101/3000]: Train loss: 78.7482, Valid loss: 79.3818\n", + "Saving model with loss 79.382...\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [102/3000]: 100%|██████████| 9/9 [00:00<00:00, 82.30it/s, loss=76.6]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [102/3000]: Train loss: 78.6024, Valid loss: 80.5111\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [103/3000]: 100%|██████████| 9/9 [00:00<00:00, 78.26it/s, loss=77.1]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [103/3000]: Train loss: 78.5799, Valid loss: 80.2372\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [104/3000]: 100%|██████████| 9/9 [00:00<00:00, 86.20it/s, loss=95.4]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [104/3000]: Train loss: 79.4632, Valid loss: 77.6967\n", + "Saving model with loss 77.697...\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [105/3000]: 100%|██████████| 9/9 [00:00<00:00, 81.38it/s, loss=74]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [105/3000]: Train loss: 78.6659, Valid loss: 77.9966\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [106/3000]: 100%|██████████| 9/9 [00:00<00:00, 78.03it/s, loss=77.5]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [106/3000]: Train loss: 78.1275, Valid loss: 79.6773\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [107/3000]: 100%|██████████| 9/9 [00:00<00:00, 75.26it/s, loss=76.8]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [107/3000]: Train loss: 77.9717, Valid loss: 76.5771\n", + "Saving model with loss 76.577...\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [108/3000]: 100%|██████████| 9/9 [00:00<00:00, 81.45it/s, loss=72.1]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [108/3000]: Train loss: 77.7008, Valid loss: 78.1655\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [109/3000]: 100%|██████████| 9/9 [00:00<00:00, 90.19it/s, loss=62.5]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [109/3000]: Train loss: 76.6829, Valid loss: 75.9406\n", + "Saving model with loss 75.941...\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [110/3000]: 100%|██████████| 9/9 [00:00<00:00, 77.74it/s, loss=63.1]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [110/3000]: Train loss: 76.7222, Valid loss: 77.6179\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [111/3000]: 100%|██████████| 9/9 [00:00<00:00, 91.88it/s, loss=102]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [111/3000]: Train loss: 78.3784, Valid loss: 77.8032\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [112/3000]: 100%|██████████| 9/9 [00:00<00:00, 77.11it/s, loss=89.4]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [112/3000]: Train loss: 76.9010, Valid loss: 79.6334\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [113/3000]: 100%|██████████| 9/9 [00:00<00:00, 92.30it/s, loss=79.9]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [113/3000]: Train loss: 76.8777, Valid loss: 76.2553\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [114/3000]: 100%|██████████| 9/9 [00:00<00:00, 83.49it/s, loss=79.6]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [114/3000]: Train loss: 76.9769, Valid loss: 77.4522\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [115/3000]: 100%|██████████| 9/9 [00:00<00:00, 87.55it/s, loss=81.6]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [115/3000]: Train loss: 76.2533, Valid loss: 76.2077\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [116/3000]: 100%|██████████| 9/9 [00:00<00:00, 78.87it/s, loss=59.9]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [116/3000]: Train loss: 74.4603, Valid loss: 72.0394\n", + "Saving model with loss 72.039...\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [117/3000]: 100%|██████████| 9/9 [00:00<00:00, 72.72it/s, loss=93.1]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [117/3000]: Train loss: 76.7166, Valid loss: 76.2143\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [118/3000]: 100%|██████████| 9/9 [00:00<00:00, 73.06it/s, loss=69.7]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [118/3000]: Train loss: 74.3707, Valid loss: 76.0108\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [119/3000]: 100%|██████████| 9/9 [00:00<00:00, 76.30it/s, loss=78.7]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [119/3000]: Train loss: 74.9335, Valid loss: 74.7406\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [120/3000]: 100%|██████████| 9/9 [00:00<00:00, 71.74it/s, loss=91.2]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [120/3000]: Train loss: 75.9734, Valid loss: 77.7501\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [121/3000]: 100%|██████████| 9/9 [00:00<00:00, 72.86it/s, loss=70]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [121/3000]: Train loss: 74.2574, Valid loss: 72.8474\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [122/3000]: 100%|██████████| 9/9 [00:00<00:00, 69.62it/s, loss=68.4]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [122/3000]: Train loss: 73.5905, Valid loss: 74.8474\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [123/3000]: 100%|██████████| 9/9 [00:00<00:00, 76.65it/s, loss=66.5]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [123/3000]: Train loss: 73.7015, Valid loss: 75.1211\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [124/3000]: 100%|██████████| 9/9 [00:00<00:00, 62.87it/s, loss=72.3]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [124/3000]: Train loss: 72.8599, Valid loss: 75.9650\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [125/3000]: 100%|██████████| 9/9 [00:00<00:00, 80.80it/s, loss=71.4]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [125/3000]: Train loss: 73.1702, Valid loss: 72.0159\n", + "Saving model with loss 72.016...\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [126/3000]: 100%|██████████| 9/9 [00:00<00:00, 69.66it/s, loss=77.9]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [126/3000]: Train loss: 73.3561, Valid loss: 72.2808\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [127/3000]: 100%|██████████| 9/9 [00:00<00:00, 79.45it/s, loss=73.6]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [127/3000]: Train loss: 72.7035, Valid loss: 72.0421\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [128/3000]: 100%|██████████| 9/9 [00:00<00:00, 69.67it/s, loss=66.9]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [128/3000]: Train loss: 71.5359, Valid loss: 73.4340\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [129/3000]: 100%|██████████| 9/9 [00:00<00:00, 72.30it/s, loss=69.1]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [129/3000]: Train loss: 72.3720, Valid loss: 69.0602\n", + "Saving model with loss 69.060...\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [130/3000]: 100%|██████████| 9/9 [00:00<00:00, 75.39it/s, loss=68.8]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [130/3000]: Train loss: 71.4831, Valid loss: 71.5539\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [131/3000]: 100%|██████████| 9/9 [00:00<00:00, 72.65it/s, loss=68]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [131/3000]: Train loss: 71.4214, Valid loss: 72.4587\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [132/3000]: 100%|██████████| 9/9 [00:00<00:00, 70.47it/s, loss=68.3]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [132/3000]: Train loss: 70.7690, Valid loss: 71.1558\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [133/3000]: 100%|██████████| 9/9 [00:00<00:00, 80.74it/s, loss=47.4]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [133/3000]: Train loss: 69.1691, Valid loss: 71.2231\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [134/3000]: 100%|██████████| 9/9 [00:00<00:00, 79.73it/s, loss=84.8]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [134/3000]: Train loss: 71.5331, Valid loss: 72.3782\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [135/3000]: 100%|██████████| 9/9 [00:00<00:00, 74.90it/s, loss=80.9]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [135/3000]: Train loss: 70.9680, Valid loss: 70.9435\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [136/3000]: 100%|██████████| 9/9 [00:00<00:00, 74.26it/s, loss=80.1]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [136/3000]: Train loss: 70.9142, Valid loss: 69.9996\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [137/3000]: 100%|██████████| 9/9 [00:00<00:00, 81.48it/s, loss=72.8]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [137/3000]: Train loss: 69.6365, Valid loss: 68.4611\n", + "Saving model with loss 68.461...\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [138/3000]: 100%|██████████| 9/9 [00:00<00:00, 69.62it/s, loss=60.9]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [138/3000]: Train loss: 68.9411, Valid loss: 71.2151\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [139/3000]: 100%|██████████| 9/9 [00:00<00:00, 73.01it/s, loss=52.4]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [139/3000]: Train loss: 67.7426, Valid loss: 69.9038\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [140/3000]: 100%|██████████| 9/9 [00:00<00:00, 70.68it/s, loss=75.6]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [140/3000]: Train loss: 68.8604, Valid loss: 70.8642\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [141/3000]: 100%|██████████| 9/9 [00:00<00:00, 76.68it/s, loss=68.4]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [141/3000]: Train loss: 68.2737, Valid loss: 69.0558\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [142/3000]: 100%|██████████| 9/9 [00:00<00:00, 64.77it/s, loss=81.5]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [142/3000]: Train loss: 68.7019, Valid loss: 68.7872\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [143/3000]: 100%|██████████| 9/9 [00:00<00:00, 77.47it/s, loss=67.7]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [143/3000]: Train loss: 67.3480, Valid loss: 68.0731\n", + "Saving model with loss 68.073...\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [144/3000]: 100%|██████████| 9/9 [00:00<00:00, 80.01it/s, loss=58.6]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [144/3000]: Train loss: 67.0182, Valid loss: 67.3092\n", + "Saving model with loss 67.309...\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [145/3000]: 100%|██████████| 9/9 [00:00<00:00, 83.79it/s, loss=69.5]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [145/3000]: Train loss: 67.3254, Valid loss: 66.9316\n", + "Saving model with loss 66.932...\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [146/3000]: 100%|██████████| 9/9 [00:00<00:00, 85.22it/s, loss=83.8]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [146/3000]: Train loss: 67.8313, Valid loss: 70.9006\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [147/3000]: 100%|██████████| 9/9 [00:00<00:00, 84.30it/s, loss=58.4]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [147/3000]: Train loss: 65.8259, Valid loss: 66.9664\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [148/3000]: 100%|██████████| 9/9 [00:00<00:00, 83.09it/s, loss=63.3]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [148/3000]: Train loss: 65.7178, Valid loss: 64.9001\n", + "Saving model with loss 64.900...\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [149/3000]: 100%|██████████| 9/9 [00:00<00:00, 81.99it/s, loss=69.9]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [149/3000]: Train loss: 66.1176, Valid loss: 67.1369\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [150/3000]: 100%|██████████| 9/9 [00:00<00:00, 76.83it/s, loss=63.9]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [150/3000]: Train loss: 65.6945, Valid loss: 63.6103\n", + "Saving model with loss 63.610...\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [151/3000]: 100%|██████████| 9/9 [00:00<00:00, 71.56it/s, loss=54.7]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [151/3000]: Train loss: 64.5135, Valid loss: 66.6655\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [152/3000]: 100%|██████████| 9/9 [00:00<00:00, 70.97it/s, loss=58.8]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [152/3000]: Train loss: 64.2533, Valid loss: 63.3773\n", + "Saving model with loss 63.377...\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [153/3000]: 100%|██████████| 9/9 [00:00<00:00, 83.22it/s, loss=60.9]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [153/3000]: Train loss: 63.6641, Valid loss: 64.7370\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [154/3000]: 100%|██████████| 9/9 [00:00<00:00, 84.02it/s, loss=54.8]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [154/3000]: Train loss: 63.6770, Valid loss: 61.5588\n", + "Saving model with loss 61.559...\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [155/3000]: 100%|██████████| 9/9 [00:00<00:00, 81.20it/s, loss=69.4]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [155/3000]: Train loss: 64.2170, Valid loss: 63.2704\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [156/3000]: 100%|██████████| 9/9 [00:00<00:00, 74.78it/s, loss=52]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [156/3000]: Train loss: 62.6197, Valid loss: 60.9635\n", + "Saving model with loss 60.964...\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [157/3000]: 100%|██████████| 9/9 [00:00<00:00, 76.64it/s, loss=77.6]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [157/3000]: Train loss: 64.1552, Valid loss: 62.5080\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [158/3000]: 100%|██████████| 9/9 [00:00<00:00, 74.42it/s, loss=62.7]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [158/3000]: Train loss: 62.4612, Valid loss: 63.0328\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [159/3000]: 100%|██████████| 9/9 [00:00<00:00, 74.85it/s, loss=68.8]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [159/3000]: Train loss: 62.8770, Valid loss: 66.2308\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [160/3000]: 100%|██████████| 9/9 [00:00<00:00, 65.48it/s, loss=38.7]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [160/3000]: Train loss: 60.5149, Valid loss: 60.8233\n", + "Saving model with loss 60.823...\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [161/3000]: 100%|██████████| 9/9 [00:00<00:00, 81.91it/s, loss=71.5]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [161/3000]: Train loss: 62.4790, Valid loss: 60.9244\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [162/3000]: 100%|██████████| 9/9 [00:00<00:00, 81.90it/s, loss=63.4]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [162/3000]: Train loss: 61.1364, Valid loss: 61.9282\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [163/3000]: 100%|██████████| 9/9 [00:00<00:00, 79.37it/s, loss=74.9]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [163/3000]: Train loss: 62.2444, Valid loss: 62.1371\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [164/3000]: 100%|██████████| 9/9 [00:00<00:00, 83.00it/s, loss=62.3]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [164/3000]: Train loss: 61.2978, Valid loss: 60.0563\n", + "Saving model with loss 60.056...\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [165/3000]: 100%|██████████| 9/9 [00:00<00:00, 82.34it/s, loss=53.5]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [165/3000]: Train loss: 59.8109, Valid loss: 59.2717\n", + "Saving model with loss 59.272...\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [166/3000]: 100%|██████████| 9/9 [00:00<00:00, 81.72it/s, loss=80.1]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [166/3000]: Train loss: 61.4499, Valid loss: 62.0164\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [167/3000]: 100%|██████████| 9/9 [00:00<00:00, 86.64it/s, loss=64.7]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [167/3000]: Train loss: 59.9284, Valid loss: 60.6642\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [168/3000]: 100%|██████████| 9/9 [00:00<00:00, 80.59it/s, loss=55.4]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [168/3000]: Train loss: 58.8267, Valid loss: 58.8930\n", + "Saving model with loss 58.893...\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [169/3000]: 100%|██████████| 9/9 [00:00<00:00, 84.17it/s, loss=48]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [169/3000]: Train loss: 58.0629, Valid loss: 58.1035\n", + "Saving model with loss 58.104...\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [170/3000]: 100%|██████████| 9/9 [00:00<00:00, 94.48it/s, loss=62]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [170/3000]: Train loss: 58.1888, Valid loss: 58.2283\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [171/3000]: 100%|██████████| 9/9 [00:00<00:00, 89.28it/s, loss=54.5]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [171/3000]: Train loss: 57.8798, Valid loss: 57.8629\n", + "Saving model with loss 57.863...\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [172/3000]: 100%|██████████| 9/9 [00:00<00:00, 91.26it/s, loss=52.3]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [172/3000]: Train loss: 57.5302, Valid loss: 58.8182\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [173/3000]: 100%|██████████| 9/9 [00:00<00:00, 78.69it/s, loss=36]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [173/3000]: Train loss: 56.0466, Valid loss: 55.1645\n", + "Saving model with loss 55.165...\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [174/3000]: 100%|██████████| 9/9 [00:00<00:00, 79.14it/s, loss=50.5]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [174/3000]: Train loss: 56.6951, Valid loss: 54.9424\n", + "Saving model with loss 54.942...\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [175/3000]: 100%|██████████| 9/9 [00:00<00:00, 84.89it/s, loss=59.7]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [175/3000]: Train loss: 56.8344, Valid loss: 55.8938\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [176/3000]: 100%|██████████| 9/9 [00:00<00:00, 81.09it/s, loss=67.9]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [176/3000]: Train loss: 56.4250, Valid loss: 56.0536\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [177/3000]: 100%|██████████| 9/9 [00:00<00:00, 87.17it/s, loss=63.5]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [177/3000]: Train loss: 56.0237, Valid loss: 55.9426\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [178/3000]: 100%|██████████| 9/9 [00:00<00:00, 47.34it/s, loss=58.4]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [178/3000]: Train loss: 55.3441, Valid loss: 56.3707\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [179/3000]: 100%|██████████| 9/9 [00:00<00:00, 87.08it/s, loss=55.5]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [179/3000]: Train loss: 54.6152, Valid loss: 54.7677\n", + "Saving model with loss 54.768...\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [180/3000]: 100%|██████████| 9/9 [00:00<00:00, 76.19it/s, loss=47.3]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [180/3000]: Train loss: 54.3969, Valid loss: 55.5752\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [181/3000]: 100%|██████████| 9/9 [00:00<00:00, 76.90it/s, loss=48.5]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [181/3000]: Train loss: 54.0440, Valid loss: 52.6701\n", + "Saving model with loss 52.670...\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [182/3000]: 100%|██████████| 9/9 [00:00<00:00, 84.01it/s, loss=56]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [182/3000]: Train loss: 54.1244, Valid loss: 54.5056\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [183/3000]: 100%|██████████| 9/9 [00:00<00:00, 81.26it/s, loss=60.6]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [183/3000]: Train loss: 54.4085, Valid loss: 54.2312\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [184/3000]: 100%|██████████| 9/9 [00:00<00:00, 74.96it/s, loss=58.6]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [184/3000]: Train loss: 53.5456, Valid loss: 50.6479\n", + "Saving model with loss 50.648...\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [185/3000]: 100%|██████████| 9/9 [00:00<00:00, 85.64it/s, loss=55.9]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [185/3000]: Train loss: 53.1050, Valid loss: 52.7304\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [186/3000]: 100%|██████████| 9/9 [00:00<00:00, 81.11it/s, loss=43.5]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [186/3000]: Train loss: 51.8118, Valid loss: 53.0565\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [187/3000]: 100%|██████████| 9/9 [00:00<00:00, 74.92it/s, loss=50.3]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [187/3000]: Train loss: 52.1738, Valid loss: 51.1871\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [188/3000]: 100%|██████████| 9/9 [00:00<00:00, 77.81it/s, loss=51.5]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [188/3000]: Train loss: 51.6811, Valid loss: 51.3567\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [189/3000]: 100%|██████████| 9/9 [00:00<00:00, 75.13it/s, loss=41.7]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [189/3000]: Train loss: 50.9908, Valid loss: 50.3822\n", + "Saving model with loss 50.382...\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [190/3000]: 100%|██████████| 9/9 [00:00<00:00, 72.58it/s, loss=65.8]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [190/3000]: Train loss: 51.7106, Valid loss: 52.3154\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [191/3000]: 100%|██████████| 9/9 [00:00<00:00, 63.55it/s, loss=54]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [191/3000]: Train loss: 51.1820, Valid loss: 50.8119\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [192/3000]: 100%|██████████| 9/9 [00:00<00:00, 68.80it/s, loss=38.9]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [192/3000]: Train loss: 49.7956, Valid loss: 46.7022\n", + "Saving model with loss 46.702...\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [193/3000]: 100%|██████████| 9/9 [00:00<00:00, 77.55it/s, loss=43.8]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [193/3000]: Train loss: 49.6835, Valid loss: 49.4605\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [194/3000]: 100%|██████████| 9/9 [00:00<00:00, 84.94it/s, loss=47.4]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [194/3000]: Train loss: 49.0540, Valid loss: 48.7548\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [195/3000]: 100%|██████████| 9/9 [00:00<00:00, 84.01it/s, loss=34.4]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [195/3000]: Train loss: 48.1578, Valid loss: 47.6851\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [196/3000]: 100%|██████████| 9/9 [00:00<00:00, 66.63it/s, loss=40.7]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [196/3000]: Train loss: 47.9033, Valid loss: 47.7589\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [197/3000]: 100%|██████████| 9/9 [00:00<00:00, 78.07it/s, loss=59.3]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [197/3000]: Train loss: 49.4866, Valid loss: 49.0252\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [198/3000]: 100%|██████████| 9/9 [00:00<00:00, 76.12it/s, loss=42.8]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [198/3000]: Train loss: 47.7512, Valid loss: 46.1537\n", + "Saving model with loss 46.154...\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [199/3000]: 100%|██████████| 9/9 [00:00<00:00, 75.28it/s, loss=41.9]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [199/3000]: Train loss: 47.6475, Valid loss: 46.3563\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [200/3000]: 100%|██████████| 9/9 [00:00<00:00, 75.04it/s, loss=47.9]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [200/3000]: Train loss: 47.2333, Valid loss: 46.7113\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [201/3000]: 100%|██████████| 9/9 [00:00<00:00, 57.90it/s, loss=60.7]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [201/3000]: Train loss: 48.4250, Valid loss: 48.2234\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [202/3000]: 100%|██████████| 9/9 [00:00<00:00, 65.74it/s, loss=70.7]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [202/3000]: Train loss: 48.2406, Valid loss: 47.1095\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [203/3000]: 100%|██████████| 9/9 [00:00<00:00, 73.78it/s, loss=42.3]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [203/3000]: Train loss: 46.0895, Valid loss: 45.6500\n", + "Saving model with loss 45.650...\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [204/3000]: 100%|██████████| 9/9 [00:00<00:00, 67.15it/s, loss=41.3]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [204/3000]: Train loss: 46.1367, Valid loss: 46.8636\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [205/3000]: 100%|██████████| 9/9 [00:00<00:00, 69.12it/s, loss=43.6]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [205/3000]: Train loss: 45.0518, Valid loss: 44.0294\n", + "Saving model with loss 44.029...\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [206/3000]: 100%|██████████| 9/9 [00:00<00:00, 80.21it/s, loss=66.9]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [206/3000]: Train loss: 46.8436, Valid loss: 45.6964\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [207/3000]: 100%|██████████| 9/9 [00:00<00:00, 87.21it/s, loss=35.6]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [207/3000]: Train loss: 44.3637, Valid loss: 44.6110\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [208/3000]: 100%|██████████| 9/9 [00:00<00:00, 86.23it/s, loss=40.5]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [208/3000]: Train loss: 44.1244, Valid loss: 43.4718\n", + "Saving model with loss 43.472...\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [209/3000]: 100%|██████████| 9/9 [00:00<00:00, 78.09it/s, loss=40.6]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [209/3000]: Train loss: 43.8496, Valid loss: 43.8503\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [210/3000]: 100%|██████████| 9/9 [00:00<00:00, 71.08it/s, loss=45.7]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [210/3000]: Train loss: 44.2759, Valid loss: 42.7187\n", + "Saving model with loss 42.719...\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [211/3000]: 100%|██████████| 9/9 [00:00<00:00, 83.98it/s, loss=37.3]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [211/3000]: Train loss: 42.7120, Valid loss: 42.5940\n", + "Saving model with loss 42.594...\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [212/3000]: 100%|██████████| 9/9 [00:00<00:00, 83.22it/s, loss=37.4]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [212/3000]: Train loss: 42.6305, Valid loss: 40.9443\n", + "Saving model with loss 40.944...\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [213/3000]: 100%|██████████| 9/9 [00:00<00:00, 80.20it/s, loss=48.7]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [213/3000]: Train loss: 43.0461, Valid loss: 41.0420\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [214/3000]: 100%|██████████| 9/9 [00:00<00:00, 91.31it/s, loss=36.8]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [214/3000]: Train loss: 41.8633, Valid loss: 41.5558\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [215/3000]: 100%|██████████| 9/9 [00:00<00:00, 90.24it/s, loss=37.9]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [215/3000]: Train loss: 41.5312, Valid loss: 41.6771\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [216/3000]: 100%|██████████| 9/9 [00:00<00:00, 91.35it/s, loss=41.8]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [216/3000]: Train loss: 41.5395, Valid loss: 39.8114\n", + "Saving model with loss 39.811...\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [217/3000]: 100%|██████████| 9/9 [00:00<00:00, 93.33it/s, loss=47.7]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [217/3000]: Train loss: 41.2415, Valid loss: 41.5544\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [218/3000]: 100%|██████████| 9/9 [00:00<00:00, 94.48it/s, loss=39.8]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [218/3000]: Train loss: 41.0019, Valid loss: 41.8798\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [219/3000]: 100%|██████████| 9/9 [00:00<00:00, 51.40it/s, loss=40.1]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [219/3000]: Train loss: 40.5454, Valid loss: 39.1936\n", + "Saving model with loss 39.194...\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [220/3000]: 100%|██████████| 9/9 [00:00<00:00, 84.82it/s, loss=36.1]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [220/3000]: Train loss: 39.5301, Valid loss: 40.3332\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [221/3000]: 100%|██████████| 9/9 [00:00<00:00, 74.12it/s, loss=46.1]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [221/3000]: Train loss: 40.0560, Valid loss: 39.6584\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [222/3000]: 100%|██████████| 9/9 [00:00<00:00, 85.68it/s, loss=26.2]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [222/3000]: Train loss: 38.1568, Valid loss: 36.5672\n", + "Saving model with loss 36.567...\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [223/3000]: 100%|██████████| 9/9 [00:00<00:00, 81.33it/s, loss=32]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [223/3000]: Train loss: 38.7923, Valid loss: 37.6564\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [224/3000]: 100%|██████████| 9/9 [00:00<00:00, 84.79it/s, loss=35.3]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [224/3000]: Train loss: 38.5492, Valid loss: 38.0489\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [225/3000]: 100%|██████████| 9/9 [00:00<00:00, 92.69it/s, loss=37.1]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [225/3000]: Train loss: 38.9567, Valid loss: 37.3979\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [226/3000]: 100%|██████████| 9/9 [00:00<00:00, 86.20it/s, loss=30.1]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [226/3000]: Train loss: 37.4880, Valid loss: 35.9205\n", + "Saving model with loss 35.921...\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [227/3000]: 100%|██████████| 9/9 [00:00<00:00, 94.57it/s, loss=58.4]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [227/3000]: Train loss: 38.6778, Valid loss: 37.6660\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [228/3000]: 100%|██████████| 9/9 [00:00<00:00, 84.14it/s, loss=43.9]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [228/3000]: Train loss: 37.9841, Valid loss: 37.9699\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [229/3000]: 100%|██████████| 9/9 [00:00<00:00, 90.87it/s, loss=36.8]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [229/3000]: Train loss: 36.2618, Valid loss: 35.5707\n", + "Saving model with loss 35.571...\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [230/3000]: 100%|██████████| 9/9 [00:00<00:00, 75.64it/s, loss=50.4]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [230/3000]: Train loss: 37.7007, Valid loss: 36.8672\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [231/3000]: 100%|██████████| 9/9 [00:00<00:00, 86.06it/s, loss=28]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [231/3000]: Train loss: 35.7308, Valid loss: 35.3208\n", + "Saving model with loss 35.321...\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [232/3000]: 100%|██████████| 9/9 [00:00<00:00, 85.25it/s, loss=28.2]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [232/3000]: Train loss: 35.2190, Valid loss: 34.2469\n", + "Saving model with loss 34.247...\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [233/3000]: 100%|██████████| 9/9 [00:00<00:00, 90.41it/s, loss=30.2]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [233/3000]: Train loss: 34.8896, Valid loss: 33.7363\n", + "Saving model with loss 33.736...\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [234/3000]: 100%|██████████| 9/9 [00:00<00:00, 80.18it/s, loss=33.6]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [234/3000]: Train loss: 34.9361, Valid loss: 33.4845\n", + "Saving model with loss 33.484...\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [235/3000]: 100%|██████████| 9/9 [00:00<00:00, 91.32it/s, loss=37.4]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [235/3000]: Train loss: 35.0740, Valid loss: 32.0792\n", + "Saving model with loss 32.079...\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [236/3000]: 100%|██████████| 9/9 [00:00<00:00, 81.51it/s, loss=33.2]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [236/3000]: Train loss: 34.2465, Valid loss: 33.3039\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [237/3000]: 100%|██████████| 9/9 [00:00<00:00, 84.12it/s, loss=27.4]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [237/3000]: Train loss: 33.7796, Valid loss: 32.5731\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [238/3000]: 100%|██████████| 9/9 [00:00<00:00, 75.59it/s, loss=27.4]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [238/3000]: Train loss: 33.1089, Valid loss: 32.0311\n", + "Saving model with loss 32.031...\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [239/3000]: 100%|██████████| 9/9 [00:00<00:00, 86.87it/s, loss=51.7]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [239/3000]: Train loss: 34.5498, Valid loss: 33.7350\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [240/3000]: 100%|██████████| 9/9 [00:00<00:00, 80.70it/s, loss=21.6]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [240/3000]: Train loss: 32.5628, Valid loss: 32.6836\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [241/3000]: 100%|██████████| 9/9 [00:00<00:00, 77.70it/s, loss=23.2]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [241/3000]: Train loss: 31.5704, Valid loss: 30.4408\n", + "Saving model with loss 30.441...\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [242/3000]: 100%|██████████| 9/9 [00:00<00:00, 78.34it/s, loss=57.4]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [242/3000]: Train loss: 34.5374, Valid loss: 33.6883\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [243/3000]: 100%|██████████| 9/9 [00:00<00:00, 83.08it/s, loss=31.6]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [243/3000]: Train loss: 32.5610, Valid loss: 31.8382\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [244/3000]: 100%|██████████| 9/9 [00:00<00:00, 85.08it/s, loss=52.2]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [244/3000]: Train loss: 33.3655, Valid loss: 34.0813\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [245/3000]: 100%|██████████| 9/9 [00:00<00:00, 86.06it/s, loss=36.1]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [245/3000]: Train loss: 31.5844, Valid loss: 30.8629\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [246/3000]: 100%|██████████| 9/9 [00:00<00:00, 82.82it/s, loss=25.5]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [246/3000]: Train loss: 30.6473, Valid loss: 31.9172\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [247/3000]: 100%|██████████| 9/9 [00:00<00:00, 77.76it/s, loss=26.6]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [247/3000]: Train loss: 30.6371, Valid loss: 28.8839\n", + "Saving model with loss 28.884...\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [248/3000]: 100%|██████████| 9/9 [00:00<00:00, 76.25it/s, loss=26.3]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [248/3000]: Train loss: 30.3566, Valid loss: 31.0432\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [249/3000]: 100%|██████████| 9/9 [00:00<00:00, 82.69it/s, loss=33.3]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [249/3000]: Train loss: 30.3587, Valid loss: 29.3483\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [250/3000]: 100%|██████████| 9/9 [00:00<00:00, 87.36it/s, loss=22.3]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [250/3000]: Train loss: 29.1722, Valid loss: 27.0083\n", + "Saving model with loss 27.008...\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [251/3000]: 100%|██████████| 9/9 [00:00<00:00, 75.32it/s, loss=24.1]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [251/3000]: Train loss: 28.8384, Valid loss: 28.3228\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [252/3000]: 100%|██████████| 9/9 [00:00<00:00, 84.80it/s, loss=39.5]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [252/3000]: Train loss: 30.2846, Valid loss: 29.9103\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [253/3000]: 100%|██████████| 9/9 [00:00<00:00, 83.63it/s, loss=28.7]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [253/3000]: Train loss: 28.9512, Valid loss: 28.6162\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [254/3000]: 100%|██████████| 9/9 [00:00<00:00, 84.01it/s, loss=34.9]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [254/3000]: Train loss: 28.6773, Valid loss: 28.0320\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [255/3000]: 100%|██████████| 9/9 [00:00<00:00, 82.20it/s, loss=25.4]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [255/3000]: Train loss: 27.9817, Valid loss: 27.5226\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [256/3000]: 100%|██████████| 9/9 [00:00<00:00, 84.02it/s, loss=23.7]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [256/3000]: Train loss: 27.4133, Valid loss: 26.6691\n", + "Saving model with loss 26.669...\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [257/3000]: 100%|██████████| 9/9 [00:00<00:00, 67.04it/s, loss=37.6]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [257/3000]: Train loss: 28.4568, Valid loss: 27.0768\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [258/3000]: 100%|██████████| 9/9 [00:00<00:00, 76.27it/s, loss=38]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [258/3000]: Train loss: 28.4249, Valid loss: 26.4911\n", + "Saving model with loss 26.491...\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [259/3000]: 100%|██████████| 9/9 [00:00<00:00, 78.16it/s, loss=25.7]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [259/3000]: Train loss: 26.8252, Valid loss: 26.9593\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [260/3000]: 100%|██████████| 9/9 [00:00<00:00, 38.01it/s, loss=25]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [260/3000]: Train loss: 26.7841, Valid loss: 25.7723\n", + "Saving model with loss 25.772...\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [261/3000]: 100%|██████████| 9/9 [00:00<00:00, 65.86it/s, loss=27]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [261/3000]: Train loss: 26.2187, Valid loss: 25.2612\n", + "Saving model with loss 25.261...\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [262/3000]: 100%|██████████| 9/9 [00:00<00:00, 71.91it/s, loss=29.7]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [262/3000]: Train loss: 25.8940, Valid loss: 27.3264\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [263/3000]: 100%|██████████| 9/9 [00:00<00:00, 73.56it/s, loss=26.5]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [263/3000]: Train loss: 25.7973, Valid loss: 24.9105\n", + "Saving model with loss 24.910...\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [264/3000]: 100%|██████████| 9/9 [00:00<00:00, 74.39it/s, loss=20.9]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [264/3000]: Train loss: 25.0879, Valid loss: 25.1067\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [265/3000]: 100%|██████████| 9/9 [00:00<00:00, 80.97it/s, loss=30.9]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [265/3000]: Train loss: 25.8159, Valid loss: 25.1068\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [266/3000]: 100%|██████████| 9/9 [00:00<00:00, 70.66it/s, loss=22]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [266/3000]: Train loss: 24.7368, Valid loss: 23.8083\n", + "Saving model with loss 23.808...\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [267/3000]: 100%|██████████| 9/9 [00:00<00:00, 72.05it/s, loss=39.4]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [267/3000]: Train loss: 25.8174, Valid loss: 25.1910\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [268/3000]: 100%|██████████| 9/9 [00:00<00:00, 72.91it/s, loss=32.6]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [268/3000]: Train loss: 24.6851, Valid loss: 24.5940\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [269/3000]: 100%|██████████| 9/9 [00:00<00:00, 72.97it/s, loss=20.4]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [269/3000]: Train loss: 24.0050, Valid loss: 23.6253\n", + "Saving model with loss 23.625...\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [270/3000]: 100%|██████████| 9/9 [00:00<00:00, 75.91it/s, loss=25.5]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [270/3000]: Train loss: 23.9190, Valid loss: 23.3909\n", + "Saving model with loss 23.391...\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [271/3000]: 100%|██████████| 9/9 [00:00<00:00, 75.13it/s, loss=18.1]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [271/3000]: Train loss: 23.1275, Valid loss: 21.9381\n", + "Saving model with loss 21.938...\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [272/3000]: 100%|██████████| 9/9 [00:00<00:00, 81.15it/s, loss=31]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [272/3000]: Train loss: 24.1597, Valid loss: 23.1113\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [273/3000]: 100%|██████████| 9/9 [00:00<00:00, 82.69it/s, loss=26.2]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [273/3000]: Train loss: 23.1880, Valid loss: 23.9064\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [274/3000]: 100%|██████████| 9/9 [00:00<00:00, 79.28it/s, loss=17.9]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [274/3000]: Train loss: 22.9045, Valid loss: 24.1673\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [275/3000]: 100%|██████████| 9/9 [00:00<00:00, 79.05it/s, loss=13.7]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [275/3000]: Train loss: 21.8950, Valid loss: 20.5986\n", + "Saving model with loss 20.599...\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [276/3000]: 100%|██████████| 9/9 [00:00<00:00, 78.81it/s, loss=21.3]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [276/3000]: Train loss: 22.2983, Valid loss: 20.5357\n", + "Saving model with loss 20.536...\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [277/3000]: 100%|██████████| 9/9 [00:00<00:00, 68.71it/s, loss=19.7]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [277/3000]: Train loss: 21.7711, Valid loss: 20.3932\n", + "Saving model with loss 20.393...\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [278/3000]: 100%|██████████| 9/9 [00:00<00:00, 84.85it/s, loss=16.2]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [278/3000]: Train loss: 21.4367, Valid loss: 21.4555\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [279/3000]: 100%|██████████| 9/9 [00:00<00:00, 83.32it/s, loss=29.7]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [279/3000]: Train loss: 22.2307, Valid loss: 20.0170\n", + "Saving model with loss 20.017...\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [280/3000]: 100%|██████████| 9/9 [00:00<00:00, 83.75it/s, loss=13.7]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [280/3000]: Train loss: 20.8765, Valid loss: 20.4589\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [281/3000]: 100%|██████████| 9/9 [00:00<00:00, 86.99it/s, loss=17.8]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [281/3000]: Train loss: 21.1735, Valid loss: 20.3968\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [282/3000]: 100%|██████████| 9/9 [00:00<00:00, 89.85it/s, loss=17.6]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [282/3000]: Train loss: 20.6504, Valid loss: 21.2972\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [283/3000]: 100%|██████████| 9/9 [00:00<00:00, 78.85it/s, loss=22.3]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [283/3000]: Train loss: 21.0052, Valid loss: 18.8648\n", + "Saving model with loss 18.865...\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [284/3000]: 100%|██████████| 9/9 [00:00<00:00, 73.20it/s, loss=16.5]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [284/3000]: Train loss: 19.7600, Valid loss: 19.1793\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [285/3000]: 100%|██████████| 9/9 [00:00<00:00, 67.70it/s, loss=16.7]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [285/3000]: Train loss: 19.6436, Valid loss: 17.7498\n", + "Saving model with loss 17.750...\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [286/3000]: 100%|██████████| 9/9 [00:00<00:00, 65.78it/s, loss=13.2]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [286/3000]: Train loss: 19.5803, Valid loss: 16.1035\n", + "Saving model with loss 16.103...\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [287/3000]: 100%|██████████| 9/9 [00:00<00:00, 63.50it/s, loss=15.6]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [287/3000]: Train loss: 19.6102, Valid loss: 17.4564\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [288/3000]: 100%|██████████| 9/9 [00:00<00:00, 62.56it/s, loss=13.9]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [288/3000]: Train loss: 18.7579, Valid loss: 17.5011\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [289/3000]: 100%|██████████| 9/9 [00:00<00:00, 66.31it/s, loss=17.1]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [289/3000]: Train loss: 19.1345, Valid loss: 17.1653\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [290/3000]: 100%|██████████| 9/9 [00:00<00:00, 59.06it/s, loss=10.8]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [290/3000]: Train loss: 18.1955, Valid loss: 15.4040\n", + "Saving model with loss 15.404...\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [291/3000]: 100%|██████████| 9/9 [00:00<00:00, 79.75it/s, loss=10.2]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [291/3000]: Train loss: 18.1031, Valid loss: 16.9903\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [292/3000]: 100%|██████████| 9/9 [00:00<00:00, 82.55it/s, loss=14.9]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [292/3000]: Train loss: 18.1005, Valid loss: 16.7994\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [293/3000]: 100%|██████████| 9/9 [00:00<00:00, 80.89it/s, loss=16.7]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [293/3000]: Train loss: 17.9668, Valid loss: 16.8093\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [294/3000]: 100%|██████████| 9/9 [00:00<00:00, 81.09it/s, loss=11.8]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [294/3000]: Train loss: 17.4131, Valid loss: 15.5141\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [295/3000]: 100%|██████████| 9/9 [00:00<00:00, 81.32it/s, loss=18.9]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [295/3000]: Train loss: 17.9760, Valid loss: 16.7084\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [296/3000]: 100%|██████████| 9/9 [00:00<00:00, 81.41it/s, loss=11.4]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [296/3000]: Train loss: 17.0448, Valid loss: 16.2015\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [297/3000]: 100%|██████████| 9/9 [00:00<00:00, 85.70it/s, loss=19]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [297/3000]: Train loss: 16.8889, Valid loss: 16.8246\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [298/3000]: 100%|██████████| 9/9 [00:00<00:00, 76.80it/s, loss=19.8]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [298/3000]: Train loss: 17.5010, Valid loss: 15.9082\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [299/3000]: 100%|██████████| 9/9 [00:00<00:00, 63.61it/s, loss=19.8]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [299/3000]: Train loss: 16.5958, Valid loss: 15.0591\n", + "Saving model with loss 15.059...\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [300/3000]: 100%|██████████| 9/9 [00:00<00:00, 41.08it/s, loss=10.8]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [300/3000]: Train loss: 16.2948, Valid loss: 15.8577\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [301/3000]: 100%|██████████| 9/9 [00:00<00:00, 70.10it/s, loss=17.3]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [301/3000]: Train loss: 17.0336, Valid loss: 14.4548\n", + "Saving model with loss 14.455...\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [302/3000]: 100%|██████████| 9/9 [00:00<00:00, 74.71it/s, loss=19]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [302/3000]: Train loss: 16.0013, Valid loss: 14.7747\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [303/3000]: 100%|██████████| 9/9 [00:00<00:00, 77.47it/s, loss=18.2]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [303/3000]: Train loss: 16.6050, Valid loss: 15.4622\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [304/3000]: 100%|██████████| 9/9 [00:00<00:00, 77.99it/s, loss=16.9]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [304/3000]: Train loss: 16.0573, Valid loss: 13.9083\n", + "Saving model with loss 13.908...\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [305/3000]: 100%|██████████| 9/9 [00:00<00:00, 68.78it/s, loss=13.9]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [305/3000]: Train loss: 15.5284, Valid loss: 14.3730\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [306/3000]: 100%|██████████| 9/9 [00:00<00:00, 79.82it/s, loss=17.5]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [306/3000]: Train loss: 15.6439, Valid loss: 13.7852\n", + "Saving model with loss 13.785...\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [307/3000]: 100%|██████████| 9/9 [00:00<00:00, 86.84it/s, loss=14.9]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [307/3000]: Train loss: 15.3254, Valid loss: 14.6666\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [308/3000]: 100%|██████████| 9/9 [00:00<00:00, 63.39it/s, loss=9.12]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [308/3000]: Train loss: 14.4834, Valid loss: 13.1540\n", + "Saving model with loss 13.154...\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [309/3000]: 100%|██████████| 9/9 [00:00<00:00, 92.90it/s, loss=16.9]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [309/3000]: Train loss: 15.2429, Valid loss: 13.7792\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [310/3000]: 100%|██████████| 9/9 [00:00<00:00, 67.31it/s, loss=19.5]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [310/3000]: Train loss: 14.9986, Valid loss: 13.5164\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [311/3000]: 100%|██████████| 9/9 [00:00<00:00, 78.24it/s, loss=20.4]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [311/3000]: Train loss: 14.4530, Valid loss: 14.1458\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [312/3000]: 100%|██████████| 9/9 [00:00<00:00, 71.47it/s, loss=16.5]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [312/3000]: Train loss: 14.6378, Valid loss: 12.5221\n", + "Saving model with loss 12.522...\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [313/3000]: 100%|██████████| 9/9 [00:00<00:00, 68.86it/s, loss=18.3]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [313/3000]: Train loss: 14.4928, Valid loss: 12.7711\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [314/3000]: 100%|██████████| 9/9 [00:00<00:00, 64.14it/s, loss=14.2]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [314/3000]: Train loss: 13.5672, Valid loss: 13.0905\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [315/3000]: 100%|██████████| 9/9 [00:00<00:00, 61.87it/s, loss=19.2]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [315/3000]: Train loss: 14.5777, Valid loss: 12.0492\n", + "Saving model with loss 12.049...\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [316/3000]: 100%|██████████| 9/9 [00:00<00:00, 74.82it/s, loss=19.6]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [316/3000]: Train loss: 13.7268, Valid loss: 12.5656\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [317/3000]: 100%|██████████| 9/9 [00:00<00:00, 75.48it/s, loss=17.1]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [317/3000]: Train loss: 13.5178, Valid loss: 11.8700\n", + "Saving model with loss 11.870...\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [318/3000]: 100%|██████████| 9/9 [00:00<00:00, 77.81it/s, loss=16]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [318/3000]: Train loss: 13.5656, Valid loss: 12.2452\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [319/3000]: 100%|██████████| 9/9 [00:00<00:00, 79.74it/s, loss=9.72]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [319/3000]: Train loss: 12.9546, Valid loss: 11.9554\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [320/3000]: 100%|██████████| 9/9 [00:00<00:00, 74.31it/s, loss=11.6]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [320/3000]: Train loss: 12.8569, Valid loss: 11.1748\n", + "Saving model with loss 11.175...\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [321/3000]: 100%|██████████| 9/9 [00:00<00:00, 76.01it/s, loss=22]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [321/3000]: Train loss: 13.4071, Valid loss: 11.3866\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [322/3000]: 100%|██████████| 9/9 [00:00<00:00, 77.39it/s, loss=8.21]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [322/3000]: Train loss: 12.4107, Valid loss: 10.0968\n", + "Saving model with loss 10.097...\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [323/3000]: 100%|██████████| 9/9 [00:00<00:00, 76.09it/s, loss=12.8]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [323/3000]: Train loss: 12.3429, Valid loss: 10.5997\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [324/3000]: 100%|██████████| 9/9 [00:00<00:00, 76.19it/s, loss=15.5]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [324/3000]: Train loss: 12.5666, Valid loss: 10.5380\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [325/3000]: 100%|██████████| 9/9 [00:00<00:00, 71.69it/s, loss=10.2]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [325/3000]: Train loss: 12.1409, Valid loss: 10.3960\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [326/3000]: 100%|██████████| 9/9 [00:00<00:00, 83.20it/s, loss=12.1]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [326/3000]: Train loss: 11.8211, Valid loss: 12.0891\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [327/3000]: 100%|██████████| 9/9 [00:00<00:00, 71.39it/s, loss=9.63]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [327/3000]: Train loss: 12.2386, Valid loss: 10.6793\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [328/3000]: 100%|██████████| 9/9 [00:00<00:00, 79.58it/s, loss=16.1]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [328/3000]: Train loss: 11.4323, Valid loss: 11.2840\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [329/3000]: 100%|██████████| 9/9 [00:00<00:00, 80.40it/s, loss=15.3]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [329/3000]: Train loss: 11.6672, Valid loss: 10.9523\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [330/3000]: 100%|██████████| 9/9 [00:00<00:00, 80.66it/s, loss=12]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [330/3000]: Train loss: 11.3036, Valid loss: 10.3433\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [331/3000]: 100%|██████████| 9/9 [00:00<00:00, 80.31it/s, loss=8.69]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [331/3000]: Train loss: 11.4268, Valid loss: 10.1554\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [332/3000]: 100%|██████████| 9/9 [00:00<00:00, 82.71it/s, loss=9.33]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [332/3000]: Train loss: 10.8197, Valid loss: 8.9864\n", + "Saving model with loss 8.986...\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [333/3000]: 100%|██████████| 9/9 [00:00<00:00, 83.49it/s, loss=11.9]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [333/3000]: Train loss: 10.8430, Valid loss: 10.7263\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [334/3000]: 100%|██████████| 9/9 [00:00<00:00, 83.92it/s, loss=11.3]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [334/3000]: Train loss: 11.1023, Valid loss: 9.2692\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [335/3000]: 100%|██████████| 9/9 [00:00<00:00, 84.45it/s, loss=8.48]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [335/3000]: Train loss: 10.6878, Valid loss: 8.8502\n", + "Saving model with loss 8.850...\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [336/3000]: 100%|██████████| 9/9 [00:00<00:00, 86.64it/s, loss=7.47]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [336/3000]: Train loss: 9.9729, Valid loss: 8.9107\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [337/3000]: 100%|██████████| 9/9 [00:00<00:00, 86.87it/s, loss=8.93]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [337/3000]: Train loss: 10.1975, Valid loss: 8.8636\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [338/3000]: 100%|██████████| 9/9 [00:00<00:00, 83.28it/s, loss=11.3]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [338/3000]: Train loss: 10.2523, Valid loss: 8.6224\n", + "Saving model with loss 8.622...\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [339/3000]: 100%|██████████| 9/9 [00:00<00:00, 78.17it/s, loss=9.56]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [339/3000]: Train loss: 10.0211, Valid loss: 7.9860\n", + "Saving model with loss 7.986...\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [340/3000]: 100%|██████████| 9/9 [00:00<00:00, 80.50it/s, loss=9.91]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [340/3000]: Train loss: 9.7545, Valid loss: 8.5142\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [341/3000]: 100%|██████████| 9/9 [00:00<00:00, 45.20it/s, loss=12.7]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [341/3000]: Train loss: 10.0601, Valid loss: 8.0014\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [342/3000]: 100%|██████████| 9/9 [00:00<00:00, 83.04it/s, loss=10.4]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [342/3000]: Train loss: 9.4767, Valid loss: 8.6646\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [343/3000]: 100%|██████████| 9/9 [00:00<00:00, 73.74it/s, loss=11.2]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [343/3000]: Train loss: 9.7227, Valid loss: 8.2804\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [344/3000]: 100%|██████████| 9/9 [00:00<00:00, 82.30it/s, loss=13.5]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [344/3000]: Train loss: 9.5264, Valid loss: 7.9992\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [345/3000]: 100%|██████████| 9/9 [00:00<00:00, 83.84it/s, loss=7.98]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [345/3000]: Train loss: 9.1599, Valid loss: 7.5111\n", + "Saving model with loss 7.511...\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [346/3000]: 100%|██████████| 9/9 [00:00<00:00, 68.31it/s, loss=7.07]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [346/3000]: Train loss: 9.1432, Valid loss: 7.4238\n", + "Saving model with loss 7.424...\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [347/3000]: 100%|██████████| 9/9 [00:00<00:00, 80.27it/s, loss=7.99]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [347/3000]: Train loss: 8.9357, Valid loss: 7.2147\n", + "Saving model with loss 7.215...\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [348/3000]: 100%|██████████| 9/9 [00:00<00:00, 83.32it/s, loss=6.24]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [348/3000]: Train loss: 8.8904, Valid loss: 6.7465\n", + "Saving model with loss 6.747...\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [349/3000]: 100%|██████████| 9/9 [00:00<00:00, 81.66it/s, loss=10.7]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [349/3000]: Train loss: 9.0548, Valid loss: 7.0984\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [350/3000]: 100%|██████████| 9/9 [00:00<00:00, 83.37it/s, loss=7.66]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [350/3000]: Train loss: 9.0230, Valid loss: 6.7763\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [351/3000]: 100%|██████████| 9/9 [00:00<00:00, 76.81it/s, loss=8.07]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [351/3000]: Train loss: 8.5422, Valid loss: 7.1895\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [352/3000]: 100%|██████████| 9/9 [00:00<00:00, 86.44it/s, loss=15.2]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [352/3000]: Train loss: 9.2681, Valid loss: 7.1868\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [353/3000]: 100%|██████████| 9/9 [00:00<00:00, 78.17it/s, loss=10.2]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [353/3000]: Train loss: 8.6537, Valid loss: 7.2526\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [354/3000]: 100%|██████████| 9/9 [00:00<00:00, 81.05it/s, loss=8.47]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [354/3000]: Train loss: 8.2456, Valid loss: 6.0014\n", + "Saving model with loss 6.001...\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [355/3000]: 100%|██████████| 9/9 [00:00<00:00, 82.57it/s, loss=9.81]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [355/3000]: Train loss: 8.1248, Valid loss: 6.1390\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [356/3000]: 100%|██████████| 9/9 [00:00<00:00, 83.32it/s, loss=5.69]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [356/3000]: Train loss: 8.1898, Valid loss: 5.6436\n", + "Saving model with loss 5.644...\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [357/3000]: 100%|██████████| 9/9 [00:00<00:00, 81.83it/s, loss=8.99]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [357/3000]: Train loss: 8.5170, Valid loss: 5.6811\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [358/3000]: 100%|██████████| 9/9 [00:00<00:00, 86.30it/s, loss=4.11]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [358/3000]: Train loss: 7.7224, Valid loss: 5.3931\n", + "Saving model with loss 5.393...\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [359/3000]: 100%|██████████| 9/9 [00:00<00:00, 73.70it/s, loss=6.58]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [359/3000]: Train loss: 7.9188, Valid loss: 6.2456\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [360/3000]: 100%|██████████| 9/9 [00:00<00:00, 89.20it/s, loss=4.49]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [360/3000]: Train loss: 7.6845, Valid loss: 5.2522\n", + "Saving model with loss 5.252...\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [361/3000]: 100%|██████████| 9/9 [00:00<00:00, 86.03it/s, loss=13.1]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [361/3000]: Train loss: 7.9408, Valid loss: 5.6089\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [362/3000]: 100%|██████████| 9/9 [00:00<00:00, 92.80it/s, loss=8.32]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [362/3000]: Train loss: 7.8713, Valid loss: 5.7386\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [363/3000]: 100%|██████████| 9/9 [00:00<00:00, 82.28it/s, loss=7.53]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [363/3000]: Train loss: 7.7353, Valid loss: 5.5902\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [364/3000]: 100%|██████████| 9/9 [00:00<00:00, 93.38it/s, loss=10.2]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [364/3000]: Train loss: 7.5046, Valid loss: 5.1381\n", + "Saving model with loss 5.138...\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [365/3000]: 100%|██████████| 9/9 [00:00<00:00, 90.18it/s, loss=8.31]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [365/3000]: Train loss: 7.2459, Valid loss: 5.3702\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [366/3000]: 100%|██████████| 9/9 [00:00<00:00, 91.82it/s, loss=8.17]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [366/3000]: Train loss: 7.1349, Valid loss: 5.7778\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [367/3000]: 100%|██████████| 9/9 [00:00<00:00, 86.99it/s, loss=6.83]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [367/3000]: Train loss: 7.1873, Valid loss: 5.2901\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [368/3000]: 100%|██████████| 9/9 [00:00<00:00, 79.81it/s, loss=6.44]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [368/3000]: Train loss: 7.0485, Valid loss: 5.6716\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [369/3000]: 100%|██████████| 9/9 [00:00<00:00, 70.83it/s, loss=12]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [369/3000]: Train loss: 7.6220, Valid loss: 5.6663\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [370/3000]: 100%|██████████| 9/9 [00:00<00:00, 80.80it/s, loss=6.48]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [370/3000]: Train loss: 6.9109, Valid loss: 5.1858\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [371/3000]: 100%|██████████| 9/9 [00:00<00:00, 85.08it/s, loss=5.88]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [371/3000]: Train loss: 6.7801, Valid loss: 4.9821\n", + "Saving model with loss 4.982...\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [372/3000]: 100%|██████████| 9/9 [00:00<00:00, 83.01it/s, loss=8.48]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [372/3000]: Train loss: 7.0551, Valid loss: 4.7982\n", + "Saving model with loss 4.798...\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [373/3000]: 100%|██████████| 9/9 [00:00<00:00, 86.34it/s, loss=9.2]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [373/3000]: Train loss: 7.0607, Valid loss: 4.8421\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [374/3000]: 100%|██████████| 9/9 [00:00<00:00, 84.13it/s, loss=5.24]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [374/3000]: Train loss: 7.2864, Valid loss: 5.2039\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [375/3000]: 100%|██████████| 9/9 [00:00<00:00, 91.84it/s, loss=5.85]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [375/3000]: Train loss: 6.3491, Valid loss: 4.4247\n", + "Saving model with loss 4.425...\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [376/3000]: 100%|██████████| 9/9 [00:00<00:00, 19.76it/s, loss=6.66]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [376/3000]: Train loss: 6.3551, Valid loss: 4.3747\n", + "Saving model with loss 4.375...\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [377/3000]: 100%|██████████| 9/9 [00:00<00:00, 50.90it/s, loss=11.6]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [377/3000]: Train loss: 7.1537, Valid loss: 4.7182\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [378/3000]: 100%|██████████| 9/9 [00:00<00:00, 71.88it/s, loss=8.71]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [378/3000]: Train loss: 6.8330, Valid loss: 4.4242\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [379/3000]: 100%|██████████| 9/9 [00:00<00:00, 81.24it/s, loss=7.46]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [379/3000]: Train loss: 6.2195, Valid loss: 4.5548\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [380/3000]: 100%|██████████| 9/9 [00:00<00:00, 54.39it/s, loss=8.78]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [380/3000]: Train loss: 6.5826, Valid loss: 4.5288\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [381/3000]: 100%|██████████| 9/9 [00:00<00:00, 19.13it/s, loss=9.49]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [381/3000]: Train loss: 6.2301, Valid loss: 4.5730\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [382/3000]: 100%|██████████| 9/9 [00:00<00:00, 44.42it/s, loss=5.87]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [382/3000]: Train loss: 6.2211, Valid loss: 3.6510\n", + "Saving model with loss 3.651...\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [383/3000]: 100%|██████████| 9/9 [00:00<00:00, 84.86it/s, loss=7.43]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [383/3000]: Train loss: 6.0805, Valid loss: 4.5535\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [384/3000]: 100%|██████████| 9/9 [00:00<00:00, 77.67it/s, loss=6.74]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [384/3000]: Train loss: 6.1833, Valid loss: 3.6633\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [385/3000]: 100%|██████████| 9/9 [00:00<00:00, 36.61it/s, loss=8.74]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [385/3000]: Train loss: 6.2587, Valid loss: 3.7832\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [386/3000]: 100%|██████████| 9/9 [00:00<00:00, 27.76it/s, loss=8.65]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [386/3000]: Train loss: 6.0516, Valid loss: 3.7947\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [387/3000]: 100%|██████████| 9/9 [00:00<00:00, 65.17it/s, loss=3.57]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [387/3000]: Train loss: 6.2245, Valid loss: 3.2957\n", + "Saving model with loss 3.296...\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [388/3000]: 100%|██████████| 9/9 [00:00<00:00, 74.63it/s, loss=10.1]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [388/3000]: Train loss: 6.1155, Valid loss: 4.0839\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [389/3000]: 100%|██████████| 9/9 [00:00<00:00, 71.81it/s, loss=5.06]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [389/3000]: Train loss: 5.7341, Valid loss: 3.7648\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [390/3000]: 100%|██████████| 9/9 [00:00<00:00, 59.14it/s, loss=8.75]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [390/3000]: Train loss: 5.9022, Valid loss: 3.6681\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [391/3000]: 100%|██████████| 9/9 [00:00<00:00, 76.39it/s, loss=6.66]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [391/3000]: Train loss: 5.7757, Valid loss: 3.7451\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [392/3000]: 100%|██████████| 9/9 [00:00<00:00, 77.34it/s, loss=5.23]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [392/3000]: Train loss: 5.5128, Valid loss: 3.9851\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [393/3000]: 100%|██████████| 9/9 [00:00<00:00, 73.90it/s, loss=6.58]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [393/3000]: Train loss: 5.4530, Valid loss: 3.6859\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [394/3000]: 100%|██████████| 9/9 [00:00<00:00, 75.13it/s, loss=4.53]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [394/3000]: Train loss: 5.2286, Valid loss: 3.3084\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [395/3000]: 100%|██████████| 9/9 [00:00<00:00, 73.99it/s, loss=6.86]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [395/3000]: Train loss: 5.6446, Valid loss: 3.0142\n", + "Saving model with loss 3.014...\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [396/3000]: 100%|██████████| 9/9 [00:00<00:00, 76.10it/s, loss=6.94]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [396/3000]: Train loss: 5.5415, Valid loss: 3.6300\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [397/3000]: 100%|██████████| 9/9 [00:00<00:00, 80.36it/s, loss=4.01]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [397/3000]: Train loss: 5.2787, Valid loss: 3.1520\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [398/3000]: 100%|██████████| 9/9 [00:00<00:00, 74.80it/s, loss=3.46]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [398/3000]: Train loss: 5.4036, Valid loss: 3.2265\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [399/3000]: 100%|██████████| 9/9 [00:00<00:00, 78.53it/s, loss=5.01]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [399/3000]: Train loss: 5.2802, Valid loss: 3.1101\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [400/3000]: 100%|██████████| 9/9 [00:00<00:00, 79.37it/s, loss=4.96]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [400/3000]: Train loss: 5.4505, Valid loss: 3.1697\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [401/3000]: 100%|██████████| 9/9 [00:00<00:00, 83.56it/s, loss=3.21]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [401/3000]: Train loss: 5.1586, Valid loss: 3.0082\n", + "Saving model with loss 3.008...\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [402/3000]: 100%|██████████| 9/9 [00:00<00:00, 71.54it/s, loss=7.92]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [402/3000]: Train loss: 5.4695, Valid loss: 3.5854\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [403/3000]: 100%|██████████| 9/9 [00:00<00:00, 64.24it/s, loss=4.67]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [403/3000]: Train loss: 4.9503, Valid loss: 3.2366\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [404/3000]: 100%|██████████| 9/9 [00:00<00:00, 84.50it/s, loss=3.83]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [404/3000]: Train loss: 5.0238, Valid loss: 2.9949\n", + "Saving model with loss 2.995...\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [405/3000]: 100%|██████████| 9/9 [00:00<00:00, 84.70it/s, loss=4.16]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [405/3000]: Train loss: 5.2629, Valid loss: 3.0953\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [406/3000]: 100%|██████████| 9/9 [00:00<00:00, 83.74it/s, loss=6.53]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [406/3000]: Train loss: 5.3918, Valid loss: 2.9925\n", + "Saving model with loss 2.992...\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [407/3000]: 100%|██████████| 9/9 [00:00<00:00, 89.78it/s, loss=8.31]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [407/3000]: Train loss: 5.3714, Valid loss: 3.2113\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [408/3000]: 100%|██████████| 9/9 [00:00<00:00, 84.70it/s, loss=5]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [408/3000]: Train loss: 4.8840, Valid loss: 2.9924\n", + "Saving model with loss 2.992...\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [409/3000]: 100%|██████████| 9/9 [00:00<00:00, 78.51it/s, loss=5.95]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [409/3000]: Train loss: 5.1569, Valid loss: 2.9446\n", + "Saving model with loss 2.945...\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [410/3000]: 100%|██████████| 9/9 [00:00<00:00, 83.22it/s, loss=7.13]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [410/3000]: Train loss: 5.0503, Valid loss: 2.8632\n", + "Saving model with loss 2.863...\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [411/3000]: 100%|██████████| 9/9 [00:00<00:00, 77.01it/s, loss=3.86]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [411/3000]: Train loss: 4.9133, Valid loss: 2.6068\n", + "Saving model with loss 2.607...\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [412/3000]: 100%|██████████| 9/9 [00:00<00:00, 82.32it/s, loss=5.21]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [412/3000]: Train loss: 5.2470, Valid loss: 2.4614\n", + "Saving model with loss 2.461...\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [413/3000]: 100%|██████████| 9/9 [00:00<00:00, 78.82it/s, loss=4.63]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [413/3000]: Train loss: 4.8108, Valid loss: 2.3755\n", + "Saving model with loss 2.375...\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [414/3000]: 100%|██████████| 9/9 [00:00<00:00, 83.04it/s, loss=2.97]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [414/3000]: Train loss: 4.9269, Valid loss: 2.7359\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [415/3000]: 100%|██████████| 9/9 [00:00<00:00, 91.08it/s, loss=6.37]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [415/3000]: Train loss: 5.2511, Valid loss: 2.6789\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [416/3000]: 100%|██████████| 9/9 [00:00<00:00, 86.20it/s, loss=5.37]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [416/3000]: Train loss: 4.4939, Valid loss: 2.5958\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [417/3000]: 100%|██████████| 9/9 [00:00<00:00, 83.87it/s, loss=5.17]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [417/3000]: Train loss: 4.8466, Valid loss: 2.7854\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [418/3000]: 100%|██████████| 9/9 [00:00<00:00, 84.45it/s, loss=4.81]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [418/3000]: Train loss: 4.8908, Valid loss: 2.5673\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [419/3000]: 100%|██████████| 9/9 [00:00<00:00, 76.84it/s, loss=5.4]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [419/3000]: Train loss: 4.8893, Valid loss: 2.4063\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [420/3000]: 100%|██████████| 9/9 [00:00<00:00, 79.27it/s, loss=3.65]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [420/3000]: Train loss: 4.5849, Valid loss: 1.9831\n", + "Saving model with loss 1.983...\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [421/3000]: 100%|██████████| 9/9 [00:00<00:00, 81.49it/s, loss=4.16]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [421/3000]: Train loss: 4.8795, Valid loss: 2.0599\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [422/3000]: 100%|██████████| 9/9 [00:00<00:00, 82.44it/s, loss=6.63]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [422/3000]: Train loss: 4.7552, Valid loss: 2.5512\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [423/3000]: 100%|██████████| 9/9 [00:00<00:00, 82.26it/s, loss=5.73]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [423/3000]: Train loss: 4.7676, Valid loss: 2.7077\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [424/3000]: 100%|██████████| 9/9 [00:00<00:00, 84.38it/s, loss=7.31]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [424/3000]: Train loss: 4.9433, Valid loss: 2.3075\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [425/3000]: 100%|██████████| 9/9 [00:00<00:00, 79.48it/s, loss=3.7]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [425/3000]: Train loss: 4.2382, Valid loss: 2.1702\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [426/3000]: 100%|██████████| 9/9 [00:00<00:00, 79.86it/s, loss=8.21]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [426/3000]: Train loss: 4.9160, Valid loss: 2.5268\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [427/3000]: 100%|██████████| 9/9 [00:00<00:00, 71.04it/s, loss=5.05]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [427/3000]: Train loss: 4.4168, Valid loss: 2.4490\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [428/3000]: 100%|██████████| 9/9 [00:00<00:00, 84.27it/s, loss=7.76]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [428/3000]: Train loss: 4.8584, Valid loss: 2.5000\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [429/3000]: 100%|██████████| 9/9 [00:00<00:00, 80.42it/s, loss=4.59]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [429/3000]: Train loss: 4.4851, Valid loss: 2.0765\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [430/3000]: 100%|██████████| 9/9 [00:00<00:00, 84.72it/s, loss=5.08]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [430/3000]: Train loss: 4.5097, Valid loss: 2.2726\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [431/3000]: 100%|██████████| 9/9 [00:00<00:00, 83.91it/s, loss=6.35]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [431/3000]: Train loss: 4.7897, Valid loss: 2.7536\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [432/3000]: 100%|██████████| 9/9 [00:00<00:00, 78.52it/s, loss=4.27]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [432/3000]: Train loss: 4.0177, Valid loss: 1.9770\n", + "Saving model with loss 1.977...\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [433/3000]: 100%|██████████| 9/9 [00:00<00:00, 85.73it/s, loss=6.6]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [433/3000]: Train loss: 4.7495, Valid loss: 2.2419\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [434/3000]: 100%|██████████| 9/9 [00:00<00:00, 87.47it/s, loss=3.82]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [434/3000]: Train loss: 4.5105, Valid loss: 2.2322\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [435/3000]: 100%|██████████| 9/9 [00:00<00:00, 72.52it/s, loss=4.18]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [435/3000]: Train loss: 4.3956, Valid loss: 2.4437\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [436/3000]: 100%|██████████| 9/9 [00:00<00:00, 87.65it/s, loss=5.17]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [436/3000]: Train loss: 4.8254, Valid loss: 2.2482\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [437/3000]: 100%|██████████| 9/9 [00:00<00:00, 82.58it/s, loss=3.7]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [437/3000]: Train loss: 4.2492, Valid loss: 1.8419\n", + "Saving model with loss 1.842...\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [438/3000]: 100%|██████████| 9/9 [00:00<00:00, 81.38it/s, loss=3.54]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [438/3000]: Train loss: 4.0047, Valid loss: 2.0773\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [439/3000]: 100%|██████████| 9/9 [00:00<00:00, 83.47it/s, loss=4.98]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [439/3000]: Train loss: 4.2613, Valid loss: 2.0801\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [440/3000]: 100%|██████████| 9/9 [00:00<00:00, 81.96it/s, loss=5.2]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [440/3000]: Train loss: 4.5511, Valid loss: 1.8977\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [441/3000]: 100%|██████████| 9/9 [00:00<00:00, 80.07it/s, loss=4.16]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [441/3000]: Train loss: 4.4117, Valid loss: 1.8678\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [442/3000]: 100%|██████████| 9/9 [00:00<00:00, 83.54it/s, loss=4.63]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [442/3000]: Train loss: 4.2248, Valid loss: 1.8862\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [443/3000]: 100%|██████████| 9/9 [00:00<00:00, 78.20it/s, loss=4.37]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [443/3000]: Train loss: 4.5249, Valid loss: 1.9221\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [444/3000]: 100%|██████████| 9/9 [00:00<00:00, 83.53it/s, loss=4.51]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [444/3000]: Train loss: 4.2053, Valid loss: 1.9640\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [445/3000]: 100%|██████████| 9/9 [00:00<00:00, 77.96it/s, loss=3.94]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [445/3000]: Train loss: 4.1850, Valid loss: 1.9063\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [446/3000]: 100%|██████████| 9/9 [00:00<00:00, 85.72it/s, loss=4.11]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [446/3000]: Train loss: 4.2336, Valid loss: 1.8727\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [447/3000]: 100%|██████████| 9/9 [00:00<00:00, 81.47it/s, loss=4.37]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [447/3000]: Train loss: 4.0253, Valid loss: 2.3594\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [448/3000]: 100%|██████████| 9/9 [00:00<00:00, 78.05it/s, loss=3.45]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [448/3000]: Train loss: 3.9471, Valid loss: 2.3180\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [449/3000]: 100%|██████████| 9/9 [00:00<00:00, 80.44it/s, loss=4.48]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [449/3000]: Train loss: 4.3914, Valid loss: 1.7646\n", + "Saving model with loss 1.765...\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [450/3000]: 100%|██████████| 9/9 [00:00<00:00, 79.08it/s, loss=3.9]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [450/3000]: Train loss: 4.0372, Valid loss: 1.6750\n", + "Saving model with loss 1.675...\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [451/3000]: 100%|██████████| 9/9 [00:00<00:00, 82.47it/s, loss=6.38]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [451/3000]: Train loss: 4.5673, Valid loss: 2.2235\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [452/3000]: 100%|██████████| 9/9 [00:00<00:00, 83.27it/s, loss=3.55]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [452/3000]: Train loss: 4.0677, Valid loss: 1.7950\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [453/3000]: 100%|██████████| 9/9 [00:00<00:00, 84.65it/s, loss=4.28]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [453/3000]: Train loss: 4.2175, Valid loss: 1.5807\n", + "Saving model with loss 1.581...\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [454/3000]: 100%|██████████| 9/9 [00:00<00:00, 83.59it/s, loss=4.13]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [454/3000]: Train loss: 4.1689, Valid loss: 1.8693\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [455/3000]: 100%|██████████| 9/9 [00:00<00:00, 82.05it/s, loss=4.26]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [455/3000]: Train loss: 4.3685, Valid loss: 1.7863\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [456/3000]: 100%|██████████| 9/9 [00:00<00:00, 90.37it/s, loss=4.04]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [456/3000]: Train loss: 4.1231, Valid loss: 2.0107\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [457/3000]: 100%|██████████| 9/9 [00:00<00:00, 86.65it/s, loss=4.67]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [457/3000]: Train loss: 4.6143, Valid loss: 1.6987\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [458/3000]: 100%|██████████| 9/9 [00:00<00:00, 77.10it/s, loss=3.82]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [458/3000]: Train loss: 4.1478, Valid loss: 2.0173\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [459/3000]: 100%|██████████| 9/9 [00:00<00:00, 73.53it/s, loss=4.66]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [459/3000]: Train loss: 4.1587, Valid loss: 2.0563\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [460/3000]: 100%|██████████| 9/9 [00:00<00:00, 72.95it/s, loss=3.59]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [460/3000]: Train loss: 4.1198, Valid loss: 1.7682\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [461/3000]: 100%|██████████| 9/9 [00:00<00:00, 83.98it/s, loss=3.79]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [461/3000]: Train loss: 4.1092, Valid loss: 1.7055\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [462/3000]: 100%|██████████| 9/9 [00:00<00:00, 82.01it/s, loss=3.67]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [462/3000]: Train loss: 3.9830, Valid loss: 1.6947\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [463/3000]: 100%|██████████| 9/9 [00:00<00:00, 84.95it/s, loss=5.53]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [463/3000]: Train loss: 4.1840, Valid loss: 1.8274\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [464/3000]: 100%|██████████| 9/9 [00:00<00:00, 81.28it/s, loss=4.53]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [464/3000]: Train loss: 4.1934, Valid loss: 1.6757\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [465/3000]: 100%|██████████| 9/9 [00:00<00:00, 82.84it/s, loss=4.22]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [465/3000]: Train loss: 4.0125, Valid loss: 1.5549\n", + "Saving model with loss 1.555...\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [466/3000]: 100%|██████████| 9/9 [00:00<00:00, 75.45it/s, loss=4.94]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [466/3000]: Train loss: 4.3050, Valid loss: 1.7362\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [467/3000]: 100%|██████████| 9/9 [00:00<00:00, 75.56it/s, loss=3.48]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [467/3000]: Train loss: 3.9940, Valid loss: 1.7876\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [468/3000]: 100%|██████████| 9/9 [00:00<00:00, 82.58it/s, loss=5.57]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [468/3000]: Train loss: 4.2205, Valid loss: 1.7287\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [469/3000]: 100%|██████████| 9/9 [00:00<00:00, 82.75it/s, loss=5.57]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [469/3000]: Train loss: 4.3305, Valid loss: 1.5387\n", + "Saving model with loss 1.539...\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [470/3000]: 100%|██████████| 9/9 [00:00<00:00, 79.77it/s, loss=4.97]\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Epoch [470/3000]: Train loss: 4.0371, Valid loss: 1.7425\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Epoch [471/3000]: 0%| | 0/9 [00:00\n- `libriphone/feat/test/*.pt`: testing feature
\n\nafter running the following block.\n\n> **Notes: if the links are dead, you can download the data directly from [Kaggle](https://www.kaggle.com/c/ml2022spring-hw2/data) and upload it to the workspace, or you can use [the Kaggle API](https://www.kaggle.com/general/74235) to directly download the data into colab.**\n","metadata":{"id":"KVUGfWTo7_Oj"}},{"cell_type":"markdown","source":"### Download train/test metadata","metadata":{"id":"Bj5jYXsD9Ef3"}},{"cell_type":"markdown","source":"### Preparing Data","metadata":{"id":"_L_4anls8Drv"}},{"cell_type":"code","source":"# Main link\n# !wget -O libriphone.zip \"https://github.com/xraychen/shiny-robot/releases/download/v1.0/libriphone.zip\"\n\n# Backup Link 0\n# !pip install --upgrade gdown\n# !gdown --id '1o6Ag-G3qItSmYhTheX6DYiuyNzWyHyTc' --output libriphone.zip\n\n# Backup link 1\n# !pip install --upgrade gdown\n# !gdown --id '1R1uQYi4QpX0tBfUWt2mbZcncdBsJkxeW' --output libriphone.zip\n\n# Backup link 2\n# !wget -O libriphone.zip \"https://www.dropbox.com/s/wqww8c5dbrl2ka9/libriphone.zip?dl=1\"\n\n# Backup link 3\n# !wget -O libriphone.zip \"https://www.dropbox.com/s/p2ljbtb2bam13in/libriphone.zip?dl=1\"\n\n# !unzip -q libriphone.zip\n# !ls libriphone","metadata":{"trusted":true},"execution_count":null,"outputs":[]},{"cell_type":"markdown","source":"**Helper functions to pre-process the training data from raw MFCC features of each utterance.**\n\nA phoneme may span several frames and is dependent to past and future frames. \\\nHence we concatenate neighboring phonemes for training to achieve higher accuracy. The **concat_feat** function concatenates past and future k frames (total 2k+1 = n frames), and we predict the center frame.\n\nFeel free to modify the data preprocess functions, but **do not drop any frame** (if you modify the functions, remember to check that the number of frames are the same as mentioned in the slides)","metadata":{"id":"po4N3C-AWuWl"}},{"cell_type":"code","source":"import os\nimport random\nimport pandas as pd\nimport torch\nfrom tqdm import tqdm\n\ndef load_feat(path):\n feat = torch.load(path)\n return feat\n\ndef shift(x, n):\n if n < 0:\n left = x[0].repeat(-n, 1)\n right = x[:n]\n\n elif n > 0:\n right = x[-1].repeat(n, 1)\n left = x[n:]\n else:\n return x\n\n return torch.cat((left, right), dim=0)\n\ndef concat_feat(x, concat_n):\n assert concat_n % 2 == 1 # n must be odd\n if concat_n < 2:\n return x\n seq_len, feature_dim = x.size(0), x.size(1)\n x = x.repeat(1, concat_n) \n x = x.view(seq_len, concat_n, feature_dim).permute(1, 0, 2) # concat_n, seq_len, feature_dim\n mid = (concat_n // 2)\n for r_idx in range(1, mid+1):\n x[mid + r_idx, :] = shift(x[mid + r_idx], r_idx)\n x[mid - r_idx, :] = shift(x[mid - r_idx], -r_idx)\n\n return x.permute(1, 0, 2).view(seq_len, concat_n * feature_dim)\n\ndef preprocess_data(split, feat_dir, phone_path, concat_nframes, train_ratio=0.8, train_val_seed=1337):\n class_num = 41 # NOTE: pre-computed, should not need change\n mode = 'train' if (split == 'train' or split == 'val') else 'test'\n\n label_dict = {}\n if mode != 'test':\n phone_file = open(os.path.join(phone_path, f'{mode}_labels.txt')).readlines()\n\n for line in phone_file:\n line = line.strip('\\n').split(' ')\n label_dict[line[0]] = [int(p) for p in line[1:]]\n\n if split == 'train' or split == 'val':\n # split training and validation data\n usage_list = open(os.path.join(phone_path, 'train_split.txt')).readlines()\n random.seed(train_val_seed)\n random.shuffle(usage_list)\n percent = int(len(usage_list) * train_ratio)\n usage_list = usage_list[:percent] if split == 'train' else usage_list[percent:]\n elif split == 'test':\n usage_list = open(os.path.join(phone_path, 'test_split.txt')).readlines()\n else:\n raise ValueError('Invalid \\'split\\' argument for dataset: PhoneDataset!')\n\n usage_list = [line.strip('\\n') for line in usage_list]\n print('[Dataset] - # phone classes: ' + str(class_num) + ', number of utterances for ' + split + ': ' + str(len(usage_list)))\n\n max_len = 3000000\n X = torch.empty(max_len, 39 * concat_nframes)\n if mode != 'test':\n y = torch.empty(max_len, concat_nframes, dtype=torch.long)\n\n idx = 0\n for i, fname in tqdm(enumerate(usage_list)):\n feat = load_feat(os.path.join(feat_dir, mode, f'{fname}.pt'))\n cur_len = len(feat)\n feat = concat_feat(feat, concat_nframes)\n if mode != 'test':\n label = torch.LongTensor(label_dict[fname]).unsqueeze(1)\n label = concat_feat(label, concat_nframes)\n\n X[idx: idx + cur_len, :] = feat\n if mode != 'test':\n y[idx: idx + cur_len] = label\n\n idx += cur_len\n\n X = X[:idx, :]\n if mode != 'test':\n y = y[:idx]\n\n print(f'[INFO] {split} set')\n print(X.shape)\n if mode != 'test':\n print(y.shape)\n return X, y\n else:\n return X","metadata":{"trusted":true},"execution_count":null,"outputs":[]},{"cell_type":"markdown","source":"## Define Dataset","metadata":{"id":"us5XW_x6udZQ"}},{"cell_type":"code","source":"import torch\nfrom torch.utils.data import Dataset\nfrom torch.utils.data import DataLoader\n\nclass LibriDataset(Dataset):\n def __init__(self, X, y=None):\n self.data = X\n if y is not None:\n self.label = torch.LongTensor(y)\n else:\n self.label = None\n\n def __getitem__(self, idx):\n if self.label is not None:\n return self.data[idx].view(-1, 39), self.label[idx]\n else:\n return self.data[idx].view(-1, 39)\n\n def __len__(self):\n return len(self.data)","metadata":{"id":"Fjf5EcmJtf4e","trusted":true},"execution_count":null,"outputs":[]},{"cell_type":"markdown","source":"## Define Model","metadata":{"id":"IRqKNvNZwe3V"}},{"cell_type":"code","source":"!pip install pytorch-crf","metadata":{"trusted":true},"execution_count":null,"outputs":[]},{"cell_type":"code","source":"import torch\nimport torch.nn as nn\nimport torch.nn.functional as F\nfrom torchcrf import CRF\n\n# class BasicBlock(nn.Module):\n# def __init__(self, input_dim, output_dim):\n# super(BasicBlock, self).__init__()\n\n# self.block = nn.Sequential(\n# nn.Linear(input_dim, output_dim),\n# nn.LeakyReLU(0.1),\n# nn.BatchNorm1d(output_dim),\n# nn.Dropout(0.25)\n# )\n\n# def forward(self, x):\n# x = self.block(x)\n# return x\n\n# class Classifier(nn.Module):\n# def __init__(self, input_dim, output_dim=41, hidden_layers=1, hidden_dim=256):\n# super(Classifier, self).__init__()\n\n# self.fc = nn.Sequential(\n# BasicBlock(input_dim, hidden_dim),\n# *[BasicBlock(hidden_dim, hidden_dim) for _ in range(hidden_layers)],\n# nn.Linear(hidden_dim, output_dim)\n# )\n\n# def forward(self, x):\n# x = self.fc(x)\n# return x\n\n# class BiLSTM(nn.Module):\n# def __init__(self, class_size=41, input_dim=39, hidden_dim=192, dropout=0.5):\n# super().__init__()\n# self.input_dim = input_dim\n# self.hidden_dim = hidden_dim\n# self.class_size = class_size\n# self.lstm = nn.LSTM(input_dim, hidden_dim // 2, dropout=dropout,\n# num_layers=3, bidirectional=True, batch_first=True)\n# self.hidden2tag = nn.Sequential(\n# nn.Dropout(dropout),\n# nn.Linear(hidden_dim, class_size)\n# )\n \n# def forward(self, x):\n# feats, _ = self.lstm(x)\n# print(\"feats shape:\", feats.shape)\n# result = self.hidden2tag(feats)\n# print(\"result shape:\", result.shape)\n# return result\n \nclass Encoder(nn.Module):\n\tdef __init__(self, input_dim=39, d_model=224, output_dim=41, dropout=0.3):\n\t\tsuper().__init__()\n\t\t# Project the dimension of features from that of input into d_model.\n\t\tself.prenet = nn.Linear(input_dim, d_model)\n\t\tself.encoder_layer = nn.TransformerEncoderLayer(\n\t\t\td_model=d_model, dim_feedforward=1024, nhead=1, dropout=dropout\n\t\t)\n\t\tself.encoder = nn.TransformerEncoder(self.encoder_layer, num_layers=6)\n\n\t\t# Project the the dimension of features from d_model into speaker nums.\n\t\tself.pred_layer = nn.Sequential(\n nn.Dropout(dropout),\n\t\t\tnn.Linear(d_model, output_dim),\n\t\t)\n \n\tdef forward(self, mels):\n\t\t\"\"\"\n\t\targs:\n\t\t\tmels: (batch size, length, 40)\n\t\treturn:\n\t\t\tout: (batch size, n_spks)\n\t\t\"\"\"\n# \t\tprint(\"input shape===========>\", mels.shape)\n\t\t# out: (batch size, length, d_model)\n\t\tout = self.prenet(mels)\n\t\t# out: (length, batch size, d_model)\n\t\tout = out.permute(1, 0, 2)\n\t\t# The encoder layer expect features in the shape of (length, batch size, d_model).\n\t\tout = self.encoder(out)\n\t\t# out: (batch size, length, d_model)\n\t\tout = out.transpose(0, 1)\n\t\t# out: (batch, n_spks)\n\t\tout = self.pred_layer(out)\n# print(\"output shape:\", out.shape)\n\t\treturn out\n\nclass Crf(nn.Module):\n def __init__(self, class_size=41):\n super().__init__()\n self.class_size = class_size\n self.crf = CRF(self.class_size, batch_first=True)\n \n def likelihood(self, x, y):\n return self.crf(x, y)\n \n def forward(self, x):\n return torch.LongTensor(self.crf.decode(x))","metadata":{"trusted":true},"execution_count":null,"outputs":[]},{"cell_type":"markdown","source":"## Hyper-parameters","metadata":{"id":"TlIq8JeqvvHC"}},{"cell_type":"code","source":"# data prarameters\nconcat_nframes = 21 # the number of frames to concat with, n must be odd (total 2k+1 = n frames)\nmid = concat_nframes//2\ntrain_ratio = 0.95 # the ratio of data used for training, the rest will be used for validation\n\n# training parameters\nseed = 6666 # random seed\nbatch_size = 2048 # batch size\nearly_stopping = 16\nnum_epoch = 50 # the number of training epoch\nlearning_rate = 0.0001 # learning rate\nmodel1_path = './model1.ckpt' # the path where the checkpoint will be saved\nmodel2_path = './model2.ckpt'\n# model parameters\ninput_dim = 39 * concat_nframes # the input dim of the model, you should not change the value\nhidden_layers = 3 # the number of hidden layers\nhidden_dim = 1024 # the hidden dim","metadata":{"trusted":true},"execution_count":null,"outputs":[]},{"cell_type":"markdown","source":"## Prepare dataset and model","metadata":{"id":"IIUFRgG5yoDn"}},{"cell_type":"code","source":"import gc\n\n# preprocess data\ntrain_X, train_y = preprocess_data(split='train', feat_dir='../input/ml2022spring-hw2/libriphone/libriphone/feat', \n phone_path='../input/ml2022spring-hw2/libriphone/libriphone', concat_nframes=concat_nframes, train_ratio=train_ratio)\nval_X, val_y = preprocess_data(split='val', feat_dir='../input/ml2022spring-hw2/libriphone/libriphone/feat', \n phone_path='../input/ml2022spring-hw2/libriphone/libriphone', concat_nframes=concat_nframes, train_ratio=train_ratio)\n\n# get dataset\ntrain_set = LibriDataset(train_X, train_y)\nval_set = LibriDataset(val_X, val_y)\n\n# remove raw feature to save memory\ndel train_X, train_y, val_X, val_y\ngc.collect()\n\n# get dataloader\ntrain_loader = DataLoader(train_set, batch_size=batch_size, shuffle=True)\nval_loader = DataLoader(val_set, batch_size=batch_size, shuffle=False)","metadata":{"id":"c1zI3v5jyrDn","outputId":"c04339e8-0d70-4816-c222-5b4fea532516","trusted":true},"execution_count":null,"outputs":[]},{"cell_type":"code","source":"device = 'cuda:0' if torch.cuda.is_available() else 'cpu'\nprint(f'DEVICE: {device}')","metadata":{"id":"CfRUEgC0GxUV","outputId":"29ccfa55-977a-4aa6-8342-246b727b5643","trusted":true},"execution_count":null,"outputs":[]},{"cell_type":"code","source":"import numpy as np\n\n#fix seed\ndef same_seeds(seed):\n torch.manual_seed(seed)\n if torch.cuda.is_available():\n torch.cuda.manual_seed(seed)\n torch.cuda.manual_seed_all(seed) \n np.random.seed(seed) \n torch.backends.cudnn.benchmark = False\n torch.backends.cudnn.deterministic = True","metadata":{"id":"88xPiUnm0tAd","trusted":true},"execution_count":null,"outputs":[]},{"cell_type":"code","source":"# fix random seed\nsame_seeds(seed)\n\n# create model, define a loss function, and optimizer\n#model = Classifier(input_dim=input_dim, hidden_layers=hidden_layers, hidden_dim=hidden_dim).to(device)\nencoder = Encoder().to(device)\ncrf = Crf().to(device)\noptimizer1 = torch.optim.AdamW(encoder.parameters(), lr=learning_rate*20, weight_decay=0.015)\nscheduler = torch.optim.lr_scheduler.CosineAnnealingWarmRestarts(optimizer1, \n T_0=8, T_mult=2, eta_min=learning_rate/2)\n\noptimizer2 = torch.optim.AdamW(crf.parameters(), lr=learning_rate*500, weight_decay=1e-8)\n\ntotal_num = 0\nfor i, param in enumerate(encoder.parameters()):\n print('Layer:', i, ' parameter num:',param.numel(), ' shape:', param.shape)\n total_num += param.numel()\n\nprint(f'Total parameters num: {total_num}')\n\ntotal_num = 0\nfor i, param in enumerate(crf.parameters()):\n print('Layer:', i, ' parameter num:',param.numel(), ' shape:', param.shape)\n total_num += param.numel()\n\nprint(f'Total parameters num: {total_num}')","metadata":{"trusted":true},"execution_count":null,"outputs":[]},{"cell_type":"markdown","source":"## Training","metadata":{"id":"pwWH1KIqzxEr"}},{"cell_type":"code","source":"best_acc = 0.0\nearly_stop_count = 0\nfor epoch in range(num_epoch):\n train_acc = 0.0\n train_loss = 0.0\n val_acc = 0.0\n val_loss = 0.0\n train_item =0\n # training\n encoder.train() # set the model to training mode\n crf.train()\n pbar = tqdm(train_loader, ncols=110)\n pbar.set_description(f'T: {epoch+1}/{num_epoch}')\n samples = 0\n for i, batch in enumerate(pbar):\n features, labels = batch\n features, labels = features.to(device), labels.to(device)\n \n optimizer1.zero_grad() \n optimizer2.zero_grad()\n encoderResult = encoder(features)\n# print(\"encoder shape:\", encoderResult.shape)\n loss = -crf.likelihood(encoderResult, labels)\n loss.backward()\n grad_norm = nn.utils.clip_grad_norm_(encoder.parameters(), max_norm=50)\n optimizer1.step()\n optimizer2.step()\n \n train_loss += loss.item()\n train_item += labels.size(0)\n \n lr1 = optimizer1.param_groups[0][\"lr\"]\n lr2 = optimizer2.param_groups[0][\"lr\"]\n pbar.set_postfix({'lr1':lr1, 'lr2':lr2, 'loss':train_loss/train_item})\n scheduler.step()\n pbar.close()\n # validation\n if len(val_set) > 0:\n encoder.eval() # set the model to evaluation mode\n crf.eval()\n with torch.no_grad():\n pbar = tqdm(val_loader, ncols=110)\n pbar.set_description(f'V: {epoch+1}/{num_epoch}')\n samples = 0\n for i, batch in enumerate(pbar):\n features, labels = batch\n features, labels = features.to(device), labels.to(device)\n outputs = crf(encoder(features)) \n val_acc += (outputs[:, mid] == labels[:, mid].cpu()).sum().item()\n samples += labels.size(0)\n pbar.set_postfix({'val acc':val_acc/samples})\n pbar.close()\n # if the model improves, save a checkpoint at this epoch\n if val_acc > best_acc:\n best_acc = val_acc\n torch.save(encoder.state_dict(), model1_path)\n torch.save(crf.state_dict(), model2_path)\n print('saving model with acc {:.3f}'.format(best_acc/(len(val_set))))\n early_stop_count = 0\n else:\n early_stop_count += 1\n if early_stop_count >= early_stopping:\n print(f\"Epoch: {epoch + 1}, model not improving, early stopping.\")\n break\n ","metadata":{"trusted":true},"execution_count":null,"outputs":[]},{"cell_type":"code","source":"del train_loader, val_loader\ngc.collect()","metadata":{"id":"ab33MxosWLmG","outputId":"ed4e9622-c72f-409e-97b5-9c95fe989a29","trusted":true},"execution_count":null,"outputs":[]},{"cell_type":"markdown","source":"## Testing\nCreate a testing dataset, and load model from the saved checkpoint.","metadata":{"id":"1Hi7jTn3PX-m"}},{"cell_type":"code","source":"# load data\ntest_X = preprocess_data(split='test', feat_dir='../input/ml2022spring-hw2/libriphone/libriphone/feat',\n phone_path='../input/ml2022spring-hw2/libriphone/libriphone', concat_nframes=concat_nframes)\n\ntest_set = LibriDataset(test_X)\n\nimport gc\ndel test_X\ngc.collect()\n\n# get dataloader\ntest_loader = DataLoader(test_set, batch_size=batch_size, shuffle=False)","metadata":{"id":"VOG1Ou0PGrhc","outputId":"ce423526-fd4d-43a7-f837-d430b7fd9162","trusted":true},"execution_count":null,"outputs":[]},{"cell_type":"code","source":"# load model\n#model = Classifier(input_dim=input_dim, hidden_layers=hidden_layers, hidden_dim=hidden_dim).to(device)\nencoder = Encoder().to(device)\nencoder.load_state_dict(torch.load(model1_path))\n\ncrf = Crf().to(device)\ncrf.load_state_dict(torch.load(model2_path))","metadata":{"trusted":true},"execution_count":null,"outputs":[]},{"cell_type":"markdown","source":"Make prediction.","metadata":{"id":"zp-DV1p4r7Nz"}},{"cell_type":"code","source":"pred = np.array([], dtype=np.int32)\n\nencoder.eval()\ncrf.eval()\nwith torch.no_grad():\n for features in tqdm(test_loader):\n features = features.to(device)\n outputs = crf(encoder(features))\n pred = np.concatenate((pred, outputs.detach().cpu()[:, mid]), axis=0)\n","metadata":{"trusted":true},"execution_count":null,"outputs":[]},{"cell_type":"markdown","source":"Write prediction to a CSV file.\n\nAfter finish running this block, download the file `prediction.csv` from the files section on the left-hand side and submit it to Kaggle.","metadata":{"id":"wyZqy40Prz0v"}},{"cell_type":"code","source":"with open('prediction.csv', 'w') as f:\n f.write('Id,Class\\n')\n for i, y in enumerate(pred):\n f.write('{},{}\\n'.format(i, y))","metadata":{"id":"GuljYSPHcZir","trusted":true},"execution_count":null,"outputs":[]}]} \ No newline at end of file diff --git a/HW02/caishaokang_submission_hw02.csv b/HW02/caishaokang_submission_hw02.csv new file mode 100644 index 00000000..f1ee9578 --- /dev/null +++ b/HW02/caishaokang_submission_hw02.csv @@ -0,0 +1,646269 @@ +Id,Class +0,0 +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,29 +15,29 +16,29 +17,29 +18,29 +19,31 +20,31 +21,31 +22,19 +23,19 +24,4 +25,19 +26,19 +27,19 +28,19 +29,19 +30,19 +31,19 +32,19 +33,19 +34,19 +35,19 +36,19 +37,3 +38,3 +39,3 +40,3 +41,3 +42,3 +43,3 +44,3 +45,5 +46,5 +47,5 +48,5 +49,5 +50,5 +51,5 +52,5 +53,5 +54,26 +55,26 +56,26 +57,26 +58,26 +59,26 +60,26 +61,26 +62,36 +63,36 +64,36 +65,4 +66,4 +67,4 +68,4 +69,4 +70,4 +71,4 +72,30 +73,30 +74,30 +75,30 +76,30 +77,30 +78,30 +79,40 +80,40 +81,40 +82,40 +83,40 +84,40 +85,40 +86,40 +87,24 +88,24 +89,24 +90,27 +91,27 +92,27 +93,27 +94,27 +95,27 +96,27 +97,27 +98,27 +99,27 +100,27 +101,27 +102,27 +103,27 +104,27 +105,23 +106,23 +107,23 +108,23 +109,23 +110,23 +111,23 +112,9 +113,9 +114,9 +115,17 +116,17 +117,17 +118,17 +119,17 +120,17 +121,17 +122,17 +123,17 +124,12 +125,12 +126,12 +127,14 +128,14 +129,14 +130,14 +131,14 +132,17 +133,17 +134,17 +135,14 +136,14 +137,14 +138,14 +139,12 +140,12 +141,33 +142,33 +143,33 +144,33 +145,33 +146,33 +147,33 +148,33 +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,36 +171,36 +172,36 +173,36 +174,36 +175,36 +176,36 +177,36 +178,5 +179,5 +180,5 +181,19 +182,19 +183,19 +184,19 +185,19 +186,19 +187,19 +188,2 +189,2 +190,2 +191,2 +192,2 +193,2 +194,2 +195,2 +196,11 +197,11 +198,11 +199,11 +200,11 +201,11 +202,11 +203,11 +204,25 +205,25 +206,25 +207,25 +208,25 +209,25 +210,25 +211,25 +212,25 +213,25 +214,25 +215,25 +216,25 +217,25 +218,31 +219,31 +220,31 +221,31 +222,25 +223,25 +224,25 +225,25 +226,38 +227,23 +228,38 +229,38 +230,23 +231,38 +232,38 +233,38 +234,23 +235,38 +236,23 +237,40 +238,40 +239,40 +240,40 +241,40 +242,40 +243,40 +244,40 +245,40 +246,40 +247,40 +248,40 +249,37 +250,37 +251,37 +252,37 +253,37 +254,37 +255,37 +256,37 +257,37 +258,37 +259,37 +260,37 +261,39 +262,39 +263,39 +264,39 +265,39 +266,39 +267,39 +268,35 +269,35 +270,35 +271,35 +272,35 +273,35 +274,35 +275,35 +276,35 +277,35 +278,35 +279,35 +280,35 +281,35 +282,26 +283,26 +284,26 +285,26 +286,26 +287,26 +288,26 +289,26 +290,26 +291,26 +292,26 +293,26 +294,26 +295,26 +296,26 +297,26 +298,26 +299,26 +300,26 +301,26 +302,26 +303,26 +304,26 +305,26 +306,4 +307,4 +308,4 +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,4 +436,4 +437,4 +438,4 +439,4 +440,4 +441,4 +442,4 +443,4 +444,4 +445,4 +446,10 +447,10 +448,10 +449,10 +450,10 +451,10 +452,10 +453,10 +454,10 +455,26 +456,26 +457,26 +458,26 +459,26 +460,26 +461,26 +462,26 +463,26 +464,10 +465,26 +466,10 +467,10 +468,10 +469,10 +470,10 +471,10 +472,10 +473,10 +474,10 +475,28 +476,28 +477,28 +478,28 +479,28 +480,28 +481,28 +482,28 +483,28 +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,38 +526,38 +527,38 +528,38 +529,38 +530,38 +531,38 +532,38 +533,37 +534,37 +535,37 +536,37 +537,37 +538,37 +539,37 +540,37 +541,37 +542,37 +543,39 +544,39 +545,39 +546,39 +547,39 +548,39 +549,6 +550,6 +551,6 +552,6 +553,6 +554,6 +555,6 +556,6 +557,6 +558,6 +559,6 +560,6 +561,9 +562,9 +563,9 +564,9 +565,9 +566,9 +567,9 +568,9 +569,9 +570,9 +571,37 +572,37 +573,37 +574,37 +575,37 +576,4 +577,4 +578,4 +579,19 +580,25 +581,25 +582,25 +583,25 +584,25 +585,25 +586,25 +587,25 +588,25 +589,25 +590,25 +591,8 +592,8 +593,8 +594,8 +595,8 +596,8 +597,8 +598,8 +599,2 +600,40 +601,40 +602,40 +603,36 +604,36 +605,36 +606,36 +607,34 +608,34 +609,34 +610,36 +611,36 +612,34 +613,34 +614,34 +615,34 +616,34 +617,34 +618,34 +619,34 +620,34 +621,34 +622,34 +623,34 +624,34 +625,34 +626,34 +627,34 +628,34 +629,34 +630,34 +631,9 +632,37 +633,37 +634,37 +635,37 +636,37 +637,37 +638,37 +639,37 +640,37 +641,37 +642,25 +643,25 +644,25 +645,25 +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,36 +701,36 +702,36 +703,36 +704,36 +705,36 +706,36 +707,40 +708,40 +709,40 +710,40 +711,40 +712,40 +713,40 +714,40 +715,40 +716,36 +717,36 +718,24 +719,24 +720,24 +721,24 +722,24 +723,24 +724,25 +725,25 +726,25 +727,25 +728,25 +729,25 +730,25 +731,25 +732,25 +733,16 +734,16 +735,16 +736,18 +737,16 +738,16 +739,16 +740,16 +741,16 +742,16 +743,16 +744,16 +745,35 +746,35 +747,35 +748,35 +749,35 +750,35 +751,35 +752,35 +753,6 +754,6 +755,9 +756,9 +757,9 +758,9 +759,9 +760,9 +761,9 +762,9 +763,9 +764,9 +765,9 +766,9 +767,9 +768,9 +769,9 +770,9 +771,9 +772,9 +773,9 +774,9 +775,9 +776,9 +777,9 +778,9 +779,9 +780,26 +781,2 +782,2 +783,2 +784,2 +785,2 +786,2 +787,2 +788,2 +789,2 +790,2 +791,2 +792,2 +793,2 +794,2 +795,2 +796,2 +797,2 +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,29 +848,29 +849,29 +850,29 +851,29 +852,29 +853,14 +854,14 +855,14 +856,14 +857,14 +858,14 +859,14 +860,14 +861,14 +862,19 +863,19 +864,19 +865,19 +866,19 +867,19 +868,27 +869,27 +870,27 +871,27 +872,27 +873,27 +874,27 +875,27 +876,19 +877,19 +878,19 +879,5 +880,5 +881,5 +882,5 +883,5 +884,26 +885,26 +886,26 +887,26 +888,26 +889,26 +890,26 +891,26 +892,26 +893,26 +894,26 +895,26 +896,6 +897,6 +898,6 +899,6 +900,6 +901,6 +902,6 +903,6 +904,6 +905,6 +906,6 +907,9 +908,9 +909,9 +910,9 +911,9 +912,9 +913,9 +914,30 +915,33 +916,33 +917,30 +918,30 +919,30 +920,4 +921,4 +922,4 +923,4 +924,4 +925,4 +926,4 +927,4 +928,31 +929,31 +930,31 +931,31 +932,24 +933,24 +934,24 +935,24 +936,24 +937,24 +938,24 +939,14 +940,14 +941,14 +942,14 +943,14 +944,14 +945,14 +946,14 +947,14 +948,14 +949,14 +950,14 +951,4 +952,4 +953,4 +954,4 +955,29 +956,29 +957,29 +958,31 +959,31 +960,31 +961,31 +962,31 +963,2 +964,2 +965,2 +966,2 +967,2 +968,2 +969,2 +970,2 +971,2 +972,2 +973,2 +974,2 +975,2 +976,2 +977,2 +978,2 +979,2 +980,9 +981,9 +982,33 +983,33 +984,33 +985,17 +986,17 +987,17 +988,17 +989,17 +990,17 +991,17 +992,17 +993,17 +994,17 +995,17 +996,17 +997,17 +998,17 +999,17 +1000,17 +1001,17 +1002,17 +1003,17 +1004,30 +1005,30 +1006,30 +1007,30 +1008,30 +1009,30 +1010,30 +1011,30 +1012,30 +1013,30 +1014,30 +1015,30 +1016,30 +1017,30 +1018,30 +1019,30 +1020,3 +1021,3 +1022,0 +1023,0 +1024,0 +1025,13 +1026,0 +1027,0 +1028,0 +1029,0 +1030,0 +1031,0 +1032,5 +1033,5 +1034,5 +1035,5 +1036,5 +1037,5 +1038,9 +1039,9 +1040,9 +1041,9 +1042,9 +1043,9 +1044,9 +1045,9 +1046,37 +1047,37 +1048,37 +1049,37 +1050,37 +1051,37 +1052,19 +1053,19 +1054,19 +1055,19 +1056,19 +1057,27 +1058,27 +1059,27 +1060,27 +1061,27 +1062,27 +1063,29 +1064,29 +1065,29 +1066,4 +1067,29 +1068,29 +1069,29 +1070,29 +1071,14 +1072,14 +1073,14 +1074,14 +1075,14 +1076,14 +1077,14 +1078,14 +1079,14 +1080,14 +1081,14 +1082,14 +1083,14 +1084,35 +1085,35 +1086,35 +1087,35 +1088,35 +1089,35 +1090,35 +1091,40 +1092,40 +1093,40 +1094,36 +1095,36 +1096,36 +1097,36 +1098,36 +1099,40 +1100,40 +1101,5 +1102,5 +1103,5 +1104,5 +1105,5 +1106,4 +1107,4 +1108,4 +1109,4 +1110,4 +1111,4 +1112,4 +1113,31 +1114,31 +1115,31 +1116,31 +1117,31 +1118,21 +1119,21 +1120,21 +1121,21 +1122,21 +1123,21 +1124,37 +1125,37 +1126,37 +1127,37 +1128,37 +1129,37 +1130,37 +1131,37 +1132,14 +1133,14 +1134,14 +1135,14 +1136,14 +1137,14 +1138,14 +1139,14 +1140,14 +1141,14 +1142,14 +1143,4 +1144,4 +1145,4 +1146,4 +1147,4 +1148,19 +1149,19 +1150,19 +1151,19 +1152,19 +1153,19 +1154,39 +1155,3 +1156,3 +1157,3 +1158,39 +1159,39 +1160,39 +1161,39 +1162,39 +1163,39 +1164,39 +1165,39 +1166,39 +1167,39 +1168,33 +1169,33 +1170,33 +1171,33 +1172,33 +1173,33 +1174,33 +1175,33 +1176,33 +1177,33 +1178,33 +1179,33 +1180,30 +1181,30 +1182,30 +1183,30 +1184,30 +1185,30 +1186,30 +1187,30 +1188,0 +1189,30 +1190,30 +1191,30 +1192,30 +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,10 +1231,0 +1232,9 +1233,9 +1234,0 +1235,9 +1236,9 +1237,9 +1238,9 +1239,9 +1240,9 +1241,9 +1242,9 +1243,9 +1244,30 +1245,30 +1246,30 +1247,30 +1248,30 +1249,30 +1250,30 +1251,30 +1252,30 +1253,27 +1254,27 +1255,27 +1256,27 +1257,27 +1258,27 +1259,27 +1260,27 +1261,27 +1262,27 +1263,29 +1264,29 +1265,29 +1266,29 +1267,29 +1268,29 +1269,29 +1270,31 +1271,31 +1272,31 +1273,31 +1274,31 +1275,31 +1276,31 +1277,6 +1278,6 +1279,6 +1280,6 +1281,6 +1282,6 +1283,6 +1284,6 +1285,31 +1286,31 +1287,31 +1288,31 +1289,31 +1290,31 +1291,40 +1292,40 +1293,40 +1294,40 +1295,5 +1296,5 +1297,5 +1298,5 +1299,4 +1300,4 +1301,4 +1302,4 +1303,4 +1304,4 +1305,4 +1306,37 +1307,37 +1308,37 +1309,37 +1310,37 +1311,37 +1312,39 +1313,39 +1314,39 +1315,39 +1316,39 +1317,39 +1318,39 +1319,31 +1320,31 +1321,31 +1322,31 +1323,31 +1324,15 +1325,15 +1326,15 +1327,15 +1328,15 +1329,15 +1330,15 +1331,15 +1332,15 +1333,36 +1334,34 +1335,34 +1336,34 +1337,34 +1338,34 +1339,34 +1340,34 +1341,14 +1342,14 +1343,34 +1344,34 +1345,34 +1346,34 +1347,34 +1348,34 +1349,34 +1350,34 +1351,34 +1352,5 +1353,5 +1354,5 +1355,19 +1356,19 +1357,19 +1358,19 +1359,27 +1360,27 +1361,27 +1362,27 +1363,18 +1364,18 +1365,18 +1366,18 +1367,4 +1368,4 +1369,3 +1370,12 +1371,12 +1372,12 +1373,12 +1374,12 +1375,27 +1376,27 +1377,27 +1378,27 +1379,38 +1380,38 +1381,38 +1382,38 +1383,38 +1384,38 +1385,38 +1386,6 +1387,6 +1388,6 +1389,6 +1390,6 +1391,21 +1392,21 +1393,21 +1394,21 +1395,40 +1396,40 +1397,40 +1398,40 +1399,40 +1400,40 +1401,40 +1402,40 +1403,40 +1404,40 +1405,40 +1406,40 +1407,14 +1408,40 +1409,40 +1410,36 +1411,36 +1412,36 +1413,36 +1414,27 +1415,27 +1416,27 +1417,27 +1418,13 +1419,13 +1420,13 +1421,13 +1422,13 +1423,13 +1424,13 +1425,13 +1426,13 +1427,13 +1428,5 +1429,5 +1430,13 +1431,39 +1432,39 +1433,39 +1434,39 +1435,13 +1436,13 +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,4 +1488,0 +1489,0 +1490,0 +1491,0 +1492,4 +1493,4 +1494,4 +1495,4 +1496,4 +1497,4 +1498,4 +1499,3 +1500,3 +1501,3 +1502,3 +1503,3 +1504,3 +1505,8 +1506,8 +1507,8 +1508,8 +1509,8 +1510,11 +1511,11 +1512,11 +1513,11 +1514,11 +1515,22 +1516,22 +1517,22 +1518,22 +1519,22 +1520,22 +1521,19 +1522,19 +1523,19 +1524,19 +1525,19 +1526,19 +1527,19 +1528,19 +1529,19 +1530,19 +1531,19 +1532,19 +1533,3 +1534,3 +1535,3 +1536,3 +1537,3 +1538,3 +1539,3 +1540,3 +1541,3 +1542,3 +1543,3 +1544,3 +1545,3 +1546,3 +1547,3 +1548,3 +1549,3 +1550,3 +1551,3 +1552,3 +1553,3 +1554,3 +1555,3 +1556,3 +1557,3 +1558,3 +1559,3 +1560,3 +1561,3 +1562,3 +1563,3 +1564,3 +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,4 +1592,4 +1593,4 +1594,4 +1595,4 +1596,4 +1597,3 +1598,3 +1599,3 +1600,3 +1601,3 +1602,3 +1603,3 +1604,36 +1605,36 +1606,3 +1607,4 +1608,4 +1609,4 +1610,4 +1611,4 +1612,4 +1613,4 +1614,4 +1615,4 +1616,4 +1617,4 +1618,37 +1619,37 +1620,37 +1621,37 +1622,37 +1623,36 +1624,36 +1625,36 +1626,36 +1627,36 +1628,36 +1629,36 +1630,36 +1631,36 +1632,36 +1633,6 +1634,6 +1635,6 +1636,6 +1637,6 +1638,6 +1639,6 +1640,6 +1641,4 +1642,6 +1643,0 +1644,35 +1645,35 +1646,35 +1647,35 +1648,35 +1649,35 +1650,38 +1651,23 +1652,26 +1653,26 +1654,26 +1655,26 +1656,26 +1657,26 +1658,9 +1659,9 +1660,9 +1661,31 +1662,26 +1663,5 +1664,5 +1665,5 +1666,5 +1667,5 +1668,5 +1669,5 +1670,5 +1671,5 +1672,5 +1673,5 +1674,5 +1675,5 +1676,5 +1677,5 +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,36 +1745,36 +1746,36 +1747,36 +1748,36 +1749,36 +1750,36 +1751,36 +1752,36 +1753,36 +1754,36 +1755,5 +1756,5 +1757,5 +1758,5 +1759,5 +1760,5 +1761,5 +1762,19 +1763,19 +1764,19 +1765,19 +1766,19 +1767,19 +1768,19 +1769,19 +1770,19 +1771,19 +1772,19 +1773,19 +1774,19 +1775,19 +1776,19 +1777,8 +1778,8 +1779,8 +1780,8 +1781,8 +1782,8 +1783,8 +1784,8 +1785,8 +1786,12 +1787,12 +1788,12 +1789,12 +1790,12 +1791,17 +1792,17 +1793,17 +1794,17 +1795,17 +1796,17 +1797,17 +1798,17 +1799,17 +1800,17 +1801,17 +1802,17 +1803,17 +1804,17 +1805,2 +1806,2 +1807,35 +1808,35 +1809,35 +1810,35 +1811,35 +1812,35 +1813,35 +1814,35 +1815,36 +1816,36 +1817,36 +1818,36 +1819,19 +1820,19 +1821,19 +1822,4 +1823,4 +1824,4 +1825,2 +1826,2 +1827,2 +1828,2 +1829,2 +1830,2 +1831,2 +1832,31 +1833,31 +1834,31 +1835,31 +1836,31 +1837,28 +1838,28 +1839,28 +1840,28 +1841,28 +1842,28 +1843,28 +1844,27 +1845,27 +1846,27 +1847,27 +1848,27 +1849,27 +1850,13 +1851,13 +1852,13 +1853,31 +1854,31 +1855,31 +1856,31 +1857,24 +1858,24 +1859,24 +1860,24 +1861,2 +1862,2 +1863,2 +1864,2 +1865,2 +1866,2 +1867,2 +1868,25 +1869,25 +1870,25 +1871,25 +1872,25 +1873,25 +1874,32 +1875,32 +1876,32 +1877,32 +1878,32 +1879,32 +1880,32 +1881,37 +1882,37 +1883,37 +1884,37 +1885,37 +1886,37 +1887,10 +1888,10 +1889,10 +1890,10 +1891,10 +1892,10 +1893,10 +1894,10 +1895,10 +1896,10 +1897,10 +1898,10 +1899,8 +1900,2 +1901,2 +1902,2 +1903,2 +1904,2 +1905,2 +1906,31 +1907,31 +1908,31 +1909,31 +1910,31 +1911,5 +1912,5 +1913,5 +1914,5 +1915,5 +1916,31 +1917,31 +1918,31 +1919,31 +1920,31 +1921,31 +1922,40 +1923,40 +1924,4 +1925,4 +1926,4 +1927,4 +1928,4 +1929,4 +1930,4 +1931,4 +1932,4 +1933,4 +1934,4 +1935,4 +1936,4 +1937,4 +1938,4 +1939,4 +1940,4 +1941,4 +1942,4 +1943,4 +1944,4 +1945,4 +1946,4 +1947,4 +1948,4 +1949,4 +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,5 +2032,5 +2033,5 +2034,5 +2035,5 +2036,5 +2037,5 +2038,40 +2039,40 +2040,40 +2041,40 +2042,14 +2043,14 +2044,14 +2045,14 +2046,14 +2047,14 +2048,14 +2049,14 +2050,14 +2051,14 +2052,14 +2053,14 +2054,14 +2055,14 +2056,14 +2057,14 +2058,14 +2059,14 +2060,14 +2061,14 +2062,14 +2063,14 +2064,14 +2065,39 +2066,39 +2067,39 +2068,39 +2069,39 +2070,39 +2071,39 +2072,39 +2073,0 +2074,0 +2075,0 +2076,0 +2077,0 +2078,0 +2079,0 +2080,0 +2081,0 +2082,0 +2083,0 +2084,15 +2085,15 +2086,15 +2087,31 +2088,31 +2089,31 +2090,31 +2091,4 +2092,4 +2093,4 +2094,4 +2095,4 +2096,4 +2097,4 +2098,4 +2099,4 +2100,4 +2101,4 +2102,28 +2103,28 +2104,28 +2105,28 +2106,10 +2107,10 +2108,10 +2109,10 +2110,10 +2111,10 +2112,10 +2113,10 +2114,11 +2115,11 +2116,11 +2117,11 +2118,11 +2119,11 +2120,11 +2121,11 +2122,11 +2123,11 +2124,11 +2125,11 +2126,11 +2127,37 +2128,37 +2129,37 +2130,26 +2131,26 +2132,26 +2133,26 +2134,26 +2135,26 +2136,26 +2137,26 +2138,26 +2139,26 +2140,26 +2141,26 +2142,9 +2143,9 +2144,9 +2145,9 +2146,9 +2147,9 +2148,4 +2149,4 +2150,4 +2151,32 +2152,32 +2153,32 +2154,32 +2155,33 +2156,9 +2157,26 +2158,26 +2159,26 +2160,26 +2161,26 +2162,26 +2163,26 +2164,26 +2165,26 +2166,26 +2167,26 +2168,37 +2169,37 +2170,37 +2171,37 +2172,37 +2173,37 +2174,37 +2175,37 +2176,37 +2177,37 +2178,33 +2179,33 +2180,33 +2181,33 +2182,33 +2183,33 +2184,33 +2185,33 +2186,33 +2187,33 +2188,33 +2189,24 +2190,24 +2191,32 +2192,32 +2193,32 +2194,32 +2195,32 +2196,25 +2197,25 +2198,25 +2199,25 +2200,25 +2201,25 +2202,25 +2203,25 +2204,2 +2205,2 +2206,2 +2207,2 +2208,2 +2209,2 +2210,2 +2211,2 +2212,2 +2213,2 +2214,2 +2215,2 +2216,28 +2217,28 +2218,28 +2219,28 +2220,28 +2221,28 +2222,28 +2223,28 +2224,28 +2225,26 +2226,26 +2227,9 +2228,9 +2229,9 +2230,9 +2231,9 +2232,30 +2233,30 +2234,30 +2235,30 +2236,30 +2237,30 +2238,30 +2239,30 +2240,30 +2241,30 +2242,30 +2243,30 +2244,30 +2245,30 +2246,30 +2247,30 +2248,30 +2249,30 +2250,30 +2251,30 +2252,30 +2253,30 +2254,30 +2255,30 +2256,0 +2257,30 +2258,30 +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,36 +2300,36 +2301,36 +2302,36 +2303,5 +2304,5 +2305,5 +2306,5 +2307,5 +2308,5 +2309,31 +2310,31 +2311,31 +2312,31 +2313,31 +2314,31 +2315,2 +2316,2 +2317,2 +2318,2 +2319,2 +2320,2 +2321,2 +2322,2 +2323,2 +2324,2 +2325,2 +2326,2 +2327,27 +2328,27 +2329,27 +2330,27 +2331,29 +2332,29 +2333,29 +2334,24 +2335,24 +2336,24 +2337,29 +2338,29 +2339,29 +2340,29 +2341,29 +2342,24 +2343,27 +2344,27 +2345,27 +2346,27 +2347,27 +2348,27 +2349,27 +2350,27 +2351,27 +2352,37 +2353,37 +2354,37 +2355,37 +2356,37 +2357,37 +2358,37 +2359,37 +2360,37 +2361,37 +2362,37 +2363,37 +2364,25 +2365,36 +2366,36 +2367,36 +2368,36 +2369,36 +2370,36 +2371,36 +2372,36 +2373,36 +2374,36 +2375,36 +2376,36 +2377,36 +2378,36 +2379,36 +2380,6 +2381,6 +2382,6 +2383,6 +2384,6 +2385,6 +2386,6 +2387,11 +2388,11 +2389,11 +2390,11 +2391,11 +2392,11 +2393,11 +2394,11 +2395,11 +2396,11 +2397,11 +2398,31 +2399,31 +2400,31 +2401,31 +2402,31 +2403,31 +2404,31 +2405,12 +2406,12 +2407,12 +2408,12 +2409,12 +2410,12 +2411,12 +2412,12 +2413,31 +2414,31 +2415,31 +2416,8 +2417,8 +2418,8 +2419,8 +2420,8 +2421,8 +2422,8 +2423,8 +2424,8 +2425,8 +2426,8 +2427,23 +2428,23 +2429,23 +2430,23 +2431,23 +2432,23 +2433,23 +2434,23 +2435,23 +2436,26 +2437,26 +2438,26 +2439,26 +2440,26 +2441,26 +2442,26 +2443,26 +2444,9 +2445,9 +2446,9 +2447,26 +2448,26 +2449,26 +2450,9 +2451,9 +2452,9 +2453,9 +2454,9 +2455,4 +2456,4 +2457,4 +2458,4 +2459,4 +2460,4 +2461,0 +2462,32 +2463,32 +2464,6 +2465,4 +2466,4 +2467,6 +2468,0 +2469,0 +2470,27 +2471,27 +2472,27 +2473,27 +2474,27 +2475,27 +2476,27 +2477,27 +2478,5 +2479,5 +2480,5 +2481,5 +2482,5 +2483,5 +2484,5 +2485,5 +2486,5 +2487,27 +2488,27 +2489,27 +2490,27 +2491,2 +2492,2 +2493,2 +2494,2 +2495,2 +2496,2 +2497,2 +2498,2 +2499,2 +2500,2 +2501,2 +2502,2 +2503,2 +2504,4 +2505,4 +2506,4 +2507,4 +2508,4 +2509,4 +2510,37 +2511,37 +2512,37 +2513,37 +2514,37 +2515,37 +2516,39 +2517,39 +2518,39 +2519,39 +2520,39 +2521,39 +2522,39 +2523,39 +2524,39 +2525,4 +2526,4 +2527,4 +2528,4 +2529,4 +2530,4 +2531,4 +2532,2 +2533,2 +2534,2 +2535,2 +2536,2 +2537,2 +2538,2 +2539,31 +2540,31 +2541,25 +2542,25 +2543,25 +2544,29 +2545,29 +2546,29 +2547,29 +2548,29 +2549,29 +2550,31 +2551,31 +2552,31 +2553,31 +2554,31 +2555,31 +2556,2 +2557,2 +2558,2 +2559,2 +2560,2 +2561,2 +2562,2 +2563,2 +2564,2 +2565,2 +2566,2 +2567,2 +2568,2 +2569,2 +2570,2 +2571,2 +2572,2 +2573,2 +2574,31 +2575,31 +2576,31 +2577,31 +2578,31 +2579,31 +2580,31 +2581,24 +2582,24 +2583,24 +2584,15 +2585,15 +2586,15 +2587,15 +2588,25 +2589,25 +2590,25 +2591,25 +2592,25 +2593,25 +2594,25 +2595,25 +2596,25 +2597,25 +2598,25 +2599,25 +2600,15 +2601,15 +2602,15 +2603,15 +2604,15 +2605,15 +2606,15 +2607,31 +2608,31 +2609,31 +2610,31 +2611,31 +2612,31 +2613,31 +2614,31 +2615,31 +2616,31 +2617,31 +2618,24 +2619,24 +2620,24 +2621,24 +2622,24 +2623,24 +2624,24 +2625,24 +2626,24 +2627,24 +2628,24 +2629,24 +2630,2 +2631,2 +2632,2 +2633,2 +2634,2 +2635,2 +2636,2 +2637,2 +2638,2 +2639,2 +2640,2 +2641,39 +2642,14 +2643,14 +2644,14 +2645,14 +2646,27 +2647,27 +2648,13 +2649,5 +2650,5 +2651,5 +2652,19 +2653,19 +2654,4 +2655,4 +2656,4 +2657,4 +2658,4 +2659,4 +2660,4 +2661,36 +2662,36 +2663,27 +2664,27 +2665,27 +2666,27 +2667,27 +2668,27 +2669,27 +2670,5 +2671,19 +2672,5 +2673,5 +2674,5 +2675,5 +2676,5 +2677,4 +2678,4 +2679,4 +2680,4 +2681,4 +2682,4 +2683,4 +2684,4 +2685,12 +2686,12 +2687,12 +2688,12 +2689,12 +2690,12 +2691,12 +2692,12 +2693,12 +2694,10 +2695,26 +2696,31 +2697,31 +2698,31 +2699,31 +2700,10 +2701,10 +2702,31 +2703,31 +2704,31 +2705,31 +2706,31 +2707,31 +2708,31 +2709,31 +2710,31 +2711,5 +2712,5 +2713,5 +2714,5 +2715,5 +2716,5 +2717,5 +2718,5 +2719,5 +2720,5 +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,27 +2767,27 +2768,27 +2769,27 +2770,27 +2771,27 +2772,27 +2773,27 +2774,27 +2775,27 +2776,5 +2777,5 +2778,5 +2779,5 +2780,5 +2781,5 +2782,12 +2783,12 +2784,12 +2785,12 +2786,12 +2787,12 +2788,27 +2789,27 +2790,27 +2791,27 +2792,27 +2793,27 +2794,16 +2795,16 +2796,16 +2797,16 +2798,16 +2799,16 +2800,16 +2801,16 +2802,4 +2803,4 +2804,4 +2805,31 +2806,31 +2807,31 +2808,5 +2809,5 +2810,5 +2811,5 +2812,39 +2813,39 +2814,39 +2815,39 +2816,39 +2817,39 +2818,39 +2819,39 +2820,39 +2821,29 +2822,39 +2823,39 +2824,29 +2825,29 +2826,29 +2827,29 +2828,25 +2829,25 +2830,25 +2831,25 +2832,25 +2833,25 +2834,25 +2835,25 +2836,25 +2837,32 +2838,32 +2839,32 +2840,32 +2841,32 +2842,32 +2843,32 +2844,32 +2845,32 +2846,32 +2847,32 +2848,32 +2849,32 +2850,32 +2851,32 +2852,35 +2853,35 +2854,35 +2855,35 +2856,35 +2857,26 +2858,26 +2859,26 +2860,26 +2861,26 +2862,37 +2863,37 +2864,37 +2865,37 +2866,37 +2867,37 +2868,37 +2869,4 +2870,4 +2871,4 +2872,3 +2873,4 +2874,39 +2875,39 +2876,39 +2877,39 +2878,39 +2879,39 +2880,39 +2881,39 +2882,39 +2883,39 +2884,39 +2885,39 +2886,39 +2887,39 +2888,35 +2889,35 +2890,35 +2891,35 +2892,35 +2893,35 +2894,35 +2895,35 +2896,35 +2897,35 +2898,35 +2899,35 +2900,36 +2901,36 +2902,36 +2903,36 +2904,19 +2905,19 +2906,19 +2907,19 +2908,19 +2909,19 +2910,19 +2911,19 +2912,19 +2913,29 +2914,39 +2915,39 +2916,39 +2917,39 +2918,39 +2919,39 +2920,39 +2921,31 +2922,14 +2923,14 +2924,24 +2925,29 +2926,29 +2927,24 +2928,24 +2929,24 +2930,24 +2931,24 +2932,24 +2933,24 +2934,24 +2935,24 +2936,36 +2937,36 +2938,36 +2939,36 +2940,36 +2941,36 +2942,36 +2943,36 +2944,36 +2945,36 +2946,36 +2947,40 +2948,40 +2949,5 +2950,5 +2951,5 +2952,5 +2953,5 +2954,27 +2955,27 +2956,27 +2957,27 +2958,27 +2959,27 +2960,27 +2961,27 +2962,27 +2963,18 +2964,18 +2965,18 +2966,18 +2967,18 +2968,18 +2969,18 +2970,18 +2971,18 +2972,18 +2973,18 +2974,18 +2975,18 +2976,18 +2977,18 +2978,16 +2979,11 +2980,11 +2981,11 +2982,11 +2983,11 +2984,11 +2985,11 +2986,11 +2987,11 +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,31 +3063,31 +3064,31 +3065,31 +3066,36 +3067,36 +3068,36 +3069,19 +3070,19 +3071,19 +3072,19 +3073,19 +3074,19 +3075,2 +3076,2 +3077,2 +3078,2 +3079,2 +3080,2 +3081,2 +3082,2 +3083,2 +3084,2 +3085,2 +3086,27 +3087,27 +3088,27 +3089,27 +3090,40 +3091,40 +3092,40 +3093,40 +3094,28 +3095,28 +3096,28 +3097,28 +3098,28 +3099,28 +3100,28 +3101,28 +3102,28 +3103,27 +3104,27 +3105,27 +3106,5 +3107,5 +3108,5 +3109,5 +3110,39 +3111,39 +3112,39 +3113,39 +3114,39 +3115,39 +3116,39 +3117,28 +3118,28 +3119,28 +3120,28 +3121,28 +3122,28 +3123,28 +3124,28 +3125,34 +3126,34 +3127,34 +3128,34 +3129,34 +3130,34 +3131,34 +3132,34 +3133,34 +3134,34 +3135,34 +3136,34 +3137,34 +3138,34 +3139,23 +3140,23 +3141,23 +3142,23 +3143,23 +3144,23 +3145,23 +3146,23 +3147,23 +3148,23 +3149,32 +3150,23 +3151,31 +3152,31 +3153,31 +3154,31 +3155,31 +3156,31 +3157,31 +3158,31 +3159,30 +3160,30 +3161,8 +3162,8 +3163,8 +3164,8 +3165,8 +3166,8 +3167,15 +3168,15 +3169,15 +3170,15 +3171,15 +3172,15 +3173,15 +3174,33 +3175,37 +3176,31 +3177,31 +3178,31 +3179,31 +3180,24 +3181,15 +3182,31 +3183,27 +3184,27 +3185,31 +3186,31 +3187,18 +3188,18 +3189,18 +3190,19 +3191,19 +3192,19 +3193,19 +3194,37 +3195,37 +3196,37 +3197,37 +3198,37 +3199,37 +3200,37 +3201,37 +3202,37 +3203,10 +3204,10 +3205,10 +3206,10 +3207,10 +3208,10 +3209,10 +3210,10 +3211,10 +3212,10 +3213,10 +3214,10 +3215,4 +3216,4 +3217,4 +3218,4 +3219,4 +3220,4 +3221,14 +3222,14 +3223,14 +3224,14 +3225,14 +3226,14 +3227,14 +3228,14 +3229,14 +3230,5 +3231,5 +3232,5 +3233,5 +3234,5 +3235,5 +3236,5 +3237,5 +3238,5 +3239,5 +3240,5 +3241,5 +3242,5 +3243,5 +3244,5 +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,15 +3286,15 +3287,4 +3288,4 +3289,4 +3290,4 +3291,4 +3292,4 +3293,27 +3294,27 +3295,27 +3296,27 +3297,27 +3298,27 +3299,27 +3300,27 +3301,27 +3302,27 +3303,27 +3304,27 +3305,31 +3306,31 +3307,2 +3308,2 +3309,2 +3310,2 +3311,2 +3312,2 +3313,2 +3314,2 +3315,2 +3316,18 +3317,18 +3318,18 +3319,18 +3320,18 +3321,18 +3322,14 +3323,39 +3324,14 +3325,14 +3326,14 +3327,14 +3328,14 +3329,14 +3330,39 +3331,14 +3332,14 +3333,2 +3334,2 +3335,2 +3336,2 +3337,2 +3338,2 +3339,2 +3340,2 +3341,2 +3342,2 +3343,27 +3344,27 +3345,27 +3346,27 +3347,27 +3348,27 +3349,5 +3350,5 +3351,5 +3352,5 +3353,5 +3354,5 +3355,29 +3356,12 +3357,12 +3358,27 +3359,27 +3360,27 +3361,27 +3362,8 +3363,8 +3364,8 +3365,8 +3366,8 +3367,8 +3368,8 +3369,8 +3370,35 +3371,35 +3372,35 +3373,35 +3374,35 +3375,35 +3376,4 +3377,36 +3378,36 +3379,36 +3380,36 +3381,36 +3382,36 +3383,36 +3384,36 +3385,36 +3386,36 +3387,36 +3388,2 +3389,2 +3390,2 +3391,2 +3392,2 +3393,2 +3394,2 +3395,2 +3396,2 +3397,2 +3398,2 +3399,2 +3400,2 +3401,5 +3402,5 +3403,5 +3404,5 +3405,5 +3406,28 +3407,1 +3408,1 +3409,1 +3410,1 +3411,27 +3412,27 +3413,27 +3414,27 +3415,5 +3416,5 +3417,5 +3418,13 +3419,5 +3420,5 +3421,5 +3422,5 +3423,13 +3424,13 +3425,5 +3426,19 +3427,19 +3428,19 +3429,19 +3430,19 +3431,19 +3432,36 +3433,36 +3434,36 +3435,36 +3436,36 +3437,36 +3438,36 +3439,34 +3440,34 +3441,34 +3442,34 +3443,34 +3444,34 +3445,34 +3446,34 +3447,34 +3448,34 +3449,34 +3450,5 +3451,5 +3452,5 +3453,5 +3454,5 +3455,19 +3456,19 +3457,19 +3458,31 +3459,31 +3460,31 +3461,32 +3462,32 +3463,32 +3464,32 +3465,32 +3466,32 +3467,32 +3468,32 +3469,32 +3470,32 +3471,32 +3472,32 +3473,32 +3474,32 +3475,34 +3476,34 +3477,34 +3478,34 +3479,36 +3480,36 +3481,36 +3482,30 +3483,30 +3484,30 +3485,30 +3486,30 +3487,30 +3488,31 +3489,31 +3490,26 +3491,26 +3492,40 +3493,40 +3494,2 +3495,2 +3496,2 +3497,2 +3498,2 +3499,2 +3500,2 +3501,2 +3502,2 +3503,2 +3504,2 +3505,2 +3506,2 +3507,2 +3508,2 +3509,2 +3510,2 +3511,4 +3512,4 +3513,4 +3514,4 +3515,4 +3516,4 +3517,4 +3518,4 +3519,40 +3520,40 +3521,40 +3522,40 +3523,40 +3524,40 +3525,40 +3526,40 +3527,4 +3528,4 +3529,4 +3530,4 +3531,4 +3532,32 +3533,32 +3534,32 +3535,32 +3536,32 +3537,32 +3538,32 +3539,32 +3540,32 +3541,2 +3542,2 +3543,2 +3544,2 +3545,2 +3546,2 +3547,2 +3548,2 +3549,2 +3550,2 +3551,2 +3552,2 +3553,2 +3554,2 +3555,2 +3556,2 +3557,2 +3558,2 +3559,2 +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,2 +3631,2 +3632,2 +3633,2 +3634,2 +3635,2 +3636,2 +3637,2 +3638,2 +3639,2 +3640,2 +3641,2 +3642,2 +3643,2 +3644,33 +3645,33 +3646,33 +3647,33 +3648,33 +3649,33 +3650,33 +3651,33 +3652,33 +3653,33 +3654,24 +3655,24 +3656,24 +3657,24 +3658,24 +3659,24 +3660,24 +3661,6 +3662,6 +3663,6 +3664,6 +3665,6 +3666,6 +3667,6 +3668,6 +3669,9 +3670,9 +3671,9 +3672,9 +3673,9 +3674,9 +3675,9 +3676,37 +3677,37 +3678,37 +3679,37 +3680,37 +3681,37 +3682,37 +3683,37 +3684,37 +3685,8 +3686,8 +3687,2 +3688,2 +3689,2 +3690,2 +3691,27 +3692,27 +3693,27 +3694,27 +3695,27 +3696,27 +3697,2 +3698,2 +3699,2 +3700,2 +3701,8 +3702,8 +3703,8 +3704,8 +3705,8 +3706,8 +3707,3 +3708,3 +3709,3 +3710,3 +3711,3 +3712,5 +3713,5 +3714,5 +3715,5 +3716,27 +3717,27 +3718,27 +3719,27 +3720,27 +3721,27 +3722,8 +3723,8 +3724,8 +3725,8 +3726,8 +3727,8 +3728,8 +3729,18 +3730,18 +3731,18 +3732,18 +3733,18 +3734,18 +3735,18 +3736,18 +3737,18 +3738,18 +3739,40 +3740,40 +3741,40 +3742,40 +3743,40 +3744,40 +3745,40 +3746,40 +3747,40 +3748,38 +3749,24 +3750,24 +3751,24 +3752,38 +3753,38 +3754,38 +3755,38 +3756,38 +3757,28 +3758,28 +3759,28 +3760,28 +3761,28 +3762,28 +3763,14 +3764,14 +3765,14 +3766,14 +3767,14 +3768,14 +3769,14 +3770,14 +3771,14 +3772,14 +3773,19 +3774,19 +3775,19 +3776,19 +3777,29 +3778,29 +3779,29 +3780,31 +3781,31 +3782,31 +3783,31 +3784,31 +3785,31 +3786,23 +3787,23 +3788,23 +3789,23 +3790,23 +3791,23 +3792,23 +3793,23 +3794,23 +3795,23 +3796,23 +3797,23 +3798,9 +3799,9 +3800,9 +3801,9 +3802,9 +3803,37 +3804,37 +3805,37 +3806,37 +3807,37 +3808,37 +3809,37 +3810,16 +3811,16 +3812,16 +3813,16 +3814,16 +3815,16 +3816,16 +3817,16 +3818,16 +3819,16 +3820,31 +3821,31 +3822,31 +3823,5 +3824,5 +3825,5 +3826,5 +3827,28 +3828,5 +3829,28 +3830,28 +3831,28 +3832,28 +3833,28 +3834,28 +3835,28 +3836,28 +3837,10 +3838,10 +3839,10 +3840,10 +3841,34 +3842,34 +3843,34 +3844,34 +3845,34 +3846,25 +3847,25 +3848,25 +3849,25 +3850,25 +3851,25 +3852,37 +3853,37 +3854,37 +3855,37 +3856,25 +3857,27 +3858,27 +3859,27 +3860,27 +3861,35 +3862,35 +3863,35 +3864,35 +3865,35 +3866,35 +3867,35 +3868,35 +3869,36 +3870,36 +3871,36 +3872,36 +3873,36 +3874,36 +3875,19 +3876,19 +3877,4 +3878,4 +3879,4 +3880,25 +3881,25 +3882,25 +3883,25 +3884,25 +3885,25 +3886,25 +3887,25 +3888,25 +3889,37 +3890,37 +3891,37 +3892,37 +3893,37 +3894,25 +3895,25 +3896,25 +3897,25 +3898,40 +3899,40 +3900,40 +3901,40 +3902,40 +3903,40 +3904,8 +3905,8 +3906,8 +3907,8 +3908,8 +3909,8 +3910,27 +3911,27 +3912,27 +3913,27 +3914,21 +3915,21 +3916,21 +3917,21 +3918,21 +3919,21 +3920,5 +3921,5 +3922,5 +3923,5 +3924,5 +3925,5 +3926,5 +3927,14 +3928,14 +3929,14 +3930,14 +3931,14 +3932,14 +3933,14 +3934,14 +3935,14 +3936,14 +3937,11 +3938,11 +3939,11 +3940,11 +3941,11 +3942,11 +3943,11 +3944,11 +3945,11 +3946,11 +3947,31 +3948,31 +3949,5 +3950,5 +3951,5 +3952,5 +3953,5 +3954,5 +3955,5 +3956,27 +3957,27 +3958,27 +3959,27 +3960,27 +3961,27 +3962,27 +3963,5 +3964,5 +3965,5 +3966,5 +3967,5 +3968,5 +3969,5 +3970,5 +3971,5 +3972,5 +3973,5 +3974,5 +3975,36 +3976,36 +3977,36 +3978,36 +3979,36 +3980,36 +3981,36 +3982,36 +3983,6 +3984,6 +3985,6 +3986,6 +3987,6 +3988,6 +3989,2 +3990,2 +3991,2 +3992,2 +3993,2 +3994,2 +3995,2 +3996,4 +3997,2 +3998,2 +3999,2 +4000,28 +4001,28 +4002,28 +4003,28 +4004,28 +4005,28 +4006,28 +4007,28 +4008,9 +4009,9 +4010,9 +4011,9 +4012,37 +4013,37 +4014,37 +4015,37 +4016,5 +4017,5 +4018,5 +4019,5 +4020,27 +4021,27 +4022,27 +4023,27 +4024,13 +4025,13 +4026,13 +4027,13 +4028,13 +4029,13 +4030,13 +4031,13 +4032,13 +4033,13 +4034,13 +4035,13 +4036,13 +4037,13 +4038,13 +4039,13 +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,5 +4088,5 +4089,5 +4090,5 +4091,5 +4092,5 +4093,5 +4094,5 +4095,5 +4096,5 +4097,5 +4098,33 +4099,33 +4100,33 +4101,33 +4102,33 +4103,33 +4104,33 +4105,33 +4106,33 +4107,33 +4108,33 +4109,5 +4110,5 +4111,5 +4112,5 +4113,12 +4114,5 +4115,31 +4116,31 +4117,31 +4118,31 +4119,31 +4120,31 +4121,31 +4122,31 +4123,31 +4124,12 +4125,12 +4126,12 +4127,12 +4128,12 +4129,12 +4130,12 +4131,12 +4132,28 +4133,28 +4134,28 +4135,12 +4136,12 +4137,12 +4138,12 +4139,28 +4140,10 +4141,10 +4142,10 +4143,10 +4144,10 +4145,10 +4146,10 +4147,10 +4148,10 +4149,10 +4150,10 +4151,21 +4152,21 +4153,21 +4154,21 +4155,21 +4156,21 +4157,6 +4158,6 +4159,6 +4160,30 +4161,22 +4162,22 +4163,30 +4164,30 +4165,25 +4166,25 +4167,25 +4168,39 +4169,19 +4170,19 +4171,19 +4172,19 +4173,19 +4174,19 +4175,23 +4176,23 +4177,23 +4178,23 +4179,23 +4180,23 +4181,23 +4182,23 +4183,23 +4184,23 +4185,37 +4186,37 +4187,37 +4188,37 +4189,37 +4190,36 +4191,36 +4192,36 +4193,40 +4194,40 +4195,36 +4196,31 +4197,31 +4198,31 +4199,31 +4200,40 +4201,40 +4202,40 +4203,5 +4204,5 +4205,5 +4206,5 +4207,5 +4208,5 +4209,5 +4210,5 +4211,5 +4212,5 +4213,5 +4214,19 +4215,19 +4216,19 +4217,19 +4218,19 +4219,19 +4220,36 +4221,36 +4222,36 +4223,36 +4224,36 +4225,36 +4226,36 +4227,36 +4228,36 +4229,36 +4230,36 +4231,36 +4232,36 +4233,36 +4234,36 +4235,10 +4236,10 +4237,10 +4238,10 +4239,10 +4240,10 +4241,10 +4242,10 +4243,10 +4244,10 +4245,27 +4246,27 +4247,27 +4248,13 +4249,13 +4250,13 +4251,13 +4252,13 +4253,13 +4254,13 +4255,5 +4256,5 +4257,5 +4258,5 +4259,5 +4260,5 +4261,5 +4262,5 +4263,5 +4264,5 +4265,5 +4266,5 +4267,5 +4268,40 +4269,40 +4270,40 +4271,40 +4272,40 +4273,40 +4274,40 +4275,40 +4276,40 +4277,24 +4278,24 +4279,24 +4280,24 +4281,24 +4282,24 +4283,25 +4284,25 +4285,25 +4286,25 +4287,25 +4288,25 +4289,25 +4290,25 +4291,25 +4292,28 +4293,28 +4294,28 +4295,28 +4296,28 +4297,28 +4298,28 +4299,14 +4300,14 +4301,14 +4302,14 +4303,14 +4304,14 +4305,14 +4306,14 +4307,14 +4308,14 +4309,14 +4310,4 +4311,4 +4312,21 +4313,21 +4314,21 +4315,21 +4316,21 +4317,21 +4318,21 +4319,28 +4320,28 +4321,28 +4322,27 +4323,27 +4324,27 +4325,27 +4326,27 +4327,2 +4328,2 +4329,2 +4330,2 +4331,2 +4332,2 +4333,2 +4334,2 +4335,2 +4336,2 +4337,4 +4338,4 +4339,4 +4340,4 +4341,4 +4342,4 +4343,14 +4344,14 +4345,14 +4346,14 +4347,14 +4348,14 +4349,14 +4350,14 +4351,14 +4352,14 +4353,14 +4354,14 +4355,14 +4356,14 +4357,14 +4358,14 +4359,14 +4360,14 +4361,14 +4362,6 +4363,6 +4364,6 +4365,6 +4366,6 +4367,6 +4368,6 +4369,6 +4370,6 +4371,2 +4372,2 +4373,2 +4374,2 +4375,2 +4376,2 +4377,2 +4378,2 +4379,2 +4380,2 +4381,2 +4382,2 +4383,2 +4384,2 +4385,2 +4386,2 +4387,2 +4388,2 +4389,2 +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,12 +4448,12 +4449,12 +4450,12 +4451,12 +4452,12 +4453,12 +4454,12 +4455,12 +4456,40 +4457,40 +4458,40 +4459,40 +4460,4 +4461,4 +4462,4 +4463,4 +4464,10 +4465,10 +4466,10 +4467,10 +4468,10 +4469,10 +4470,10 +4471,10 +4472,10 +4473,10 +4474,10 +4475,10 +4476,10 +4477,10 +4478,5 +4479,5 +4480,5 +4481,5 +4482,5 +4483,5 +4484,5 +4485,5 +4486,5 +4487,33 +4488,33 +4489,33 +4490,33 +4491,33 +4492,33 +4493,33 +4494,33 +4495,33 +4496,33 +4497,33 +4498,33 +4499,33 +4500,33 +4501,33 +4502,33 +4503,33 +4504,34 +4505,34 +4506,34 +4507,34 +4508,34 +4509,9 +4510,9 +4511,9 +4512,9 +4513,9 +4514,9 +4515,30 +4516,34 +4517,34 +4518,34 +4519,30 +4520,30 +4521,30 +4522,30 +4523,34 +4524,34 +4525,34 +4526,32 +4527,32 +4528,32 +4529,32 +4530,32 +4531,34 +4532,26 +4533,10 +4534,10 +4535,10 +4536,10 +4537,10 +4538,10 +4539,26 +4540,26 +4541,10 +4542,10 +4543,10 +4544,10 +4545,10 +4546,10 +4547,10 +4548,10 +4549,10 +4550,10 +4551,5 +4552,5 +4553,5 +4554,5 +4555,5 +4556,5 +4557,5 +4558,33 +4559,33 +4560,33 +4561,33 +4562,33 +4563,33 +4564,33 +4565,33 +4566,33 +4567,33 +4568,33 +4569,33 +4570,33 +4571,33 +4572,33 +4573,33 +4574,33 +4575,2 +4576,2 +4577,2 +4578,2 +4579,2 +4580,2 +4581,2 +4582,2 +4583,2 +4584,2 +4585,2 +4586,2 +4587,2 +4588,2 +4589,2 +4590,2 +4591,2 +4592,2 +4593,2 +4594,25 +4595,25 +4596,25 +4597,25 +4598,25 +4599,25 +4600,25 +4601,25 +4602,25 +4603,25 +4604,25 +4605,4 +4606,4 +4607,4 +4608,31 +4609,31 +4610,31 +4611,31 +4612,31 +4613,31 +4614,5 +4615,28 +4616,28 +4617,5 +4618,5 +4619,33 +4620,33 +4621,33 +4622,33 +4623,33 +4624,33 +4625,17 +4626,17 +4627,17 +4628,17 +4629,17 +4630,17 +4631,17 +4632,17 +4633,17 +4634,17 +4635,17 +4636,17 +4637,17 +4638,17 +4639,17 +4640,39 +4641,39 +4642,39 +4643,39 +4644,39 +4645,39 +4646,39 +4647,39 +4648,39 +4649,39 +4650,39 +4651,39 +4652,39 +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,36 +4736,36 +4737,36 +4738,36 +4739,36 +4740,36 +4741,36 +4742,36 +4743,36 +4744,36 +4745,36 +4746,36 +4747,36 +4748,36 +4749,2 +4750,2 +4751,2 +4752,2 +4753,2 +4754,2 +4755,2 +4756,2 +4757,2 +4758,2 +4759,2 +4760,23 +4761,23 +4762,23 +4763,23 +4764,23 +4765,23 +4766,25 +4767,25 +4768,25 +4769,25 +4770,25 +4771,25 +4772,25 +4773,25 +4774,25 +4775,25 +4776,25 +4777,25 +4778,25 +4779,25 +4780,25 +4781,40 +4782,40 +4783,40 +4784,40 +4785,40 +4786,27 +4787,31 +4788,31 +4789,40 +4790,40 +4791,31 +4792,31 +4793,31 +4794,40 +4795,27 +4796,40 +4797,40 +4798,28 +4799,28 +4800,28 +4801,28 +4802,28 +4803,28 +4804,28 +4805,28 +4806,28 +4807,28 +4808,28 +4809,5 +4810,19 +4811,19 +4812,19 +4813,19 +4814,19 +4815,19 +4816,14 +4817,14 +4818,14 +4819,14 +4820,36 +4821,36 +4822,36 +4823,36 +4824,36 +4825,36 +4826,13 +4827,13 +4828,13 +4829,13 +4830,21 +4831,21 +4832,21 +4833,21 +4834,21 +4835,21 +4836,30 +4837,30 +4838,30 +4839,30 +4840,30 +4841,30 +4842,30 +4843,30 +4844,30 +4845,30 +4846,30 +4847,26 +4848,26 +4849,26 +4850,26 +4851,26 +4852,26 +4853,26 +4854,26 +4855,26 +4856,26 +4857,26 +4858,26 +4859,26 +4860,37 +4861,37 +4862,37 +4863,37 +4864,37 +4865,37 +4866,37 +4867,37 +4868,37 +4869,37 +4870,37 +4871,37 +4872,25 +4873,25 +4874,25 +4875,25 +4876,25 +4877,25 +4878,25 +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,31 +4894,31 +4895,31 +4896,31 +4897,31 +4898,33 +4899,33 +4900,24 +4901,24 +4902,24 +4903,24 +4904,24 +4905,8 +4906,19 +4907,8 +4908,8 +4909,2 +4910,2 +4911,2 +4912,2 +4913,2 +4914,8 +4915,2 +4916,2 +4917,2 +4918,9 +4919,9 +4920,9 +4921,9 +4922,9 +4923,9 +4924,37 +4925,37 +4926,37 +4927,37 +4928,37 +4929,37 +4930,37 +4931,37 +4932,19 +4933,19 +4934,19 +4935,19 +4936,19 +4937,19 +4938,19 +4939,27 +4940,27 +4941,27 +4942,27 +4943,5 +4944,5 +4945,5 +4946,5 +4947,5 +4948,25 +4949,40 +4950,40 +4951,40 +4952,40 +4953,27 +4954,27 +4955,13 +4956,28 +4957,5 +4958,5 +4959,5 +4960,5 +4961,0 +4962,0 +4963,0 +4964,0 +4965,0 +4966,0 +4967,0 +4968,0 +4969,0 +4970,27 +4971,27 +4972,27 +4973,27 +4974,27 +4975,27 +4976,27 +4977,27 +4978,27 +4979,5 +4980,5 +4981,5 +4982,4 +4983,4 +4984,4 +4985,4 +4986,4 +4987,4 +4988,4 +4989,4 +4990,4 +4991,4 +4992,25 +4993,25 +4994,25 +4995,25 +4996,25 +4997,25 +4998,2 +4999,2 +5000,2 +5001,2 +5002,2 +5003,2 +5004,2 +5005,4 +5006,4 +5007,4 +5008,4 +5009,4 +5010,27 +5011,27 +5012,27 +5013,27 +5014,13 +5015,13 +5016,13 +5017,5 +5018,5 +5019,6 +5020,6 +5021,6 +5022,6 +5023,6 +5024,6 +5025,6 +5026,6 +5027,6 +5028,6 +5029,26 +5030,26 +5031,26 +5032,26 +5033,26 +5034,26 +5035,26 +5036,26 +5037,26 +5038,5 +5039,5 +5040,5 +5041,5 +5042,5 +5043,24 +5044,24 +5045,24 +5046,24 +5047,25 +5048,25 +5049,25 +5050,25 +5051,25 +5052,25 +5053,25 +5054,25 +5055,2 +5056,2 +5057,2 +5058,2 +5059,2 +5060,2 +5061,2 +5062,2 +5063,2 +5064,2 +5065,2 +5066,14 +5067,14 +5068,14 +5069,14 +5070,14 +5071,14 +5072,14 +5073,14 +5074,14 +5075,14 +5076,14 +5077,11 +5078,11 +5079,11 +5080,11 +5081,11 +5082,11 +5083,11 +5084,11 +5085,11 +5086,11 +5087,11 +5088,31 +5089,31 +5090,5 +5091,5 +5092,5 +5093,5 +5094,5 +5095,5 +5096,5 +5097,12 +5098,12 +5099,12 +5100,12 +5101,12 +5102,12 +5103,12 +5104,27 +5105,27 +5106,27 +5107,27 +5108,27 +5109,27 +5110,38 +5111,38 +5112,23 +5113,23 +5114,23 +5115,23 +5116,23 +5117,0 +5118,0 +5119,0 +5120,0 +5121,0 +5122,36 +5123,36 +5124,36 +5125,36 +5126,36 +5127,36 +5128,36 +5129,36 +5130,36 +5131,36 +5132,5 +5133,5 +5134,19 +5135,19 +5136,28 +5137,28 +5138,28 +5139,28 +5140,28 +5141,28 +5142,32 +5143,32 +5144,32 +5145,32 +5146,32 +5147,6 +5148,6 +5149,6 +5150,6 +5151,6 +5152,6 +5153,36 +5154,36 +5155,36 +5156,36 +5157,36 +5158,36 +5159,36 +5160,36 +5161,24 +5162,24 +5163,24 +5164,24 +5165,24 +5166,31 +5167,31 +5168,31 +5169,31 +5170,31 +5171,30 +5172,30 +5173,30 +5174,30 +5175,30 +5176,6 +5177,6 +5178,6 +5179,6 +5180,6 +5181,6 +5182,6 +5183,6 +5184,6 +5185,6 +5186,35 +5187,34 +5188,26 +5189,26 +5190,26 +5191,26 +5192,26 +5193,34 +5194,34 +5195,34 +5196,34 +5197,34 +5198,5 +5199,5 +5200,5 +5201,5 +5202,4 +5203,4 +5204,4 +5205,4 +5206,4 +5207,4 +5208,4 +5209,4 +5210,4 +5211,39 +5212,39 +5213,39 +5214,39 +5215,39 +5216,39 +5217,39 +5218,39 +5219,39 +5220,39 +5221,39 +5222,39 +5223,39 +5224,39 +5225,39 +5226,39 +5227,39 +5228,39 +5229,39 +5230,39 +5231,39 +5232,39 +5233,39 +5234,39 +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,35 +5248,35 +5249,35 +5250,35 +5251,35 +5252,35 +5253,32 +5254,32 +5255,39 +5256,39 +5257,39 +5258,39 +5259,39 +5260,39 +5261,39 +5262,39 +5263,32 +5264,32 +5265,32 +5266,32 +5267,32 +5268,32 +5269,32 +5270,32 +5271,32 +5272,32 +5273,14 +5274,14 +5275,14 +5276,14 +5277,14 +5278,14 +5279,14 +5280,14 +5281,14 +5282,14 +5283,14 +5284,14 +5285,15 +5286,15 +5287,19 +5288,19 +5289,15 +5290,24 +5291,24 +5292,24 +5293,24 +5294,24 +5295,24 +5296,5 +5297,5 +5298,5 +5299,5 +5300,5 +5301,5 +5302,5 +5303,33 +5304,33 +5305,33 +5306,33 +5307,33 +5308,33 +5309,33 +5310,33 +5311,33 +5312,33 +5313,33 +5314,33 +5315,27 +5316,27 +5317,27 +5318,4 +5319,4 +5320,4 +5321,4 +5322,4 +5323,4 +5324,4 +5325,4 +5326,4 +5327,4 +5328,27 +5329,27 +5330,27 +5331,27 +5332,27 +5333,27 +5334,27 +5335,27 +5336,5 +5337,5 +5338,5 +5339,5 +5340,11 +5341,11 +5342,11 +5343,11 +5344,11 +5345,11 +5346,18 +5347,11 +5348,11 +5349,11 +5350,31 +5351,5 +5352,5 +5353,5 +5354,5 +5355,5 +5356,5 +5357,5 +5358,4 +5359,4 +5360,4 +5361,19 +5362,4 +5363,4 +5364,36 +5365,19 +5366,19 +5367,40 +5368,40 +5369,40 +5370,40 +5371,40 +5372,40 +5373,40 +5374,40 +5375,40 +5376,40 +5377,40 +5378,40 +5379,40 +5380,40 +5381,40 +5382,5 +5383,5 +5384,5 +5385,5 +5386,5 +5387,39 +5388,39 +5389,39 +5390,39 +5391,39 +5392,39 +5393,39 +5394,39 +5395,39 +5396,39 +5397,32 +5398,32 +5399,32 +5400,32 +5401,38 +5402,32 +5403,27 +5404,27 +5405,27 +5406,27 +5407,27 +5408,13 +5409,13 +5410,13 +5411,13 +5412,13 +5413,13 +5414,13 +5415,13 +5416,13 +5417,13 +5418,29 +5419,24 +5420,24 +5421,24 +5422,40 +5423,40 +5424,40 +5425,40 +5426,40 +5427,4 +5428,4 +5429,4 +5430,4 +5431,4 +5432,4 +5433,4 +5434,4 +5435,12 +5436,12 +5437,12 +5438,12 +5439,12 +5440,31 +5441,31 +5442,31 +5443,31 +5444,8 +5445,8 +5446,8 +5447,8 +5448,8 +5449,8 +5450,8 +5451,8 +5452,8 +5453,32 +5454,32 +5455,32 +5456,32 +5457,32 +5458,32 +5459,32 +5460,32 +5461,32 +5462,32 +5463,32 +5464,32 +5465,32 +5466,36 +5467,36 +5468,36 +5469,36 +5470,36 +5471,36 +5472,36 +5473,36 +5474,36 +5475,36 +5476,36 +5477,36 +5478,36 +5479,36 +5480,2 +5481,2 +5482,2 +5483,2 +5484,2 +5485,2 +5486,2 +5487,2 +5488,2 +5489,2 +5490,2 +5491,27 +5492,27 +5493,27 +5494,27 +5495,27 +5496,27 +5497,13 +5498,13 +5499,13 +5500,13 +5501,13 +5502,13 +5503,13 +5504,13 +5505,13 +5506,13 +5507,13 +5508,13 +5509,13 +5510,13 +5511,13 +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,35 +5587,35 +5588,35 +5589,35 +5590,0 +5591,35 +5592,35 +5593,35 +5594,35 +5595,35 +5596,35 +5597,35 +5598,35 +5599,36 +5600,40 +5601,8 +5602,8 +5603,8 +5604,8 +5605,8 +5606,8 +5607,8 +5608,8 +5609,8 +5610,29 +5611,29 +5612,29 +5613,29 +5614,31 +5615,31 +5616,31 +5617,31 +5618,31 +5619,31 +5620,31 +5621,30 +5622,30 +5623,30 +5624,30 +5625,30 +5626,30 +5627,30 +5628,30 +5629,30 +5630,9 +5631,9 +5632,9 +5633,9 +5634,9 +5635,9 +5636,9 +5637,9 +5638,9 +5639,9 +5640,9 +5641,9 +5642,9 +5643,9 +5644,9 +5645,9 +5646,9 +5647,9 +5648,9 +5649,9 +5650,9 +5651,9 +5652,9 +5653,9 +5654,26 +5655,26 +5656,26 +5657,10 +5658,10 +5659,10 +5660,10 +5661,34 +5662,26 +5663,26 +5664,5 +5665,5 +5666,5 +5667,5 +5668,5 +5669,5 +5670,5 +5671,5 +5672,27 +5673,27 +5674,40 +5675,40 +5676,40 +5677,40 +5678,27 +5679,27 +5680,28 +5681,28 +5682,28 +5683,28 +5684,28 +5685,28 +5686,28 +5687,28 +5688,37 +5689,37 +5690,37 +5691,37 +5692,37 +5693,37 +5694,37 +5695,37 +5696,37 +5697,37 +5698,39 +5699,39 +5700,39 +5701,39 +5702,39 +5703,39 +5704,39 +5705,39 +5706,39 +5707,39 +5708,23 +5709,23 +5710,23 +5711,23 +5712,23 +5713,23 +5714,23 +5715,23 +5716,23 +5717,23 +5718,25 +5719,25 +5720,25 +5721,37 +5722,9 +5723,9 +5724,9 +5725,9 +5726,9 +5727,9 +5728,9 +5729,9 +5730,9 +5731,30 +5732,30 +5733,30 +5734,30 +5735,30 +5736,30 +5737,29 +5738,29 +5739,29 +5740,29 +5741,29 +5742,29 +5743,33 +5744,33 +5745,33 +5746,33 +5747,33 +5748,33 +5749,33 +5750,33 +5751,33 +5752,33 +5753,33 +5754,8 +5755,2 +5756,2 +5757,2 +5758,2 +5759,2 +5760,2 +5761,2 +5762,2 +5763,2 +5764,2 +5765,2 +5766,2 +5767,2 +5768,2 +5769,2 +5770,2 +5771,9 +5772,9 +5773,9 +5774,9 +5775,9 +5776,9 +5777,9 +5778,9 +5779,9 +5780,9 +5781,9 +5782,23 +5783,23 +5784,23 +5785,23 +5786,23 +5787,23 +5788,4 +5789,4 +5790,4 +5791,4 +5792,4 +5793,4 +5794,37 +5795,37 +5796,37 +5797,37 +5798,37 +5799,37 +5800,37 +5801,37 +5802,40 +5803,40 +5804,40 +5805,40 +5806,40 +5807,40 +5808,6 +5809,6 +5810,6 +5811,6 +5812,6 +5813,6 +5814,6 +5815,6 +5816,31 +5817,31 +5818,31 +5819,31 +5820,31 +5821,30 +5822,31 +5823,30 +5824,30 +5825,30 +5826,40 +5827,40 +5828,40 +5829,40 +5830,40 +5831,40 +5832,40 +5833,6 +5834,6 +5835,6 +5836,6 +5837,6 +5838,6 +5839,6 +5840,11 +5841,11 +5842,11 +5843,11 +5844,11 +5845,11 +5846,11 +5847,31 +5848,31 +5849,31 +5850,31 +5851,5 +5852,5 +5853,5 +5854,5 +5855,5 +5856,5 +5857,5 +5858,5 +5859,8 +5860,8 +5861,8 +5862,8 +5863,8 +5864,8 +5865,7 +5866,7 +5867,7 +5868,3 +5869,3 +5870,3 +5871,3 +5872,3 +5873,3 +5874,3 +5875,3 +5876,5 +5877,5 +5878,5 +5879,5 +5880,5 +5881,5 +5882,5 +5883,21 +5884,21 +5885,21 +5886,21 +5887,40 +5888,40 +5889,40 +5890,40 +5891,40 +5892,40 +5893,40 +5894,24 +5895,24 +5896,24 +5897,24 +5898,24 +5899,24 +5900,24 +5901,25 +5902,25 +5903,25 +5904,25 +5905,25 +5906,25 +5907,25 +5908,25 +5909,16 +5910,16 +5911,16 +5912,16 +5913,16 +5914,16 +5915,16 +5916,16 +5917,16 +5918,37 +5919,37 +5920,37 +5921,25 +5922,37 +5923,37 +5924,37 +5925,37 +5926,37 +5927,37 +5928,27 +5929,27 +5930,27 +5931,27 +5932,27 +5933,6 +5934,6 +5935,6 +5936,6 +5937,6 +5938,6 +5939,6 +5940,6 +5941,6 +5942,9 +5943,9 +5944,9 +5945,9 +5946,9 +5947,9 +5948,9 +5949,9 +5950,9 +5951,9 +5952,9 +5953,9 +5954,9 +5955,9 +5956,9 +5957,9 +5958,9 +5959,9 +5960,30 +5961,30 +5962,30 +5963,30 +5964,30 +5965,30 +5966,30 +5967,30 +5968,30 +5969,30 +5970,30 +5971,30 +5972,30 +5973,30 +5974,30 +5975,30 +5976,30 +5977,30 +5978,30 +5979,30 +5980,30 +5981,33 +5982,33 +5983,33 +5984,30 +5985,30 +5986,30 +5987,30 +5988,30 +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,5 +6040,5 +6041,5 +6042,5 +6043,5 +6044,5 +6045,5 +6046,5 +6047,5 +6048,5 +6049,5 +6050,5 +6051,5 +6052,5 +6053,5 +6054,5 +6055,5 +6056,5 +6057,5 +6058,33 +6059,33 +6060,33 +6061,33 +6062,33 +6063,33 +6064,33 +6065,33 +6066,33 +6067,33 +6068,33 +6069,33 +6070,33 +6071,33 +6072,33 +6073,33 +6074,33 +6075,33 +6076,28 +6077,28 +6078,28 +6079,28 +6080,28 +6081,28 +6082,28 +6083,27 +6084,31 +6085,31 +6086,31 +6087,31 +6088,31 +6089,31 +6090,31 +6091,31 +6092,4 +6093,4 +6094,4 +6095,4 +6096,4 +6097,19 +6098,36 +6099,36 +6100,36 +6101,34 +6102,34 +6103,34 +6104,34 +6105,34 +6106,34 +6107,34 +6108,10 +6109,34 +6110,34 +6111,34 +6112,34 +6113,34 +6114,34 +6115,34 +6116,34 +6117,34 +6118,34 +6119,34 +6120,34 +6121,34 +6122,5 +6123,5 +6124,5 +6125,5 +6126,28 +6127,28 +6128,28 +6129,28 +6130,28 +6131,28 +6132,28 +6133,28 +6134,28 +6135,28 +6136,28 +6137,5 +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,5 +6213,5 +6214,5 +6215,5 +6216,5 +6217,5 +6218,5 +6219,5 +6220,5 +6221,5 +6222,5 +6223,26 +6224,26 +6225,26 +6226,26 +6227,26 +6228,26 +6229,26 +6230,26 +6231,9 +6232,9 +6233,37 +6234,39 +6235,39 +6236,39 +6237,39 +6238,38 +6239,38 +6240,38 +6241,38 +6242,38 +6243,38 +6244,23 +6245,21 +6246,40 +6247,36 +6248,36 +6249,10 +6250,10 +6251,10 +6252,40 +6253,40 +6254,40 +6255,10 +6256,33 +6257,7 +6258,7 +6259,7 +6260,7 +6261,40 +6262,40 +6263,40 +6264,40 +6265,40 +6266,40 +6267,40 +6268,40 +6269,37 +6270,37 +6271,37 +6272,37 +6273,37 +6274,37 +6275,37 +6276,37 +6277,37 +6278,37 +6279,4 +6280,4 +6281,4 +6282,4 +6283,4 +6284,4 +6285,36 +6286,36 +6287,36 +6288,36 +6289,36 +6290,36 +6291,36 +6292,36 +6293,36 +6294,36 +6295,36 +6296,36 +6297,36 +6298,36 +6299,36 +6300,15 +6301,15 +6302,15 +6303,15 +6304,15 +6305,15 +6306,15 +6307,15 +6308,39 +6309,39 +6310,39 +6311,39 +6312,39 +6313,39 +6314,39 +6315,39 +6316,39 +6317,39 +6318,39 +6319,35 +6320,35 +6321,35 +6322,35 +6323,35 +6324,35 +6325,39 +6326,39 +6327,39 +6328,39 +6329,39 +6330,39 +6331,39 +6332,39 +6333,39 +6334,39 +6335,39 +6336,39 +6337,39 +6338,39 +6339,39 +6340,39 +6341,39 +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,35 +6363,35 +6364,0 +6365,0 +6366,35 +6367,35 +6368,35 +6369,35 +6370,35 +6371,35 +6372,35 +6373,35 +6374,35 +6375,39 +6376,39 +6377,39 +6378,39 +6379,39 +6380,39 +6381,39 +6382,39 +6383,30 +6384,30 +6385,30 +6386,30 +6387,30 +6388,30 +6389,30 +6390,30 +6391,30 +6392,10 +6393,10 +6394,10 +6395,10 +6396,10 +6397,10 +6398,10 +6399,10 +6400,10 +6401,10 +6402,10 +6403,10 +6404,4 +6405,4 +6406,4 +6407,4 +6408,4 +6409,4 +6410,4 +6411,4 +6412,4 +6413,4 +6414,4 +6415,4 +6416,4 +6417,29 +6418,27 +6419,27 +6420,15 +6421,31 +6422,15 +6423,15 +6424,30 +6425,30 +6426,39 +6427,39 +6428,39 +6429,39 +6430,39 +6431,39 +6432,39 +6433,6 +6434,6 +6435,6 +6436,6 +6437,6 +6438,6 +6439,6 +6440,6 +6441,6 +6442,9 +6443,26 +6444,26 +6445,26 +6446,26 +6447,26 +6448,26 +6449,26 +6450,26 +6451,26 +6452,26 +6453,26 +6454,26 +6455,26 +6456,26 +6457,26 +6458,26 +6459,30 +6460,30 +6461,30 +6462,30 +6463,30 +6464,30 +6465,30 +6466,19 +6467,19 +6468,19 +6469,19 +6470,19 +6471,19 +6472,9 +6473,0 +6474,0 +6475,0 +6476,0 +6477,0 +6478,0 +6479,26 +6480,26 +6481,26 +6482,26 +6483,26 +6484,26 +6485,26 +6486,26 +6487,26 +6488,26 +6489,26 +6490,26 +6491,26 +6492,5 +6493,5 +6494,5 +6495,5 +6496,27 +6497,27 +6498,27 +6499,27 +6500,31 +6501,31 +6502,31 +6503,27 +6504,31 +6505,2 +6506,2 +6507,2 +6508,2 +6509,2 +6510,2 +6511,2 +6512,2 +6513,2 +6514,2 +6515,2 +6516,2 +6517,4 +6518,4 +6519,18 +6520,18 +6521,18 +6522,18 +6523,18 +6524,18 +6525,18 +6526,18 +6527,18 +6528,18 +6529,40 +6530,40 +6531,40 +6532,3 +6533,40 +6534,40 +6535,27 +6536,27 +6537,27 +6538,27 +6539,27 +6540,27 +6541,27 +6542,27 +6543,28 +6544,28 +6545,28 +6546,28 +6547,28 +6548,28 +6549,28 +6550,28 +6551,28 +6552,28 +6553,28 +6554,28 +6555,28 +6556,28 +6557,28 +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,15 +6631,15 +6632,15 +6633,15 +6634,15 +6635,15 +6636,10 +6637,10 +6638,10 +6639,10 +6640,10 +6641,10 +6642,10 +6643,10 +6644,10 +6645,10 +6646,29 +6647,29 +6648,29 +6649,29 +6650,29 +6651,29 +6652,29 +6653,29 +6654,27 +6655,27 +6656,27 +6657,27 +6658,27 +6659,27 +6660,27 +6661,27 +6662,2 +6663,2 +6664,2 +6665,2 +6666,2 +6667,2 +6668,2 +6669,2 +6670,4 +6671,4 +6672,4 +6673,4 +6674,4 +6675,4 +6676,4 +6677,4 +6678,4 +6679,4 +6680,10 +6681,10 +6682,10 +6683,10 +6684,10 +6685,10 +6686,10 +6687,10 +6688,10 +6689,10 +6690,10 +6691,10 +6692,10 +6693,10 +6694,10 +6695,10 +6696,36 +6697,5 +6698,5 +6699,5 +6700,5 +6701,5 +6702,5 +6703,5 +6704,5 +6705,5 +6706,5 +6707,28 +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,29 +6730,29 +6731,29 +6732,29 +6733,29 +6734,29 +6735,40 +6736,40 +6737,40 +6738,40 +6739,40 +6740,37 +6741,37 +6742,37 +6743,37 +6744,37 +6745,37 +6746,37 +6747,37 +6748,12 +6749,12 +6750,12 +6751,12 +6752,12 +6753,12 +6754,12 +6755,12 +6756,12 +6757,12 +6758,12 +6759,12 +6760,12 +6761,12 +6762,40 +6763,40 +6764,40 +6765,40 +6766,40 +6767,40 +6768,40 +6769,40 +6770,31 +6771,31 +6772,12 +6773,12 +6774,12 +6775,12 +6776,12 +6777,12 +6778,12 +6779,12 +6780,12 +6781,12 +6782,12 +6783,12 +6784,12 +6785,12 +6786,27 +6787,27 +6788,27 +6789,29 +6790,38 +6791,38 +6792,38 +6793,38 +6794,38 +6795,24 +6796,27 +6797,27 +6798,27 +6799,27 +6800,27 +6801,5 +6802,5 +6803,5 +6804,5 +6805,5 +6806,5 +6807,5 +6808,5 +6809,2 +6810,2 +6811,2 +6812,2 +6813,2 +6814,2 +6815,2 +6816,2 +6817,2 +6818,2 +6819,2 +6820,2 +6821,34 +6822,34 +6823,34 +6824,34 +6825,34 +6826,34 +6827,34 +6828,34 +6829,34 +6830,34 +6831,34 +6832,34 +6833,34 +6834,34 +6835,34 +6836,34 +6837,34 +6838,34 +6839,5 +6840,5 +6841,5 +6842,5 +6843,19 +6844,4 +6845,19 +6846,25 +6847,31 +6848,31 +6849,31 +6850,31 +6851,29 +6852,29 +6853,24 +6854,29 +6855,29 +6856,29 +6857,35 +6858,35 +6859,35 +6860,35 +6861,35 +6862,35 +6863,35 +6864,35 +6865,36 +6866,36 +6867,36 +6868,40 +6869,40 +6870,40 +6871,19 +6872,19 +6873,19 +6874,19 +6875,19 +6876,19 +6877,39 +6878,39 +6879,27 +6880,27 +6881,27 +6882,27 +6883,21 +6884,21 +6885,21 +6886,21 +6887,21 +6888,21 +6889,21 +6890,21 +6891,21 +6892,21 +6893,21 +6894,21 +6895,26 +6896,26 +6897,26 +6898,26 +6899,26 +6900,26 +6901,26 +6902,26 +6903,10 +6904,10 +6905,10 +6906,10 +6907,10 +6908,31 +6909,31 +6910,5 +6911,5 +6912,5 +6913,5 +6914,5 +6915,5 +6916,5 +6917,5 +6918,5 +6919,5 +6920,5 +6921,5 +6922,8 +6923,8 +6924,8 +6925,8 +6926,8 +6927,8 +6928,2 +6929,2 +6930,8 +6931,8 +6932,2 +6933,2 +6934,2 +6935,2 +6936,2 +6937,2 +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,31 +6967,31 +6968,31 +6969,31 +6970,31 +6971,31 +6972,5 +6973,5 +6974,5 +6975,19 +6976,5 +6977,5 +6978,29 +6979,29 +6980,25 +6981,25 +6982,25 +6983,25 +6984,25 +6985,25 +6986,25 +6987,19 +6988,19 +6989,19 +6990,19 +6991,19 +6992,19 +6993,15 +6994,15 +6995,15 +6996,15 +6997,15 +6998,37 +6999,37 +7000,37 +7001,37 +7002,37 +7003,37 +7004,37 +7005,37 +7006,10 +7007,10 +7008,31 +7009,25 +7010,25 +7011,25 +7012,10 +7013,10 +7014,24 +7015,24 +7016,24 +7017,24 +7018,24 +7019,24 +7020,25 +7021,25 +7022,25 +7023,25 +7024,27 +7025,27 +7026,27 +7027,27 +7028,27 +7029,4 +7030,4 +7031,4 +7032,4 +7033,4 +7034,4 +7035,4 +7036,4 +7037,4 +7038,4 +7039,33 +7040,33 +7041,33 +7042,33 +7043,33 +7044,33 +7045,33 +7046,30 +7047,30 +7048,30 +7049,30 +7050,30 +7051,30 +7052,30 +7053,19 +7054,19 +7055,19 +7056,19 +7057,19 +7058,19 +7059,19 +7060,19 +7061,40 +7062,31 +7063,31 +7064,31 +7065,31 +7066,31 +7067,31 +7068,31 +7069,5 +7070,5 +7071,5 +7072,5 +7073,5 +7074,5 +7075,5 +7076,5 +7077,5 +7078,5 +7079,5 +7080,19 +7081,19 +7082,19 +7083,19 +7084,29 +7085,29 +7086,29 +7087,29 +7088,29 +7089,29 +7090,29 +7091,29 +7092,29 +7093,31 +7094,31 +7095,31 +7096,31 +7097,4 +7098,4 +7099,4 +7100,29 +7101,29 +7102,29 +7103,4 +7104,29 +7105,29 +7106,39 +7107,39 +7108,39 +7109,39 +7110,39 +7111,39 +7112,39 +7113,26 +7114,26 +7115,26 +7116,26 +7117,26 +7118,37 +7119,37 +7120,37 +7121,37 +7122,37 +7123,37 +7124,37 +7125,4 +7126,4 +7127,4 +7128,4 +7129,4 +7130,4 +7131,4 +7132,4 +7133,4 +7134,4 +7135,4 +7136,4 +7137,4 +7138,27 +7139,27 +7140,27 +7141,27 +7142,30 +7143,30 +7144,30 +7145,30 +7146,30 +7147,30 +7148,30 +7149,30 +7150,30 +7151,30 +7152,30 +7153,30 +7154,30 +7155,30 +7156,30 +7157,30 +7158,30 +7159,37 +7160,37 +7161,37 +7162,39 +7163,39 +7164,39 +7165,39 +7166,39 +7167,19 +7168,39 +7169,4 +7170,4 +7171,4 +7172,4 +7173,4 +7174,4 +7175,4 +7176,3 +7177,3 +7178,3 +7179,3 +7180,3 +7181,3 +7182,3 +7183,3 +7184,3 +7185,3 +7186,3 +7187,3 +7188,30 +7189,30 +7190,30 +7191,30 +7192,30 +7193,30 +7194,30 +7195,30 +7196,30 +7197,30 +7198,19 +7199,19 +7200,29 +7201,29 +7202,19 +7203,27 +7204,27 +7205,27 +7206,27 +7207,27 +7208,27 +7209,27 +7210,27 +7211,27 +7212,5 +7213,5 +7214,5 +7215,5 +7216,5 +7217,5 +7218,13 +7219,13 +7220,21 +7221,21 +7222,21 +7223,21 +7224,32 +7225,33 +7226,30 +7227,30 +7228,30 +7229,30 +7230,30 +7231,30 +7232,33 +7233,33 +7234,33 +7235,27 +7236,27 +7237,27 +7238,27 +7239,27 +7240,27 +7241,27 +7242,13 +7243,13 +7244,13 +7245,13 +7246,13 +7247,13 +7248,13 +7249,13 +7250,13 +7251,26 +7252,26 +7253,26 +7254,26 +7255,26 +7256,9 +7257,9 +7258,9 +7259,9 +7260,9 +7261,9 +7262,9 +7263,9 +7264,9 +7265,9 +7266,5 +7267,5 +7268,5 +7269,5 +7270,5 +7271,5 +7272,5 +7273,5 +7274,5 +7275,32 +7276,32 +7277,32 +7278,32 +7279,32 +7280,32 +7281,35 +7282,40 +7283,40 +7284,40 +7285,36 +7286,36 +7287,36 +7288,36 +7289,36 +7290,36 +7291,19 +7292,19 +7293,19 +7294,19 +7295,19 +7296,19 +7297,19 +7298,19 +7299,19 +7300,27 +7301,27 +7302,27 +7303,27 +7304,27 +7305,27 +7306,27 +7307,5 +7308,27 +7309,27 +7310,5 +7311,31 +7312,31 +7313,31 +7314,31 +7315,28 +7316,28 +7317,28 +7318,28 +7319,28 +7320,28 +7321,28 +7322,32 +7323,32 +7324,32 +7325,32 +7326,32 +7327,32 +7328,32 +7329,32 +7330,37 +7331,37 +7332,37 +7333,37 +7334,37 +7335,26 +7336,26 +7337,26 +7338,26 +7339,26 +7340,26 +7341,26 +7342,26 +7343,26 +7344,24 +7345,24 +7346,24 +7347,24 +7348,24 +7349,24 +7350,25 +7351,25 +7352,25 +7353,37 +7354,37 +7355,37 +7356,37 +7357,40 +7358,40 +7359,40 +7360,27 +7361,25 +7362,2 +7363,31 +7364,2 +7365,2 +7366,2 +7367,2 +7368,2 +7369,2 +7370,2 +7371,2 +7372,2 +7373,2 +7374,2 +7375,2 +7376,12 +7377,12 +7378,25 +7379,25 +7380,25 +7381,25 +7382,25 +7383,25 +7384,23 +7385,23 +7386,23 +7387,23 +7388,23 +7389,23 +7390,23 +7391,23 +7392,23 +7393,23 +7394,23 +7395,23 +7396,23 +7397,9 +7398,9 +7399,9 +7400,9 +7401,9 +7402,9 +7403,9 +7404,37 +7405,37 +7406,37 +7407,37 +7408,4 +7409,4 +7410,4 +7411,4 +7412,4 +7413,14 +7414,14 +7415,14 +7416,14 +7417,14 +7418,14 +7419,14 +7420,14 +7421,14 +7422,14 +7423,14 +7424,14 +7425,14 +7426,14 +7427,14 +7428,4 +7429,4 +7430,4 +7431,4 +7432,10 +7433,10 +7434,10 +7435,10 +7436,10 +7437,10 +7438,34 +7439,34 +7440,34 +7441,34 +7442,34 +7443,34 +7444,34 +7445,34 +7446,34 +7447,34 +7448,34 +7449,34 +7450,34 +7451,34 +7452,34 +7453,34 +7454,25 +7455,25 +7456,37 +7457,37 +7458,37 +7459,37 +7460,37 +7461,37 +7462,8 +7463,8 +7464,8 +7465,8 +7466,8 +7467,8 +7468,8 +7469,8 +7470,27 +7471,27 +7472,27 +7473,27 +7474,40 +7475,40 +7476,27 +7477,4 +7478,4 +7479,4 +7480,4 +7481,4 +7482,4 +7483,30 +7484,30 +7485,30 +7486,30 +7487,30 +7488,30 +7489,30 +7490,30 +7491,39 +7492,39 +7493,39 +7494,39 +7495,39 +7496,39 +7497,39 +7498,39 +7499,39 +7500,39 +7501,39 +7502,39 +7503,2 +7504,2 +7505,2 +7506,2 +7507,2 +7508,2 +7509,2 +7510,2 +7511,2 +7512,2 +7513,4 +7514,4 +7515,4 +7516,4 +7517,4 +7518,4 +7519,4 +7520,4 +7521,4 +7522,4 +7523,4 +7524,4 +7525,2 +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,36 +7609,36 +7610,36 +7611,36 +7612,36 +7613,36 +7614,36 +7615,5 +7616,5 +7617,5 +7618,5 +7619,5 +7620,5 +7621,5 +7622,5 +7623,23 +7624,23 +7625,23 +7626,23 +7627,23 +7628,23 +7629,23 +7630,23 +7631,23 +7632,23 +7633,23 +7634,10 +7635,10 +7636,10 +7637,10 +7638,10 +7639,10 +7640,10 +7641,10 +7642,34 +7643,5 +7644,10 +7645,5 +7646,5 +7647,5 +7648,5 +7649,5 +7650,5 +7651,5 +7652,28 +7653,28 +7654,28 +7655,3 +7656,3 +7657,3 +7658,3 +7659,39 +7660,39 +7661,39 +7662,39 +7663,39 +7664,39 +7665,39 +7666,39 +7667,39 +7668,12 +7669,12 +7670,12 +7671,12 +7672,12 +7673,12 +7674,31 +7675,31 +7676,31 +7677,8 +7678,8 +7679,8 +7680,8 +7681,8 +7682,2 +7683,2 +7684,2 +7685,2 +7686,27 +7687,27 +7688,27 +7689,27 +7690,27 +7691,27 +7692,5 +7693,5 +7694,5 +7695,5 +7696,5 +7697,36 +7698,36 +7699,36 +7700,36 +7701,36 +7702,36 +7703,36 +7704,36 +7705,36 +7706,36 +7707,36 +7708,36 +7709,36 +7710,36 +7711,36 +7712,36 +7713,36 +7714,36 +7715,36 +7716,36 +7717,19 +7718,19 +7719,19 +7720,19 +7721,19 +7722,19 +7723,19 +7724,4 +7725,4 +7726,28 +7727,28 +7728,28 +7729,28 +7730,28 +7731,28 +7732,27 +7733,27 +7734,27 +7735,27 +7736,5 +7737,5 +7738,5 +7739,5 +7740,5 +7741,27 +7742,27 +7743,27 +7744,27 +7745,27 +7746,27 +7747,27 +7748,27 +7749,27 +7750,27 +7751,27 +7752,11 +7753,11 +7754,11 +7755,11 +7756,11 +7757,11 +7758,11 +7759,11 +7760,11 +7761,11 +7762,11 +7763,11 +7764,11 +7765,31 +7766,31 +7767,31 +7768,31 +7769,31 +7770,5 +7771,5 +7772,5 +7773,5 +7774,5 +7775,5 +7776,5 +7777,5 +7778,5 +7779,5 +7780,5 +7781,5 +7782,5 +7783,38 +7784,38 +7785,38 +7786,38 +7787,38 +7788,38 +7789,38 +7790,29 +7791,29 +7792,29 +7793,36 +7794,36 +7795,36 +7796,36 +7797,36 +7798,36 +7799,36 +7800,36 +7801,36 +7802,36 +7803,36 +7804,36 +7805,36 +7806,36 +7807,36 +7808,36 +7809,36 +7810,36 +7811,36 +7812,36 +7813,4 +7814,4 +7815,4 +7816,4 +7817,4 +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,29 +7849,29 +7850,29 +7851,31 +7852,31 +7853,31 +7854,31 +7855,31 +7856,31 +7857,31 +7858,31 +7859,31 +7860,31 +7861,37 +7862,37 +7863,37 +7864,37 +7865,37 +7866,37 +7867,37 +7868,37 +7869,37 +7870,37 +7871,37 +7872,40 +7873,40 +7874,36 +7875,36 +7876,36 +7877,36 +7878,36 +7879,36 +7880,36 +7881,36 +7882,36 +7883,36 +7884,36 +7885,36 +7886,36 +7887,36 +7888,40 +7889,40 +7890,40 +7891,34 +7892,34 +7893,34 +7894,2 +7895,2 +7896,2 +7897,2 +7898,2 +7899,2 +7900,2 +7901,2 +7902,2 +7903,2 +7904,2 +7905,2 +7906,2 +7907,32 +7908,32 +7909,32 +7910,32 +7911,32 +7912,32 +7913,32 +7914,32 +7915,0 +7916,0 +7917,0 +7918,0 +7919,0 +7920,0 +7921,0 +7922,0 +7923,0 +7924,0 +7925,0 +7926,31 +7927,31 +7928,31 +7929,31 +7930,31 +7931,24 +7932,24 +7933,24 +7934,24 +7935,24 +7936,24 +7937,24 +7938,24 +7939,24 +7940,29 +7941,29 +7942,29 +7943,31 +7944,27 +7945,27 +7946,31 +7947,32 +7948,32 +7949,32 +7950,32 +7951,32 +7952,32 +7953,32 +7954,32 +7955,32 +7956,32 +7957,32 +7958,32 +7959,31 +7960,31 +7961,31 +7962,31 +7963,31 +7964,31 +7965,5 +7966,5 +7967,5 +7968,5 +7969,5 +7970,5 +7971,4 +7972,4 +7973,23 +7974,23 +7975,23 +7976,23 +7977,23 +7978,37 +7979,37 +7980,37 +7981,37 +7982,39 +7983,39 +7984,39 +7985,39 +7986,39 +7987,39 +7988,39 +7989,39 +7990,39 +7991,39 +7992,39 +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,31 +8034,31 +8035,31 +8036,31 +8037,31 +8038,33 +8039,33 +8040,31 +8041,31 +8042,31 +8043,29 +8044,29 +8045,1 +8046,1 +8047,30 +8048,1 +8049,1 +8050,40 +8051,40 +8052,40 +8053,1 +8054,1 +8055,1 +8056,31 +8057,37 +8058,37 +8059,37 +8060,31 +8061,28 +8062,28 +8063,31 +8064,28 +8065,28 +8066,28 +8067,28 +8068,28 +8069,28 +8070,28 +8071,31 +8072,31 +8073,26 +8074,26 +8075,26 +8076,26 +8077,26 +8078,31 +8079,31 +8080,9 +8081,26 +8082,29 +8083,29 +8084,29 +8085,29 +8086,29 +8087,29 +8088,29 +8089,25 +8090,25 +8091,25 +8092,25 +8093,25 +8094,25 +8095,25 +8096,25 +8097,25 +8098,25 +8099,25 +8100,25 +8101,25 +8102,25 +8103,25 +8104,25 +8105,25 +8106,8 +8107,8 +8108,8 +8109,8 +8110,8 +8111,8 +8112,8 +8113,8 +8114,8 +8115,2 +8116,40 +8117,40 +8118,40 +8119,40 +8120,40 +8121,36 +8122,36 +8123,36 +8124,5 +8125,5 +8126,5 +8127,5 +8128,5 +8129,5 +8130,5 +8131,12 +8132,12 +8133,12 +8134,12 +8135,12 +8136,12 +8137,12 +8138,12 +8139,12 +8140,12 +8141,10 +8142,10 +8143,10 +8144,10 +8145,10 +8146,10 +8147,10 +8148,10 +8149,10 +8150,10 +8151,10 +8152,10 +8153,10 +8154,10 +8155,10 +8156,10 +8157,10 +8158,10 +8159,10 +8160,10 +8161,8 +8162,24 +8163,24 +8164,8 +8165,8 +8166,8 +8167,8 +8168,8 +8169,8 +8170,8 +8171,8 +8172,27 +8173,27 +8174,27 +8175,27 +8176,28 +8177,28 +8178,5 +8179,5 +8180,5 +8181,5 +8182,5 +8183,19 +8184,19 +8185,19 +8186,19 +8187,19 +8188,19 +8189,9 +8190,9 +8191,9 +8192,9 +8193,9 +8194,9 +8195,9 +8196,9 +8197,9 +8198,9 +8199,9 +8200,9 +8201,9 +8202,9 +8203,9 +8204,9 +8205,9 +8206,4 +8207,4 +8208,4 +8209,4 +8210,4 +8211,4 +8212,4 +8213,25 +8214,25 +8215,25 +8216,25 +8217,25 +8218,25 +8219,25 +8220,25 +8221,25 +8222,25 +8223,25 +8224,25 +8225,25 +8226,25 +8227,25 +8228,25 +8229,25 +8230,25 +8231,25 +8232,25 +8233,25 +8234,2 +8235,2 +8236,2 +8237,2 +8238,2 +8239,2 +8240,2 +8241,2 +8242,8 +8243,2 +8244,2 +8245,2 +8246,2 +8247,2 +8248,2 +8249,8 +8250,8 +8251,8 +8252,8 +8253,8 +8254,8 +8255,8 +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,32 +8320,32 +8321,32 +8322,32 +8323,32 +8324,32 +8325,32 +8326,32 +8327,37 +8328,37 +8329,37 +8330,37 +8331,25 +8332,37 +8333,33 +8334,33 +8335,31 +8336,31 +8337,31 +8338,31 +8339,30 +8340,31 +8341,31 +8342,24 +8343,24 +8344,24 +8345,24 +8346,30 +8347,30 +8348,30 +8349,30 +8350,9 +8351,9 +8352,9 +8353,9 +8354,9 +8355,9 +8356,9 +8357,9 +8358,9 +8359,26 +8360,26 +8361,26 +8362,26 +8363,26 +8364,26 +8365,26 +8366,26 +8367,26 +8368,26 +8369,9 +8370,9 +8371,9 +8372,9 +8373,9 +8374,9 +8375,9 +8376,9 +8377,13 +8378,13 +8379,13 +8380,13 +8381,13 +8382,13 +8383,13 +8384,13 +8385,13 +8386,13 +8387,4 +8388,4 +8389,4 +8390,4 +8391,4 +8392,4 +8393,4 +8394,2 +8395,2 +8396,2 +8397,2 +8398,4 +8399,4 +8400,4 +8401,4 +8402,11 +8403,11 +8404,11 +8405,11 +8406,16 +8407,16 +8408,16 +8409,16 +8410,16 +8411,27 +8412,27 +8413,27 +8414,27 +8415,27 +8416,27 +8417,27 +8418,27 +8419,27 +8420,27 +8421,27 +8422,27 +8423,27 +8424,5 +8425,25 +8426,37 +8427,37 +8428,37 +8429,37 +8430,37 +8431,27 +8432,27 +8433,39 +8434,27 +8435,27 +8436,27 +8437,27 +8438,27 +8439,27 +8440,27 +8441,27 +8442,13 +8443,13 +8444,13 +8445,13 +8446,13 +8447,13 +8448,13 +8449,13 +8450,13 +8451,13 +8452,13 +8453,13 +8454,13 +8455,13 +8456,13 +8457,13 +8458,13 +8459,13 +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,29 +8537,29 +8538,29 +8539,36 +8540,36 +8541,36 +8542,36 +8543,36 +8544,36 +8545,36 +8546,36 +8547,36 +8548,36 +8549,36 +8550,36 +8551,36 +8552,36 +8553,36 +8554,8 +8555,8 +8556,8 +8557,8 +8558,8 +8559,8 +8560,8 +8561,8 +8562,8 +8563,29 +8564,29 +8565,29 +8566,29 +8567,31 +8568,31 +8569,31 +8570,6 +8571,6 +8572,6 +8573,6 +8574,6 +8575,6 +8576,6 +8577,6 +8578,6 +8579,14 +8580,14 +8581,14 +8582,14 +8583,14 +8584,14 +8585,14 +8586,14 +8587,14 +8588,39 +8589,39 +8590,14 +8591,14 +8592,2 +8593,2 +8594,2 +8595,2 +8596,2 +8597,2 +8598,2 +8599,2 +8600,2 +8601,2 +8602,28 +8603,28 +8604,28 +8605,28 +8606,28 +8607,28 +8608,28 +8609,39 +8610,39 +8611,39 +8612,39 +8613,39 +8614,39 +8615,39 +8616,14 +8617,14 +8618,14 +8619,28 +8620,28 +8621,28 +8622,28 +8623,28 +8624,15 +8625,15 +8626,15 +8627,15 +8628,15 +8629,15 +8630,39 +8631,39 +8632,39 +8633,39 +8634,39 +8635,39 +8636,39 +8637,39 +8638,39 +8639,39 +8640,39 +8641,39 +8642,39 +8643,39 +8644,39 +8645,39 +8646,39 +8647,39 +8648,39 +8649,39 +8650,39 +8651,39 +8652,39 +8653,39 +8654,39 +8655,39 +8656,39 +8657,39 +8658,39 +8659,39 +8660,39 +8661,39 +8662,39 +8663,39 +8664,39 +8665,39 +8666,39 +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,6 +8706,6 +8707,6 +8708,6 +8709,6 +8710,6 +8711,6 +8712,6 +8713,6 +8714,6 +8715,40 +8716,40 +8717,40 +8718,40 +8719,40 +8720,40 +8721,40 +8722,40 +8723,37 +8724,37 +8725,37 +8726,37 +8727,37 +8728,37 +8729,37 +8730,37 +8731,35 +8732,35 +8733,35 +8734,35 +8735,35 +8736,14 +8737,14 +8738,14 +8739,14 +8740,14 +8741,14 +8742,14 +8743,14 +8744,27 +8745,27 +8746,27 +8747,27 +8748,27 +8749,27 +8750,37 +8751,37 +8752,40 +8753,40 +8754,40 +8755,40 +8756,37 +8757,37 +8758,37 +8759,37 +8760,37 +8761,37 +8762,37 +8763,37 +8764,37 +8765,37 +8766,37 +8767,37 +8768,37 +8769,37 +8770,37 +8771,37 +8772,37 +8773,37 +8774,37 +8775,37 +8776,37 +8777,37 +8778,37 +8779,37 +8780,37 +8781,25 +8782,25 +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,29 +8871,29 +8872,29 +8873,14 +8874,14 +8875,14 +8876,14 +8877,14 +8878,14 +8879,14 +8880,14 +8881,1 +8882,5 +8883,5 +8884,2 +8885,19 +8886,31 +8887,2 +8888,33 +8889,33 +8890,33 +8891,33 +8892,33 +8893,30 +8894,30 +8895,30 +8896,30 +8897,30 +8898,30 +8899,30 +8900,30 +8901,14 +8902,14 +8903,14 +8904,14 +8905,14 +8906,14 +8907,14 +8908,14 +8909,14 +8910,14 +8911,14 +8912,14 +8913,27 +8914,27 +8915,27 +8916,39 +8917,39 +8918,39 +8919,38 +8920,38 +8921,38 +8922,38 +8923,38 +8924,4 +8925,4 +8926,39 +8927,39 +8928,39 +8929,39 +8930,39 +8931,39 +8932,39 +8933,31 +8934,31 +8935,31 +8936,31 +8937,31 +8938,31 +8939,4 +8940,4 +8941,4 +8942,4 +8943,4 +8944,4 +8945,4 +8946,4 +8947,4 +8948,4 +8949,4 +8950,4 +8951,4 +8952,4 +8953,36 +8954,36 +8955,36 +8956,36 +8957,36 +8958,36 +8959,36 +8960,36 +8961,36 +8962,6 +8963,6 +8964,6 +8965,6 +8966,6 +8967,6 +8968,6 +8969,6 +8970,31 +8971,31 +8972,31 +8973,31 +8974,31 +8975,26 +8976,26 +8977,5 +8978,5 +8979,5 +8980,5 +8981,5 +8982,29 +8983,29 +8984,31 +8985,29 +8986,31 +8987,31 +8988,15 +8989,15 +8990,15 +8991,15 +8992,15 +8993,29 +8994,36 +8995,36 +8996,36 +8997,36 +8998,36 +8999,36 +9000,36 +9001,36 +9002,26 +9003,26 +9004,26 +9005,37 +9006,37 +9007,37 +9008,37 +9009,37 +9010,37 +9011,37 +9012,37 +9013,37 +9014,37 +9015,6 +9016,6 +9017,6 +9018,6 +9019,6 +9020,6 +9021,6 +9022,6 +9023,6 +9024,6 +9025,6 +9026,14 +9027,14 +9028,14 +9029,36 +9030,36 +9031,14 +9032,14 +9033,14 +9034,14 +9035,5 +9036,5 +9037,5 +9038,28 +9039,28 +9040,28 +9041,15 +9042,19 +9043,19 +9044,2 +9045,2 +9046,8 +9047,8 +9048,28 +9049,28 +9050,28 +9051,28 +9052,28 +9053,28 +9054,28 +9055,9 +9056,33 +9057,33 +9058,33 +9059,33 +9060,33 +9061,33 +9062,33 +9063,30 +9064,33 +9065,32 +9066,32 +9067,4 +9068,4 +9069,32 +9070,32 +9071,32 +9072,14 +9073,14 +9074,14 +9075,14 +9076,14 +9077,14 +9078,14 +9079,14 +9080,14 +9081,14 +9082,14 +9083,14 +9084,14 +9085,14 +9086,14 +9087,14 +9088,14 +9089,14 +9090,14 +9091,14 +9092,39 +9093,39 +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,35 +9138,25 +9139,25 +9140,25 +9141,25 +9142,25 +9143,25 +9144,25 +9145,25 +9146,25 +9147,25 +9148,25 +9149,25 +9150,5 +9151,5 +9152,5 +9153,5 +9154,5 +9155,27 +9156,27 +9157,27 +9158,27 +9159,27 +9160,27 +9161,27 +9162,27 +9163,27 +9164,2 +9165,2 +9166,2 +9167,2 +9168,2 +9169,2 +9170,2 +9171,2 +9172,2 +9173,2 +9174,2 +9175,2 +9176,2 +9177,2 +9178,2 +9179,2 +9180,5 +9181,5 +9182,5 +9183,5 +9184,5 +9185,5 +9186,5 +9187,34 +9188,34 +9189,34 +9190,34 +9191,34 +9192,34 +9193,34 +9194,34 +9195,34 +9196,34 +9197,34 +9198,34 +9199,34 +9200,34 +9201,34 +9202,34 +9203,34 +9204,34 +9205,34 +9206,34 +9207,34 +9208,34 +9209,34 +9210,34 +9211,34 +9212,34 +9213,34 +9214,33 +9215,33 +9216,33 +9217,33 +9218,33 +9219,30 +9220,30 +9221,30 +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,37 +9262,33 +9263,33 +9264,33 +9265,33 +9266,33 +9267,33 +9268,25 +9269,7 +9270,7 +9271,7 +9272,7 +9273,7 +9274,7 +9275,7 +9276,7 +9277,7 +9278,7 +9279,7 +9280,7 +9281,7 +9282,7 +9283,7 +9284,22 +9285,22 +9286,22 +9287,22 +9288,22 +9289,37 +9290,37 +9291,37 +9292,37 +9293,37 +9294,37 +9295,37 +9296,23 +9297,23 +9298,23 +9299,23 +9300,23 +9301,23 +9302,23 +9303,23 +9304,23 +9305,23 +9306,23 +9307,23 +9308,23 +9309,23 +9310,23 +9311,23 +9312,23 +9313,23 +9314,23 +9315,23 +9316,3 +9317,3 +9318,3 +9319,3 +9320,3 +9321,3 +9322,3 +9323,3 +9324,3 +9325,3 +9326,3 +9327,3 +9328,3 +9329,30 +9330,30 +9331,30 +9332,30 +9333,30 +9334,30 +9335,30 +9336,30 +9337,30 +9338,30 +9339,27 +9340,27 +9341,27 +9342,27 +9343,27 +9344,27 +9345,27 +9346,27 +9347,13 +9348,13 +9349,13 +9350,13 +9351,13 +9352,13 +9353,13 +9354,13 +9355,13 +9356,13 +9357,13 +9358,13 +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,29 +9422,29 +9423,31 +9424,31 +9425,31 +9426,31 +9427,31 +9428,23 +9429,23 +9430,23 +9431,23 +9432,23 +9433,23 +9434,23 +9435,23 +9436,23 +9437,23 +9438,25 +9439,25 +9440,25 +9441,25 +9442,25 +9443,25 +9444,25 +9445,25 +9446,25 +9447,25 +9448,25 +9449,2 +9450,2 +9451,2 +9452,2 +9453,2 +9454,2 +9455,2 +9456,2 +9457,2 +9458,2 +9459,32 +9460,32 +9461,32 +9462,32 +9463,15 +9464,39 +9465,39 +9466,39 +9467,39 +9468,39 +9469,39 +9470,6 +9471,6 +9472,6 +9473,6 +9474,6 +9475,22 +9476,22 +9477,22 +9478,22 +9479,37 +9480,37 +9481,37 +9482,37 +9483,37 +9484,25 +9485,37 +9486,25 +9487,25 +9488,25 +9489,25 +9490,25 +9491,36 +9492,36 +9493,36 +9494,36 +9495,36 +9496,36 +9497,36 +9498,36 +9499,36 +9500,36 +9501,36 +9502,36 +9503,5 +9504,5 +9505,5 +9506,5 +9507,5 +9508,2 +9509,4 +9510,2 +9511,4 +9512,4 +9513,4 +9514,4 +9515,4 +9516,27 +9517,39 +9518,39 +9519,8 +9520,27 +9521,8 +9522,8 +9523,8 +9524,8 +9525,8 +9526,8 +9527,8 +9528,15 +9529,15 +9530,15 +9531,32 +9532,32 +9533,10 +9534,10 +9535,10 +9536,10 +9537,10 +9538,10 +9539,10 +9540,10 +9541,10 +9542,2 +9543,2 +9544,2 +9545,2 +9546,2 +9547,2 +9548,2 +9549,2 +9550,2 +9551,2 +9552,2 +9553,2 +9554,2 +9555,2 +9556,2 +9557,31 +9558,31 +9559,31 +9560,31 +9561,31 +9562,31 +9563,28 +9564,28 +9565,28 +9566,28 +9567,28 +9568,28 +9569,28 +9570,28 +9571,28 +9572,23 +9573,23 +9574,23 +9575,23 +9576,23 +9577,23 +9578,23 +9579,23 +9580,23 +9581,23 +9582,23 +9583,23 +9584,9 +9585,9 +9586,37 +9587,37 +9588,37 +9589,37 +9590,37 +9591,37 +9592,37 +9593,37 +9594,28 +9595,28 +9596,28 +9597,28 +9598,28 +9599,39 +9600,39 +9601,39 +9602,39 +9603,39 +9604,39 +9605,30 +9606,30 +9607,30 +9608,30 +9609,30 +9610,30 +9611,30 +9612,30 +9613,30 +9614,30 +9615,25 +9616,25 +9617,25 +9618,25 +9619,25 +9620,25 +9621,25 +9622,25 +9623,37 +9624,37 +9625,37 +9626,37 +9627,37 +9628,37 +9629,37 +9630,37 +9631,37 +9632,37 +9633,37 +9634,37 +9635,37 +9636,37 +9637,37 +9638,37 +9639,37 +9640,37 +9641,37 +9642,37 +9643,36 +9644,36 +9645,36 +9646,36 +9647,36 +9648,36 +9649,36 +9650,36 +9651,36 +9652,36 +9653,36 +9654,36 +9655,36 +9656,2 +9657,2 +9658,2 +9659,2 +9660,2 +9661,2 +9662,2 +9663,2 +9664,2 +9665,2 +9666,2 +9667,31 +9668,31 +9669,31 +9670,24 +9671,24 +9672,24 +9673,24 +9674,24 +9675,24 +9676,24 +9677,24 +9678,25 +9679,25 +9680,25 +9681,25 +9682,25 +9683,25 +9684,25 +9685,25 +9686,25 +9687,25 +9688,25 +9689,25 +9690,14 +9691,14 +9692,14 +9693,14 +9694,14 +9695,14 +9696,14 +9697,14 +9698,14 +9699,14 +9700,14 +9701,14 +9702,11 +9703,11 +9704,11 +9705,11 +9706,11 +9707,11 +9708,11 +9709,11 +9710,11 +9711,11 +9712,11 +9713,11 +9714,11 +9715,11 +9716,11 +9717,11 +9718,31 +9719,31 +9720,31 +9721,31 +9722,31 +9723,5 +9724,5 +9725,5 +9726,5 +9727,5 +9728,5 +9729,5 +9730,36 +9731,36 +9732,0 +9733,0 +9734,0 +9735,0 +9736,4 +9737,36 +9738,36 +9739,36 +9740,36 +9741,36 +9742,36 +9743,36 +9744,36 +9745,36 +9746,36 +9747,36 +9748,36 +9749,36 +9750,36 +9751,36 +9752,36 +9753,36 +9754,36 +9755,36 +9756,36 +9757,36 +9758,2 +9759,2 +9760,2 +9761,2 +9762,2 +9763,2 +9764,2 +9765,2 +9766,2 +9767,2 +9768,8 +9769,8 +9770,8 +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,27 +9835,14 +9836,14 +9837,14 +9838,14 +9839,14 +9840,14 +9841,14 +9842,14 +9843,14 +9844,14 +9845,14 +9846,14 +9847,14 +9848,14 +9849,4 +9850,4 +9851,4 +9852,4 +9853,4 +9854,4 +9855,4 +9856,4 +9857,4 +9858,4 +9859,4 +9860,4 +9861,4 +9862,4 +9863,39 +9864,39 +9865,39 +9866,39 +9867,39 +9868,39 +9869,39 +9870,39 +9871,39 +9872,28 +9873,28 +9874,28 +9875,28 +9876,28 +9877,28 +9878,28 +9879,28 +9880,28 +9881,28 +9882,28 +9883,28 +9884,28 +9885,31 +9886,31 +9887,31 +9888,31 +9889,31 +9890,31 +9891,5 +9892,5 +9893,5 +9894,5 +9895,5 +9896,2 +9897,2 +9898,2 +9899,2 +9900,2 +9901,2 +9902,2 +9903,2 +9904,31 +9905,31 +9906,31 +9907,31 +9908,31 +9909,21 +9910,21 +9911,6 +9912,21 +9913,21 +9914,21 +9915,21 +9916,21 +9917,33 +9918,33 +9919,33 +9920,33 +9921,33 +9922,33 +9923,33 +9924,33 +9925,33 +9926,33 +9927,33 +9928,33 +9929,33 +9930,33 +9931,33 +9932,33 +9933,33 +9934,33 +9935,23 +9936,23 +9937,23 +9938,23 +9939,23 +9940,24 +9941,24 +9942,23 +9943,23 +9944,23 +9945,34 +9946,30 +9947,30 +9948,9 +9949,9 +9950,26 +9951,26 +9952,26 +9953,26 +9954,26 +9955,26 +9956,26 +9957,26 +9958,26 +9959,29 +9960,29 +9961,29 +9962,29 +9963,29 +9964,29 +9965,29 +9966,25 +9967,25 +9968,25 +9969,25 +9970,25 +9971,25 +9972,19 +9973,19 +9974,19 +9975,19 +9976,19 +9977,19 +9978,19 +9979,19 +9980,19 +9981,19 +9982,31 +9983,31 +9984,31 +9985,31 +9986,31 +9987,31 +9988,31 +9989,31 +9990,31 +9991,31 +9992,10 +9993,10 +9994,10 +9995,10 +9996,10 +9997,10 +9998,10 +9999,10 +10000,10 +10001,10 +10002,10 +10003,10 +10004,10 +10005,10 +10006,10 +10007,10 +10008,10 +10009,19 +10010,19 +10011,19 +10012,19 +10013,19 +10014,19 +10015,19 +10016,19 +10017,19 +10018,19 +10019,19 +10020,19 +10021,19 +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,18 +10059,18 +10060,18 +10061,18 +10062,18 +10063,18 +10064,18 +10065,18 +10066,18 +10067,40 +10068,40 +10069,40 +10070,40 +10071,40 +10072,40 +10073,40 +10074,40 +10075,5 +10076,5 +10077,5 +10078,4 +10079,4 +10080,4 +10081,4 +10082,30 +10083,30 +10084,30 +10085,30 +10086,30 +10087,30 +10088,39 +10089,3 +10090,3 +10091,39 +10092,39 +10093,39 +10094,39 +10095,3 +10096,3 +10097,3 +10098,3 +10099,3 +10100,3 +10101,3 +10102,31 +10103,31 +10104,31 +10105,27 +10106,27 +10107,27 +10108,5 +10109,5 +10110,5 +10111,4 +10112,4 +10113,4 +10114,4 +10115,4 +10116,4 +10117,4 +10118,4 +10119,4 +10120,4 +10121,27 +10122,27 +10123,27 +10124,27 +10125,27 +10126,2 +10127,2 +10128,2 +10129,2 +10130,2 +10131,2 +10132,2 +10133,2 +10134,2 +10135,2 +10136,2 +10137,2 +10138,2 +10139,30 +10140,30 +10141,30 +10142,30 +10143,30 +10144,30 +10145,39 +10146,39 +10147,39 +10148,39 +10149,39 +10150,39 +10151,39 +10152,39 +10153,39 +10154,39 +10155,39 +10156,39 +10157,39 +10158,39 +10159,39 +10160,39 +10161,39 +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,10 +10232,10 +10233,10 +10234,10 +10235,10 +10236,10 +10237,10 +10238,10 +10239,10 +10240,10 +10241,10 +10242,10 +10243,10 +10244,10 +10245,12 +10246,12 +10247,12 +10248,12 +10249,12 +10250,12 +10251,12 +10252,12 +10253,27 +10254,27 +10255,27 +10256,27 +10257,27 +10258,27 +10259,3 +10260,3 +10261,3 +10262,3 +10263,3 +10264,3 +10265,3 +10266,27 +10267,27 +10268,27 +10269,27 +10270,27 +10271,5 +10272,5 +10273,5 +10274,2 +10275,2 +10276,2 +10277,2 +10278,2 +10279,2 +10280,2 +10281,2 +10282,2 +10283,2 +10284,2 +10285,2 +10286,31 +10287,31 +10288,31 +10289,31 +10290,27 +10291,27 +10292,27 +10293,27 +10294,6 +10295,6 +10296,6 +10297,6 +10298,6 +10299,6 +10300,6 +10301,2 +10302,2 +10303,2 +10304,2 +10305,2 +10306,2 +10307,2 +10308,2 +10309,28 +10310,28 +10311,28 +10312,28 +10313,28 +10314,28 +10315,31 +10316,31 +10317,31 +10318,31 +10319,31 +10320,31 +10321,31 +10322,31 +10323,31 +10324,31 +10325,31 +10326,5 +10327,5 +10328,5 +10329,5 +10330,5 +10331,5 +10332,5 +10333,5 +10334,2 +10335,2 +10336,2 +10337,2 +10338,2 +10339,2 +10340,2 +10341,2 +10342,2 +10343,2 +10344,2 +10345,2 +10346,2 +10347,2 +10348,2 +10349,36 +10350,36 +10351,36 +10352,36 +10353,36 +10354,36 +10355,36 +10356,36 +10357,5 +10358,5 +10359,5 +10360,29 +10361,5 +10362,29 +10363,29 +10364,29 +10365,29 +10366,31 +10367,31 +10368,31 +10369,31 +10370,31 +10371,31 +10372,5 +10373,5 +10374,5 +10375,5 +10376,5 +10377,37 +10378,37 +10379,37 +10380,37 +10381,37 +10382,37 +10383,37 +10384,37 +10385,37 +10386,37 +10387,33 +10388,33 +10389,33 +10390,33 +10391,33 +10392,33 +10393,33 +10394,33 +10395,33 +10396,33 +10397,33 +10398,33 +10399,4 +10400,4 +10401,4 +10402,4 +10403,4 +10404,4 +10405,4 +10406,4 +10407,4 +10408,4 +10409,31 +10410,31 +10411,31 +10412,31 +10413,31 +10414,31 +10415,31 +10416,12 +10417,12 +10418,12 +10419,12 +10420,12 +10421,12 +10422,12 +10423,12 +10424,12 +10425,12 +10426,26 +10427,26 +10428,26 +10429,26 +10430,26 +10431,26 +10432,26 +10433,26 +10434,26 +10435,30 +10436,30 +10437,30 +10438,30 +10439,30 +10440,30 +10441,30 +10442,30 +10443,31 +10444,31 +10445,31 +10446,31 +10447,31 +10448,31 +10449,31 +10450,31 +10451,31 +10452,31 +10453,31 +10454,31 +10455,2 +10456,2 +10457,2 +10458,2 +10459,2 +10460,2 +10461,2 +10462,8 +10463,8 +10464,2 +10465,2 +10466,2 +10467,2 +10468,2 +10469,2 +10470,2 +10471,2 +10472,2 +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,15 +10503,15 +10504,15 +10505,15 +10506,15 +10507,31 +10508,31 +10509,31 +10510,31 +10511,31 +10512,31 +10513,31 +10514,12 +10515,37 +10516,12 +10517,12 +10518,12 +10519,39 +10520,39 +10521,39 +10522,39 +10523,39 +10524,39 +10525,39 +10526,39 +10527,2 +10528,2 +10529,2 +10530,2 +10531,2 +10532,2 +10533,2 +10534,2 +10535,2 +10536,2 +10537,2 +10538,2 +10539,39 +10540,39 +10541,39 +10542,39 +10543,39 +10544,39 +10545,39 +10546,39 +10547,39 +10548,24 +10549,5 +10550,24 +10551,24 +10552,24 +10553,5 +10554,5 +10555,5 +10556,5 +10557,5 +10558,5 +10559,5 +10560,5 +10561,5 +10562,33 +10563,33 +10564,33 +10565,33 +10566,33 +10567,33 +10568,33 +10569,33 +10570,3 +10571,3 +10572,37 +10573,37 +10574,37 +10575,37 +10576,37 +10577,39 +10578,39 +10579,37 +10580,39 +10581,39 +10582,39 +10583,39 +10584,39 +10585,39 +10586,39 +10587,32 +10588,32 +10589,32 +10590,32 +10591,32 +10592,32 +10593,32 +10594,32 +10595,32 +10596,32 +10597,30 +10598,30 +10599,30 +10600,30 +10601,30 +10602,30 +10603,36 +10604,36 +10605,36 +10606,36 +10607,36 +10608,36 +10609,36 +10610,10 +10611,10 +10612,10 +10613,10 +10614,10 +10615,10 +10616,10 +10617,10 +10618,10 +10619,10 +10620,10 +10621,10 +10622,10 +10623,10 +10624,10 +10625,10 +10626,10 +10627,14 +10628,14 +10629,14 +10630,14 +10631,14 +10632,14 +10633,14 +10634,14 +10635,14 +10636,14 +10637,39 +10638,39 +10639,39 +10640,39 +10641,39 +10642,39 +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,35 +10704,35 +10705,35 +10706,35 +10707,35 +10708,39 +10709,39 +10710,39 +10711,39 +10712,39 +10713,39 +10714,39 +10715,24 +10716,24 +10717,24 +10718,24 +10719,39 +10720,39 +10721,39 +10722,39 +10723,39 +10724,39 +10725,39 +10726,6 +10727,6 +10728,6 +10729,6 +10730,6 +10731,6 +10732,6 +10733,6 +10734,14 +10735,14 +10736,14 +10737,14 +10738,14 +10739,14 +10740,14 +10741,14 +10742,14 +10743,14 +10744,14 +10745,14 +10746,28 +10747,28 +10748,28 +10749,28 +10750,28 +10751,6 +10752,6 +10753,6 +10754,6 +10755,6 +10756,6 +10757,31 +10758,31 +10759,31 +10760,31 +10761,5 +10762,5 +10763,5 +10764,5 +10765,5 +10766,13 +10767,13 +10768,23 +10769,23 +10770,23 +10771,23 +10772,23 +10773,23 +10774,23 +10775,23 +10776,23 +10777,23 +10778,39 +10779,7 +10780,7 +10781,7 +10782,7 +10783,7 +10784,7 +10785,3 +10786,3 +10787,3 +10788,3 +10789,3 +10790,27 +10791,27 +10792,27 +10793,27 +10794,27 +10795,27 +10796,27 +10797,27 +10798,27 +10799,8 +10800,8 +10801,8 +10802,8 +10803,8 +10804,8 +10805,8 +10806,8 +10807,8 +10808,27 +10809,27 +10810,27 +10811,27 +10812,27 +10813,27 +10814,5 +10815,5 +10816,5 +10817,5 +10818,27 +10819,27 +10820,27 +10821,27 +10822,27 +10823,27 +10824,27 +10825,27 +10826,2 +10827,2 +10828,2 +10829,2 +10830,2 +10831,2 +10832,2 +10833,2 +10834,2 +10835,2 +10836,2 +10837,32 +10838,32 +10839,32 +10840,32 +10841,32 +10842,32 +10843,32 +10844,39 +10845,39 +10846,39 +10847,39 +10848,39 +10849,39 +10850,39 +10851,39 +10852,39 +10853,39 +10854,39 +10855,39 +10856,39 +10857,16 +10858,16 +10859,16 +10860,16 +10861,16 +10862,16 +10863,16 +10864,16 +10865,16 +10866,16 +10867,16 +10868,16 +10869,11 +10870,31 +10871,31 +10872,31 +10873,31 +10874,5 +10875,5 +10876,5 +10877,5 +10878,5 +10879,5 +10880,2 +10881,2 +10882,2 +10883,2 +10884,2 +10885,2 +10886,2 +10887,2 +10888,2 +10889,2 +10890,2 +10891,4 +10892,4 +10893,4 +10894,4 +10895,4 +10896,4 +10897,4 +10898,26 +10899,31 +10900,31 +10901,31 +10902,31 +10903,31 +10904,31 +10905,31 +10906,31 +10907,31 +10908,31 +10909,31 +10910,31 +10911,32 +10912,32 +10913,32 +10914,32 +10915,32 +10916,32 +10917,32 +10918,32 +10919,27 +10920,27 +10921,31 +10922,31 +10923,31 +10924,5 +10925,5 +10926,5 +10927,5 +10928,25 +10929,25 +10930,25 +10931,25 +10932,25 +10933,25 +10934,28 +10935,28 +10936,28 +10937,28 +10938,28 +10939,24 +10940,24 +10941,24 +10942,27 +10943,27 +10944,27 +10945,27 +10946,27 +10947,27 +10948,27 +10949,30 +10950,30 +10951,30 +10952,30 +10953,30 +10954,30 +10955,30 +10956,30 +10957,30 +10958,30 +10959,30 +10960,30 +10961,31 +10962,31 +10963,31 +10964,31 +10965,31 +10966,24 +10967,24 +10968,24 +10969,24 +10970,24 +10971,12 +10972,12 +10973,12 +10974,12 +10975,12 +10976,12 +10977,31 +10978,31 +10979,31 +10980,4 +10981,4 +10982,4 +10983,4 +10984,39 +10985,7 +10986,7 +10987,39 +10988,39 +10989,39 +10990,27 +10991,31 +10992,31 +10993,31 +10994,31 +10995,31 +10996,31 +10997,31 +10998,31 +10999,8 +11000,8 +11001,8 +11002,8 +11003,8 +11004,2 +11005,2 +11006,2 +11007,8 +11008,2 +11009,2 +11010,2 +11011,14 +11012,14 +11013,14 +11014,14 +11015,14 +11016,14 +11017,14 +11018,14 +11019,14 +11020,14 +11021,14 +11022,14 +11023,14 +11024,14 +11025,14 +11026,14 +11027,14 +11028,14 +11029,5 +11030,13 +11031,13 +11032,13 +11033,13 +11034,13 +11035,13 +11036,13 +11037,13 +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,29 +11075,29 +11076,29 +11077,29 +11078,31 +11079,31 +11080,31 +11081,19 +11082,19 +11083,19 +11084,19 +11085,19 +11086,29 +11087,29 +11088,29 +11089,40 +11090,40 +11091,27 +11092,27 +11093,27 +11094,27 +11095,40 +11096,23 +11097,23 +11098,23 +11099,23 +11100,23 +11101,23 +11102,23 +11103,23 +11104,23 +11105,25 +11106,25 +11107,25 +11108,25 +11109,5 +11110,5 +11111,5 +11112,5 +11113,5 +11114,5 +11115,5 +11116,2 +11117,2 +11118,2 +11119,2 +11120,2 +11121,2 +11122,2 +11123,32 +11124,32 +11125,32 +11126,32 +11127,32 +11128,39 +11129,39 +11130,39 +11131,39 +11132,39 +11133,14 +11134,14 +11135,14 +11136,14 +11137,39 +11138,14 +11139,14 +11140,5 +11141,5 +11142,5 +11143,5 +11144,5 +11145,5 +11146,5 +11147,5 +11148,13 +11149,32 +11150,32 +11151,32 +11152,32 +11153,32 +11154,32 +11155,32 +11156,32 +11157,32 +11158,32 +11159,14 +11160,14 +11161,14 +11162,14 +11163,14 +11164,14 +11165,14 +11166,14 +11167,14 +11168,14 +11169,14 +11170,14 +11171,14 +11172,14 +11173,14 +11174,14 +11175,14 +11176,14 +11177,14 +11178,14 +11179,14 +11180,14 +11181,14 +11182,14 +11183,19 +11184,19 +11185,19 +11186,19 +11187,19 +11188,19 +11189,19 +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,15 +11207,15 +11208,10 +11209,10 +11210,10 +11211,10 +11212,10 +11213,10 +11214,10 +11215,10 +11216,10 +11217,10 +11218,29 +11219,29 +11220,29 +11221,29 +11222,29 +11223,29 +11224,39 +11225,39 +11226,39 +11227,39 +11228,39 +11229,39 +11230,39 +11231,39 +11232,39 +11233,39 +11234,39 +11235,35 +11236,36 +11237,36 +11238,31 +11239,31 +11240,24 +11241,24 +11242,24 +11243,24 +11244,24 +11245,24 +11246,24 +11247,24 +11248,24 +11249,24 +11250,25 +11251,25 +11252,25 +11253,25 +11254,25 +11255,4 +11256,4 +11257,4 +11258,4 +11259,4 +11260,4 +11261,4 +11262,4 +11263,10 +11264,10 +11265,10 +11266,10 +11267,10 +11268,10 +11269,10 +11270,10 +11271,10 +11272,10 +11273,10 +11274,8 +11275,8 +11276,8 +11277,8 +11278,8 +11279,8 +11280,28 +11281,28 +11282,28 +11283,28 +11284,31 +11285,31 +11286,31 +11287,31 +11288,5 +11289,5 +11290,5 +11291,5 +11292,5 +11293,5 +11294,5 +11295,2 +11296,2 +11297,2 +11298,2 +11299,2 +11300,2 +11301,2 +11302,2 +11303,2 +11304,2 +11305,2 +11306,31 +11307,31 +11308,31 +11309,31 +11310,31 +11311,31 +11312,31 +11313,15 +11314,15 +11315,15 +11316,15 +11317,15 +11318,15 +11319,15 +11320,2 +11321,2 +11322,2 +11323,2 +11324,2 +11325,2 +11326,2 +11327,31 +11328,31 +11329,31 +11330,31 +11331,4 +11332,4 +11333,4 +11334,4 +11335,4 +11336,4 +11337,4 +11338,7 +11339,7 +11340,7 +11341,39 +11342,39 +11343,19 +11344,19 +11345,19 +11346,39 +11347,39 +11348,39 +11349,39 +11350,39 +11351,39 +11352,39 +11353,39 +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,12 +11405,12 +11406,12 +11407,12 +11408,12 +11409,12 +11410,12 +11411,40 +11412,40 +11413,40 +11414,31 +11415,31 +11416,5 +11417,5 +11418,5 +11419,5 +11420,29 +11421,29 +11422,14 +11423,14 +11424,14 +11425,14 +11426,14 +11427,14 +11428,14 +11429,14 +11430,14 +11431,14 +11432,14 +11433,14 +11434,14 +11435,2 +11436,2 +11437,2 +11438,2 +11439,2 +11440,2 +11441,2 +11442,2 +11443,2 +11444,2 +11445,2 +11446,2 +11447,2 +11448,2 +11449,2 +11450,2 +11451,9 +11452,9 +11453,9 +11454,9 +11455,9 +11456,9 +11457,9 +11458,9 +11459,9 +11460,9 +11461,9 +11462,9 +11463,9 +11464,30 +11465,30 +11466,30 +11467,30 +11468,30 +11469,30 +11470,29 +11471,29 +11472,29 +11473,29 +11474,29 +11475,29 +11476,31 +11477,31 +11478,31 +11479,31 +11480,28 +11481,28 +11482,28 +11483,28 +11484,28 +11485,28 +11486,28 +11487,28 +11488,31 +11489,31 +11490,31 +11491,30 +11492,30 +11493,30 +11494,30 +11495,30 +11496,30 +11497,4 +11498,4 +11499,4 +11500,4 +11501,4 +11502,4 +11503,31 +11504,31 +11505,31 +11506,31 +11507,31 +11508,31 +11509,31 +11510,4 +11511,4 +11512,4 +11513,4 +11514,4 +11515,4 +11516,4 +11517,4 +11518,4 +11519,4 +11520,4 +11521,4 +11522,4 +11523,4 +11524,4 +11525,3 +11526,3 +11527,3 +11528,3 +11529,3 +11530,3 +11531,3 +11532,19 +11533,19 +11534,31 +11535,31 +11536,31 +11537,31 +11538,31 +11539,31 +11540,31 +11541,31 +11542,31 +11543,31 +11544,31 +11545,31 +11546,31 +11547,24 +11548,24 +11549,24 +11550,24 +11551,24 +11552,24 +11553,24 +11554,24 +11555,24 +11556,24 +11557,24 +11558,24 +11559,29 +11560,29 +11561,38 +11562,34 +11563,40 +11564,40 +11565,40 +11566,40 +11567,40 +11568,31 +11569,31 +11570,31 +11571,40 +11572,28 +11573,28 +11574,28 +11575,28 +11576,28 +11577,28 +11578,28 +11579,28 +11580,28 +11581,28 +11582,28 +11583,28 +11584,28 +11585,28 +11586,28 +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,32 +11624,32 +11625,32 +11626,32 +11627,32 +11628,32 +11629,32 +11630,37 +11631,37 +11632,37 +11633,37 +11634,37 +11635,37 +11636,34 +11637,34 +11638,34 +11639,34 +11640,34 +11641,34 +11642,4 +11643,4 +11644,4 +11645,4 +11646,4 +11647,2 +11648,2 +11649,2 +11650,2 +11651,2 +11652,2 +11653,2 +11654,2 +11655,4 +11656,4 +11657,4 +11658,4 +11659,4 +11660,4 +11661,4 +11662,4 +11663,37 +11664,37 +11665,37 +11666,37 +11667,14 +11668,14 +11669,14 +11670,14 +11671,14 +11672,14 +11673,14 +11674,31 +11675,27 +11676,27 +11677,27 +11678,27 +11679,27 +11680,27 +11681,27 +11682,31 +11683,31 +11684,19 +11685,19 +11686,19 +11687,19 +11688,19 +11689,29 +11690,29 +11691,29 +11692,31 +11693,31 +11694,31 +11695,31 +11696,31 +11697,31 +11698,31 +11699,28 +11700,28 +11701,28 +11702,28 +11703,28 +11704,28 +11705,28 +11706,28 +11707,2 +11708,2 +11709,2 +11710,2 +11711,2 +11712,2 +11713,2 +11714,2 +11715,2 +11716,2 +11717,2 +11718,2 +11719,2 +11720,40 +11721,40 +11722,40 +11723,40 +11724,40 +11725,40 +11726,40 +11727,30 +11728,30 +11729,30 +11730,30 +11731,30 +11732,30 +11733,30 +11734,30 +11735,30 +11736,30 +11737,30 +11738,30 +11739,30 +11740,2 +11741,2 +11742,2 +11743,2 +11744,2 +11745,2 +11746,2 +11747,2 +11748,2 +11749,31 +11750,31 +11751,31 +11752,31 +11753,31 +11754,31 +11755,31 +11756,32 +11757,32 +11758,32 +11759,32 +11760,32 +11761,32 +11762,32 +11763,32 +11764,32 +11765,32 +11766,32 +11767,32 +11768,32 +11769,32 +11770,32 +11771,32 +11772,26 +11773,26 +11774,26 +11775,26 +11776,26 +11777,26 +11778,26 +11779,26 +11780,5 +11781,5 +11782,5 +11783,5 +11784,5 +11785,5 +11786,5 +11787,5 +11788,5 +11789,29 +11790,29 +11791,31 +11792,31 +11793,31 +11794,31 +11795,31 +11796,31 +11797,31 +11798,31 +11799,21 +11800,21 +11801,21 +11802,21 +11803,21 +11804,21 +11805,37 +11806,37 +11807,37 +11808,37 +11809,37 +11810,37 +11811,34 +11812,34 +11813,34 +11814,34 +11815,34 +11816,34 +11817,34 +11818,34 +11819,34 +11820,34 +11821,34 +11822,34 +11823,34 +11824,34 +11825,34 +11826,34 +11827,34 +11828,34 +11829,26 +11830,5 +11831,5 +11832,5 +11833,5 +11834,5 +11835,5 +11836,5 +11837,5 +11838,5 +11839,5 +11840,5 +11841,5 +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,36 +11872,36 +11873,36 +11874,36 +11875,36 +11876,36 +11877,36 +11878,36 +11879,36 +11880,5 +11881,5 +11882,5 +11883,5 +11884,5 +11885,5 +11886,5 +11887,5 +11888,40 +11889,40 +11890,40 +11891,40 +11892,40 +11893,36 +11894,36 +11895,36 +11896,36 +11897,36 +11898,4 +11899,4 +11900,19 +11901,19 +11902,27 +11903,27 +11904,27 +11905,31 +11906,18 +11907,18 +11908,16 +11909,16 +11910,18 +11911,18 +11912,8 +11913,18 +11914,18 +11915,18 +11916,18 +11917,18 +11918,18 +11919,18 +11920,18 +11921,18 +11922,18 +11923,40 +11924,40 +11925,40 +11926,40 +11927,40 +11928,40 +11929,40 +11930,2 +11931,2 +11932,2 +11933,2 +11934,2 +11935,4 +11936,38 +11937,38 +11938,38 +11939,38 +11940,8 +11941,12 +11942,12 +11943,12 +11944,12 +11945,27 +11946,27 +11947,27 +11948,4 +11949,4 +11950,4 +11951,4 +11952,4 +11953,29 +11954,29 +11955,29 +11956,29 +11957,39 +11958,39 +11959,39 +11960,39 +11961,39 +11962,39 +11963,39 +11964,7 +11965,7 +11966,7 +11967,7 +11968,7 +11969,7 +11970,7 +11971,3 +11972,3 +11973,3 +11974,3 +11975,5 +11976,5 +11977,5 +11978,31 +11979,31 +11980,31 +11981,31 +11982,31 +11983,24 +11984,24 +11985,24 +11986,24 +11987,24 +11988,25 +11989,25 +11990,25 +11991,25 +11992,25 +11993,25 +11994,25 +11995,25 +11996,25 +11997,25 +11998,25 +11999,25 +12000,2 +12001,2 +12002,2 +12003,2 +12004,2 +12005,2 +12006,31 +12007,31 +12008,30 +12009,30 +12010,30 +12011,30 +12012,30 +12013,31 +12014,31 +12015,31 +12016,31 +12017,31 +12018,31 +12019,31 +12020,27 +12021,27 +12022,27 +12023,2 +12024,2 +12025,2 +12026,2 +12027,2 +12028,2 +12029,2 +12030,2 +12031,4 +12032,4 +12033,4 +12034,4 +12035,4 +12036,4 +12037,4 +12038,9 +12039,9 +12040,9 +12041,9 +12042,9 +12043,9 +12044,9 +12045,37 +12046,37 +12047,37 +12048,37 +12049,37 +12050,37 +12051,37 +12052,37 +12053,37 +12054,39 +12055,39 +12056,39 +12057,27 +12058,27 +12059,27 +12060,31 +12061,31 +12062,5 +12063,5 +12064,5 +12065,5 +12066,5 +12067,5 +12068,2 +12069,8 +12070,2 +12071,8 +12072,8 +12073,2 +12074,4 +12075,4 +12076,8 +12077,19 +12078,19 +12079,19 +12080,3 +12081,3 +12082,3 +12083,3 +12084,3 +12085,3 +12086,3 +12087,3 +12088,3 +12089,3 +12090,3 +12091,3 +12092,3 +12093,3 +12094,3 +12095,3 +12096,3 +12097,3 +12098,3 +12099,3 +12100,3 +12101,3 +12102,3 +12103,3 +12104,3 +12105,3 +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,36 +12138,36 +12139,36 +12140,36 +12141,36 +12142,36 +12143,36 +12144,36 +12145,5 +12146,5 +12147,5 +12148,19 +12149,19 +12150,6 +12151,6 +12152,6 +12153,6 +12154,6 +12155,6 +12156,6 +12157,6 +12158,6 +12159,6 +12160,26 +12161,26 +12162,26 +12163,26 +12164,26 +12165,26 +12166,26 +12167,26 +12168,5 +12169,5 +12170,5 +12171,5 +12172,2 +12173,2 +12174,2 +12175,2 +12176,2 +12177,31 +12178,31 +12179,31 +12180,31 +12181,31 +12182,31 +12183,31 +12184,6 +12185,6 +12186,6 +12187,6 +12188,6 +12189,6 +12190,6 +12191,12 +12192,12 +12193,12 +12194,12 +12195,12 +12196,10 +12197,10 +12198,10 +12199,10 +12200,10 +12201,40 +12202,34 +12203,34 +12204,4 +12205,4 +12206,4 +12207,4 +12208,4 +12209,4 +12210,30 +12211,30 +12212,30 +12213,30 +12214,30 +12215,30 +12216,30 +12217,39 +12218,39 +12219,39 +12220,39 +12221,39 +12222,39 +12223,39 +12224,39 +12225,39 +12226,39 +12227,39 +12228,39 +12229,39 +12230,39 +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,30 +12301,30 +12302,30 +12303,30 +12304,30 +12305,30 +12306,30 +12307,30 +12308,9 +12309,9 +12310,9 +12311,9 +12312,9 +12313,9 +12314,9 +12315,9 +12316,9 +12317,9 +12318,9 +12319,9 +12320,9 +12321,6 +12322,6 +12323,6 +12324,6 +12325,6 +12326,6 +12327,6 +12328,6 +12329,6 +12330,6 +12331,6 +12332,12 +12333,12 +12334,12 +12335,12 +12336,12 +12337,12 +12338,12 +12339,31 +12340,31 +12341,31 +12342,31 +12343,8 +12344,8 +12345,8 +12346,8 +12347,8 +12348,2 +12349,2 +12350,2 +12351,8 +12352,4 +12353,4 +12354,4 +12355,4 +12356,4 +12357,4 +12358,4 +12359,4 +12360,4 +12361,37 +12362,37 +12363,37 +12364,37 +12365,37 +12366,36 +12367,36 +12368,36 +12369,36 +12370,36 +12371,36 +12372,36 +12373,36 +12374,36 +12375,24 +12376,24 +12377,24 +12378,24 +12379,24 +12380,24 +12381,23 +12382,23 +12383,23 +12384,30 +12385,30 +12386,30 +12387,30 +12388,27 +12389,27 +12390,27 +12391,27 +12392,27 +12393,27 +12394,5 +12395,13 +12396,5 +12397,5 +12398,5 +12399,5 +12400,5 +12401,26 +12402,26 +12403,26 +12404,26 +12405,26 +12406,26 +12407,26 +12408,26 +12409,26 +12410,26 +12411,26 +12412,26 +12413,26 +12414,5 +12415,5 +12416,5 +12417,5 +12418,5 +12419,5 +12420,29 +12421,29 +12422,31 +12423,31 +12424,31 +12425,31 +12426,31 +12427,6 +12428,6 +12429,6 +12430,6 +12431,6 +12432,6 +12433,6 +12434,6 +12435,6 +12436,6 +12437,6 +12438,6 +12439,6 +12440,6 +12441,26 +12442,26 +12443,26 +12444,26 +12445,26 +12446,26 +12447,26 +12448,26 +12449,26 +12450,26 +12451,5 +12452,5 +12453,5 +12454,4 +12455,4 +12456,4 +12457,4 +12458,4 +12459,4 +12460,4 +12461,4 +12462,4 +12463,4 +12464,31 +12465,31 +12466,5 +12467,5 +12468,5 +12469,5 +12470,5 +12471,5 +12472,36 +12473,31 +12474,31 +12475,31 +12476,31 +12477,31 +12478,31 +12479,31 +12480,31 +12481,31 +12482,5 +12483,5 +12484,5 +12485,4 +12486,4 +12487,4 +12488,4 +12489,4 +12490,4 +12491,4 +12492,4 +12493,4 +12494,4 +12495,4 +12496,4 +12497,4 +12498,4 +12499,4 +12500,0 +12501,0 +12502,0 +12503,0 +12504,0 +12505,0 +12506,0 +12507,0 +12508,23 +12509,23 +12510,23 +12511,23 +12512,23 +12513,23 +12514,23 +12515,23 +12516,23 +12517,23 +12518,23 +12519,23 +12520,23 +12521,9 +12522,9 +12523,9 +12524,37 +12525,37 +12526,37 +12527,37 +12528,37 +12529,35 +12530,35 +12531,27 +12532,27 +12533,27 +12534,27 +12535,27 +12536,27 +12537,27 +12538,27 +12539,27 +12540,8 +12541,8 +12542,8 +12543,8 +12544,8 +12545,8 +12546,8 +12547,8 +12548,8 +12549,35 +12550,35 +12551,35 +12552,35 +12553,35 +12554,35 +12555,35 +12556,35 +12557,40 +12558,40 +12559,40 +12560,40 +12561,40 +12562,40 +12563,40 +12564,30 +12565,30 +12566,30 +12567,30 +12568,30 +12569,30 +12570,30 +12571,30 +12572,30 +12573,30 +12574,30 +12575,30 +12576,30 +12577,23 +12578,23 +12579,23 +12580,23 +12581,23 +12582,23 +12583,23 +12584,23 +12585,23 +12586,23 +12587,35 +12588,23 +12589,23 +12590,23 +12591,12 +12592,12 +12593,12 +12594,12 +12595,12 +12596,12 +12597,12 +12598,40 +12599,40 +12600,40 +12601,40 +12602,5 +12603,5 +12604,5 +12605,35 +12606,35 +12607,35 +12608,35 +12609,35 +12610,35 +12611,35 +12612,35 +12613,39 +12614,39 +12615,39 +12616,39 +12617,39 +12618,39 +12619,39 +12620,39 +12621,30 +12622,30 +12623,30 +12624,30 +12625,30 +12626,30 +12627,30 +12628,30 +12629,30 +12630,33 +12631,33 +12632,33 +12633,33 +12634,22 +12635,33 +12636,33 +12637,33 +12638,33 +12639,33 +12640,33 +12641,26 +12642,26 +12643,5 +12644,5 +12645,5 +12646,5 +12647,5 +12648,5 +12649,29 +12650,29 +12651,29 +12652,40 +12653,40 +12654,40 +12655,40 +12656,40 +12657,40 +12658,40 +12659,19 +12660,19 +12661,19 +12662,19 +12663,35 +12664,35 +12665,35 +12666,35 +12667,35 +12668,35 +12669,35 +12670,35 +12671,39 +12672,39 +12673,39 +12674,39 +12675,39 +12676,39 +12677,39 +12678,39 +12679,39 +12680,35 +12681,35 +12682,35 +12683,35 +12684,35 +12685,35 +12686,35 +12687,36 +12688,36 +12689,36 +12690,36 +12691,36 +12692,19 +12693,19 +12694,19 +12695,19 +12696,19 +12697,19 +12698,19 +12699,19 +12700,15 +12701,15 +12702,15 +12703,15 +12704,15 +12705,15 +12706,27 +12707,27 +12708,27 +12709,27 +12710,27 +12711,27 +12712,27 +12713,27 +12714,5 +12715,5 +12716,5 +12717,5 +12718,5 +12719,19 +12720,19 +12721,19 +12722,19 +12723,25 +12724,25 +12725,31 +12726,31 +12727,31 +12728,31 +12729,31 +12730,32 +12731,32 +12732,32 +12733,32 +12734,32 +12735,32 +12736,32 +12737,32 +12738,32 +12739,32 +12740,32 +12741,32 +12742,32 +12743,37 +12744,37 +12745,37 +12746,37 +12747,10 +12748,10 +12749,10 +12750,10 +12751,10 +12752,10 +12753,10 +12754,10 +12755,10 +12756,10 +12757,10 +12758,10 +12759,10 +12760,10 +12761,10 +12762,10 +12763,10 +12764,19 +12765,19 +12766,19 +12767,19 +12768,19 +12769,19 +12770,19 +12771,31 +12772,31 +12773,27 +12774,27 +12775,31 +12776,31 +12777,31 +12778,31 +12779,31 +12780,31 +12781,24 +12782,24 +12783,24 +12784,24 +12785,24 +12786,35 +12787,35 +12788,35 +12789,35 +12790,35 +12791,35 +12792,27 +12793,27 +12794,27 +12795,27 +12796,27 +12797,27 +12798,27 +12799,27 +12800,2 +12801,8 +12802,8 +12803,8 +12804,8 +12805,8 +12806,8 +12807,35 +12808,35 +12809,35 +12810,35 +12811,35 +12812,35 +12813,35 +12814,35 +12815,35 +12816,4 +12817,26 +12818,26 +12819,26 +12820,31 +12821,30 +12822,30 +12823,30 +12824,30 +12825,30 +12826,30 +12827,30 +12828,30 +12829,30 +12830,30 +12831,33 +12832,33 +12833,28 +12834,28 +12835,28 +12836,28 +12837,28 +12838,28 +12839,28 +12840,28 +12841,28 +12842,28 +12843,28 +12844,28 +12845,28 +12846,0 +12847,0 +12848,0 +12849,0 +12850,0 +12851,0 +12852,0 +12853,36 +12854,36 +12855,36 +12856,36 +12857,36 +12858,36 +12859,5 +12860,5 +12861,5 +12862,5 +12863,5 +12864,19 +12865,19 +12866,19 +12867,31 +12868,31 +12869,31 +12870,31 +12871,31 +12872,31 +12873,31 +12874,24 +12875,24 +12876,24 +12877,24 +12878,24 +12879,24 +12880,24 +12881,35 +12882,35 +12883,35 +12884,35 +12885,27 +12886,27 +12887,27 +12888,27 +12889,8 +12890,8 +12891,8 +12892,8 +12893,8 +12894,8 +12895,8 +12896,8 +12897,8 +12898,8 +12899,8 +12900,15 +12901,15 +12902,15 +12903,15 +12904,15 +12905,15 +12906,15 +12907,15 +12908,37 +12909,37 +12910,37 +12911,37 +12912,37 +12913,40 +12914,40 +12915,40 +12916,40 +12917,40 +12918,40 +12919,40 +12920,40 +12921,40 +12922,40 +12923,40 +12924,40 +12925,40 +12926,40 +12927,19 +12928,19 +12929,19 +12930,19 +12931,19 +12932,19 +12933,19 +12934,19 +12935,19 +12936,19 +12937,19 +12938,19 +12939,19 +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,12 +12969,12 +12970,12 +12971,12 +12972,12 +12973,27 +12974,27 +12975,27 +12976,27 +12977,38 +12978,38 +12979,38 +12980,38 +12981,38 +12982,4 +12983,2 +12984,10 +12985,38 +12986,34 +12987,34 +12988,34 +12989,34 +12990,34 +12991,34 +12992,34 +12993,34 +12994,34 +12995,34 +12996,4 +12997,4 +12998,19 +12999,19 +13000,25 +13001,25 +13002,25 +13003,25 +13004,25 +13005,4 +13006,4 +13007,4 +13008,4 +13009,4 +13010,4 +13011,4 +13012,4 +13013,4 +13014,4 +13015,4 +13016,4 +13017,4 +13018,4 +13019,4 +13020,37 +13021,37 +13022,37 +13023,9 +13024,9 +13025,9 +13026,9 +13027,9 +13028,10 +13029,10 +13030,10 +13031,10 +13032,26 +13033,26 +13034,10 +13035,10 +13036,30 +13037,30 +13038,33 +13039,33 +13040,33 +13041,33 +13042,33 +13043,33 +13044,30 +13045,9 +13046,9 +13047,9 +13048,9 +13049,9 +13050,9 +13051,9 +13052,9 +13053,9 +13054,37 +13055,37 +13056,37 +13057,37 +13058,37 +13059,37 +13060,37 +13061,37 +13062,39 +13063,39 +13064,39 +13065,39 +13066,39 +13067,39 +13068,39 +13069,39 +13070,39 +13071,39 +13072,39 +13073,39 +13074,39 +13075,39 +13076,23 +13077,23 +13078,23 +13079,23 +13080,23 +13081,31 +13082,31 +13083,25 +13084,19 +13085,19 +13086,28 +13087,29 +13088,29 +13089,31 +13090,31 +13091,31 +13092,31 +13093,27 +13094,31 +13095,27 +13096,27 +13097,5 +13098,5 +13099,5 +13100,5 +13101,5 +13102,5 +13103,5 +13104,5 +13105,33 +13106,33 +13107,33 +13108,33 +13109,33 +13110,33 +13111,33 +13112,33 +13113,33 +13114,33 +13115,33 +13116,19 +13117,33 +13118,27 +13119,31 +13120,31 +13121,31 +13122,31 +13123,31 +13124,31 +13125,2 +13126,2 +13127,2 +13128,2 +13129,2 +13130,2 +13131,2 +13132,2 +13133,2 +13134,2 +13135,2 +13136,2 +13137,2 +13138,2 +13139,2 +13140,2 +13141,2 +13142,2 +13143,2 +13144,2 +13145,2 +13146,2 +13147,2 +13148,2 +13149,2 +13150,2 +13151,8 +13152,8 +13153,2 +13154,2 +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,35 +13212,0 +13213,0 +13214,0 +13215,0 +13216,0 +13217,0 +13218,12 +13219,12 +13220,12 +13221,12 +13222,12 +13223,27 +13224,27 +13225,27 +13226,27 +13227,16 +13228,4 +13229,4 +13230,4 +13231,16 +13232,16 +13233,16 +13234,16 +13235,16 +13236,31 +13237,23 +13238,23 +13239,23 +13240,23 +13241,23 +13242,23 +13243,23 +13244,23 +13245,23 +13246,23 +13247,23 +13248,23 +13249,23 +13250,23 +13251,23 +13252,23 +13253,37 +13254,37 +13255,37 +13256,37 +13257,37 +13258,40 +13259,40 +13260,40 +13261,40 +13262,40 +13263,40 +13264,4 +13265,4 +13266,4 +13267,4 +13268,4 +13269,4 +13270,31 +13271,31 +13272,31 +13273,5 +13274,5 +13275,5 +13276,5 +13277,5 +13278,5 +13279,5 +13280,5 +13281,28 +13282,12 +13283,12 +13284,12 +13285,12 +13286,28 +13287,28 +13288,28 +13289,10 +13290,10 +13291,10 +13292,10 +13293,10 +13294,10 +13295,10 +13296,10 +13297,10 +13298,10 +13299,10 +13300,10 +13301,19 +13302,19 +13303,19 +13304,19 +13305,19 +13306,19 +13307,19 +13308,27 +13309,27 +13310,27 +13311,27 +13312,27 +13313,2 +13314,2 +13315,2 +13316,2 +13317,2 +13318,2 +13319,2 +13320,2 +13321,2 +13322,4 +13323,4 +13324,4 +13325,4 +13326,4 +13327,4 +13328,19 +13329,19 +13330,19 +13331,19 +13332,37 +13333,37 +13334,37 +13335,37 +13336,31 +13337,36 +13338,36 +13339,36 +13340,36 +13341,36 +13342,6 +13343,6 +13344,6 +13345,6 +13346,6 +13347,6 +13348,6 +13349,6 +13350,6 +13351,11 +13352,11 +13353,11 +13354,11 +13355,11 +13356,11 +13357,11 +13358,11 +13359,11 +13360,11 +13361,31 +13362,31 +13363,31 +13364,31 +13365,31 +13366,5 +13367,5 +13368,5 +13369,5 +13370,5 +13371,5 +13372,5 +13373,5 +13374,5 +13375,5 +13376,5 +13377,5 +13378,5 +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,32 +13485,0 +13486,0 +13487,0 +13488,0 +13489,0 +13490,0 +13491,0 +13492,15 +13493,15 +13494,15 +13495,15 +13496,31 +13497,31 +13498,31 +13499,31 +13500,4 +13501,4 +13502,4 +13503,27 +13504,27 +13505,27 +13506,27 +13507,27 +13508,21 +13509,21 +13510,21 +13511,21 +13512,21 +13513,21 +13514,21 +13515,21 +13516,21 +13517,21 +13518,40 +13519,40 +13520,40 +13521,40 +13522,40 +13523,40 +13524,40 +13525,40 +13526,40 +13527,40 +13528,40 +13529,14 +13530,14 +13531,5 +13532,5 +13533,5 +13534,5 +13535,5 +13536,5 +13537,5 +13538,5 +13539,5 +13540,5 +13541,5 +13542,5 +13543,29 +13544,31 +13545,31 +13546,31 +13547,31 +13548,31 +13549,23 +13550,23 +13551,23 +13552,23 +13553,23 +13554,23 +13555,23 +13556,23 +13557,23 +13558,23 +13559,37 +13560,37 +13561,37 +13562,37 +13563,37 +13564,37 +13565,9 +13566,9 +13567,9 +13568,9 +13569,9 +13570,9 +13571,9 +13572,9 +13573,9 +13574,9 +13575,9 +13576,2 +13577,2 +13578,2 +13579,2 +13580,2 +13581,2 +13582,2 +13583,2 +13584,2 +13585,2 +13586,2 +13587,2 +13588,6 +13589,6 +13590,6 +13591,6 +13592,6 +13593,6 +13594,6 +13595,6 +13596,6 +13597,6 +13598,6 +13599,6 +13600,6 +13601,6 +13602,14 +13603,14 +13604,14 +13605,36 +13606,36 +13607,36 +13608,36 +13609,36 +13610,14 +13611,14 +13612,14 +13613,14 +13614,14 +13615,14 +13616,14 +13617,14 +13618,14 +13619,14 +13620,14 +13621,14 +13622,14 +13623,39 +13624,28 +13625,28 +13626,28 +13627,28 +13628,28 +13629,28 +13630,28 +13631,28 +13632,28 +13633,28 +13634,28 +13635,28 +13636,28 +13637,28 +13638,28 +13639,28 +13640,28 +13641,28 +13642,28 +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,36 +13713,36 +13714,36 +13715,36 +13716,36 +13717,5 +13718,5 +13719,5 +13720,5 +13721,5 +13722,5 +13723,5 +13724,5 +13725,28 +13726,28 +13727,28 +13728,28 +13729,28 +13730,28 +13731,14 +13732,14 +13733,14 +13734,14 +13735,14 +13736,14 +13737,14 +13738,14 +13739,19 +13740,19 +13741,19 +13742,19 +13743,19 +13744,19 +13745,19 +13746,29 +13747,29 +13748,29 +13749,31 +13750,31 +13751,31 +13752,32 +13753,32 +13754,32 +13755,32 +13756,32 +13757,32 +13758,32 +13759,32 +13760,32 +13761,32 +13762,32 +13763,32 +13764,32 +13765,32 +13766,32 +13767,32 +13768,36 +13769,36 +13770,36 +13771,36 +13772,36 +13773,36 +13774,36 +13775,36 +13776,36 +13777,36 +13778,36 +13779,36 +13780,36 +13781,36 +13782,4 +13783,4 +13784,4 +13785,4 +13786,4 +13787,4 +13788,4 +13789,2 +13790,2 +13791,2 +13792,2 +13793,2 +13794,2 +13795,2 +13796,2 +13797,2 +13798,2 +13799,2 +13800,2 +13801,2 +13802,2 +13803,2 +13804,2 +13805,2 +13806,31 +13807,31 +13808,31 +13809,31 +13810,24 +13811,24 +13812,24 +13813,24 +13814,24 +13815,24 +13816,24 +13817,24 +13818,24 +13819,12 +13820,29 +13821,27 +13822,27 +13823,27 +13824,27 +13825,27 +13826,27 +13827,2 +13828,2 +13829,2 +13830,2 +13831,2 +13832,2 +13833,2 +13834,2 +13835,2 +13836,2 +13837,2 +13838,2 +13839,2 +13840,2 +13841,2 +13842,2 +13843,2 +13844,2 +13845,39 +13846,39 +13847,39 +13848,39 +13849,39 +13850,39 +13851,39 +13852,39 +13853,39 +13854,39 +13855,39 +13856,39 +13857,39 +13858,39 +13859,39 +13860,39 +13861,2 +13862,2 +13863,2 +13864,2 +13865,2 +13866,2 +13867,2 +13868,2 +13869,2 +13870,2 +13871,2 +13872,2 +13873,2 +13874,39 +13875,39 +13876,39 +13877,32 +13878,32 +13879,32 +13880,32 +13881,6 +13882,6 +13883,6 +13884,6 +13885,6 +13886,6 +13887,6 +13888,7 +13889,7 +13890,7 +13891,7 +13892,7 +13893,7 +13894,7 +13895,22 +13896,22 +13897,22 +13898,37 +13899,37 +13900,37 +13901,37 +13902,37 +13903,37 +13904,37 +13905,37 +13906,37 +13907,37 +13908,37 +13909,25 +13910,25 +13911,25 +13912,25 +13913,25 +13914,25 +13915,25 +13916,25 +13917,25 +13918,25 +13919,25 +13920,25 +13921,25 +13922,25 +13923,25 +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,36 +13987,36 +13988,36 +13989,36 +13990,36 +13991,36 +13992,36 +13993,36 +13994,36 +13995,36 +13996,36 +13997,5 +13998,5 +13999,5 +14000,5 +14001,5 +14002,5 +14003,5 +14004,23 +14005,38 +14006,38 +14007,38 +14008,38 +14009,38 +14010,38 +14011,38 +14012,38 +14013,38 +14014,37 +14015,37 +14016,37 +14017,37 +14018,37 +14019,37 +14020,37 +14021,37 +14022,12 +14023,12 +14024,12 +14025,25 +14026,25 +14027,25 +14028,25 +14029,25 +14030,25 +14031,25 +14032,25 +14033,25 +14034,2 +14035,2 +14036,2 +14037,2 +14038,2 +14039,2 +14040,2 +14041,2 +14042,2 +14043,2 +14044,2 +14045,2 +14046,2 +14047,26 +14048,26 +14049,26 +14050,26 +14051,26 +14052,40 +14053,40 +14054,40 +14055,40 +14056,30 +14057,30 +14058,30 +14059,30 +14060,30 +14061,30 +14062,30 +14063,30 +14064,30 +14065,30 +14066,30 +14067,30 +14068,23 +14069,23 +14070,23 +14071,23 +14072,23 +14073,23 +14074,23 +14075,23 +14076,9 +14077,9 +14078,9 +14079,26 +14080,26 +14081,26 +14082,9 +14083,9 +14084,9 +14085,9 +14086,9 +14087,9 +14088,9 +14089,9 +14090,9 +14091,5 +14092,5 +14093,5 +14094,5 +14095,27 +14096,27 +14097,27 +14098,27 +14099,27 +14100,27 +14101,8 +14102,8 +14103,8 +14104,8 +14105,8 +14106,8 +14107,8 +14108,8 +14109,8 +14110,8 +14111,8 +14112,5 +14113,5 +14114,5 +14115,5 +14116,5 +14117,5 +14118,5 +14119,40 +14120,40 +14121,40 +14122,40 +14123,40 +14124,40 +14125,40 +14126,40 +14127,40 +14128,40 +14129,40 +14130,40 +14131,40 +14132,6 +14133,6 +14134,6 +14135,10 +14136,10 +14137,10 +14138,10 +14139,10 +14140,10 +14141,10 +14142,10 +14143,14 +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,10 +14211,10 +14212,10 +14213,10 +14214,10 +14215,10 +14216,10 +14217,10 +14218,10 +14219,10 +14220,10 +14221,10 +14222,10 +14223,10 +14224,10 +14225,10 +14226,14 +14227,28 +14228,28 +14229,28 +14230,28 +14231,28 +14232,28 +14233,28 +14234,28 +14235,28 +14236,28 +14237,39 +14238,39 +14239,39 +14240,39 +14241,39 +14242,35 +14243,35 +14244,35 +14245,35 +14246,35 +14247,35 +14248,35 +14249,35 +14250,35 +14251,35 +14252,35 +14253,39 +14254,39 +14255,27 +14256,39 +14257,39 +14258,39 +14259,7 +14260,7 +14261,22 +14262,22 +14263,22 +14264,22 +14265,25 +14266,25 +14267,25 +14268,25 +14269,25 +14270,25 +14271,25 +14272,25 +14273,25 +14274,25 +14275,25 +14276,25 +14277,3 +14278,25 +14279,27 +14280,25 +14281,25 +14282,30 +14283,30 +14284,30 +14285,30 +14286,30 +14287,30 +14288,30 +14289,30 +14290,27 +14291,27 +14292,27 +14293,19 +14294,29 +14295,29 +14296,29 +14297,31 +14298,31 +14299,31 +14300,30 +14301,30 +14302,30 +14303,30 +14304,30 +14305,30 +14306,30 +14307,30 +14308,23 +14309,23 +14310,23 +14311,23 +14312,23 +14313,23 +14314,23 +14315,23 +14316,23 +14317,23 +14318,23 +14319,23 +14320,23 +14321,23 +14322,26 +14323,26 +14324,26 +14325,26 +14326,26 +14327,26 +14328,26 +14329,26 +14330,26 +14331,26 +14332,26 +14333,26 +14334,26 +14335,26 +14336,26 +14337,26 +14338,5 +14339,5 +14340,29 +14341,29 +14342,29 +14343,29 +14344,29 +14345,29 +14346,25 +14347,25 +14348,25 +14349,25 +14350,25 +14351,25 +14352,25 +14353,25 +14354,25 +14355,25 +14356,25 +14357,25 +14358,25 +14359,25 +14360,25 +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,39 +14390,39 +14391,39 +14392,39 +14393,39 +14394,39 +14395,39 +14396,39 +14397,39 +14398,39 +14399,4 +14400,4 +14401,4 +14402,38 +14403,38 +14404,38 +14405,4 +14406,31 +14407,31 +14408,31 +14409,31 +14410,31 +14411,27 +14412,27 +14413,27 +14414,2 +14415,2 +14416,2 +14417,2 +14418,2 +14419,2 +14420,2 +14421,2 +14422,30 +14423,30 +14424,30 +14425,10 +14426,10 +14427,10 +14428,10 +14429,10 +14430,10 +14431,39 +14432,39 +14433,39 +14434,10 +14435,10 +14436,10 +14437,10 +14438,10 +14439,39 +14440,27 +14441,27 +14442,27 +14443,5 +14444,5 +14445,3 +14446,3 +14447,3 +14448,3 +14449,35 +14450,35 +14451,35 +14452,35 +14453,35 +14454,35 +14455,35 +14456,27 +14457,27 +14458,27 +14459,27 +14460,27 +14461,7 +14462,7 +14463,7 +14464,7 +14465,7 +14466,7 +14467,7 +14468,7 +14469,7 +14470,7 +14471,7 +14472,25 +14473,25 +14474,25 +14475,25 +14476,25 +14477,37 +14478,37 +14479,37 +14480,37 +14481,37 +14482,37 +14483,37 +14484,37 +14485,37 +14486,37 +14487,37 +14488,25 +14489,25 +14490,25 +14491,25 +14492,25 +14493,25 +14494,25 +14495,25 +14496,25 +14497,25 +14498,25 +14499,25 +14500,25 +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,27 +14537,27 +14538,27 +14539,27 +14540,27 +14541,27 +14542,27 +14543,27 +14544,27 +14545,27 +14546,27 +14547,27 +14548,27 +14549,8 +14550,8 +14551,8 +14552,8 +14553,8 +14554,8 +14555,8 +14556,27 +14557,27 +14558,27 +14559,27 +14560,27 +14561,5 +14562,5 +14563,5 +14564,5 +14565,29 +14566,29 +14567,29 +14568,31 +14569,31 +14570,31 +14571,31 +14572,31 +14573,31 +14574,31 +14575,31 +14576,32 +14577,32 +14578,32 +14579,32 +14580,32 +14581,32 +14582,32 +14583,32 +14584,32 +14585,32 +14586,32 +14587,32 +14588,25 +14589,25 +14590,25 +14591,25 +14592,25 +14593,25 +14594,25 +14595,25 +14596,25 +14597,25 +14598,25 +14599,2 +14600,2 +14601,2 +14602,2 +14603,2 +14604,2 +14605,2 +14606,2 +14607,2 +14608,2 +14609,28 +14610,28 +14611,28 +14612,31 +14613,31 +14614,31 +14615,31 +14616,31 +14617,31 +14618,31 +14619,31 +14620,30 +14621,30 +14622,30 +14623,5 +14624,5 +14625,30 +14626,30 +14627,30 +14628,30 +14629,5 +14630,26 +14631,26 +14632,34 +14633,34 +14634,34 +14635,34 +14636,34 +14637,34 +14638,34 +14639,34 +14640,34 +14641,34 +14642,34 +14643,34 +14644,34 +14645,34 +14646,34 +14647,34 +14648,4 +14649,4 +14650,4 +14651,4 +14652,4 +14653,4 +14654,4 +14655,4 +14656,4 +14657,27 +14658,27 +14659,27 +14660,27 +14661,27 +14662,27 +14663,27 +14664,2 +14665,2 +14666,2 +14667,2 +14668,2 +14669,2 +14670,2 +14671,2 +14672,2 +14673,2 +14674,2 +14675,2 +14676,2 +14677,2 +14678,2 +14679,2 +14680,2 +14681,2 +14682,27 +14683,27 +14684,27 +14685,27 +14686,27 +14687,27 +14688,27 +14689,4 +14690,4 +14691,4 +14692,31 +14693,31 +14694,31 +14695,31 +14696,31 +14697,31 +14698,31 +14699,31 +14700,5 +14701,29 +14702,29 +14703,29 +14704,29 +14705,29 +14706,29 +14707,31 +14708,31 +14709,31 +14710,31 +14711,31 +14712,2 +14713,2 +14714,2 +14715,2 +14716,2 +14717,2 +14718,2 +14719,2 +14720,2 +14721,2 +14722,2 +14723,2 +14724,2 +14725,4 +14726,4 +14727,4 +14728,4 +14729,4 +14730,4 +14731,27 +14732,27 +14733,27 +14734,27 +14735,27 +14736,27 +14737,27 +14738,33 +14739,33 +14740,30 +14741,30 +14742,33 +14743,33 +14744,33 +14745,33 +14746,33 +14747,33 +14748,33 +14749,28 +14750,28 +14751,28 +14752,28 +14753,5 +14754,5 +14755,8 +14756,8 +14757,8 +14758,8 +14759,8 +14760,8 +14761,8 +14762,8 +14763,8 +14764,8 +14765,8 +14766,8 +14767,26 +14768,26 +14769,26 +14770,26 +14771,26 +14772,26 +14773,26 +14774,26 +14775,26 +14776,26 +14777,26 +14778,26 +14779,26 +14780,26 +14781,26 +14782,26 +14783,26 +14784,19 +14785,19 +14786,19 +14787,19 +14788,19 +14789,19 +14790,14 +14791,40 +14792,40 +14793,14 +14794,14 +14795,14 +14796,14 +14797,14 +14798,14 +14799,14 +14800,14 +14801,14 +14802,14 +14803,14 +14804,14 +14805,10 +14806,14 +14807,14 +14808,14 +14809,10 +14810,10 +14811,10 +14812,3 +14813,3 +14814,3 +14815,3 +14816,3 +14817,2 +14818,2 +14819,2 +14820,2 +14821,2 +14822,2 +14823,2 +14824,2 +14825,2 +14826,2 +14827,2 +14828,2 +14829,2 +14830,2 +14831,2 +14832,2 +14833,2 +14834,2 +14835,2 +14836,2 +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,36 +14907,36 +14908,36 +14909,36 +14910,36 +14911,36 +14912,36 +14913,36 +14914,36 +14915,36 +14916,36 +14917,36 +14918,36 +14919,36 +14920,36 +14921,36 +14922,36 +14923,36 +14924,36 +14925,36 +14926,36 +14927,23 +14928,23 +14929,23 +14930,23 +14931,23 +14932,4 +14933,4 +14934,4 +14935,37 +14936,37 +14937,37 +14938,37 +14939,3 +14940,3 +14941,3 +14942,3 +14943,29 +14944,29 +14945,29 +14946,29 +14947,29 +14948,29 +14949,29 +14950,36 +14951,36 +14952,36 +14953,36 +14954,36 +14955,36 +14956,36 +14957,36 +14958,36 +14959,36 +14960,36 +14961,36 +14962,36 +14963,36 +14964,36 +14965,4 +14966,4 +14967,4 +14968,4 +14969,4 +14970,4 +14971,29 +14972,29 +14973,29 +14974,31 +14975,31 +14976,31 +14977,31 +14978,31 +14979,35 +14980,35 +14981,35 +14982,35 +14983,35 +14984,35 +14985,40 +14986,40 +14987,40 +14988,40 +14989,40 +14990,40 +14991,40 +14992,40 +14993,5 +14994,5 +14995,5 +14996,5 +14997,5 +14998,5 +14999,35 +15000,35 +15001,35 +15002,35 +15003,35 +15004,36 +15005,34 +15006,34 +15007,34 +15008,34 +15009,34 +15010,34 +15011,34 +15012,34 +15013,34 +15014,8 +15015,8 +15016,8 +15017,8 +15018,8 +15019,8 +15020,8 +15021,2 +15022,2 +15023,2 +15024,8 +15025,8 +15026,2 +15027,2 +15028,2 +15029,2 +15030,2 +15031,33 +15032,33 +15033,33 +15034,33 +15035,33 +15036,33 +15037,33 +15038,33 +15039,19 +15040,19 +15041,19 +15042,19 +15043,10 +15044,36 +15045,36 +15046,36 +15047,36 +15048,36 +15049,36 +15050,36 +15051,36 +15052,36 +15053,5 +15054,5 +15055,5 +15056,5 +15057,4 +15058,4 +15059,4 +15060,4 +15061,4 +15062,1 +15063,1 +15064,39 +15065,1 +15066,1 +15067,27 +15068,27 +15069,27 +15070,27 +15071,39 +15072,29 +15073,27 +15074,29 +15075,29 +15076,29 +15077,29 +15078,29 +15079,29 +15080,29 +15081,29 +15082,31 +15083,31 +15084,31 +15085,31 +15086,31 +15087,33 +15088,33 +15089,33 +15090,12 +15091,12 +15092,33 +15093,33 +15094,33 +15095,33 +15096,31 +15097,31 +15098,28 +15099,28 +15100,28 +15101,28 +15102,31 +15103,28 +15104,31 +15105,27 +15106,27 +15107,5 +15108,5 +15109,5 +15110,5 +15111,19 +15112,35 +15113,35 +15114,35 +15115,35 +15116,35 +15117,36 +15118,36 +15119,36 +15120,36 +15121,36 +15122,19 +15123,19 +15124,19 +15125,19 +15126,19 +15127,19 +15128,19 +15129,27 +15130,27 +15131,27 +15132,27 +15133,38 +15134,38 +15135,38 +15136,38 +15137,38 +15138,38 +15139,38 +15140,38 +15141,38 +15142,38 +15143,38 +15144,37 +15145,37 +15146,37 +15147,37 +15148,37 +15149,37 +15150,37 +15151,33 +15152,33 +15153,9 +15154,9 +15155,9 +15156,9 +15157,33 +15158,25 +15159,25 +15160,9 +15161,9 +15162,9 +15163,9 +15164,9 +15165,17 +15166,12 +15167,12 +15168,12 +15169,12 +15170,12 +15171,12 +15172,12 +15173,12 +15174,12 +15175,14 +15176,14 +15177,14 +15178,14 +15179,14 +15180,14 +15181,14 +15182,14 +15183,14 +15184,14 +15185,14 +15186,16 +15187,16 +15188,16 +15189,16 +15190,16 +15191,16 +15192,16 +15193,16 +15194,16 +15195,16 +15196,16 +15197,16 +15198,16 +15199,27 +15200,27 +15201,27 +15202,27 +15203,6 +15204,6 +15205,6 +15206,6 +15207,6 +15208,6 +15209,31 +15210,31 +15211,31 +15212,31 +15213,5 +15214,13 +15215,13 +15216,13 +15217,13 +15218,13 +15219,13 +15220,23 +15221,23 +15222,23 +15223,23 +15224,23 +15225,23 +15226,23 +15227,23 +15228,23 +15229,39 +15230,39 +15231,39 +15232,39 +15233,39 +15234,39 +15235,39 +15236,39 +15237,39 +15238,39 +15239,39 +15240,39 +15241,4 +15242,4 +15243,4 +15244,4 +15245,40 +15246,40 +15247,40 +15248,40 +15249,40 +15250,14 +15251,24 +15252,24 +15253,24 +15254,24 +15255,24 +15256,24 +15257,24 +15258,24 +15259,37 +15260,37 +15261,37 +15262,37 +15263,37 +15264,39 +15265,39 +15266,39 +15267,39 +15268,19 +15269,19 +15270,19 +15271,19 +15272,19 +15273,19 +15274,19 +15275,19 +15276,14 +15277,14 +15278,14 +15279,14 +15280,14 +15281,14 +15282,14 +15283,14 +15284,14 +15285,14 +15286,14 +15287,14 +15288,14 +15289,14 +15290,14 +15291,27 +15292,27 +15293,27 +15294,27 +15295,27 +15296,27 +15297,27 +15298,27 +15299,27 +15300,27 +15301,19 +15302,19 +15303,19 +15304,19 +15305,19 +15306,19 +15307,19 +15308,19 +15309,19 +15310,19 +15311,19 +15312,19 +15313,19 +15314,40 +15315,40 +15316,40 +15317,31 +15318,40 +15319,40 +15320,40 +15321,40 +15322,40 +15323,19 +15324,19 +15325,19 +15326,19 +15327,19 +15328,19 +15329,4 +15330,30 +15331,30 +15332,30 +15333,30 +15334,30 +15335,9 +15336,9 +15337,9 +15338,9 +15339,9 +15340,9 +15341,9 +15342,9 +15343,9 +15344,9 +15345,9 +15346,9 +15347,9 +15348,9 +15349,9 +15350,9 +15351,2 +15352,2 +15353,2 +15354,2 +15355,2 +15356,2 +15357,2 +15358,2 +15359,2 +15360,2 +15361,31 +15362,31 +15363,31 +15364,31 +15365,31 +15366,31 +15367,31 +15368,32 +15369,32 +15370,32 +15371,32 +15372,32 +15373,32 +15374,32 +15375,32 +15376,25 +15377,25 +15378,25 +15379,25 +15380,35 +15381,35 +15382,35 +15383,35 +15384,35 +15385,35 +15386,36 +15387,36 +15388,36 +15389,36 +15390,36 +15391,36 +15392,36 +15393,36 +15394,36 +15395,36 +15396,36 +15397,32 +15398,32 +15399,32 +15400,32 +15401,32 +15402,32 +15403,2 +15404,2 +15405,2 +15406,2 +15407,2 +15408,31 +15409,31 +15410,31 +15411,11 +15412,11 +15413,11 +15414,11 +15415,11 +15416,11 +15417,11 +15418,11 +15419,11 +15420,6 +15421,11 +15422,11 +15423,11 +15424,27 +15425,27 +15426,27 +15427,27 +15428,36 +15429,36 +15430,36 +15431,36 +15432,36 +15433,36 +15434,36 +15435,36 +15436,24 +15437,24 +15438,24 +15439,19 +15440,31 +15441,31 +15442,31 +15443,5 +15444,19 +15445,19 +15446,31 +15447,31 +15448,35 +15449,35 +15450,35 +15451,35 +15452,35 +15453,35 +15454,35 +15455,35 +15456,35 +15457,10 +15458,35 +15459,10 +15460,10 +15461,10 +15462,10 +15463,10 +15464,10 +15465,10 +15466,10 +15467,10 +15468,10 +15469,10 +15470,10 +15471,10 +15472,10 +15473,36 +15474,36 +15475,36 +15476,36 +15477,36 +15478,36 +15479,36 +15480,36 +15481,23 +15482,23 +15483,23 +15484,23 +15485,23 +15486,23 +15487,23 +15488,23 +15489,23 +15490,23 +15491,23 +15492,23 +15493,23 +15494,23 +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,29 +15560,29 +15561,29 +15562,29 +15563,29 +15564,29 +15565,29 +15566,29 +15567,29 +15568,29 +15569,40 +15570,40 +15571,40 +15572,40 +15573,40 +15574,40 +15575,40 +15576,27 +15577,40 +15578,27 +15579,27 +15580,27 +15581,27 +15582,27 +15583,27 +15584,27 +15585,40 +15586,40 +15587,40 +15588,40 +15589,5 +15590,5 +15591,5 +15592,5 +15593,5 +15594,5 +15595,5 +15596,5 +15597,5 +15598,5 +15599,5 +15600,5 +15601,5 +15602,5 +15603,5 +15604,5 +15605,5 +15606,5 +15607,5 +15608,5 +15609,0 +15610,0 +15611,0 +15612,0 +15613,0 +15614,0 +15615,0 +15616,0 +15617,0 +15618,0 +15619,0 +15620,36 +15621,36 +15622,36 +15623,5 +15624,5 +15625,5 +15626,5 +15627,5 +15628,5 +15629,2 +15630,2 +15631,2 +15632,2 +15633,2 +15634,2 +15635,2 +15636,2 +15637,2 +15638,2 +15639,2 +15640,4 +15641,4 +15642,4 +15643,40 +15644,40 +15645,40 +15646,40 +15647,40 +15648,40 +15649,4 +15650,4 +15651,4 +15652,31 +15653,31 +15654,31 +15655,31 +15656,24 +15657,24 +15658,24 +15659,24 +15660,24 +15661,24 +15662,24 +15663,24 +15664,31 +15665,31 +15666,31 +15667,31 +15668,31 +15669,33 +15670,33 +15671,25 +15672,32 +15673,32 +15674,32 +15675,32 +15676,32 +15677,32 +15678,32 +15679,32 +15680,32 +15681,32 +15682,32 +15683,32 +15684,32 +15685,32 +15686,32 +15687,32 +15688,26 +15689,26 +15690,26 +15691,10 +15692,10 +15693,10 +15694,10 +15695,10 +15696,10 +15697,10 +15698,10 +15699,10 +15700,10 +15701,10 +15702,10 +15703,10 +15704,10 +15705,10 +15706,10 +15707,10 +15708,10 +15709,10 +15710,27 +15711,27 +15712,13 +15713,13 +15714,13 +15715,13 +15716,13 +15717,5 +15718,5 +15719,13 +15720,13 +15721,13 +15722,13 +15723,13 +15724,13 +15725,13 +15726,13 +15727,13 +15728,14 +15729,14 +15730,14 +15731,14 +15732,14 +15733,14 +15734,14 +15735,14 +15736,14 +15737,14 +15738,40 +15739,40 +15740,40 +15741,40 +15742,36 +15743,40 +15744,40 +15745,19 +15746,19 +15747,19 +15748,2 +15749,2 +15750,2 +15751,2 +15752,2 +15753,2 +15754,2 +15755,2 +15756,2 +15757,39 +15758,39 +15759,39 +15760,39 +15761,39 +15762,39 +15763,39 +15764,11 +15765,11 +15766,11 +15767,11 +15768,11 +15769,11 +15770,11 +15771,11 +15772,11 +15773,11 +15774,11 +15775,11 +15776,22 +15777,22 +15778,22 +15779,22 +15780,22 +15781,22 +15782,19 +15783,19 +15784,19 +15785,35 +15786,35 +15787,35 +15788,35 +15789,35 +15790,35 +15791,36 +15792,36 +15793,36 +15794,36 +15795,36 +15796,36 +15797,36 +15798,15 +15799,15 +15800,24 +15801,24 +15802,24 +15803,24 +15804,24 +15805,24 +15806,19 +15807,19 +15808,19 +15809,19 +15810,19 +15811,19 +15812,19 +15813,9 +15814,26 +15815,26 +15816,26 +15817,26 +15818,26 +15819,26 +15820,26 +15821,26 +15822,26 +15823,26 +15824,26 +15825,26 +15826,26 +15827,26 +15828,26 +15829,26 +15830,26 +15831,26 +15832,26 +15833,26 +15834,5 +15835,5 +15836,5 +15837,5 +15838,5 +15839,5 +15840,5 +15841,5 +15842,5 +15843,5 +15844,5 +15845,5 +15846,5 +15847,5 +15848,5 +15849,5 +15850,5 +15851,5 +15852,4 +15853,4 +15854,19 +15855,19 +15856,4 +15857,4 +15858,4 +15859,4 +15860,4 +15861,4 +15862,3 +15863,3 +15864,3 +15865,3 +15866,3 +15867,3 +15868,3 +15869,31 +15870,31 +15871,27 +15872,31 +15873,31 +15874,2 +15875,2 +15876,2 +15877,2 +15878,2 +15879,2 +15880,2 +15881,2 +15882,2 +15883,4 +15884,4 +15885,4 +15886,4 +15887,4 +15888,4 +15889,14 +15890,14 +15891,14 +15892,14 +15893,14 +15894,14 +15895,14 +15896,14 +15897,14 +15898,14 +15899,14 +15900,4 +15901,4 +15902,4 +15903,4 +15904,4 +15905,4 +15906,2 +15907,2 +15908,2 +15909,16 +15910,16 +15911,16 +15912,8 +15913,8 +15914,2 +15915,2 +15916,2 +15917,2 +15918,18 +15919,18 +15920,18 +15921,18 +15922,18 +15923,18 +15924,18 +15925,40 +15926,40 +15927,40 +15928,40 +15929,40 +15930,5 +15931,5 +15932,5 +15933,5 +15934,25 +15935,25 +15936,25 +15937,31 +15938,31 +15939,31 +15940,31 +15941,33 +15942,33 +15943,33 +15944,31 +15945,31 +15946,31 +15947,30 +15948,30 +15949,30 +15950,30 +15951,30 +15952,30 +15953,30 +15954,30 +15955,30 +15956,30 +15957,30 +15958,30 +15959,30 +15960,30 +15961,30 +15962,30 +15963,30 +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,35 +16007,35 +16008,35 +16009,35 +16010,3 +16011,3 +16012,3 +16013,3 +16014,3 +16015,31 +16016,3 +16017,2 +16018,2 +16019,2 +16020,2 +16021,2 +16022,2 +16023,2 +16024,2 +16025,2 +16026,2 +16027,2 +16028,2 +16029,2 +16030,14 +16031,14 +16032,14 +16033,14 +16034,14 +16035,14 +16036,14 +16037,14 +16038,14 +16039,14 +16040,14 +16041,4 +16042,4 +16043,4 +16044,4 +16045,4 +16046,4 +16047,6 +16048,6 +16049,6 +16050,6 +16051,6 +16052,6 +16053,6 +16054,6 +16055,6 +16056,6 +16057,6 +16058,6 +16059,6 +16060,6 +16061,6 +16062,30 +16063,30 +16064,30 +16065,30 +16066,33 +16067,30 +16068,33 +16069,33 +16070,33 +16071,33 +16072,33 +16073,33 +16074,33 +16075,33 +16076,33 +16077,33 +16078,2 +16079,2 +16080,2 +16081,2 +16082,2 +16083,2 +16084,2 +16085,2 +16086,4 +16087,4 +16088,4 +16089,4 +16090,4 +16091,4 +16092,3 +16093,3 +16094,3 +16095,3 +16096,3 +16097,3 +16098,35 +16099,35 +16100,35 +16101,35 +16102,35 +16103,35 +16104,35 +16105,27 +16106,27 +16107,27 +16108,27 +16109,27 +16110,27 +16111,8 +16112,8 +16113,8 +16114,8 +16115,8 +16116,8 +16117,8 +16118,8 +16119,8 +16120,8 +16121,8 +16122,33 +16123,33 +16124,33 +16125,33 +16126,33 +16127,33 +16128,33 +16129,33 +16130,33 +16131,33 +16132,33 +16133,33 +16134,33 +16135,33 +16136,33 +16137,33 +16138,33 +16139,5 +16140,5 +16141,5 +16142,5 +16143,5 +16144,5 +16145,5 +16146,5 +16147,5 +16148,5 +16149,5 +16150,4 +16151,4 +16152,4 +16153,4 +16154,4 +16155,4 +16156,19 +16157,9 +16158,9 +16159,9 +16160,9 +16161,9 +16162,9 +16163,9 +16164,9 +16165,9 +16166,9 +16167,9 +16168,9 +16169,9 +16170,9 +16171,9 +16172,9 +16173,9 +16174,9 +16175,37 +16176,37 +16177,37 +16178,37 +16179,37 +16180,37 +16181,37 +16182,37 +16183,37 +16184,37 +16185,37 +16186,37 +16187,37 +16188,37 +16189,25 +16190,25 +16191,25 +16192,37 +16193,37 +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,9 +16217,9 +16218,33 +16219,33 +16220,33 +16221,33 +16222,33 +16223,33 +16224,33 +16225,33 +16226,33 +16227,33 +16228,33 +16229,33 +16230,33 +16231,33 +16232,33 +16233,33 +16234,33 +16235,9 +16236,33 +16237,33 +16238,33 +16239,33 +16240,30 +16241,30 +16242,30 +16243,30 +16244,30 +16245,30 +16246,30 +16247,30 +16248,30 +16249,39 +16250,39 +16251,14 +16252,14 +16253,14 +16254,14 +16255,39 +16256,39 +16257,39 +16258,2 +16259,2 +16260,2 +16261,2 +16262,2 +16263,2 +16264,2 +16265,2 +16266,2 +16267,2 +16268,2 +16269,2 +16270,2 +16271,2 +16272,2 +16273,2 +16274,40 +16275,40 +16276,40 +16277,40 +16278,40 +16279,40 +16280,19 +16281,19 +16282,29 +16283,29 +16284,29 +16285,31 +16286,31 +16287,31 +16288,31 +16289,31 +16290,31 +16291,27 +16292,6 +16293,6 +16294,6 +16295,4 +16296,4 +16297,4 +16298,4 +16299,4 +16300,4 +16301,19 +16302,4 +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,10 +16318,10 +16319,10 +16320,10 +16321,10 +16322,10 +16323,10 +16324,10 +16325,10 +16326,10 +16327,10 +16328,10 +16329,10 +16330,10 +16331,10 +16332,10 +16333,35 +16334,35 +16335,35 +16336,35 +16337,35 +16338,35 +16339,35 +16340,35 +16341,39 +16342,39 +16343,39 +16344,39 +16345,39 +16346,39 +16347,39 +16348,39 +16349,39 +16350,39 +16351,39 +16352,4 +16353,4 +16354,4 +16355,4 +16356,27 +16357,27 +16358,27 +16359,27 +16360,27 +16361,27 +16362,19 +16363,19 +16364,19 +16365,29 +16366,29 +16367,31 +16368,31 +16369,31 +16370,28 +16371,28 +16372,28 +16373,28 +16374,28 +16375,28 +16376,28 +16377,28 +16378,28 +16379,9 +16380,9 +16381,9 +16382,9 +16383,9 +16384,9 +16385,22 +16386,9 +16387,9 +16388,9 +16389,9 +16390,9 +16391,9 +16392,9 +16393,9 +16394,9 +16395,9 +16396,17 +16397,9 +16398,9 +16399,9 +16400,30 +16401,30 +16402,30 +16403,30 +16404,30 +16405,30 +16406,30 +16407,39 +16408,39 +16409,39 +16410,39 +16411,39 +16412,39 +16413,39 +16414,2 +16415,2 +16416,2 +16417,2 +16418,2 +16419,2 +16420,2 +16421,2 +16422,2 +16423,2 +16424,2 +16425,2 +16426,2 +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,9 +16441,9 +16442,9 +16443,9 +16444,9 +16445,26 +16446,26 +16447,26 +16448,26 +16449,10 +16450,10 +16451,10 +16452,10 +16453,10 +16454,10 +16455,10 +16456,26 +16457,26 +16458,26 +16459,26 +16460,10 +16461,26 +16462,26 +16463,26 +16464,19 +16465,19 +16466,19 +16467,19 +16468,19 +16469,19 +16470,19 +16471,27 +16472,27 +16473,27 +16474,27 +16475,27 +16476,27 +16477,27 +16478,27 +16479,4 +16480,19 +16481,4 +16482,4 +16483,4 +16484,27 +16485,27 +16486,27 +16487,27 +16488,27 +16489,5 +16490,5 +16491,5 +16492,5 +16493,5 +16494,5 +16495,19 +16496,19 +16497,19 +16498,19 +16499,19 +16500,19 +16501,39 +16502,39 +16503,39 +16504,39 +16505,39 +16506,39 +16507,39 +16508,39 +16509,39 +16510,39 +16511,39 +16512,19 +16513,19 +16514,19 +16515,28 +16516,28 +16517,28 +16518,28 +16519,28 +16520,28 +16521,27 +16522,27 +16523,27 +16524,27 +16525,27 +16526,27 +16527,2 +16528,2 +16529,2 +16530,2 +16531,2 +16532,2 +16533,2 +16534,4 +16535,4 +16536,4 +16537,4 +16538,4 +16539,25 +16540,25 +16541,25 +16542,18 +16543,18 +16544,18 +16545,18 +16546,18 +16547,18 +16548,18 +16549,18 +16550,18 +16551,18 +16552,26 +16553,26 +16554,26 +16555,26 +16556,26 +16557,26 +16558,26 +16559,9 +16560,9 +16561,9 +16562,9 +16563,9 +16564,13 +16565,13 +16566,13 +16567,13 +16568,13 +16569,28 +16570,28 +16571,28 +16572,28 +16573,28 +16574,28 +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,31 +16600,31 +16601,31 +16602,31 +16603,5 +16604,5 +16605,5 +16606,5 +16607,5 +16608,5 +16609,5 +16610,5 +16611,2 +16612,2 +16613,2 +16614,2 +16615,2 +16616,2 +16617,2 +16618,2 +16619,2 +16620,2 +16621,2 +16622,2 +16623,2 +16624,9 +16625,9 +16626,9 +16627,9 +16628,9 +16629,9 +16630,9 +16631,9 +16632,9 +16633,30 +16634,30 +16635,30 +16636,30 +16637,30 +16638,30 +16639,30 +16640,29 +16641,19 +16642,29 +16643,29 +16644,29 +16645,29 +16646,40 +16647,40 +16648,40 +16649,40 +16650,40 +16651,40 +16652,40 +16653,37 +16654,37 +16655,37 +16656,37 +16657,37 +16658,37 +16659,37 +16660,37 +16661,37 +16662,29 +16663,29 +16664,29 +16665,29 +16666,29 +16667,31 +16668,31 +16669,31 +16670,31 +16671,31 +16672,21 +16673,21 +16674,21 +16675,21 +16676,21 +16677,19 +16678,21 +16679,19 +16680,19 +16681,27 +16682,27 +16683,27 +16684,27 +16685,27 +16686,27 +16687,27 +16688,27 +16689,27 +16690,27 +16691,27 +16692,27 +16693,27 +16694,27 +16695,5 +16696,5 +16697,5 +16698,5 +16699,19 +16700,19 +16701,19 +16702,19 +16703,19 +16704,19 +16705,19 +16706,19 +16707,19 +16708,2 +16709,2 +16710,2 +16711,2 +16712,8 +16713,8 +16714,8 +16715,8 +16716,8 +16717,2 +16718,2 +16719,8 +16720,8 +16721,8 +16722,8 +16723,8 +16724,8 +16725,8 +16726,8 +16727,8 +16728,4 +16729,0 +16730,0 +16731,0 +16732,0 +16733,0 +16734,6 +16735,6 +16736,6 +16737,6 +16738,6 +16739,6 +16740,6 +16741,6 +16742,6 +16743,6 +16744,40 +16745,40 +16746,40 +16747,40 +16748,40 +16749,37 +16750,37 +16751,37 +16752,37 +16753,37 +16754,37 +16755,39 +16756,39 +16757,39 +16758,39 +16759,39 +16760,39 +16761,19 +16762,19 +16763,19 +16764,19 +16765,19 +16766,19 +16767,19 +16768,26 +16769,37 +16770,37 +16771,26 +16772,26 +16773,26 +16774,10 +16775,10 +16776,10 +16777,10 +16778,10 +16779,10 +16780,10 +16781,29 +16782,29 +16783,29 +16784,29 +16785,31 +16786,31 +16787,31 +16788,31 +16789,6 +16790,6 +16791,6 +16792,6 +16793,6 +16794,6 +16795,6 +16796,6 +16797,6 +16798,36 +16799,36 +16800,36 +16801,27 +16802,27 +16803,27 +16804,27 +16805,27 +16806,27 +16807,27 +16808,27 +16809,36 +16810,28 +16811,28 +16812,28 +16813,28 +16814,28 +16815,28 +16816,28 +16817,28 +16818,31 +16819,31 +16820,30 +16821,30 +16822,30 +16823,30 +16824,30 +16825,30 +16826,30 +16827,30 +16828,30 +16829,8 +16830,8 +16831,8 +16832,8 +16833,8 +16834,8 +16835,8 +16836,8 +16837,8 +16838,8 +16839,8 +16840,2 +16841,2 +16842,2 +16843,2 +16844,2 +16845,2 +16846,2 +16847,2 +16848,2 +16849,2 +16850,2 +16851,2 +16852,2 +16853,2 +16854,2 +16855,2 +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,28 +16898,28 +16899,28 +16900,28 +16901,28 +16902,28 +16903,28 +16904,27 +16905,27 +16906,27 +16907,27 +16908,27 +16909,27 +16910,27 +16911,2 +16912,2 +16913,2 +16914,2 +16915,2 +16916,2 +16917,4 +16918,4 +16919,4 +16920,4 +16921,4 +16922,4 +16923,4 +16924,25 +16925,25 +16926,25 +16927,25 +16928,25 +16929,25 +16930,25 +16931,25 +16932,25 +16933,25 +16934,25 +16935,36 +16936,36 +16937,36 +16938,36 +16939,36 +16940,36 +16941,36 +16942,36 +16943,36 +16944,36 +16945,36 +16946,36 +16947,36 +16948,36 +16949,36 +16950,36 +16951,36 +16952,36 +16953,36 +16954,36 +16955,28 +16956,28 +16957,28 +16958,28 +16959,28 +16960,28 +16961,28 +16962,28 +16963,28 +16964,28 +16965,28 +16966,8 +16967,8 +16968,8 +16969,8 +16970,8 +16971,8 +16972,8 +16973,8 +16974,27 +16975,27 +16976,31 +16977,21 +16978,21 +16979,21 +16980,21 +16981,21 +16982,21 +16983,21 +16984,21 +16985,21 +16986,21 +16987,14 +16988,40 +16989,40 +16990,40 +16991,27 +16992,27 +16993,40 +16994,31 +16995,31 +16996,31 +16997,31 +16998,5 +16999,5 +17000,5 +17001,5 +17002,5 +17003,5 +17004,5 +17005,32 +17006,32 +17007,32 +17008,32 +17009,32 +17010,37 +17011,37 +17012,37 +17013,37 +17014,27 +17015,27 +17016,27 +17017,27 +17018,8 +17019,8 +17020,8 +17021,8 +17022,8 +17023,8 +17024,8 +17025,8 +17026,36 +17027,36 +17028,36 +17029,36 +17030,36 +17031,5 +17032,5 +17033,5 +17034,31 +17035,31 +17036,31 +17037,31 +17038,31 +17039,31 +17040,19 +17041,19 +17042,19 +17043,19 +17044,19 +17045,19 +17046,19 +17047,19 +17048,19 +17049,19 +17050,2 +17051,2 +17052,2 +17053,2 +17054,2 +17055,2 +17056,4 +17057,4 +17058,7 +17059,39 +17060,39 +17061,39 +17062,3 +17063,3 +17064,3 +17065,39 +17066,39 +17067,39 +17068,32 +17069,32 +17070,32 +17071,32 +17072,32 +17073,32 +17074,32 +17075,27 +17076,27 +17077,27 +17078,19 +17079,19 +17080,19 +17081,19 +17082,19 +17083,19 +17084,19 +17085,19 +17086,2 +17087,2 +17088,2 +17089,2 +17090,2 +17091,14 +17092,14 +17093,14 +17094,14 +17095,14 +17096,14 +17097,14 +17098,14 +17099,11 +17100,11 +17101,11 +17102,11 +17103,11 +17104,11 +17105,11 +17106,11 +17107,11 +17108,11 +17109,11 +17110,11 +17111,31 +17112,31 +17113,31 +17114,31 +17115,5 +17116,5 +17117,5 +17118,5 +17119,5 +17120,5 +17121,8 +17122,8 +17123,8 +17124,8 +17125,8 +17126,8 +17127,23 +17128,23 +17129,23 +17130,23 +17131,23 +17132,23 +17133,23 +17134,23 +17135,23 +17136,23 +17137,25 +17138,25 +17139,25 +17140,25 +17141,25 +17142,37 +17143,25 +17144,25 +17145,29 +17146,39 +17147,29 +17148,39 +17149,39 +17150,39 +17151,39 +17152,39 +17153,39 +17154,39 +17155,39 +17156,39 +17157,39 +17158,39 +17159,39 +17160,39 +17161,39 +17162,39 +17163,39 +17164,39 +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,36 +17179,36 +17180,36 +17181,36 +17182,36 +17183,36 +17184,36 +17185,36 +17186,36 +17187,36 +17188,36 +17189,36 +17190,15 +17191,15 +17192,15 +17193,15 +17194,15 +17195,15 +17196,31 +17197,31 +17198,31 +17199,31 +17200,31 +17201,31 +17202,30 +17203,30 +17204,30 +17205,30 +17206,30 +17207,30 +17208,27 +17209,27 +17210,27 +17211,14 +17212,14 +17213,14 +17214,14 +17215,11 +17216,11 +17217,11 +17218,11 +17219,11 +17220,11 +17221,11 +17222,11 +17223,11 +17224,11 +17225,11 +17226,11 +17227,11 +17228,31 +17229,31 +17230,31 +17231,31 +17232,31 +17233,5 +17234,5 +17235,5 +17236,5 +17237,5 +17238,5 +17239,5 +17240,31 +17241,31 +17242,31 +17243,31 +17244,31 +17245,31 +17246,31 +17247,31 +17248,24 +17249,24 +17250,24 +17251,24 +17252,24 +17253,24 +17254,24 +17255,24 +17256,24 +17257,24 +17258,2 +17259,2 +17260,2 +17261,2 +17262,2 +17263,2 +17264,2 +17265,2 +17266,2 +17267,2 +17268,2 +17269,2 +17270,30 +17271,30 +17272,30 +17273,30 +17274,30 +17275,30 +17276,30 +17277,30 +17278,30 +17279,30 +17280,14 +17281,14 +17282,14 +17283,14 +17284,14 +17285,14 +17286,14 +17287,14 +17288,14 +17289,24 +17290,24 +17291,24 +17292,24 +17293,24 +17294,24 +17295,24 +17296,25 +17297,25 +17298,25 +17299,25 +17300,25 +17301,25 +17302,25 +17303,25 +17304,25 +17305,37 +17306,37 +17307,39 +17308,39 +17309,39 +17310,39 +17311,39 +17312,39 +17313,39 +17314,39 +17315,39 +17316,39 +17317,39 +17318,39 +17319,39 +17320,39 +17321,39 +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,36 +17337,36 +17338,36 +17339,36 +17340,36 +17341,36 +17342,36 +17343,36 +17344,36 +17345,5 +17346,5 +17347,5 +17348,5 +17349,5 +17350,27 +17351,27 +17352,27 +17353,27 +17354,27 +17355,27 +17356,19 +17357,19 +17358,19 +17359,19 +17360,19 +17361,19 +17362,19 +17363,19 +17364,27 +17365,27 +17366,27 +17367,27 +17368,27 +17369,27 +17370,8 +17371,8 +17372,8 +17373,8 +17374,2 +17375,2 +17376,2 +17377,4 +17378,4 +17379,4 +17380,4 +17381,4 +17382,4 +17383,4 +17384,37 +17385,37 +17386,37 +17387,39 +17388,39 +17389,39 +17390,39 +17391,39 +17392,6 +17393,6 +17394,6 +17395,6 +17396,6 +17397,6 +17398,6 +17399,4 +17400,4 +17401,4 +17402,40 +17403,40 +17404,27 +17405,27 +17406,27 +17407,27 +17408,27 +17409,24 +17410,24 +17411,24 +17412,24 +17413,24 +17414,24 +17415,6 +17416,6 +17417,6 +17418,6 +17419,6 +17420,6 +17421,6 +17422,6 +17423,6 +17424,6 +17425,33 +17426,33 +17427,33 +17428,33 +17429,30 +17430,31 +17431,31 +17432,31 +17433,31 +17434,31 +17435,31 +17436,31 +17437,9 +17438,9 +17439,9 +17440,31 +17441,9 +17442,9 +17443,31 +17444,28 +17445,28 +17446,28 +17447,28 +17448,28 +17449,28 +17450,15 +17451,15 +17452,15 +17453,39 +17454,39 +17455,39 +17456,39 +17457,39 +17458,39 +17459,39 +17460,39 +17461,39 +17462,39 +17463,31 +17464,31 +17465,31 +17466,31 +17467,31 +17468,31 +17469,31 +17470,31 +17471,31 +17472,5 +17473,19 +17474,0 +17475,5 +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,15 +17522,15 +17523,15 +17524,15 +17525,15 +17526,33 +17527,33 +17528,33 +17529,33 +17530,33 +17531,33 +17532,33 +17533,33 +17534,12 +17535,12 +17536,12 +17537,27 +17538,27 +17539,27 +17540,27 +17541,38 +17542,38 +17543,38 +17544,38 +17545,10 +17546,10 +17547,34 +17548,34 +17549,34 +17550,10 +17551,10 +17552,34 +17553,34 +17554,34 +17555,10 +17556,10 +17557,31 +17558,31 +17559,31 +17560,31 +17561,31 +17562,21 +17563,21 +17564,21 +17565,21 +17566,21 +17567,21 +17568,21 +17569,21 +17570,14 +17571,14 +17572,14 +17573,14 +17574,14 +17575,24 +17576,24 +17577,24 +17578,24 +17579,27 +17580,27 +17581,27 +17582,27 +17583,13 +17584,13 +17585,13 +17586,13 +17587,13 +17588,13 +17589,13 +17590,13 +17591,34 +17592,34 +17593,12 +17594,12 +17595,10 +17596,10 +17597,10 +17598,10 +17599,25 +17600,34 +17601,34 +17602,34 +17603,34 +17604,10 +17605,10 +17606,10 +17607,10 +17608,10 +17609,10 +17610,10 +17611,10 +17612,10 +17613,10 +17614,10 +17615,10 +17616,10 +17617,8 +17618,8 +17619,8 +17620,8 +17621,8 +17622,8 +17623,8 +17624,2 +17625,2 +17626,2 +17627,4 +17628,4 +17629,4 +17630,4 +17631,4 +17632,4 +17633,4 +17634,3 +17635,3 +17636,3 +17637,3 +17638,3 +17639,3 +17640,28 +17641,28 +17642,28 +17643,28 +17644,28 +17645,28 +17646,28 +17647,28 +17648,40 +17649,40 +17650,40 +17651,40 +17652,40 +17653,40 +17654,16 +17655,16 +17656,16 +17657,16 +17658,16 +17659,11 +17660,11 +17661,11 +17662,11 +17663,11 +17664,39 +17665,39 +17666,39 +17667,39 +17668,6 +17669,6 +17670,6 +17671,6 +17672,6 +17673,6 +17674,6 +17675,2 +17676,2 +17677,2 +17678,2 +17679,2 +17680,2 +17681,2 +17682,2 +17683,2 +17684,2 +17685,10 +17686,10 +17687,10 +17688,10 +17689,10 +17690,10 +17691,10 +17692,10 +17693,10 +17694,10 +17695,10 +17696,10 +17697,10 +17698,10 +17699,10 +17700,28 +17701,28 +17702,28 +17703,28 +17704,28 +17705,28 +17706,28 +17707,28 +17708,36 +17709,36 +17710,36 +17711,4 +17712,4 +17713,4 +17714,4 +17715,4 +17716,4 +17717,4 +17718,4 +17719,4 +17720,4 +17721,2 +17722,2 +17723,8 +17724,8 +17725,8 +17726,8 +17727,0 +17728,0 +17729,0 +17730,0 +17731,0 +17732,29 +17733,29 +17734,29 +17735,29 +17736,29 +17737,31 +17738,31 +17739,31 +17740,31 +17741,31 +17742,31 +17743,27 +17744,27 +17745,27 +17746,27 +17747,27 +17748,27 +17749,23 +17750,23 +17751,23 +17752,23 +17753,23 +17754,23 +17755,23 +17756,23 +17757,38 +17758,38 +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,29 +17803,29 +17804,29 +17805,29 +17806,29 +17807,29 +17808,14 +17809,14 +17810,14 +17811,14 +17812,37 +17813,14 +17814,12 +17815,12 +17816,37 +17817,12 +17818,12 +17819,12 +17820,12 +17821,12 +17822,12 +17823,12 +17824,31 +17825,31 +17826,31 +17827,31 +17828,31 +17829,31 +17830,2 +17831,2 +17832,2 +17833,2 +17834,2 +17835,2 +17836,2 +17837,31 +17838,31 +17839,31 +17840,31 +17841,6 +17842,6 +17843,6 +17844,6 +17845,6 +17846,6 +17847,31 +17848,21 +17849,31 +17850,31 +17851,31 +17852,31 +17853,31 +17854,31 +17855,31 +17856,33 +17857,30 +17858,30 +17859,30 +17860,30 +17861,4 +17862,4 +17863,4 +17864,4 +17865,4 +17866,9 +17867,9 +17868,9 +17869,9 +17870,9 +17871,9 +17872,9 +17873,9 +17874,9 +17875,9 +17876,9 +17877,9 +17878,9 +17879,37 +17880,37 +17881,37 +17882,37 +17883,37 +17884,37 +17885,37 +17886,37 +17887,37 +17888,37 +17889,37 +17890,37 +17891,25 +17892,28 +17893,28 +17894,28 +17895,28 +17896,28 +17897,28 +17898,27 +17899,27 +17900,27 +17901,40 +17902,27 +17903,27 +17904,5 +17905,5 +17906,5 +17907,5 +17908,5 +17909,5 +17910,4 +17911,4 +17912,4 +17913,4 +17914,4 +17915,4 +17916,4 +17917,4 +17918,4 +17919,4 +17920,4 +17921,4 +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,31 +17935,31 +17936,31 +17937,31 +17938,31 +17939,31 +17940,31 +17941,31 +17942,6 +17943,6 +17944,6 +17945,6 +17946,6 +17947,6 +17948,6 +17949,6 +17950,6 +17951,36 +17952,36 +17953,36 +17954,36 +17955,36 +17956,36 +17957,36 +17958,36 +17959,36 +17960,36 +17961,34 +17962,34 +17963,5 +17964,5 +17965,5 +17966,5 +17967,19 +17968,19 +17969,19 +17970,19 +17971,27 +17972,27 +17973,27 +17974,27 +17975,24 +17976,24 +17977,24 +17978,24 +17979,24 +17980,24 +17981,24 +17982,9 +17983,31 +17984,31 +17985,31 +17986,31 +17987,31 +17988,32 +17989,32 +17990,15 +17991,32 +17992,33 +17993,33 +17994,33 +17995,33 +17996,33 +17997,33 +17998,33 +17999,33 +18000,33 +18001,33 +18002,32 +18003,32 +18004,32 +18005,32 +18006,32 +18007,32 +18008,32 +18009,27 +18010,31 +18011,31 +18012,31 +18013,31 +18014,3 +18015,5 +18016,5 +18017,5 +18018,5 +18019,5 +18020,5 +18021,5 +18022,5 +18023,37 +18024,37 +18025,37 +18026,37 +18027,37 +18028,37 +18029,37 +18030,37 +18031,37 +18032,37 +18033,25 +18034,14 +18035,14 +18036,14 +18037,14 +18038,14 +18039,14 +18040,27 +18041,27 +18042,27 +18043,27 +18044,13 +18045,13 +18046,13 +18047,13 +18048,13 +18049,12 +18050,12 +18051,12 +18052,12 +18053,12 +18054,12 +18055,12 +18056,12 +18057,12 +18058,12 +18059,27 +18060,27 +18061,27 +18062,38 +18063,38 +18064,38 +18065,38 +18066,38 +18067,38 +18068,38 +18069,38 +18070,38 +18071,38 +18072,38 +18073,38 +18074,38 +18075,38 +18076,38 +18077,32 +18078,9 +18079,9 +18080,9 +18081,9 +18082,9 +18083,9 +18084,9 +18085,9 +18086,9 +18087,9 +18088,9 +18089,9 +18090,9 +18091,9 +18092,9 +18093,9 +18094,2 +18095,2 +18096,2 +18097,2 +18098,2 +18099,2 +18100,2 +18101,2 +18102,2 +18103,2 +18104,2 +18105,2 +18106,2 +18107,2 +18108,2 +18109,27 +18110,27 +18111,27 +18112,27 +18113,27 +18114,27 +18115,27 +18116,27 +18117,27 +18118,8 +18119,8 +18120,8 +18121,8 +18122,8 +18123,8 +18124,8 +18125,9 +18126,9 +18127,9 +18128,9 +18129,9 +18130,9 +18131,37 +18132,37 +18133,37 +18134,37 +18135,37 +18136,37 +18137,25 +18138,15 +18139,15 +18140,15 +18141,15 +18142,15 +18143,15 +18144,15 +18145,15 +18146,15 +18147,15 +18148,31 +18149,34 +18150,34 +18151,34 +18152,34 +18153,34 +18154,34 +18155,34 +18156,34 +18157,4 +18158,4 +18159,4 +18160,4 +18161,4 +18162,4 +18163,4 +18164,5 +18165,5 +18166,29 +18167,5 +18168,5 +18169,5 +18170,5 +18171,5 +18172,5 +18173,5 +18174,5 +18175,5 +18176,5 +18177,2 +18178,2 +18179,2 +18180,2 +18181,2 +18182,2 +18183,2 +18184,31 +18185,26 +18186,26 +18187,26 +18188,31 +18189,26 +18190,26 +18191,26 +18192,26 +18193,26 +18194,5 +18195,5 +18196,5 +18197,5 +18198,5 +18199,29 +18200,29 +18201,29 +18202,29 +18203,29 +18204,39 +18205,39 +18206,39 +18207,39 +18208,39 +18209,39 +18210,39 +18211,39 +18212,39 +18213,40 +18214,40 +18215,40 +18216,40 +18217,40 +18218,40 +18219,40 +18220,40 +18221,40 +18222,40 +18223,40 +18224,40 +18225,40 +18226,40 +18227,5 +18228,5 +18229,5 +18230,5 +18231,5 +18232,5 +18233,5 +18234,5 +18235,5 +18236,5 +18237,5 +18238,5 +18239,5 +18240,5 +18241,28 +18242,28 +18243,8 +18244,8 +18245,2 +18246,2 +18247,2 +18248,2 +18249,2 +18250,2 +18251,2 +18252,2 +18253,2 +18254,2 +18255,2 +18256,2 +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,23 +18304,23 +18305,23 +18306,23 +18307,23 +18308,23 +18309,23 +18310,23 +18311,9 +18312,9 +18313,9 +18314,9 +18315,9 +18316,9 +18317,9 +18318,9 +18319,9 +18320,9 +18321,37 +18322,37 +18323,37 +18324,37 +18325,37 +18326,37 +18327,23 +18328,23 +18329,23 +18330,23 +18331,23 +18332,23 +18333,23 +18334,36 +18335,36 +18336,23 +18337,36 +18338,36 +18339,36 +18340,36 +18341,36 +18342,36 +18343,36 +18344,36 +18345,36 +18346,34 +18347,10 +18348,10 +18349,34 +18350,34 +18351,34 +18352,34 +18353,34 +18354,34 +18355,34 +18356,34 +18357,34 +18358,8 +18359,8 +18360,8 +18361,8 +18362,8 +18363,8 +18364,8 +18365,8 +18366,28 +18367,31 +18368,5 +18369,5 +18370,5 +18371,5 +18372,5 +18373,5 +18374,5 +18375,5 +18376,5 +18377,5 +18378,5 +18379,5 +18380,0 +18381,0 +18382,0 +18383,0 +18384,0 +18385,0 +18386,0 +18387,15 +18388,15 +18389,39 +18390,39 +18391,39 +18392,39 +18393,39 +18394,39 +18395,6 +18396,6 +18397,6 +18398,6 +18399,6 +18400,6 +18401,6 +18402,6 +18403,6 +18404,6 +18405,31 +18406,31 +18407,31 +18408,31 +18409,31 +18410,31 +18411,31 +18412,31 +18413,8 +18414,8 +18415,8 +18416,8 +18417,8 +18418,8 +18419,8 +18420,8 +18421,8 +18422,31 +18423,31 +18424,31 +18425,31 +18426,31 +18427,6 +18428,6 +18429,6 +18430,6 +18431,6 +18432,6 +18433,6 +18434,6 +18435,6 +18436,30 +18437,24 +18438,24 +18439,24 +18440,24 +18441,30 +18442,30 +18443,30 +18444,12 +18445,31 +18446,31 +18447,31 +18448,31 +18449,31 +18450,31 +18451,31 +18452,31 +18453,28 +18454,28 +18455,28 +18456,28 +18457,28 +18458,28 +18459,28 +18460,15 +18461,15 +18462,15 +18463,15 +18464,39 +18465,39 +18466,39 +18467,39 +18468,39 +18469,39 +18470,39 +18471,39 +18472,39 +18473,39 +18474,39 +18475,39 +18476,39 +18477,39 +18478,39 +18479,36 +18480,36 +18481,36 +18482,36 +18483,36 +18484,40 +18485,40 +18486,40 +18487,19 +18488,19 +18489,19 +18490,19 +18491,19 +18492,19 +18493,12 +18494,12 +18495,12 +18496,12 +18497,12 +18498,12 +18499,40 +18500,31 +18501,40 +18502,31 +18503,40 +18504,31 +18505,5 +18506,5 +18507,5 +18508,5 +18509,5 +18510,5 +18511,5 +18512,5 +18513,26 +18514,26 +18515,26 +18516,26 +18517,26 +18518,26 +18519,26 +18520,26 +18521,26 +18522,26 +18523,26 +18524,4 +18525,4 +18526,4 +18527,15 +18528,15 +18529,15 +18530,15 +18531,15 +18532,15 +18533,15 +18534,15 +18535,15 +18536,25 +18537,25 +18538,25 +18539,25 +18540,25 +18541,25 +18542,25 +18543,25 +18544,25 +18545,25 +18546,25 +18547,25 +18548,25 +18549,25 +18550,25 +18551,25 +18552,25 +18553,25 +18554,37 +18555,37 +18556,37 +18557,2 +18558,2 +18559,2 +18560,2 +18561,2 +18562,2 +18563,2 +18564,2 +18565,8 +18566,8 +18567,2 +18568,2 +18569,4 +18570,4 +18571,4 +18572,4 +18573,4 +18574,4 +18575,4 +18576,4 +18577,4 +18578,4 +18579,4 +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,36 +18623,36 +18624,36 +18625,36 +18626,36 +18627,36 +18628,36 +18629,36 +18630,36 +18631,36 +18632,36 +18633,36 +18634,36 +18635,36 +18636,5 +18637,5 +18638,5 +18639,5 +18640,5 +18641,5 +18642,5 +18643,38 +18644,4 +18645,38 +18646,4 +18647,4 +18648,23 +18649,23 +18650,23 +18651,23 +18652,23 +18653,23 +18654,23 +18655,23 +18656,23 +18657,23 +18658,23 +18659,10 +18660,10 +18661,10 +18662,10 +18663,10 +18664,10 +18665,10 +18666,10 +18667,10 +18668,10 +18669,10 +18670,10 +18671,10 +18672,10 +18673,10 +18674,23 +18675,23 +18676,38 +18677,38 +18678,38 +18679,38 +18680,38 +18681,38 +18682,38 +18683,38 +18684,35 +18685,23 +18686,36 +18687,36 +18688,34 +18689,34 +18690,34 +18691,34 +18692,34 +18693,34 +18694,34 +18695,34 +18696,34 +18697,34 +18698,34 +18699,34 +18700,34 +18701,34 +18702,34 +18703,34 +18704,34 +18705,34 +18706,34 +18707,34 +18708,8 +18709,8 +18710,8 +18711,8 +18712,8 +18713,8 +18714,8 +18715,31 +18716,31 +18717,31 +18718,5 +18719,5 +18720,5 +18721,5 +18722,5 +18723,5 +18724,5 +18725,5 +18726,5 +18727,5 +18728,5 +18729,0 +18730,0 +18731,0 +18732,0 +18733,0 +18734,0 +18735,15 +18736,15 +18737,15 +18738,15 +18739,15 +18740,39 +18741,39 +18742,39 +18743,39 +18744,39 +18745,39 +18746,6 +18747,6 +18748,6 +18749,6 +18750,6 +18751,6 +18752,6 +18753,6 +18754,6 +18755,31 +18756,31 +18757,31 +18758,31 +18759,31 +18760,31 +18761,8 +18762,8 +18763,8 +18764,8 +18765,8 +18766,8 +18767,8 +18768,8 +18769,31 +18770,31 +18771,31 +18772,31 +18773,31 +18774,32 +18775,32 +18776,32 +18777,32 +18778,32 +18779,32 +18780,23 +18781,23 +18782,25 +18783,25 +18784,25 +18785,25 +18786,18 +18787,18 +18788,18 +18789,18 +18790,18 +18791,18 +18792,18 +18793,18 +18794,18 +18795,18 +18796,18 +18797,40 +18798,40 +18799,40 +18800,40 +18801,40 +18802,40 +18803,40 +18804,40 +18805,6 +18806,6 +18807,6 +18808,6 +18809,6 +18810,6 +18811,6 +18812,6 +18813,6 +18814,6 +18815,4 +18816,4 +18817,4 +18818,4 +18819,10 +18820,10 +18821,10 +18822,10 +18823,36 +18824,10 +18825,10 +18826,10 +18827,10 +18828,10 +18829,10 +18830,10 +18831,10 +18832,10 +18833,30 +18834,12 +18835,12 +18836,12 +18837,12 +18838,12 +18839,12 +18840,33 +18841,33 +18842,33 +18843,33 +18844,33 +18845,33 +18846,30 +18847,30 +18848,25 +18849,30 +18850,30 +18851,30 +18852,30 +18853,30 +18854,30 +18855,37 +18856,37 +18857,37 +18858,37 +18859,37 +18860,37 +18861,25 +18862,25 +18863,25 +18864,25 +18865,25 +18866,37 +18867,37 +18868,37 +18869,10 +18870,10 +18871,10 +18872,10 +18873,10 +18874,10 +18875,10 +18876,10 +18877,10 +18878,10 +18879,10 +18880,10 +18881,10 +18882,10 +18883,10 +18884,10 +18885,10 +18886,10 +18887,10 +18888,10 +18889,19 +18890,19 +18891,4 +18892,4 +18893,4 +18894,4 +18895,4 +18896,4 +18897,4 +18898,4 +18899,28 +18900,28 +18901,28 +18902,28 +18903,12 +18904,15 +18905,15 +18906,17 +18907,17 +18908,17 +18909,12 +18910,12 +18911,12 +18912,12 +18913,17 +18914,17 +18915,40 +18916,17 +18917,17 +18918,17 +18919,17 +18920,17 +18921,17 +18922,17 +18923,27 +18924,27 +18925,27 +18926,27 +18927,27 +18928,27 +18929,27 +18930,27 +18931,31 +18932,2 +18933,2 +18934,2 +18935,2 +18936,2 +18937,2 +18938,2 +18939,2 +18940,2 +18941,2 +18942,2 +18943,2 +18944,27 +18945,27 +18946,27 +18947,27 +18948,27 +18949,6 +18950,6 +18951,6 +18952,6 +18953,6 +18954,6 +18955,6 +18956,2 +18957,2 +18958,2 +18959,2 +18960,2 +18961,2 +18962,2 +18963,2 +18964,2 +18965,2 +18966,2 +18967,2 +18968,28 +18969,2 +18970,28 +18971,28 +18972,28 +18973,28 +18974,28 +18975,28 +18976,28 +18977,28 +18978,28 +18979,10 +18980,10 +18981,10 +18982,34 +18983,34 +18984,34 +18985,34 +18986,34 +18987,34 +18988,34 +18989,10 +18990,34 +18991,34 +18992,34 +18993,34 +18994,36 +18995,36 +18996,36 +18997,34 +18998,34 +18999,34 +19000,34 +19001,34 +19002,34 +19003,34 +19004,34 +19005,34 +19006,34 +19007,8 +19008,8 +19009,8 +19010,8 +19011,8 +19012,8 +19013,8 +19014,27 +19015,27 +19016,27 +19017,27 +19018,27 +19019,27 +19020,27 +19021,29 +19022,5 +19023,5 +19024,5 +19025,5 +19026,5 +19027,5 +19028,29 +19029,29 +19030,29 +19031,39 +19032,39 +19033,39 +19034,39 +19035,39 +19036,39 +19037,39 +19038,39 +19039,39 +19040,39 +19041,39 +19042,14 +19043,14 +19044,14 +19045,14 +19046,14 +19047,14 +19048,14 +19049,14 +19050,14 +19051,14 +19052,14 +19053,14 +19054,14 +19055,14 +19056,14 +19057,14 +19058,40 +19059,40 +19060,40 +19061,40 +19062,40 +19063,40 +19064,40 +19065,40 +19066,40 +19067,40 +19068,37 +19069,37 +19070,37 +19071,37 +19072,37 +19073,37 +19074,37 +19075,37 +19076,37 +19077,37 +19078,37 +19079,37 +19080,37 +19081,37 +19082,25 +19083,25 +19084,25 +19085,25 +19086,25 +19087,25 +19088,25 +19089,25 +19090,25 +19091,25 +19092,25 +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,35 +19162,35 +19163,35 +19164,12 +19165,12 +19166,12 +19167,12 +19168,12 +19169,31 +19170,31 +19171,31 +19172,31 +19173,8 +19174,8 +19175,8 +19176,8 +19177,8 +19178,8 +19179,8 +19180,8 +19181,28 +19182,28 +19183,28 +19184,28 +19185,28 +19186,28 +19187,28 +19188,28 +19189,28 +19190,14 +19191,14 +19192,14 +19193,14 +19194,14 +19195,14 +19196,14 +19197,14 +19198,14 +19199,14 +19200,19 +19201,19 +19202,19 +19203,19 +19204,19 +19205,19 +19206,19 +19207,2 +19208,2 +19209,2 +19210,2 +19211,2 +19212,2 +19213,2 +19214,2 +19215,2 +19216,2 +19217,2 +19218,2 +19219,2 +19220,2 +19221,2 +19222,2 +19223,31 +19224,31 +19225,31 +19226,31 +19227,31 +19228,31 +19229,31 +19230,31 +19231,32 +19232,32 +19233,32 +19234,32 +19235,24 +19236,32 +19237,32 +19238,32 +19239,2 +19240,2 +19241,2 +19242,2 +19243,2 +19244,2 +19245,2 +19246,2 +19247,2 +19248,33 +19249,31 +19250,31 +19251,31 +19252,6 +19253,6 +19254,6 +19255,6 +19256,6 +19257,6 +19258,6 +19259,31 +19260,31 +19261,6 +19262,31 +19263,31 +19264,12 +19265,31 +19266,31 +19267,31 +19268,31 +19269,31 +19270,31 +19271,5 +19272,5 +19273,5 +19274,5 +19275,5 +19276,5 +19277,5 +19278,4 +19279,4 +19280,4 +19281,4 +19282,4 +19283,4 +19284,4 +19285,4 +19286,27 +19287,27 +19288,27 +19289,27 +19290,29 +19291,29 +19292,29 +19293,29 +19294,29 +19295,29 +19296,31 +19297,31 +19298,31 +19299,31 +19300,31 +19301,12 +19302,12 +19303,12 +19304,12 +19305,12 +19306,12 +19307,12 +19308,12 +19309,12 +19310,12 +19311,12 +19312,31 +19313,31 +19314,31 +19315,31 +19316,31 +19317,31 +19318,31 +19319,5 +19320,5 +19321,5 +19322,5 +19323,5 +19324,31 +19325,31 +19326,31 +19327,31 +19328,31 +19329,31 +19330,31 +19331,31 +19332,31 +19333,31 +19334,5 +19335,5 +19336,5 +19337,5 +19338,5 +19339,5 +19340,19 +19341,19 +19342,19 +19343,19 +19344,19 +19345,19 +19346,25 +19347,25 +19348,25 +19349,25 +19350,25 +19351,25 +19352,12 +19353,12 +19354,12 +19355,12 +19356,12 +19357,12 +19358,12 +19359,12 +19360,12 +19361,27 +19362,27 +19363,27 +19364,27 +19365,27 +19366,27 +19367,16 +19368,16 +19369,16 +19370,16 +19371,16 +19372,16 +19373,11 +19374,16 +19375,16 +19376,18 +19377,16 +19378,18 +19379,18 +19380,18 +19381,18 +19382,18 +19383,18 +19384,18 +19385,18 +19386,18 +19387,18 +19388,18 +19389,14 +19390,14 +19391,14 +19392,14 +19393,14 +19394,14 +19395,14 +19396,14 +19397,14 +19398,14 +19399,14 +19400,5 +19401,5 +19402,5 +19403,5 +19404,5 +19405,5 +19406,5 +19407,28 +19408,28 +19409,28 +19410,28 +19411,28 +19412,28 +19413,40 +19414,40 +19415,40 +19416,40 +19417,40 +19418,40 +19419,37 +19420,37 +19421,37 +19422,37 +19423,37 +19424,37 +19425,37 +19426,37 +19427,37 +19428,27 +19429,27 +19430,27 +19431,25 +19432,25 +19433,6 +19434,6 +19435,6 +19436,6 +19437,6 +19438,6 +19439,6 +19440,27 +19441,27 +19442,27 +19443,27 +19444,27 +19445,5 +19446,5 +19447,5 +19448,5 +19449,35 +19450,35 +19451,35 +19452,35 +19453,35 +19454,35 +19455,35 +19456,35 +19457,35 +19458,40 +19459,40 +19460,40 +19461,40 +19462,37 +19463,37 +19464,37 +19465,37 +19466,37 +19467,37 +19468,37 +19469,37 +19470,37 +19471,25 +19472,25 +19473,25 +19474,25 +19475,37 +19476,19 +19477,19 +19478,19 +19479,19 +19480,19 +19481,27 +19482,27 +19483,27 +19484,27 +19485,27 +19486,27 +19487,27 +19488,27 +19489,19 +19490,19 +19491,19 +19492,19 +19493,19 +19494,19 +19495,19 +19496,36 +19497,36 +19498,36 +19499,36 +19500,36 +19501,36 +19502,36 +19503,36 +19504,36 +19505,5 +19506,5 +19507,5 +19508,19 +19509,19 +19510,5 +19511,5 +19512,29 +19513,29 +19514,29 +19515,40 +19516,40 +19517,40 +19518,40 +19519,40 +19520,37 +19521,37 +19522,37 +19523,37 +19524,37 +19525,37 +19526,37 +19527,37 +19528,23 +19529,23 +19530,23 +19531,23 +19532,23 +19533,23 +19534,23 +19535,23 +19536,23 +19537,23 +19538,23 +19539,23 +19540,9 +19541,9 +19542,9 +19543,37 +19544,37 +19545,37 +19546,37 +19547,37 +19548,37 +19549,2 +19550,2 +19551,2 +19552,2 +19553,2 +19554,2 +19555,2 +19556,2 +19557,2 +19558,2 +19559,2 +19560,2 +19561,3 +19562,3 +19563,3 +19564,3 +19565,3 +19566,3 +19567,3 +19568,32 +19569,32 +19570,32 +19571,32 +19572,32 +19573,32 +19574,32 +19575,32 +19576,25 +19577,25 +19578,25 +19579,25 +19580,25 +19581,25 +19582,2 +19583,2 +19584,2 +19585,2 +19586,2 +19587,2 +19588,2 +19589,2 +19590,2 +19591,2 +19592,2 +19593,2 +19594,39 +19595,39 +19596,39 +19597,39 +19598,39 +19599,39 +19600,39 +19601,39 +19602,39 +19603,19 +19604,19 +19605,19 +19606,19 +19607,19 +19608,19 +19609,19 +19610,19 +19611,2 +19612,2 +19613,2 +19614,2 +19615,2 +19616,2 +19617,2 +19618,2 +19619,40 +19620,40 +19621,27 +19622,27 +19623,27 +19624,27 +19625,4 +19626,4 +19627,4 +19628,4 +19629,4 +19630,4 +19631,4 +19632,4 +19633,4 +19634,4 +19635,4 +19636,19 +19637,19 +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,32 +19684,32 +19685,32 +19686,32 +19687,32 +19688,32 +19689,32 +19690,32 +19691,25 +19692,25 +19693,25 +19694,25 +19695,25 +19696,25 +19697,25 +19698,25 +19699,25 +19700,25 +19701,25 +19702,25 +19703,25 +19704,2 +19705,2 +19706,2 +19707,2 +19708,2 +19709,2 +19710,2 +19711,2 +19712,2 +19713,2 +19714,2 +19715,2 +19716,2 +19717,39 +19718,39 +19719,39 +19720,39 +19721,39 +19722,39 +19723,39 +19724,39 +19725,28 +19726,28 +19727,28 +19728,28 +19729,28 +19730,28 +19731,28 +19732,28 +19733,10 +19734,10 +19735,10 +19736,10 +19737,10 +19738,10 +19739,10 +19740,10 +19741,10 +19742,10 +19743,35 +19744,35 +19745,35 +19746,35 +19747,35 +19748,35 +19749,35 +19750,35 +19751,35 +19752,35 +19753,33 +19754,31 +19755,31 +19756,31 +19757,31 +19758,31 +19759,36 +19760,36 +19761,31 +19762,31 +19763,31 +19764,8 +19765,8 +19766,8 +19767,8 +19768,8 +19769,8 +19770,8 +19771,15 +19772,15 +19773,15 +19774,15 +19775,32 +19776,32 +19777,31 +19778,31 +19779,31 +19780,5 +19781,5 +19782,5 +19783,5 +19784,5 +19785,5 +19786,5 +19787,5 +19788,5 +19789,23 +19790,23 +19791,23 +19792,23 +19793,23 +19794,23 +19795,23 +19796,23 +19797,25 +19798,25 +19799,25 +19800,25 +19801,25 +19802,25 +19803,25 +19804,25 +19805,25 +19806,37 +19807,21 +19808,21 +19809,21 +19810,21 +19811,21 +19812,21 +19813,21 +19814,21 +19815,21 +19816,21 +19817,21 +19818,21 +19819,26 +19820,26 +19821,26 +19822,26 +19823,26 +19824,26 +19825,26 +19826,36 +19827,10 +19828,10 +19829,10 +19830,36 +19831,36 +19832,36 +19833,19 +19834,19 +19835,19 +19836,19 +19837,19 +19838,2 +19839,2 +19840,2 +19841,2 +19842,2 +19843,2 +19844,2 +19845,2 +19846,2 +19847,2 +19848,2 +19849,2 +19850,2 +19851,2 +19852,2 +19853,14 +19854,14 +19855,14 +19856,14 +19857,14 +19858,14 +19859,14 +19860,14 +19861,14 +19862,14 +19863,14 +19864,6 +19865,6 +19866,6 +19867,6 +19868,6 +19869,23 +19870,23 +19871,23 +19872,23 +19873,23 +19874,23 +19875,23 +19876,23 +19877,23 +19878,23 +19879,23 +19880,23 +19881,23 +19882,23 +19883,23 +19884,30 +19885,30 +19886,30 +19887,30 +19888,30 +19889,30 +19890,30 +19891,30 +19892,10 +19893,10 +19894,26 +19895,26 +19896,10 +19897,10 +19898,10 +19899,10 +19900,10 +19901,10 +19902,10 +19903,10 +19904,10 +19905,10 +19906,10 +19907,10 +19908,10 +19909,10 +19910,10 +19911,10 +19912,10 +19913,10 +19914,10 +19915,10 +19916,10 +19917,34 +19918,34 +19919,10 +19920,14 +19921,14 +19922,30 +19923,30 +19924,30 +19925,33 +19926,33 +19927,26 +19928,26 +19929,26 +19930,26 +19931,26 +19932,26 +19933,26 +19934,26 +19935,26 +19936,26 +19937,37 +19938,37 +19939,37 +19940,37 +19941,37 +19942,37 +19943,37 +19944,37 +19945,37 +19946,37 +19947,37 +19948,37 +19949,37 +19950,28 +19951,28 +19952,28 +19953,28 +19954,28 +19955,28 +19956,28 +19957,28 +19958,28 +19959,40 +19960,40 +19961,31 +19962,40 +19963,40 +19964,40 +19965,40 +19966,40 +19967,5 +19968,5 +19969,5 +19970,5 +19971,5 +19972,5 +19973,5 +19974,5 +19975,5 +19976,5 +19977,0 +19978,4 +19979,4 +19980,4 +19981,4 +19982,4 +19983,26 +19984,26 +19985,26 +19986,26 +19987,26 +19988,26 +19989,26 +19990,26 +19991,37 +19992,37 +19993,37 +19994,37 +19995,37 +19996,37 +19997,37 +19998,37 +19999,37 +20000,37 +20001,28 +20002,28 +20003,28 +20004,28 +20005,28 +20006,28 +20007,31 +20008,31 +20009,31 +20010,25 +20011,25 +20012,5 +20013,5 +20014,5 +20015,5 +20016,5 +20017,12 +20018,12 +20019,12 +20020,12 +20021,12 +20022,12 +20023,12 +20024,12 +20025,12 +20026,10 +20027,10 +20028,10 +20029,10 +20030,10 +20031,10 +20032,17 +20033,10 +20034,10 +20035,10 +20036,19 +20037,19 +20038,19 +20039,19 +20040,3 +20041,3 +20042,3 +20043,3 +20044,3 +20045,3 +20046,3 +20047,3 +20048,31 +20049,31 +20050,18 +20051,18 +20052,18 +20053,18 +20054,18 +20055,19 +20056,19 +20057,18 +20058,18 +20059,18 +20060,18 +20061,3 +20062,3 +20063,3 +20064,3 +20065,3 +20066,3 +20067,3 +20068,3 +20069,3 +20070,23 +20071,23 +20072,23 +20073,23 +20074,23 +20075,23 +20076,23 +20077,23 +20078,23 +20079,23 +20080,23 +20081,23 +20082,23 +20083,23 +20084,23 +20085,23 +20086,26 +20087,26 +20088,26 +20089,10 +20090,10 +20091,10 +20092,10 +20093,10 +20094,10 +20095,10 +20096,10 +20097,10 +20098,10 +20099,10 +20100,10 +20101,10 +20102,10 +20103,10 +20104,10 +20105,10 +20106,10 +20107,10 +20108,10 +20109,10 +20110,10 +20111,40 +20112,14 +20113,14 +20114,14 +20115,37 +20116,37 +20117,37 +20118,37 +20119,37 +20120,37 +20121,37 +20122,37 +20123,37 +20124,37 +20125,37 +20126,37 +20127,37 +20128,37 +20129,37 +20130,37 +20131,37 +20132,37 +20133,37 +20134,25 +20135,25 +20136,25 +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,19 +20190,19 +20191,39 +20192,39 +20193,39 +20194,39 +20195,27 +20196,39 +20197,39 +20198,39 +20199,39 +20200,39 +20201,39 +20202,39 +20203,39 +20204,39 +20205,3 +20206,3 +20207,3 +20208,3 +20209,3 +20210,28 +20211,28 +20212,28 +20213,28 +20214,28 +20215,28 +20216,28 +20217,28 +20218,28 +20219,28 +20220,28 +20221,39 +20222,39 +20223,39 +20224,39 +20225,39 +20226,39 +20227,39 +20228,39 +20229,39 +20230,39 +20231,39 +20232,13 +20233,13 +20234,13 +20235,13 +20236,13 +20237,13 +20238,29 +20239,29 +20240,39 +20241,39 +20242,39 +20243,39 +20244,39 +20245,39 +20246,16 +20247,16 +20248,18 +20249,18 +20250,18 +20251,18 +20252,18 +20253,18 +20254,18 +20255,18 +20256,18 +20257,18 +20258,39 +20259,39 +20260,39 +20261,39 +20262,39 +20263,7 +20264,7 +20265,7 +20266,3 +20267,3 +20268,3 +20269,3 +20270,3 +20271,3 +20272,3 +20273,3 +20274,3 +20275,3 +20276,3 +20277,3 +20278,3 +20279,3 +20280,3 +20281,3 +20282,3 +20283,3 +20284,3 +20285,3 +20286,3 +20287,3 +20288,3 +20289,3 +20290,3 +20291,3 +20292,37 +20293,37 +20294,0 +20295,0 +20296,0 +20297,0 +20298,0 +20299,0 +20300,0 +20301,0 +20302,0 +20303,0 +20304,0 +20305,7 +20306,7 +20307,7 +20308,7 +20309,7 +20310,7 +20311,7 +20312,7 +20313,7 +20314,7 +20315,3 +20316,3 +20317,3 +20318,3 +20319,3 +20320,3 +20321,3 +20322,3 +20323,3 +20324,3 +20325,3 +20326,3 +20327,35 +20328,35 +20329,35 +20330,35 +20331,35 +20332,36 +20333,36 +20334,36 +20335,6 +20336,6 +20337,6 +20338,6 +20339,6 +20340,11 +20341,11 +20342,11 +20343,11 +20344,11 +20345,11 +20346,11 +20347,11 +20348,11 +20349,11 +20350,11 +20351,30 +20352,30 +20353,30 +20354,30 +20355,30 +20356,39 +20357,39 +20358,39 +20359,39 +20360,39 +20361,39 +20362,39 +20363,39 +20364,0 +20365,0 +20366,0 +20367,0 +20368,0 +20369,0 +20370,0 +20371,0 +20372,6 +20373,6 +20374,6 +20375,6 +20376,6 +20377,6 +20378,6 +20379,6 +20380,6 +20381,6 +20382,6 +20383,6 +20384,6 +20385,6 +20386,6 +20387,6 +20388,6 +20389,14 +20390,14 +20391,14 +20392,36 +20393,36 +20394,36 +20395,36 +20396,36 +20397,36 +20398,36 +20399,10 +20400,10 +20401,10 +20402,10 +20403,10 +20404,10 +20405,10 +20406,10 +20407,10 +20408,10 +20409,10 +20410,10 +20411,10 +20412,10 +20413,10 +20414,10 +20415,10 +20416,10 +20417,10 +20418,10 +20419,10 +20420,10 +20421,10 +20422,31 +20423,31 +20424,31 +20425,31 +20426,31 +20427,31 +20428,31 +20429,31 +20430,31 +20431,31 +20432,31 +20433,31 +20434,31 +20435,31 +20436,30 +20437,30 +20438,30 +20439,30 +20440,30 +20441,30 +20442,30 +20443,30 +20444,30 +20445,30 +20446,30 +20447,30 +20448,30 +20449,30 +20450,30 +20451,27 +20452,27 +20453,27 +20454,27 +20455,27 +20456,25 +20457,25 +20458,6 +20459,6 +20460,6 +20461,6 +20462,4 +20463,4 +20464,4 +20465,4 +20466,4 +20467,30 +20468,30 +20469,30 +20470,30 +20471,30 +20472,30 +20473,30 +20474,30 +20475,30 +20476,30 +20477,30 +20478,30 +20479,30 +20480,30 +20481,23 +20482,23 +20483,23 +20484,23 +20485,23 +20486,23 +20487,23 +20488,23 +20489,25 +20490,25 +20491,25 +20492,25 +20493,25 +20494,28 +20495,28 +20496,28 +20497,28 +20498,28 +20499,39 +20500,39 +20501,39 +20502,39 +20503,39 +20504,39 +20505,39 +20506,39 +20507,39 +20508,39 +20509,39 +20510,39 +20511,19 +20512,19 +20513,19 +20514,19 +20515,19 +20516,19 +20517,19 +20518,19 +20519,19 +20520,19 +20521,19 +20522,27 +20523,27 +20524,27 +20525,27 +20526,27 +20527,27 +20528,27 +20529,27 +20530,37 +20531,37 +20532,37 +20533,37 +20534,37 +20535,37 +20536,37 +20537,37 +20538,37 +20539,27 +20540,27 +20541,27 +20542,27 +20543,27 +20544,27 +20545,27 +20546,27 +20547,27 +20548,27 +20549,27 +20550,2 +20551,2 +20552,2 +20553,2 +20554,2 +20555,2 +20556,2 +20557,2 +20558,2 +20559,2 +20560,2 +20561,2 +20562,4 +20563,4 +20564,4 +20565,4 +20566,4 +20567,4 +20568,4 +20569,4 +20570,4 +20571,4 +20572,4 +20573,4 +20574,4 +20575,4 +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,31 +20592,31 +20593,31 +20594,31 +20595,33 +20596,33 +20597,33 +20598,33 +20599,33 +20600,33 +20601,33 +20602,33 +20603,33 +20604,33 +20605,33 +20606,33 +20607,2 +20608,2 +20609,2 +20610,2 +20611,2 +20612,2 +20613,2 +20614,2 +20615,2 +20616,2 +20617,2 +20618,2 +20619,2 +20620,2 +20621,2 +20622,2 +20623,2 +20624,2 +20625,2 +20626,2 +20627,2 +20628,2 +20629,2 +20630,2 +20631,2 +20632,2 +20633,2 +20634,2 +20635,31 +20636,31 +20637,31 +20638,31 +20639,31 +20640,31 +20641,31 +20642,27 +20643,31 +20644,27 +20645,30 +20646,3 +20647,30 +20648,30 +20649,30 +20650,30 +20651,30 +20652,30 +20653,3 +20654,3 +20655,3 +20656,23 +20657,23 +20658,23 +20659,23 +20660,23 +20661,39 +20662,39 +20663,39 +20664,39 +20665,39 +20666,39 +20667,39 +20668,39 +20669,39 +20670,39 +20671,27 +20672,27 +20673,27 +20674,27 +20675,27 +20676,27 +20677,27 +20678,27 +20679,19 +20680,19 +20681,19 +20682,19 +20683,19 +20684,19 +20685,19 +20686,19 +20687,19 +20688,19 +20689,19 +20690,19 +20691,39 +20692,39 +20693,39 +20694,39 +20695,39 +20696,39 +20697,39 +20698,39 +20699,39 +20700,39 +20701,39 +20702,39 +20703,39 +20704,39 +20705,39 +20706,39 +20707,39 +20708,39 +20709,39 +20710,39 +20711,39 +20712,28 +20713,28 +20714,28 +20715,28 +20716,13 +20717,13 +20718,13 +20719,5 +20720,5 +20721,13 +20722,13 +20723,13 +20724,13 +20725,13 +20726,13 +20727,28 +20728,28 +20729,28 +20730,28 +20731,28 +20732,39 +20733,39 +20734,39 +20735,39 +20736,39 +20737,39 +20738,39 +20739,39 +20740,39 +20741,39 +20742,39 +20743,39 +20744,39 +20745,39 +20746,39 +20747,39 +20748,39 +20749,5 +20750,5 +20751,5 +20752,5 +20753,5 +20754,5 +20755,5 +20756,5 +20757,5 +20758,5 +20759,5 +20760,5 +20761,5 +20762,5 +20763,36 +20764,36 +20765,36 +20766,36 +20767,36 +20768,36 +20769,36 +20770,36 +20771,36 +20772,36 +20773,36 +20774,36 +20775,31 +20776,31 +20777,36 +20778,31 +20779,36 +20780,36 +20781,36 +20782,36 +20783,36 +20784,36 +20785,36 +20786,36 +20787,31 +20788,5 +20789,5 +20790,5 +20791,4 +20792,4 +20793,4 +20794,4 +20795,4 +20796,4 +20797,4 +20798,4 +20799,4 +20800,4 +20801,4 +20802,4 +20803,4 +20804,4 +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,36 +20835,36 +20836,36 +20837,36 +20838,36 +20839,36 +20840,36 +20841,36 +20842,36 +20843,24 +20844,24 +20845,24 +20846,24 +20847,35 +20848,35 +20849,6 +20850,6 +20851,6 +20852,24 +20853,6 +20854,6 +20855,6 +20856,6 +20857,6 +20858,6 +20859,6 +20860,6 +20861,6 +20862,6 +20863,6 +20864,26 +20865,26 +20866,26 +20867,26 +20868,26 +20869,26 +20870,26 +20871,26 +20872,26 +20873,26 +20874,26 +20875,26 +20876,26 +20877,26 +20878,26 +20879,26 +20880,26 +20881,2 +20882,2 +20883,2 +20884,2 +20885,2 +20886,2 +20887,2 +20888,2 +20889,2 +20890,2 +20891,2 +20892,2 +20893,36 +20894,36 +20895,10 +20896,10 +20897,10 +20898,10 +20899,10 +20900,10 +20901,10 +20902,10 +20903,10 +20904,10 +20905,10 +20906,10 +20907,10 +20908,10 +20909,19 +20910,19 +20911,19 +20912,19 +20913,19 +20914,19 +20915,19 +20916,19 +20917,19 +20918,19 +20919,19 +20920,19 +20921,14 +20922,14 +20923,14 +20924,14 +20925,14 +20926,14 +20927,14 +20928,3 +20929,27 +20930,27 +20931,14 +20932,3 +20933,3 +20934,3 +20935,3 +20936,3 +20937,3 +20938,3 +20939,3 +20940,3 +20941,3 +20942,3 +20943,3 +20944,3 +20945,3 +20946,3 +20947,3 +20948,3 +20949,3 +20950,3 +20951,3 +20952,3 +20953,3 +20954,3 +20955,3 +20956,3 +20957,33 +20958,33 +20959,33 +20960,0 +20961,0 +20962,0 +20963,0 +20964,0 +20965,2 +20966,2 +20967,2 +20968,2 +20969,2 +20970,2 +20971,2 +20972,2 +20973,2 +20974,8 +20975,8 +20976,2 +20977,2 +20978,2 +20979,2 +20980,27 +20981,27 +20982,27 +20983,27 +20984,27 +20985,27 +20986,27 +20987,27 +20988,27 +20989,27 +20990,19 +20991,19 +20992,19 +20993,19 +20994,19 +20995,19 +20996,19 +20997,19 +20998,2 +20999,2 +21000,2 +21001,2 +21002,2 +21003,2 +21004,2 +21005,2 +21006,2 +21007,27 +21008,27 +21009,27 +21010,27 +21011,27 +21012,27 +21013,27 +21014,27 +21015,27 +21016,30 +21017,30 +21018,30 +21019,30 +21020,30 +21021,30 +21022,30 +21023,30 +21024,24 +21025,24 +21026,24 +21027,24 +21028,24 +21029,24 +21030,24 +21031,14 +21032,14 +21033,27 +21034,14 +21035,14 +21036,14 +21037,27 +21038,14 +21039,14 +21040,14 +21041,14 +21042,14 +21043,30 +21044,30 +21045,27 +21046,27 +21047,27 +21048,31 +21049,24 +21050,24 +21051,24 +21052,24 +21053,37 +21054,37 +21055,37 +21056,37 +21057,25 +21058,37 +21059,10 +21060,10 +21061,10 +21062,10 +21063,10 +21064,10 +21065,10 +21066,10 +21067,10 +21068,10 +21069,4 +21070,4 +21071,4 +21072,4 +21073,4 +21074,4 +21075,4 +21076,4 +21077,4 +21078,10 +21079,34 +21080,34 +21081,34 +21082,34 +21083,34 +21084,34 +21085,34 +21086,34 +21087,34 +21088,34 +21089,34 +21090,34 +21091,34 +21092,34 +21093,34 +21094,34 +21095,34 +21096,34 +21097,5 +21098,5 +21099,5 +21100,4 +21101,4 +21102,4 +21103,4 +21104,4 +21105,4 +21106,4 +21107,4 +21108,4 +21109,4 +21110,4 +21111,4 +21112,4 +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,35 +21180,35 +21181,35 +21182,35 +21183,35 +21184,34 +21185,31 +21186,31 +21187,31 +21188,31 +21189,31 +21190,31 +21191,31 +21192,29 +21193,29 +21194,29 +21195,29 +21196,29 +21197,29 +21198,25 +21199,25 +21200,25 +21201,25 +21202,25 +21203,25 +21204,25 +21205,25 +21206,25 +21207,25 +21208,25 +21209,8 +21210,8 +21211,8 +21212,8 +21213,8 +21214,8 +21215,8 +21216,8 +21217,8 +21218,8 +21219,8 +21220,12 +21221,12 +21222,12 +21223,12 +21224,12 +21225,12 +21226,12 +21227,12 +21228,27 +21229,27 +21230,27 +21231,27 +21232,27 +21233,27 +21234,11 +21235,11 +21236,11 +21237,11 +21238,11 +21239,11 +21240,11 +21241,11 +21242,11 +21243,11 +21244,11 +21245,11 +21246,11 +21247,39 +21248,39 +21249,39 +21250,27 +21251,27 +21252,27 +21253,27 +21254,27 +21255,27 +21256,27 +21257,27 +21258,28 +21259,28 +21260,28 +21261,28 +21262,28 +21263,28 +21264,28 +21265,28 +21266,28 +21267,5 +21268,28 +21269,28 +21270,32 +21271,32 +21272,32 +21273,32 +21274,32 +21275,32 +21276,4 +21277,4 +21278,4 +21279,4 +21280,31 +21281,27 +21282,27 +21283,15 +21284,15 +21285,15 +21286,15 +21287,15 +21288,15 +21289,15 +21290,15 +21291,39 +21292,39 +21293,39 +21294,39 +21295,39 +21296,39 +21297,39 +21298,39 +21299,39 +21300,39 +21301,39 +21302,39 +21303,39 +21304,39 +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,16 +21325,0 +21326,0 +21327,16 +21328,16 +21329,16 +21330,16 +21331,16 +21332,16 +21333,16 +21334,16 +21335,16 +21336,16 +21337,16 +21338,16 +21339,33 +21340,33 +21341,37 +21342,37 +21343,33 +21344,33 +21345,33 +21346,33 +21347,33 +21348,33 +21349,33 +21350,33 +21351,33 +21352,33 +21353,8 +21354,8 +21355,8 +21356,8 +21357,8 +21358,8 +21359,8 +21360,31 +21361,31 +21362,31 +21363,31 +21364,31 +21365,31 +21366,5 +21367,5 +21368,5 +21369,5 +21370,5 +21371,5 +21372,5 +21373,5 +21374,5 +21375,15 +21376,15 +21377,15 +21378,15 +21379,15 +21380,10 +21381,10 +21382,10 +21383,10 +21384,10 +21385,10 +21386,10 +21387,10 +21388,10 +21389,10 +21390,10 +21391,29 +21392,29 +21393,29 +21394,29 +21395,29 +21396,4 +21397,31 +21398,31 +21399,31 +21400,31 +21401,5 +21402,5 +21403,5 +21404,5 +21405,5 +21406,29 +21407,29 +21408,29 +21409,31 +21410,31 +21411,27 +21412,27 +21413,27 +21414,2 +21415,2 +21416,2 +21417,2 +21418,2 +21419,2 +21420,2 +21421,2 +21422,2 +21423,2 +21424,2 +21425,2 +21426,2 +21427,2 +21428,2 +21429,2 +21430,2 +21431,2 +21432,2 +21433,2 +21434,39 +21435,39 +21436,39 +21437,39 +21438,14 +21439,14 +21440,14 +21441,14 +21442,39 +21443,39 +21444,39 +21445,39 +21446,39 +21447,39 +21448,39 +21449,2 +21450,2 +21451,2 +21452,2 +21453,2 +21454,2 +21455,2 +21456,2 +21457,2 +21458,2 +21459,2 +21460,2 +21461,2 +21462,2 +21463,2 +21464,2 +21465,2 +21466,4 +21467,4 +21468,4 +21469,4 +21470,4 +21471,4 +21472,38 +21473,0 +21474,0 +21475,0 +21476,0 +21477,0 +21478,4 +21479,4 +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,30 +21569,30 +21570,0 +21571,0 +21572,0 +21573,0 +21574,0 +21575,9 +21576,30 +21577,30 +21578,9 +21579,9 +21580,9 +21581,9 +21582,9 +21583,9 +21584,9 +21585,9 +21586,9 +21587,9 +21588,9 +21589,9 +21590,9 +21591,37 +21592,37 +21593,37 +21594,37 +21595,37 +21596,37 +21597,37 +21598,37 +21599,37 +21600,25 +21601,25 +21602,2 +21603,2 +21604,2 +21605,2 +21606,2 +21607,2 +21608,2 +21609,2 +21610,2 +21611,2 +21612,2 +21613,2 +21614,2 +21615,2 +21616,2 +21617,2 +21618,3 +21619,3 +21620,3 +21621,3 +21622,3 +21623,3 +21624,3 +21625,27 +21626,27 +21627,27 +21628,27 +21629,27 +21630,27 +21631,28 +21632,28 +21633,28 +21634,28 +21635,28 +21636,28 +21637,28 +21638,28 +21639,28 +21640,28 +21641,28 +21642,28 +21643,19 +21644,19 +21645,19 +21646,19 +21647,19 +21648,19 +21649,19 +21650,19 +21651,19 +21652,19 +21653,19 +21654,15 +21655,19 +21656,19 +21657,10 +21658,10 +21659,10 +21660,10 +21661,10 +21662,10 +21663,10 +21664,26 +21665,26 +21666,10 +21667,10 +21668,10 +21669,10 +21670,10 +21671,10 +21672,38 +21673,29 +21674,29 +21675,29 +21676,4 +21677,4 +21678,31 +21679,31 +21680,31 +21681,31 +21682,31 +21683,31 +21684,30 +21685,30 +21686,30 +21687,30 +21688,30 +21689,30 +21690,30 +21691,30 +21692,30 +21693,30 +21694,9 +21695,9 +21696,9 +21697,9 +21698,9 +21699,9 +21700,9 +21701,9 +21702,9 +21703,9 +21704,9 +21705,9 +21706,9 +21707,9 +21708,9 +21709,9 +21710,9 +21711,9 +21712,9 +21713,9 +21714,9 +21715,9 +21716,9 +21717,4 +21718,4 +21719,4 +21720,4 +21721,4 +21722,4 +21723,4 +21724,4 +21725,4 +21726,31 +21727,31 +21728,31 +21729,31 +21730,31 +21731,15 +21732,15 +21733,15 +21734,15 +21735,15 +21736,15 +21737,15 +21738,39 +21739,39 +21740,39 +21741,39 +21742,39 +21743,39 +21744,39 +21745,39 +21746,14 +21747,14 +21748,39 +21749,39 +21750,39 +21751,39 +21752,39 +21753,39 +21754,39 +21755,39 +21756,39 +21757,39 +21758,39 +21759,39 +21760,39 +21761,39 +21762,39 +21763,39 +21764,39 +21765,39 +21766,39 +21767,39 +21768,32 +21769,32 +21770,32 +21771,32 +21772,6 +21773,32 +21774,32 +21775,6 +21776,6 +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,2 +21813,2 +21814,2 +21815,2 +21816,2 +21817,2 +21818,2 +21819,2 +21820,2 +21821,2 +21822,2 +21823,2 +21824,2 +21825,2 +21826,2 +21827,2 +21828,2 +21829,2 +21830,2 +21831,14 +21832,14 +21833,14 +21834,33 +21835,33 +21836,33 +21837,33 +21838,33 +21839,33 +21840,33 +21841,33 +21842,33 +21843,33 +21844,33 +21845,33 +21846,33 +21847,6 +21848,6 +21849,6 +21850,6 +21851,6 +21852,6 +21853,4 +21854,4 +21855,4 +21856,4 +21857,4 +21858,4 +21859,4 +21860,4 +21861,37 +21862,37 +21863,37 +21864,37 +21865,33 +21866,33 +21867,33 +21868,33 +21869,33 +21870,33 +21871,33 +21872,33 +21873,33 +21874,33 +21875,33 +21876,8 +21877,8 +21878,8 +21879,8 +21880,8 +21881,8 +21882,8 +21883,8 +21884,8 +21885,31 +21886,31 +21887,31 +21888,31 +21889,31 +21890,31 +21891,5 +21892,5 +21893,5 +21894,5 +21895,5 +21896,5 +21897,5 +21898,5 +21899,5 +21900,5 +21901,5 +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,2 +21953,2 +21954,2 +21955,2 +21956,2 +21957,2 +21958,2 +21959,2 +21960,2 +21961,2 +21962,2 +21963,2 +21964,2 +21965,40 +21966,40 +21967,40 +21968,40 +21969,40 +21970,40 +21971,19 +21972,19 +21973,5 +21974,19 +21975,5 +21976,5 +21977,5 +21978,12 +21979,12 +21980,12 +21981,12 +21982,12 +21983,12 +21984,12 +21985,12 +21986,31 +21987,31 +21988,31 +21989,31 +21990,31 +21991,5 +21992,5 +21993,5 +21994,5 +21995,5 +21996,31 +21997,31 +21998,31 +21999,31 +22000,31 +22001,31 +22002,31 +22003,33 +22004,33 +22005,33 +22006,33 +22007,33 +22008,33 +22009,31 +22010,31 +22011,33 +22012,33 +22013,33 +22014,32 +22015,6 +22016,6 +22017,6 +22018,6 +22019,6 +22020,6 +22021,6 +22022,6 +22023,6 +22024,37 +22025,37 +22026,37 +22027,37 +22028,37 +22029,14 +22030,14 +22031,14 +22032,14 +22033,14 +22034,39 +22035,39 +22036,39 +22037,39 +22038,24 +22039,24 +22040,24 +22041,24 +22042,24 +22043,24 +22044,24 +22045,24 +22046,24 +22047,40 +22048,40 +22049,40 +22050,40 +22051,40 +22052,40 +22053,40 +22054,40 +22055,40 +22056,40 +22057,40 +22058,40 +22059,40 +22060,11 +22061,11 +22062,11 +22063,11 +22064,11 +22065,11 +22066,11 +22067,11 +22068,11 +22069,11 +22070,11 +22071,11 +22072,11 +22073,11 +22074,11 +22075,4 +22076,4 +22077,37 +22078,37 +22079,37 +22080,37 +22081,3 +22082,3 +22083,3 +22084,3 +22085,3 +22086,3 +22087,3 +22088,3 +22089,3 +22090,3 +22091,38 +22092,38 +22093,38 +22094,38 +22095,38 +22096,38 +22097,38 +22098,38 +22099,38 +22100,38 +22101,38 +22102,9 +22103,9 +22104,9 +22105,9 +22106,9 +22107,9 +22108,9 +22109,10 +22110,10 +22111,9 +22112,26 +22113,26 +22114,26 +22115,26 +22116,26 +22117,4 +22118,4 +22119,27 +22120,27 +22121,27 +22122,27 +22123,27 +22124,27 +22125,27 +22126,27 +22127,27 +22128,4 +22129,4 +22130,4 +22131,4 +22132,4 +22133,4 +22134,2 +22135,8 +22136,8 +22137,8 +22138,8 +22139,8 +22140,2 +22141,2 +22142,2 +22143,2 +22144,2 +22145,2 +22146,2 +22147,2 +22148,2 +22149,2 +22150,2 +22151,2 +22152,2 +22153,2 +22154,28 +22155,28 +22156,28 +22157,28 +22158,28 +22159,28 +22160,26 +22161,26 +22162,26 +22163,26 +22164,26 +22165,26 +22166,26 +22167,37 +22168,37 +22169,37 +22170,37 +22171,37 +22172,37 +22173,37 +22174,37 +22175,4 +22176,4 +22177,4 +22178,4 +22179,4 +22180,4 +22181,4 +22182,4 +22183,4 +22184,4 +22185,4 +22186,4 +22187,3 +22188,3 +22189,27 +22190,27 +22191,15 +22192,15 +22193,15 +22194,15 +22195,15 +22196,39 +22197,39 +22198,39 +22199,39 +22200,39 +22201,39 +22202,39 +22203,39 +22204,39 +22205,2 +22206,2 +22207,2 +22208,2 +22209,2 +22210,2 +22211,2 +22212,2 +22213,2 +22214,2 +22215,2 +22216,2 +22217,2 +22218,9 +22219,9 +22220,9 +22221,9 +22222,9 +22223,9 +22224,9 +22225,9 +22226,9 +22227,9 +22228,9 +22229,9 +22230,9 +22231,2 +22232,2 +22233,2 +22234,2 +22235,2 +22236,2 +22237,2 +22238,2 +22239,2 +22240,2 +22241,2 +22242,2 +22243,39 +22244,39 +22245,39 +22246,39 +22247,39 +22248,39 +22249,39 +22250,39 +22251,39 +22252,39 +22253,39 +22254,39 +22255,39 +22256,39 +22257,39 +22258,39 +22259,39 +22260,39 +22261,39 +22262,39 +22263,39 +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,12 +22315,12 +22316,12 +22317,12 +22318,12 +22319,12 +22320,12 +22321,12 +22322,12 +22323,12 +22324,40 +22325,40 +22326,40 +22327,40 +22328,40 +22329,3 +22330,9 +22331,40 +22332,40 +22333,40 +22334,40 +22335,40 +22336,40 +22337,30 +22338,30 +22339,30 +22340,9 +22341,30 +22342,30 +22343,30 +22344,30 +22345,30 +22346,30 +22347,30 +22348,30 +22349,30 +22350,30 +22351,30 +22352,30 +22353,30 +22354,30 +22355,30 +22356,30 +22357,5 +22358,5 +22359,5 +22360,5 +22361,5 +22362,5 +22363,5 +22364,9 +22365,9 +22366,9 +22367,9 +22368,9 +22369,9 +22370,9 +22371,9 +22372,9 +22373,9 +22374,9 +22375,6 +22376,6 +22377,6 +22378,6 +22379,6 +22380,6 +22381,6 +22382,6 +22383,6 +22384,6 +22385,6 +22386,6 +22387,6 +22388,6 +22389,6 +22390,25 +22391,25 +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,4 +22412,0 +22413,0 +22414,0 +22415,0 +22416,0 +22417,0 +22418,4 +22419,4 +22420,4 +22421,19 +22422,27 +22423,27 +22424,27 +22425,27 +22426,27 +22427,27 +22428,27 +22429,27 +22430,25 +22431,25 +22432,25 +22433,25 +22434,2 +22435,2 +22436,2 +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,35 +22451,35 +22452,35 +22453,35 +22454,35 +22455,35 +22456,35 +22457,35 +22458,35 +22459,35 +22460,35 +22461,35 +22462,35 +22463,39 +22464,39 +22465,39 +22466,39 +22467,39 +22468,15 +22469,15 +22470,15 +22471,15 +22472,15 +22473,15 +22474,14 +22475,14 +22476,14 +22477,14 +22478,14 +22479,35 +22480,35 +22481,35 +22482,35 +22483,35 +22484,35 +22485,35 +22486,35 +22487,35 +22488,35 +22489,35 +22490,35 +22491,35 +22492,35 +22493,35 +22494,35 +22495,35 +22496,40 +22497,40 +22498,40 +22499,40 +22500,40 +22501,40 +22502,40 +22503,40 +22504,30 +22505,30 +22506,30 +22507,30 +22508,30 +22509,30 +22510,30 +22511,30 +22512,31 +22513,15 +22514,15 +22515,15 +22516,15 +22517,15 +22518,31 +22519,31 +22520,31 +22521,31 +22522,31 +22523,31 +22524,12 +22525,12 +22526,12 +22527,12 +22528,12 +22529,12 +22530,12 +22531,12 +22532,12 +22533,12 +22534,12 +22535,12 +22536,12 +22537,31 +22538,31 +22539,31 +22540,31 +22541,31 +22542,5 +22543,5 +22544,19 +22545,19 +22546,19 +22547,19 +22548,25 +22549,25 +22550,25 +22551,25 +22552,23 +22553,23 +22554,23 +22555,23 +22556,23 +22557,23 +22558,23 +22559,23 +22560,23 +22561,31 +22562,31 +22563,31 +22564,31 +22565,31 +22566,31 +22567,31 +22568,31 +22569,31 +22570,31 +22571,31 +22572,31 +22573,31 +22574,31 +22575,5 +22576,5 +22577,5 +22578,5 +22579,5 +22580,4 +22581,4 +22582,4 +22583,4 +22584,4 +22585,4 +22586,4 +22587,4 +22588,4 +22589,4 +22590,40 +22591,40 +22592,40 +22593,31 +22594,31 +22595,34 +22596,34 +22597,34 +22598,40 +22599,31 +22600,26 +22601,26 +22602,26 +22603,19 +22604,19 +22605,4 +22606,4 +22607,4 +22608,4 +22609,4 +22610,4 +22611,27 +22612,27 +22613,27 +22614,27 +22615,27 +22616,5 +22617,5 +22618,5 +22619,5 +22620,5 +22621,2 +22622,2 +22623,2 +22624,2 +22625,2 +22626,2 +22627,2 +22628,2 +22629,2 +22630,40 +22631,40 +22632,5 +22633,5 +22634,5 +22635,35 +22636,35 +22637,35 +22638,35 +22639,35 +22640,35 +22641,35 +22642,25 +22643,25 +22644,25 +22645,25 +22646,25 +22647,23 +22648,23 +22649,23 +22650,23 +22651,23 +22652,23 +22653,23 +22654,23 +22655,23 +22656,23 +22657,23 +22658,14 +22659,14 +22660,14 +22661,14 +22662,14 +22663,14 +22664,14 +22665,14 +22666,14 +22667,14 +22668,14 +22669,14 +22670,14 +22671,14 +22672,14 +22673,14 +22674,14 +22675,14 +22676,2 +22677,2 +22678,2 +22679,2 +22680,2 +22681,2 +22682,2 +22683,2 +22684,2 +22685,2 +22686,2 +22687,2 +22688,2 +22689,2 +22690,2 +22691,2 +22692,2 +22693,2 +22694,2 +22695,2 +22696,2 +22697,2 +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,2 +22748,11 +22749,11 +22750,11 +22751,11 +22752,11 +22753,11 +22754,11 +22755,11 +22756,11 +22757,11 +22758,11 +22759,11 +22760,3 +22761,3 +22762,3 +22763,39 +22764,39 +22765,12 +22766,12 +22767,12 +22768,12 +22769,12 +22770,31 +22771,31 +22772,31 +22773,31 +22774,8 +22775,8 +22776,8 +22777,8 +22778,8 +22779,8 +22780,8 +22781,8 +22782,12 +22783,12 +22784,12 +22785,12 +22786,12 +22787,12 +22788,12 +22789,12 +22790,40 +22791,40 +22792,40 +22793,5 +22794,5 +22795,5 +22796,5 +22797,5 +22798,5 +22799,5 +22800,5 +22801,5 +22802,15 +22803,29 +22804,15 +22805,24 +22806,24 +22807,27 +22808,27 +22809,33 +22810,27 +22811,27 +22812,27 +22813,33 +22814,33 +22815,33 +22816,33 +22817,33 +22818,2 +22819,2 +22820,2 +22821,2 +22822,2 +22823,2 +22824,2 +22825,32 +22826,2 +22827,32 +22828,32 +22829,32 +22830,32 +22831,32 +22832,32 +22833,32 +22834,32 +22835,32 +22836,32 +22837,25 +22838,25 +22839,25 +22840,25 +22841,25 +22842,25 +22843,25 +22844,25 +22845,25 +22846,25 +22847,2 +22848,2 +22849,2 +22850,2 +22851,2 +22852,2 +22853,2 +22854,2 +22855,27 +22856,27 +22857,27 +22858,27 +22859,27 +22860,27 +22861,5 +22862,5 +22863,5 +22864,5 +22865,8 +22866,8 +22867,8 +22868,8 +22869,8 +22870,8 +22871,8 +22872,8 +22873,35 +22874,35 +22875,35 +22876,35 +22877,35 +22878,35 +22879,35 +22880,3 +22881,3 +22882,3 +22883,3 +22884,3 +22885,3 +22886,3 +22887,3 +22888,3 +22889,3 +22890,8 +22891,8 +22892,8 +22893,8 +22894,8 +22895,8 +22896,8 +22897,2 +22898,6 +22899,6 +22900,6 +22901,6 +22902,6 +22903,6 +22904,6 +22905,6 +22906,37 +22907,37 +22908,37 +22909,37 +22910,37 +22911,37 +22912,37 +22913,10 +22914,10 +22915,10 +22916,10 +22917,10 +22918,10 +22919,10 +22920,10 +22921,10 +22922,10 +22923,10 +22924,10 +22925,10 +22926,10 +22927,10 +22928,10 +22929,10 +22930,10 +22931,8 +22932,8 +22933,8 +22934,8 +22935,8 +22936,35 +22937,35 +22938,25 +22939,25 +22940,25 +22941,25 +22942,25 +22943,25 +22944,25 +22945,23 +22946,23 +22947,23 +22948,23 +22949,23 +22950,23 +22951,23 +22952,23 +22953,23 +22954,23 +22955,23 +22956,23 +22957,23 +22958,23 +22959,23 +22960,23 +22961,23 +22962,9 +22963,9 +22964,9 +22965,33 +22966,33 +22967,33 +22968,33 +22969,33 +22970,33 +22971,33 +22972,27 +22973,27 +22974,27 +22975,38 +22976,24 +22977,24 +22978,24 +22979,24 +22980,24 +22981,28 +22982,28 +22983,28 +22984,28 +22985,28 +22986,27 +22987,27 +22988,27 +22989,27 +22990,27 +22991,27 +22992,31 +22993,27 +22994,2 +22995,2 +22996,2 +22997,2 +22998,2 +22999,2 +23000,2 +23001,2 +23002,2 +23003,2 +23004,4 +23005,4 +23006,4 +23007,4 +23008,4 +23009,4 +23010,4 +23011,37 +23012,37 +23013,37 +23014,37 +23015,25 +23016,39 +23017,39 +23018,39 +23019,39 +23020,39 +23021,39 +23022,39 +23023,39 +23024,39 +23025,39 +23026,39 +23027,39 +23028,39 +23029,39 +23030,39 +23031,39 +23032,39 +23033,39 +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,2 +23065,2 +23066,2 +23067,2 +23068,2 +23069,2 +23070,2 +23071,2 +23072,2 +23073,2 +23074,2 +23075,2 +23076,2 +23077,2 +23078,2 +23079,2 +23080,2 +23081,31 +23082,31 +23083,31 +23084,33 +23085,33 +23086,33 +23087,33 +23088,33 +23089,33 +23090,33 +23091,33 +23092,31 +23093,31 +23094,31 +23095,31 +23096,4 +23097,33 +23098,33 +23099,33 +23100,33 +23101,33 +23102,33 +23103,33 +23104,33 +23105,33 +23106,33 +23107,33 +23108,33 +23109,33 +23110,33 +23111,33 +23112,33 +23113,33 +23114,33 +23115,33 +23116,33 +23117,33 +23118,33 +23119,12 +23120,12 +23121,12 +23122,12 +23123,12 +23124,27 +23125,27 +23126,27 +23127,27 +23128,27 +23129,27 +23130,6 +23131,6 +23132,6 +23133,6 +23134,6 +23135,6 +23136,6 +23137,6 +23138,6 +23139,6 +23140,5 +23141,5 +23142,5 +23143,5 +23144,5 +23145,5 +23146,5 +23147,5 +23148,13 +23149,27 +23150,27 +23151,27 +23152,27 +23153,36 +23154,36 +23155,36 +23156,5 +23157,5 +23158,5 +23159,5 +23160,5 +23161,5 +23162,4 +23163,4 +23164,4 +23165,4 +23166,4 +23167,4 +23168,4 +23169,4 +23170,4 +23171,4 +23172,27 +23173,27 +23174,27 +23175,29 +23176,29 +23177,29 +23178,29 +23179,29 +23180,40 +23181,40 +23182,40 +23183,40 +23184,40 +23185,40 +23186,40 +23187,40 +23188,40 +23189,40 +23190,40 +23191,28 +23192,28 +23193,28 +23194,28 +23195,28 +23196,28 +23197,28 +23198,28 +23199,28 +23200,28 +23201,28 +23202,28 +23203,28 +23204,28 +23205,28 +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,27 +23253,27 +23254,27 +23255,27 +23256,27 +23257,27 +23258,4 +23259,4 +23260,4 +23261,4 +23262,4 +23263,4 +23264,2 +23265,2 +23266,2 +23267,2 +23268,2 +23269,2 +23270,2 +23271,2 +23272,2 +23273,2 +23274,2 +23275,2 +23276,2 +23277,39 +23278,39 +23279,39 +23280,39 +23281,39 +23282,39 +23283,39 +23284,39 +23285,39 +23286,39 +23287,39 +23288,39 +23289,5 +23290,5 +23291,5 +23292,5 +23293,5 +23294,5 +23295,5 +23296,13 +23297,13 +23298,8 +23299,8 +23300,8 +23301,8 +23302,8 +23303,8 +23304,8 +23305,29 +23306,29 +23307,29 +23308,29 +23309,29 +23310,14 +23311,14 +23312,14 +23313,14 +23314,14 +23315,14 +23316,14 +23317,14 +23318,14 +23319,14 +23320,14 +23321,35 +23322,35 +23323,6 +23324,6 +23325,6 +23326,6 +23327,6 +23328,36 +23329,36 +23330,36 +23331,36 +23332,36 +23333,36 +23334,36 +23335,36 +23336,36 +23337,36 +23338,36 +23339,36 +23340,36 +23341,19 +23342,19 +23343,19 +23344,5 +23345,5 +23346,5 +23347,5 +23348,5 +23349,5 +23350,5 +23351,5 +23352,5 +23353,5 +23354,5 +23355,5 +23356,33 +23357,33 +23358,33 +23359,33 +23360,33 +23361,33 +23362,33 +23363,33 +23364,31 +23365,31 +23366,31 +23367,31 +23368,21 +23369,21 +23370,21 +23371,21 +23372,21 +23373,21 +23374,21 +23375,21 +23376,21 +23377,8 +23378,8 +23379,8 +23380,8 +23381,8 +23382,8 +23383,8 +23384,8 +23385,36 +23386,36 +23387,36 +23388,36 +23389,36 +23390,36 +23391,40 +23392,36 +23393,36 +23394,6 +23395,6 +23396,6 +23397,6 +23398,6 +23399,6 +23400,6 +23401,6 +23402,4 +23403,4 +23404,27 +23405,27 +23406,27 +23407,27 +23408,27 +23409,19 +23410,19 +23411,19 +23412,19 +23413,19 +23414,19 +23415,19 +23416,19 +23417,19 +23418,37 +23419,37 +23420,37 +23421,37 +23422,37 +23423,37 +23424,37 +23425,40 +23426,40 +23427,40 +23428,40 +23429,40 +23430,40 +23431,40 +23432,40 +23433,40 +23434,40 +23435,40 +23436,40 +23437,40 +23438,2 +23439,2 +23440,2 +23441,2 +23442,2 +23443,2 +23444,2 +23445,2 +23446,2 +23447,2 +23448,2 +23449,2 +23450,2 +23451,2 +23452,2 +23453,2 +23454,2 +23455,2 +23456,2 +23457,2 +23458,2 +23459,2 +23460,2 +23461,2 +23462,2 +23463,2 +23464,2 +23465,2 +23466,0 +23467,6 +23468,6 +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,36 +23638,36 +23639,36 +23640,36 +23641,36 +23642,36 +23643,36 +23644,36 +23645,36 +23646,36 +23647,36 +23648,36 +23649,36 +23650,36 +23651,36 +23652,36 +23653,36 +23654,36 +23655,10 +23656,10 +23657,10 +23658,10 +23659,10 +23660,10 +23661,28 +23662,28 +23663,28 +23664,28 +23665,28 +23666,28 +23667,28 +23668,2 +23669,2 +23670,2 +23671,2 +23672,2 +23673,2 +23674,2 +23675,2 +23676,2 +23677,2 +23678,2 +23679,2 +23680,36 +23681,36 +23682,36 +23683,36 +23684,36 +23685,36 +23686,36 +23687,36 +23688,36 +23689,36 +23690,36 +23691,36 +23692,36 +23693,4 +23694,4 +23695,4 +23696,4 +23697,4 +23698,4 +23699,4 +23700,12 +23701,12 +23702,12 +23703,12 +23704,12 +23705,37 +23706,37 +23707,27 +23708,33 +23709,33 +23710,27 +23711,27 +23712,27 +23713,30 +23714,30 +23715,28 +23716,28 +23717,28 +23718,28 +23719,28 +23720,28 +23721,28 +23722,40 +23723,40 +23724,40 +23725,40 +23726,31 +23727,5 +23728,5 +23729,5 +23730,5 +23731,5 +23732,14 +23733,14 +23734,14 +23735,14 +23736,14 +23737,14 +23738,14 +23739,14 +23740,14 +23741,14 +23742,14 +23743,14 +23744,5 +23745,5 +23746,5 +23747,27 +23748,27 +23749,39 +23750,39 +23751,27 +23752,13 +23753,13 +23754,13 +23755,13 +23756,13 +23757,13 +23758,13 +23759,31 +23760,31 +23761,13 +23762,31 +23763,31 +23764,30 +23765,30 +23766,30 +23767,30 +23768,30 +23769,30 +23770,30 +23771,30 +23772,27 +23773,27 +23774,27 +23775,27 +23776,4 +23777,4 +23778,4 +23779,31 +23780,31 +23781,31 +23782,31 +23783,30 +23784,30 +23785,30 +23786,30 +23787,30 +23788,30 +23789,12 +23790,12 +23791,12 +23792,12 +23793,12 +23794,12 +23795,12 +23796,12 +23797,12 +23798,12 +23799,12 +23800,10 +23801,10 +23802,10 +23803,10 +23804,10 +23805,10 +23806,10 +23807,34 +23808,34 +23809,10 +23810,40 +23811,40 +23812,40 +23813,40 +23814,40 +23815,40 +23816,40 +23817,30 +23818,30 +23819,30 +23820,30 +23821,30 +23822,30 +23823,30 +23824,30 +23825,30 +23826,30 +23827,30 +23828,30 +23829,30 +23830,30 +23831,30 +23832,30 +23833,30 +23834,30 +23835,30 +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,31 +23881,31 +23882,31 +23883,31 +23884,31 +23885,31 +23886,31 +23887,5 +23888,5 +23889,5 +23890,5 +23891,5 +23892,29 +23893,29 +23894,29 +23895,29 +23896,40 +23897,40 +23898,40 +23899,40 +23900,27 +23901,27 +23902,27 +23903,14 +23904,14 +23905,5 +23906,5 +23907,5 +23908,5 +23909,5 +23910,5 +23911,5 +23912,5 +23913,19 +23914,2 +23915,2 +23916,2 +23917,2 +23918,2 +23919,2 +23920,2 +23921,2 +23922,2 +23923,2 +23924,14 +23925,14 +23926,14 +23927,14 +23928,14 +23929,14 +23930,14 +23931,14 +23932,14 +23933,14 +23934,14 +23935,14 +23936,14 +23937,14 +23938,14 +23939,14 +23940,19 +23941,19 +23942,19 +23943,19 +23944,19 +23945,19 +23946,19 +23947,4 +23948,4 +23949,4 +23950,4 +23951,19 +23952,19 +23953,19 +23954,4 +23955,4 +23956,4 +23957,19 +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,29 +24003,29 +24004,29 +24005,29 +24006,31 +24007,31 +24008,27 +24009,27 +24010,27 +24011,2 +24012,2 +24013,2 +24014,2 +24015,2 +24016,2 +24017,2 +24018,2 +24019,2 +24020,2 +24021,10 +24022,10 +24023,10 +24024,10 +24025,10 +24026,10 +24027,10 +24028,10 +24029,10 +24030,10 +24031,10 +24032,10 +24033,10 +24034,10 +24035,19 +24036,19 +24037,19 +24038,19 +24039,2 +24040,2 +24041,2 +24042,8 +24043,2 +24044,2 +24045,2 +24046,12 +24047,12 +24048,12 +24049,12 +24050,12 +24051,12 +24052,31 +24053,31 +24054,31 +24055,31 +24056,31 +24057,31 +24058,31 +24059,0 +24060,0 +24061,28 +24062,28 +24063,28 +24064,28 +24065,28 +24066,28 +24067,28 +24068,28 +24069,10 +24070,10 +24071,10 +24072,10 +24073,10 +24074,10 +24075,10 +24076,10 +24077,10 +24078,19 +24079,19 +24080,19 +24081,19 +24082,31 +24083,35 +24084,35 +24085,31 +24086,36 +24087,36 +24088,31 +24089,24 +24090,31 +24091,24 +24092,15 +24093,15 +24094,15 +24095,15 +24096,15 +24097,15 +24098,15 +24099,24 +24100,40 +24101,40 +24102,40 +24103,40 +24104,40 +24105,40 +24106,40 +24107,5 +24108,5 +24109,5 +24110,5 +24111,5 +24112,5 +24113,29 +24114,29 +24115,29 +24116,29 +24117,29 +24118,29 +24119,29 +24120,29 +24121,29 +24122,29 +24123,31 +24124,31 +24125,31 +24126,31 +24127,31 +24128,19 +24129,19 +24130,19 +24131,19 +24132,19 +24133,19 +24134,19 +24135,19 +24136,19 +24137,27 +24138,27 +24139,27 +24140,27 +24141,27 +24142,27 +24143,37 +24144,37 +24145,37 +24146,37 +24147,37 +24148,37 +24149,37 +24150,37 +24151,2 +24152,2 +24153,2 +24154,2 +24155,2 +24156,2 +24157,2 +24158,6 +24159,6 +24160,6 +24161,6 +24162,27 +24163,27 +24164,27 +24165,27 +24166,27 +24167,31 +24168,31 +24169,5 +24170,5 +24171,5 +24172,5 +24173,5 +24174,5 +24175,5 +24176,5 +24177,32 +24178,32 +24179,32 +24180,32 +24181,32 +24182,32 +24183,32 +24184,32 +24185,32 +24186,32 +24187,32 +24188,32 +24189,25 +24190,25 +24191,25 +24192,25 +24193,25 +24194,25 +24195,25 +24196,25 +24197,25 +24198,25 +24199,25 +24200,25 +24201,25 +24202,25 +24203,25 +24204,25 +24205,25 +24206,8 +24207,8 +24208,8 +24209,8 +24210,8 +24211,2 +24212,8 +24213,8 +24214,8 +24215,2 +24216,2 +24217,2 +24218,2 +24219,2 +24220,2 +24221,2 +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,15 +24257,15 +24258,15 +24259,15 +24260,15 +24261,15 +24262,15 +24263,15 +24264,31 +24265,31 +24266,31 +24267,31 +24268,31 +24269,31 +24270,19 +24271,19 +24272,35 +24273,35 +24274,35 +24275,35 +24276,35 +24277,35 +24278,35 +24279,26 +24280,26 +24281,26 +24282,26 +24283,26 +24284,26 +24285,26 +24286,37 +24287,37 +24288,37 +24289,37 +24290,37 +24291,37 +24292,37 +24293,37 +24294,37 +24295,37 +24296,39 +24297,39 +24298,39 +24299,39 +24300,39 +24301,39 +24302,39 +24303,39 +24304,39 +24305,27 +24306,27 +24307,27 +24308,27 +24309,8 +24310,8 +24311,8 +24312,8 +24313,30 +24314,30 +24315,30 +24316,30 +24317,30 +24318,30 +24319,30 +24320,30 +24321,27 +24322,27 +24323,27 +24324,4 +24325,4 +24326,4 +24327,4 +24328,31 +24329,31 +24330,30 +24331,30 +24332,30 +24333,30 +24334,30 +24335,30 +24336,15 +24337,15 +24338,15 +24339,15 +24340,15 +24341,15 +24342,15 +24343,40 +24344,40 +24345,40 +24346,36 +24347,36 +24348,40 +24349,40 +24350,40 +24351,40 +24352,5 +24353,5 +24354,37 +24355,25 +24356,25 +24357,25 +24358,25 +24359,25 +24360,25 +24361,25 +24362,5 +24363,5 +24364,5 +24365,5 +24366,5 +24367,5 +24368,5 +24369,34 +24370,34 +24371,34 +24372,34 +24373,10 +24374,10 +24375,10 +24376,10 +24377,10 +24378,10 +24379,34 +24380,34 +24381,34 +24382,5 +24383,5 +24384,5 +24385,29 +24386,29 +24387,29 +24388,29 +24389,31 +24390,31 +24391,31 +24392,31 +24393,31 +24394,5 +24395,5 +24396,5 +24397,31 +24398,31 +24399,31 +24400,31 +24401,31 +24402,31 +24403,15 +24404,15 +24405,15 +24406,15 +24407,15 +24408,15 +24409,15 +24410,15 +24411,15 +24412,15 +24413,15 +24414,15 +24415,36 +24416,36 +24417,36 +24418,36 +24419,36 +24420,36 +24421,36 +24422,36 +24423,21 +24424,21 +24425,21 +24426,21 +24427,21 +24428,21 +24429,21 +24430,37 +24431,37 +24432,37 +24433,37 +24434,37 +24435,37 +24436,37 +24437,37 +24438,37 +24439,37 +24440,37 +24441,37 +24442,37 +24443,37 +24444,37 +24445,37 +24446,25 +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,36 +24475,36 +24476,36 +24477,36 +24478,36 +24479,36 +24480,36 +24481,36 +24482,36 +24483,36 +24484,36 +24485,5 +24486,5 +24487,5 +24488,5 +24489,31 +24490,31 +24491,31 +24492,31 +24493,31 +24494,31 +24495,31 +24496,15 +24497,15 +24498,15 +24499,15 +24500,15 +24501,15 +24502,15 +24503,15 +24504,15 +24505,15 +24506,15 +24507,40 +24508,40 +24509,40 +24510,40 +24511,40 +24512,40 +24513,40 +24514,40 +24515,21 +24516,21 +24517,21 +24518,21 +24519,21 +24520,21 +24521,25 +24522,25 +24523,25 +24524,25 +24525,25 +24526,25 +24527,25 +24528,25 +24529,28 +24530,28 +24531,28 +24532,28 +24533,28 +24534,28 +24535,28 +24536,28 +24537,28 +24538,27 +24539,27 +24540,27 +24541,27 +24542,27 +24543,27 +24544,27 +24545,2 +24546,2 +24547,2 +24548,2 +24549,2 +24550,2 +24551,2 +24552,4 +24553,18 +24554,16 +24555,16 +24556,16 +24557,16 +24558,16 +24559,16 +24560,18 +24561,16 +24562,27 +24563,31 +24564,31 +24565,31 +24566,31 +24567,5 +24568,5 +24569,5 +24570,5 +24571,5 +24572,5 +24573,29 +24574,40 +24575,40 +24576,40 +24577,40 +24578,40 +24579,40 +24580,40 +24581,40 +24582,40 +24583,40 +24584,36 +24585,40 +24586,40 +24587,40 +24588,4 +24589,4 +24590,4 +24591,4 +24592,4 +24593,4 +24594,27 +24595,27 +24596,27 +24597,27 +24598,27 +24599,27 +24600,27 +24601,27 +24602,27 +24603,27 +24604,27 +24605,27 +24606,2 +24607,2 +24608,2 +24609,2 +24610,2 +24611,2 +24612,2 +24613,2 +24614,2 +24615,2 +24616,2 +24617,2 +24618,2 +24619,2 +24620,31 +24621,31 +24622,31 +24623,27 +24624,28 +24625,28 +24626,28 +24627,28 +24628,28 +24629,28 +24630,28 +24631,28 +24632,28 +24633,28 +24634,31 +24635,31 +24636,31 +24637,31 +24638,31 +24639,31 +24640,38 +24641,4 +24642,19 +24643,19 +24644,19 +24645,19 +24646,19 +24647,19 +24648,8 +24649,8 +24650,8 +24651,0 +24652,0 +24653,0 +24654,0 +24655,0 +24656,0 +24657,0 +24658,9 +24659,9 +24660,9 +24661,9 +24662,9 +24663,9 +24664,9 +24665,9 +24666,9 +24667,9 +24668,9 +24669,23 +24670,23 +24671,23 +24672,23 +24673,23 +24674,23 +24675,23 +24676,23 +24677,23 +24678,23 +24679,23 +24680,30 +24681,30 +24682,30 +24683,30 +24684,30 +24685,30 +24686,39 +24687,39 +24688,27 +24689,27 +24690,27 +24691,19 +24692,19 +24693,19 +24694,19 +24695,19 +24696,19 +24697,19 +24698,19 +24699,27 +24700,27 +24701,27 +24702,27 +24703,27 +24704,27 +24705,2 +24706,2 +24707,2 +24708,2 +24709,2 +24710,2 +24711,2 +24712,2 +24713,2 +24714,2 +24715,32 +24716,32 +24717,32 +24718,32 +24719,32 +24720,32 +24721,32 +24722,32 +24723,10 +24724,10 +24725,10 +24726,10 +24727,10 +24728,10 +24729,10 +24730,10 +24731,10 +24732,10 +24733,10 +24734,10 +24735,10 +24736,8 +24737,8 +24738,8 +24739,8 +24740,8 +24741,8 +24742,8 +24743,31 +24744,31 +24745,31 +24746,31 +24747,15 +24748,15 +24749,15 +24750,15 +24751,15 +24752,31 +24753,31 +24754,31 +24755,30 +24756,30 +24757,30 +24758,30 +24759,30 +24760,30 +24761,30 +24762,30 +24763,30 +24764,30 +24765,30 +24766,30 +24767,30 +24768,30 +24769,15 +24770,15 +24771,15 +24772,15 +24773,30 +24774,30 +24775,30 +24776,30 +24777,30 +24778,30 +24779,30 +24780,30 +24781,30 +24782,9 +24783,9 +24784,30 +24785,30 +24786,30 +24787,30 +24788,30 +24789,30 +24790,30 +24791,30 +24792,30 +24793,30 +24794,30 +24795,25 +24796,25 +24797,25 +24798,25 +24799,25 +24800,25 +24801,25 +24802,25 +24803,25 +24804,25 +24805,25 +24806,25 +24807,25 +24808,25 +24809,25 +24810,38 +24811,38 +24812,38 +24813,23 +24814,38 +24815,23 +24816,23 +24817,23 +24818,30 +24819,30 +24820,30 +24821,30 +24822,39 +24823,39 +24824,39 +24825,39 +24826,39 +24827,39 +24828,6 +24829,6 +24830,6 +24831,6 +24832,6 +24833,6 +24834,6 +24835,21 +24836,32 +24837,4 +24838,12 +24839,12 +24840,12 +24841,12 +24842,12 +24843,39 +24844,39 +24845,39 +24846,39 +24847,39 +24848,39 +24849,39 +24850,4 +24851,16 +24852,16 +24853,16 +24854,16 +24855,16 +24856,16 +24857,16 +24858,16 +24859,18 +24860,25 +24861,25 +24862,37 +24863,25 +24864,25 +24865,25 +24866,25 +24867,25 +24868,37 +24869,8 +24870,8 +24871,8 +24872,8 +24873,8 +24874,8 +24875,8 +24876,8 +24877,8 +24878,8 +24879,2 +24880,2 +24881,2 +24882,2 +24883,2 +24884,2 +24885,2 +24886,2 +24887,8 +24888,4 +24889,4 +24890,4 +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,35 +24968,35 +24969,35 +24970,35 +24971,35 +24972,35 +24973,35 +24974,35 +24975,35 +24976,35 +24977,35 +24978,39 +24979,39 +24980,39 +24981,39 +24982,39 +24983,39 +24984,39 +24985,39 +24986,39 +24987,39 +24988,35 +24989,35 +24990,35 +24991,35 +24992,35 +24993,35 +24994,35 +24995,36 +24996,36 +24997,36 +24998,36 +24999,36 +25000,36 +25001,36 +25002,36 +25003,19 +25004,19 +25005,19 +25006,19 +25007,19 +25008,19 +25009,29 +25010,29 +25011,29 +25012,31 +25013,31 +25014,31 +25015,31 +25016,31 +25017,5 +25018,5 +25019,5 +25020,5 +25021,5 +25022,5 +25023,5 +25024,5 +25025,5 +25026,39 +25027,39 +25028,39 +25029,39 +25030,39 +25031,39 +25032,39 +25033,6 +25034,6 +25035,6 +25036,6 +25037,6 +25038,21 +25039,21 +25040,21 +25041,21 +25042,21 +25043,25 +25044,25 +25045,25 +25046,25 +25047,25 +25048,25 +25049,25 +25050,25 +25051,31 +25052,31 +25053,31 +25054,24 +25055,24 +25056,24 +25057,35 +25058,35 +25059,35 +25060,35 +25061,35 +25062,35 +25063,35 +25064,35 +25065,40 +25066,40 +25067,40 +25068,40 +25069,40 +25070,40 +25071,40 +25072,40 +25073,40 +25074,40 +25075,40 +25076,19 +25077,19 +25078,19 +25079,19 +25080,19 +25081,19 +25082,19 +25083,19 +25084,19 +25085,19 +25086,19 +25087,19 +25088,4 +25089,4 +25090,4 +25091,4 +25092,4 +25093,4 +25094,4 +25095,4 +25096,4 +25097,4 +25098,4 +25099,4 +25100,3 +25101,3 +25102,3 +25103,3 +25104,3 +25105,3 +25106,3 +25107,3 +25108,3 +25109,39 +25110,39 +25111,3 +25112,3 +25113,30 +25114,30 +25115,30 +25116,30 +25117,30 +25118,30 +25119,30 +25120,30 +25121,30 +25122,30 +25123,30 +25124,30 +25125,30 +25126,30 +25127,30 +25128,30 +25129,30 +25130,34 +25131,33 +25132,30 +25133,30 +25134,30 +25135,30 +25136,30 +25137,30 +25138,32 +25139,9 +25140,32 +25141,9 +25142,9 +25143,9 +25144,9 +25145,9 +25146,9 +25147,9 +25148,9 +25149,9 +25150,5 +25151,5 +25152,5 +25153,28 +25154,28 +25155,28 +25156,31 +25157,31 +25158,31 +25159,31 +25160,31 +25161,31 +25162,31 +25163,2 +25164,2 +25165,2 +25166,2 +25167,2 +25168,2 +25169,2 +25170,2 +25171,2 +25172,2 +25173,2 +25174,2 +25175,2 +25176,2 +25177,2 +25178,5 +25179,5 +25180,5 +25181,5 +25182,5 +25183,5 +25184,5 +25185,5 +25186,33 +25187,33 +25188,33 +25189,33 +25190,33 +25191,33 +25192,33 +25193,33 +25194,33 +25195,35 +25196,35 +25197,35 +25198,35 +25199,35 +25200,35 +25201,35 +25202,35 +25203,35 +25204,35 +25205,36 +25206,36 +25207,36 +25208,36 +25209,36 +25210,36 +25211,19 +25212,4 +25213,4 +25214,4 +25215,27 +25216,27 +25217,27 +25218,27 +25219,27 +25220,27 +25221,4 +25222,4 +25223,4 +25224,4 +25225,4 +25226,9 +25227,9 +25228,9 +25229,26 +25230,26 +25231,26 +25232,26 +25233,26 +25234,26 +25235,26 +25236,26 +25237,30 +25238,30 +25239,30 +25240,30 +25241,30 +25242,30 +25243,30 +25244,30 +25245,30 +25246,30 +25247,30 +25248,30 +25249,30 +25250,30 +25251,30 +25252,30 +25253,30 +25254,30 +25255,30 +25256,30 +25257,30 +25258,30 +25259,30 +25260,30 +25261,30 +25262,30 +25263,30 +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,5 +25306,5 +25307,5 +25308,5 +25309,5 +25310,5 +25311,5 +25312,40 +25313,40 +25314,40 +25315,40 +25316,40 +25317,40 +25318,40 +25319,8 +25320,2 +25321,2 +25322,2 +25323,2 +25324,38 +25325,38 +25326,38 +25327,38 +25328,27 +25329,27 +25330,27 +25331,27 +25332,13 +25333,13 +25334,13 +25335,13 +25336,13 +25337,13 +25338,13 +25339,13 +25340,13 +25341,15 +25342,15 +25343,15 +25344,15 +25345,39 +25346,39 +25347,39 +25348,39 +25349,39 +25350,35 +25351,35 +25352,35 +25353,35 +25354,35 +25355,35 +25356,35 +25357,35 +25358,35 +25359,35 +25360,35 +25361,10 +25362,36 +25363,10 +25364,36 +25365,36 +25366,36 +25367,36 +25368,10 +25369,10 +25370,10 +25371,10 +25372,10 +25373,5 +25374,5 +25375,5 +25376,5 +25377,5 +25378,5 +25379,5 +25380,5 +25381,5 +25382,5 +25383,29 +25384,27 +25385,29 +25386,39 +25387,39 +25388,27 +25389,27 +25390,27 +25391,27 +25392,27 +25393,39 +25394,27 +25395,27 +25396,27 +25397,27 +25398,27 +25399,27 +25400,27 +25401,27 +25402,27 +25403,27 +25404,37 +25405,37 +25406,37 +25407,37 +25408,37 +25409,37 +25410,37 +25411,37 +25412,37 +25413,37 +25414,37 +25415,37 +25416,37 +25417,37 +25418,37 +25419,8 +25420,8 +25421,8 +25422,8 +25423,2 +25424,2 +25425,2 +25426,2 +25427,2 +25428,2 +25429,29 +25430,4 +25431,4 +25432,4 +25433,4 +25434,27 +25435,27 +25436,27 +25437,27 +25438,27 +25439,27 +25440,23 +25441,23 +25442,23 +25443,23 +25444,23 +25445,23 +25446,23 +25447,23 +25448,23 +25449,23 +25450,23 +25451,23 +25452,23 +25453,23 +25454,22 +25455,22 +25456,22 +25457,22 +25458,22 +25459,22 +25460,22 +25461,22 +25462,30 +25463,30 +25464,30 +25465,30 +25466,30 +25467,30 +25468,30 +25469,30 +25470,30 +25471,30 +25472,30 +25473,30 +25474,19 +25475,19 +25476,19 +25477,19 +25478,19 +25479,19 +25480,19 +25481,2 +25482,2 +25483,2 +25484,2 +25485,2 +25486,2 +25487,2 +25488,2 +25489,2 +25490,2 +25491,2 +25492,2 +25493,2 +25494,2 +25495,31 +25496,31 +25497,31 +25498,31 +25499,31 +25500,31 +25501,31 +25502,31 +25503,24 +25504,31 +25505,31 +25506,23 +25507,23 +25508,23 +25509,23 +25510,23 +25511,23 +25512,5 +25513,5 +25514,5 +25515,5 +25516,5 +25517,5 +25518,5 +25519,36 +25520,40 +25521,36 +25522,36 +25523,40 +25524,40 +25525,40 +25526,40 +25527,36 +25528,36 +25529,36 +25530,36 +25531,36 +25532,6 +25533,6 +25534,6 +25535,6 +25536,6 +25537,6 +25538,6 +25539,6 +25540,6 +25541,6 +25542,6 +25543,6 +25544,31 +25545,31 +25546,31 +25547,31 +25548,31 +25549,31 +25550,31 +25551,31 +25552,31 +25553,31 +25554,31 +25555,31 +25556,31 +25557,31 +25558,31 +25559,31 +25560,5 +25561,5 +25562,5 +25563,5 +25564,5 +25565,19 +25566,19 +25567,19 +25568,19 +25569,19 +25570,19 +25571,25 +25572,25 +25573,25 +25574,25 +25575,25 +25576,25 +25577,25 +25578,25 +25579,25 +25580,25 +25581,25 +25582,25 +25583,6 +25584,6 +25585,6 +25586,6 +25587,6 +25588,6 +25589,6 +25590,6 +25591,6 +25592,6 +25593,6 +25594,6 +25595,6 +25596,6 +25597,6 +25598,6 +25599,6 +25600,6 +25601,6 +25602,30 +25603,30 +25604,30 +25605,30 +25606,30 +25607,30 +25608,30 +25609,33 +25610,33 +25611,33 +25612,33 +25613,33 +25614,33 +25615,33 +25616,33 +25617,33 +25618,33 +25619,33 +25620,8 +25621,8 +25622,8 +25623,8 +25624,2 +25625,2 +25626,2 +25627,2 +25628,2 +25629,2 +25630,2 +25631,8 +25632,8 +25633,2 +25634,2 +25635,2 +25636,2 +25637,2 +25638,2 +25639,2 +25640,2 +25641,2 +25642,2 +25643,2 +25644,8 +25645,0 +25646,0 +25647,0 +25648,6 +25649,6 +25650,6 +25651,6 +25652,6 +25653,6 +25654,6 +25655,30 +25656,30 +25657,30 +25658,30 +25659,30 +25660,30 +25661,27 +25662,27 +25663,27 +25664,27 +25665,22 +25666,31 +25667,32 +25668,32 +25669,32 +25670,32 +25671,32 +25672,32 +25673,32 +25674,32 +25675,32 +25676,32 +25677,32 +25678,32 +25679,32 +25680,4 +25681,4 +25682,4 +25683,4 +25684,4 +25685,4 +25686,12 +25687,12 +25688,12 +25689,12 +25690,12 +25691,12 +25692,12 +25693,12 +25694,12 +25695,31 +25696,30 +25697,31 +25698,31 +25699,31 +25700,25 +25701,25 +25702,25 +25703,9 +25704,9 +25705,9 +25706,9 +25707,9 +25708,30 +25709,30 +25710,30 +25711,30 +25712,30 +25713,30 +25714,30 +25715,30 +25716,30 +25717,30 +25718,30 +25719,30 +25720,30 +25721,30 +25722,30 +25723,30 +25724,30 +25725,0 +25726,28 +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,12 +25775,12 +25776,12 +25777,12 +25778,12 +25779,12 +25780,12 +25781,31 +25782,31 +25783,8 +25784,8 +25785,8 +25786,16 +25787,11 +25788,2 +25789,2 +25790,2 +25791,2 +25792,2 +25793,2 +25794,2 +25795,2 +25796,2 +25797,2 +25798,30 +25799,30 +25800,30 +25801,30 +25802,30 +25803,30 +25804,30 +25805,31 +25806,31 +25807,31 +25808,31 +25809,31 +25810,31 +25811,31 +25812,4 +25813,4 +25814,4 +25815,4 +25816,4 +25817,4 +25818,29 +25819,24 +25820,29 +25821,29 +25822,30 +25823,39 +25824,39 +25825,39 +25826,39 +25827,39 +25828,32 +25829,32 +25830,32 +25831,32 +25832,32 +25833,32 +25834,32 +25835,32 +25836,32 +25837,32 +25838,32 +25839,32 +25840,32 +25841,37 +25842,37 +25843,37 +25844,37 +25845,37 +25846,37 +25847,40 +25848,40 +25849,40 +25850,40 +25851,40 +25852,40 +25853,40 +25854,40 +25855,2 +25856,2 +25857,2 +25858,2 +25859,2 +25860,2 +25861,2 +25862,2 +25863,2 +25864,2 +25865,27 +25866,27 +25867,31 +25868,31 +25869,31 +25870,21 +25871,21 +25872,21 +25873,21 +25874,21 +25875,21 +25876,27 +25877,27 +25878,27 +25879,27 +25880,27 +25881,27 +25882,27 +25883,27 +25884,27 +25885,2 +25886,2 +25887,8 +25888,2 +25889,2 +25890,2 +25891,2 +25892,29 +25893,29 +25894,29 +25895,29 +25896,31 +25897,31 +25898,31 +25899,31 +25900,6 +25901,6 +25902,6 +25903,6 +25904,6 +25905,6 +25906,6 +25907,6 +25908,6 +25909,6 +25910,6 +25911,6 +25912,6 +25913,6 +25914,6 +25915,6 +25916,6 +25917,36 +25918,36 +25919,36 +25920,36 +25921,36 +25922,36 +25923,36 +25924,36 +25925,36 +25926,36 +25927,32 +25928,32 +25929,32 +25930,32 +25931,23 +25932,23 +25933,23 +25934,23 +25935,25 +25936,31 +25937,31 +25938,31 +25939,31 +25940,31 +25941,24 +25942,24 +25943,24 +25944,24 +25945,24 +25946,35 +25947,35 +25948,35 +25949,35 +25950,35 +25951,27 +25952,27 +25953,27 +25954,27 +25955,27 +25956,27 +25957,27 +25958,27 +25959,27 +25960,3 +25961,3 +25962,3 +25963,3 +25964,3 +25965,3 +25966,3 +25967,3 +25968,3 +25969,3 +25970,27 +25971,27 +25972,27 +25973,27 +25974,27 +25975,14 +25976,8 +25977,8 +25978,8 +25979,8 +25980,8 +25981,8 +25982,8 +25983,8 +25984,8 +25985,8 +25986,8 +25987,8 +25988,8 +25989,8 +25990,8 +25991,8 +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,31 +26030,31 +26031,31 +26032,31 +26033,31 +26034,36 +26035,36 +26036,36 +26037,36 +26038,36 +26039,36 +26040,36 +26041,36 +26042,36 +26043,8 +26044,8 +26045,8 +26046,8 +26047,8 +26048,8 +26049,8 +26050,8 +26051,23 +26052,23 +26053,23 +26054,23 +26055,23 +26056,23 +26057,23 +26058,23 +26059,25 +26060,25 +26061,25 +26062,25 +26063,25 +26064,31 +26065,25 +26066,25 +26067,25 +26068,30 +26069,30 +26070,30 +26071,30 +26072,30 +26073,30 +26074,30 +26075,30 +26076,33 +26077,33 +26078,33 +26079,33 +26080,33 +26081,30 +26082,30 +26083,30 +26084,30 +26085,30 +26086,30 +26087,30 +26088,30 +26089,30 +26090,30 +26091,30 +26092,30 +26093,2 +26094,2 +26095,2 +26096,2 +26097,2 +26098,2 +26099,2 +26100,31 +26101,31 +26102,31 +26103,24 +26104,31 +26105,28 +26106,28 +26107,28 +26108,28 +26109,28 +26110,28 +26111,28 +26112,32 +26113,32 +26114,32 +26115,32 +26116,32 +26117,32 +26118,32 +26119,32 +26120,32 +26121,32 +26122,32 +26123,30 +26124,30 +26125,30 +26126,30 +26127,30 +26128,30 +26129,14 +26130,14 +26131,14 +26132,14 +26133,14 +26134,14 +26135,14 +26136,2 +26137,2 +26138,2 +26139,2 +26140,2 +26141,2 +26142,2 +26143,2 +26144,2 +26145,2 +26146,2 +26147,2 +26148,2 +26149,2 +26150,2 +26151,2 +26152,2 +26153,2 +26154,2 +26155,2 +26156,2 +26157,2 +26158,8 +26159,2 +26160,2 +26161,2 +26162,2 +26163,10 +26164,10 +26165,10 +26166,10 +26167,10 +26168,10 +26169,10 +26170,10 +26171,10 +26172,10 +26173,10 +26174,30 +26175,30 +26176,30 +26177,30 +26178,30 +26179,30 +26180,30 +26181,30 +26182,30 +26183,30 +26184,30 +26185,30 +26186,30 +26187,10 +26188,10 +26189,10 +26190,10 +26191,10 +26192,10 +26193,10 +26194,10 +26195,6 +26196,6 +26197,6 +26198,6 +26199,6 +26200,6 +26201,6 +26202,6 +26203,38 +26204,38 +26205,38 +26206,38 +26207,38 +26208,38 +26209,38 +26210,38 +26211,31 +26212,31 +26213,31 +26214,31 +26215,31 +26216,31 +26217,28 +26218,28 +26219,28 +26220,28 +26221,28 +26222,28 +26223,28 +26224,28 +26225,28 +26226,5 +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,29 +26278,29 +26279,29 +26280,29 +26281,29 +26282,29 +26283,40 +26284,40 +26285,40 +26286,40 +26287,40 +26288,40 +26289,40 +26290,14 +26291,25 +26292,27 +26293,27 +26294,37 +26295,37 +26296,37 +26297,37 +26298,37 +26299,37 +26300,37 +26301,37 +26302,2 +26303,2 +26304,2 +26305,2 +26306,2 +26307,2 +26308,2 +26309,2 +26310,2 +26311,2 +26312,2 +26313,2 +26314,2 +26315,3 +26316,3 +26317,3 +26318,3 +26319,3 +26320,3 +26321,3 +26322,3 +26323,19 +26324,19 +26325,15 +26326,15 +26327,15 +26328,19 +26329,15 +26330,15 +26331,15 +26332,15 +26333,15 +26334,15 +26335,15 +26336,15 +26337,15 +26338,31 +26339,31 +26340,31 +26341,31 +26342,30 +26343,30 +26344,30 +26345,30 +26346,30 +26347,30 +26348,30 +26349,30 +26350,23 +26351,23 +26352,23 +26353,23 +26354,23 +26355,23 +26356,23 +26357,23 +26358,23 +26359,25 +26360,25 +26361,25 +26362,25 +26363,25 +26364,25 +26365,28 +26366,28 +26367,28 +26368,28 +26369,28 +26370,40 +26371,40 +26372,40 +26373,40 +26374,40 +26375,4 +26376,4 +26377,4 +26378,4 +26379,31 +26380,31 +26381,31 +26382,31 +26383,31 +26384,31 +26385,31 +26386,4 +26387,4 +26388,4 +26389,4 +26390,4 +26391,4 +26392,4 +26393,4 +26394,14 +26395,14 +26396,14 +26397,14 +26398,14 +26399,14 +26400,14 +26401,14 +26402,14 +26403,14 +26404,11 +26405,11 +26406,11 +26407,11 +26408,11 +26409,11 +26410,11 +26411,11 +26412,11 +26413,11 +26414,31 +26415,31 +26416,31 +26417,31 +26418,31 +26419,5 +26420,5 +26421,5 +26422,5 +26423,5 +26424,5 +26425,5 +26426,5 +26427,5 +26428,5 +26429,5 +26430,5 +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,10 +26458,10 +26459,10 +26460,10 +26461,10 +26462,10 +26463,10 +26464,10 +26465,10 +26466,10 +26467,10 +26468,10 +26469,10 +26470,10 +26471,10 +26472,10 +26473,10 +26474,10 +26475,28 +26476,28 +26477,28 +26478,28 +26479,28 +26480,28 +26481,28 +26482,28 +26483,31 +26484,31 +26485,31 +26486,31 +26487,31 +26488,6 +26489,6 +26490,6 +26491,6 +26492,6 +26493,6 +26494,6 +26495,6 +26496,6 +26497,6 +26498,6 +26499,31 +26500,31 +26501,31 +26502,31 +26503,31 +26504,31 +26505,31 +26506,2 +26507,2 +26508,2 +26509,2 +26510,2 +26511,2 +26512,2 +26513,2 +26514,2 +26515,2 +26516,2 +26517,2 +26518,2 +26519,2 +26520,31 +26521,31 +26522,31 +26523,31 +26524,31 +26525,5 +26526,5 +26527,5 +26528,5 +26529,5 +26530,5 +26531,4 +26532,4 +26533,4 +26534,4 +26535,4 +26536,31 +26537,31 +26538,31 +26539,31 +26540,31 +26541,31 +26542,31 +26543,31 +26544,2 +26545,2 +26546,2 +26547,2 +26548,2 +26549,2 +26550,2 +26551,2 +26552,2 +26553,2 +26554,2 +26555,2 +26556,2 +26557,30 +26558,30 +26559,30 +26560,30 +26561,30 +26562,39 +26563,39 +26564,39 +26565,39 +26566,39 +26567,39 +26568,39 +26569,15 +26570,15 +26571,15 +26572,32 +26573,32 +26574,32 +26575,32 +26576,32 +26577,32 +26578,27 +26579,27 +26580,27 +26581,27 +26582,27 +26583,27 +26584,27 +26585,13 +26586,13 +26587,13 +26588,13 +26589,13 +26590,13 +26591,13 +26592,27 +26593,27 +26594,27 +26595,29 +26596,29 +26597,29 +26598,5 +26599,5 +26600,5 +26601,19 +26602,29 +26603,29 +26604,39 +26605,39 +26606,39 +26607,39 +26608,39 +26609,39 +26610,39 +26611,39 +26612,33 +26613,33 +26614,33 +26615,33 +26616,33 +26617,33 +26618,33 +26619,33 +26620,33 +26621,33 +26622,32 +26623,32 +26624,32 +26625,32 +26626,32 +26627,32 +26628,32 +26629,31 +26630,31 +26631,31 +26632,31 +26633,31 +26634,5 +26635,5 +26636,5 +26637,5 +26638,5 +26639,36 +26640,36 +26641,36 +26642,36 +26643,36 +26644,40 +26645,40 +26646,40 +26647,40 +26648,40 +26649,40 +26650,40 +26651,37 +26652,37 +26653,37 +26654,37 +26655,37 +26656,37 +26657,37 +26658,37 +26659,37 +26660,37 +26661,37 +26662,37 +26663,37 +26664,37 +26665,31 +26666,31 +26667,25 +26668,25 +26669,25 +26670,5 +26671,5 +26672,5 +26673,5 +26674,5 +26675,5 +26676,19 +26677,19 +26678,19 +26679,19 +26680,34 +26681,34 +26682,34 +26683,10 +26684,10 +26685,36 +26686,31 +26687,36 +26688,10 +26689,36 +26690,36 +26691,10 +26692,10 +26693,10 +26694,36 +26695,36 +26696,24 +26697,24 +26698,24 +26699,24 +26700,15 +26701,15 +26702,15 +26703,15 +26704,30 +26705,30 +26706,30 +26707,30 +26708,30 +26709,30 +26710,30 +26711,30 +26712,30 +26713,25 +26714,25 +26715,25 +26716,25 +26717,25 +26718,25 +26719,25 +26720,25 +26721,25 +26722,25 +26723,25 +26724,25 +26725,19 +26726,19 +26727,19 +26728,19 +26729,19 +26730,19 +26731,19 +26732,19 +26733,19 +26734,19 +26735,19 +26736,5 +26737,5 +26738,5 +26739,5 +26740,5 +26741,5 +26742,5 +26743,40 +26744,40 +26745,40 +26746,40 +26747,40 +26748,40 +26749,24 +26750,24 +26751,24 +26752,24 +26753,24 +26754,24 +26755,24 +26756,25 +26757,25 +26758,25 +26759,25 +26760,19 +26761,19 +26762,19 +26763,19 +26764,19 +26765,19 +26766,19 +26767,19 +26768,19 +26769,19 +26770,19 +26771,19 +26772,19 +26773,19 +26774,15 +26775,15 +26776,15 +26777,15 +26778,39 +26779,39 +26780,39 +26781,39 +26782,39 +26783,39 +26784,39 +26785,39 +26786,39 +26787,39 +26788,39 +26789,36 +26790,36 +26791,36 +26792,36 +26793,36 +26794,36 +26795,36 +26796,36 +26797,36 +26798,36 +26799,36 +26800,36 +26801,36 +26802,36 +26803,36 +26804,5 +26805,5 +26806,5 +26807,5 +26808,4 +26809,6 +26810,6 +26811,6 +26812,6 +26813,11 +26814,11 +26815,11 +26816,11 +26817,11 +26818,11 +26819,11 +26820,11 +26821,11 +26822,3 +26823,3 +26824,3 +26825,3 +26826,3 +26827,31 +26828,31 +26829,31 +26830,26 +26831,26 +26832,8 +26833,8 +26834,8 +26835,8 +26836,8 +26837,8 +26838,8 +26839,2 +26840,2 +26841,2 +26842,2 +26843,2 +26844,2 +26845,2 +26846,2 +26847,2 +26848,2 +26849,15 +26850,15 +26851,15 +26852,15 +26853,15 +26854,34 +26855,34 +26856,34 +26857,34 +26858,31 +26859,31 +26860,31 +26861,31 +26862,31 +26863,34 +26864,33 +26865,33 +26866,31 +26867,0 +26868,31 +26869,31 +26870,31 +26871,31 +26872,31 +26873,28 +26874,32 +26875,28 +26876,28 +26877,28 +26878,34 +26879,34 +26880,34 +26881,34 +26882,34 +26883,34 +26884,34 +26885,34 +26886,34 +26887,10 +26888,30 +26889,30 +26890,30 +26891,30 +26892,30 +26893,30 +26894,30 +26895,30 +26896,30 +26897,30 +26898,30 +26899,30 +26900,10 +26901,10 +26902,10 +26903,10 +26904,10 +26905,10 +26906,10 +26907,10 +26908,10 +26909,10 +26910,10 +26911,10 +26912,10 +26913,23 +26914,23 +26915,23 +26916,4 +26917,4 +26918,4 +26919,23 +26920,23 +26921,23 +26922,23 +26923,23 +26924,23 +26925,23 +26926,23 +26927,23 +26928,23 +26929,23 +26930,23 +26931,23 +26932,23 +26933,23 +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,32 +27011,0 +27012,0 +27013,7 +27014,7 +27015,7 +27016,7 +27017,7 +27018,7 +27019,7 +27020,39 +27021,39 +27022,3 +27023,3 +27024,3 +27025,3 +27026,37 +27027,37 +27028,37 +27029,37 +27030,37 +27031,37 +27032,37 +27033,39 +27034,39 +27035,39 +27036,39 +27037,39 +27038,23 +27039,23 +27040,23 +27041,23 +27042,23 +27043,23 +27044,23 +27045,23 +27046,23 +27047,23 +27048,23 +27049,23 +27050,23 +27051,25 +27052,25 +27053,25 +27054,25 +27055,25 +27056,25 +27057,25 +27058,25 +27059,25 +27060,25 +27061,25 +27062,25 +27063,25 +27064,25 +27065,4 +27066,4 +27067,4 +27068,4 +27069,4 +27070,4 +27071,4 +27072,4 +27073,4 +27074,29 +27075,29 +27076,29 +27077,29 +27078,29 +27079,31 +27080,31 +27081,31 +27082,31 +27083,31 +27084,31 +27085,31 +27086,4 +27087,4 +27088,4 +27089,4 +27090,4 +27091,4 +27092,4 +27093,4 +27094,4 +27095,4 +27096,4 +27097,4 +27098,40 +27099,40 +27100,40 +27101,40 +27102,40 +27103,40 +27104,40 +27105,37 +27106,37 +27107,37 +27108,37 +27109,37 +27110,37 +27111,31 +27112,31 +27113,31 +27114,15 +27115,15 +27116,15 +27117,15 +27118,31 +27119,31 +27120,30 +27121,30 +27122,30 +27123,30 +27124,25 +27125,25 +27126,25 +27127,27 +27128,27 +27129,27 +27130,27 +27131,37 +27132,37 +27133,37 +27134,37 +27135,37 +27136,37 +27137,37 +27138,37 +27139,37 +27140,37 +27141,37 +27142,39 +27143,39 +27144,39 +27145,3 +27146,3 +27147,3 +27148,28 +27149,28 +27150,28 +27151,28 +27152,28 +27153,28 +27154,7 +27155,25 +27156,25 +27157,25 +27158,25 +27159,25 +27160,25 +27161,25 +27162,25 +27163,25 +27164,25 +27165,25 +27166,25 +27167,25 +27168,25 +27169,2 +27170,2 +27171,2 +27172,8 +27173,2 +27174,2 +27175,2 +27176,2 +27177,2 +27178,2 +27179,31 +27180,31 +27181,31 +27182,31 +27183,32 +27184,32 +27185,32 +27186,32 +27187,32 +27188,32 +27189,37 +27190,37 +27191,37 +27192,37 +27193,37 +27194,40 +27195,40 +27196,40 +27197,1 +27198,1 +27199,36 +27200,1 +27201,1 +27202,15 +27203,37 +27204,37 +27205,37 +27206,37 +27207,31 +27208,15 +27209,15 +27210,15 +27211,15 +27212,15 +27213,15 +27214,15 +27215,37 +27216,37 +27217,37 +27218,37 +27219,37 +27220,26 +27221,26 +27222,26 +27223,26 +27224,26 +27225,26 +27226,26 +27227,26 +27228,4 +27229,4 +27230,4 +27231,4 +27232,4 +27233,4 +27234,31 +27235,31 +27236,31 +27237,28 +27238,5 +27239,28 +27240,5 +27241,5 +27242,5 +27243,5 +27244,5 +27245,5 +27246,31 +27247,31 +27248,31 +27249,31 +27250,31 +27251,31 +27252,31 +27253,12 +27254,12 +27255,12 +27256,12 +27257,12 +27258,12 +27259,12 +27260,12 +27261,12 +27262,12 +27263,12 +27264,25 +27265,25 +27266,25 +27267,25 +27268,25 +27269,37 +27270,25 +27271,25 +27272,25 +27273,25 +27274,25 +27275,25 +27276,25 +27277,30 +27278,30 +27279,30 +27280,26 +27281,30 +27282,30 +27283,30 +27284,30 +27285,30 +27286,30 +27287,30 +27288,30 +27289,32 +27290,32 +27291,32 +27292,32 +27293,32 +27294,32 +27295,32 +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,29 +27358,0 +27359,0 +27360,0 +27361,29 +27362,29 +27363,29 +27364,29 +27365,29 +27366,31 +27367,31 +27368,31 +27369,31 +27370,4 +27371,4 +27372,4 +27373,4 +27374,4 +27375,4 +27376,4 +27377,29 +27378,29 +27379,29 +27380,31 +27381,31 +27382,31 +27383,31 +27384,19 +27385,4 +27386,19 +27387,19 +27388,19 +27389,19 +27390,19 +27391,19 +27392,19 +27393,19 +27394,19 +27395,19 +27396,34 +27397,34 +27398,36 +27399,40 +27400,40 +27401,40 +27402,40 +27403,40 +27404,40 +27405,36 +27406,40 +27407,36 +27408,36 +27409,36 +27410,36 +27411,2 +27412,2 +27413,2 +27414,2 +27415,2 +27416,2 +27417,2 +27418,2 +27419,2 +27420,2 +27421,2 +27422,2 +27423,2 +27424,2 +27425,2 +27426,2 +27427,2 +27428,2 +27429,2 +27430,2 +27431,2 +27432,4 +27433,4 +27434,15 +27435,15 +27436,15 +27437,27 +27438,27 +27439,27 +27440,27 +27441,27 +27442,27 +27443,16 +27444,16 +27445,16 +27446,16 +27447,16 +27448,16 +27449,16 +27450,35 +27451,35 +27452,35 +27453,35 +27454,35 +27455,36 +27456,36 +27457,40 +27458,24 +27459,24 +27460,24 +27461,24 +27462,24 +27463,24 +27464,24 +27465,6 +27466,6 +27467,6 +27468,6 +27469,6 +27470,6 +27471,6 +27472,6 +27473,6 +27474,6 +27475,6 +27476,6 +27477,6 +27478,36 +27479,36 +27480,36 +27481,36 +27482,36 +27483,4 +27484,4 +27485,4 +27486,23 +27487,4 +27488,4 +27489,4 +27490,4 +27491,4 +27492,4 +27493,4 +27494,4 +27495,38 +27496,38 +27497,28 +27498,28 +27499,28 +27500,28 +27501,28 +27502,28 +27503,14 +27504,14 +27505,14 +27506,14 +27507,14 +27508,14 +27509,14 +27510,14 +27511,28 +27512,28 +27513,28 +27514,28 +27515,28 +27516,5 +27517,28 +27518,28 +27519,28 +27520,28 +27521,28 +27522,28 +27523,28 +27524,28 +27525,9 +27526,9 +27527,9 +27528,9 +27529,9 +27530,9 +27531,37 +27532,37 +27533,37 +27534,37 +27535,37 +27536,5 +27537,5 +27538,5 +27539,27 +27540,27 +27541,27 +27542,27 +27543,27 +27544,27 +27545,27 +27546,13 +27547,5 +27548,13 +27549,13 +27550,5 +27551,5 +27552,5 +27553,23 +27554,23 +27555,23 +27556,23 +27557,23 +27558,23 +27559,23 +27560,23 +27561,27 +27562,27 +27563,27 +27564,27 +27565,27 +27566,4 +27567,4 +27568,30 +27569,30 +27570,30 +27571,30 +27572,30 +27573,30 +27574,30 +27575,30 +27576,30 +27577,30 +27578,30 +27579,30 +27580,30 +27581,36 +27582,36 +27583,36 +27584,36 +27585,36 +27586,36 +27587,36 +27588,10 +27589,36 +27590,36 +27591,2 +27592,2 +27593,2 +27594,2 +27595,2 +27596,2 +27597,2 +27598,2 +27599,2 +27600,2 +27601,2 +27602,2 +27603,2 +27604,8 +27605,8 +27606,2 +27607,2 +27608,38 +27609,37 +27610,37 +27611,37 +27612,37 +27613,37 +27614,39 +27615,39 +27616,39 +27617,39 +27618,39 +27619,28 +27620,28 +27621,28 +27622,28 +27623,28 +27624,28 +27625,28 +27626,28 +27627,10 +27628,26 +27629,26 +27630,31 +27631,31 +27632,31 +27633,31 +27634,31 +27635,31 +27636,26 +27637,5 +27638,5 +27639,5 +27640,5 +27641,5 +27642,5 +27643,5 +27644,5 +27645,4 +27646,4 +27647,4 +27648,4 +27649,4 +27650,4 +27651,2 +27652,2 +27653,2 +27654,2 +27655,2 +27656,2 +27657,2 +27658,2 +27659,2 +27660,2 +27661,2 +27662,2 +27663,2 +27664,2 +27665,2 +27666,2 +27667,2 +27668,2 +27669,2 +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,35 +27734,35 +27735,35 +27736,35 +27737,35 +27738,12 +27739,12 +27740,12 +27741,12 +27742,12 +27743,39 +27744,39 +27745,39 +27746,39 +27747,39 +27748,39 +27749,39 +27750,9 +27751,9 +27752,26 +27753,26 +27754,26 +27755,26 +27756,26 +27757,26 +27758,26 +27759,26 +27760,26 +27761,26 +27762,26 +27763,26 +27764,9 +27765,9 +27766,26 +27767,26 +27768,26 +27769,37 +27770,37 +27771,37 +27772,37 +27773,37 +27774,37 +27775,37 +27776,32 +27777,32 +27778,32 +27779,32 +27780,32 +27781,32 +27782,32 +27783,32 +27784,32 +27785,32 +27786,32 +27787,37 +27788,37 +27789,37 +27790,37 +27791,37 +27792,37 +27793,39 +27794,39 +27795,39 +27796,39 +27797,39 +27798,39 +27799,34 +27800,34 +27801,34 +27802,34 +27803,34 +27804,34 +27805,5 +27806,5 +27807,5 +27808,5 +27809,5 +27810,5 +27811,5 +27812,5 +27813,5 +27814,5 +27815,31 +27816,31 +27817,31 +27818,31 +27819,31 +27820,31 +27821,5 +27822,5 +27823,5 +27824,5 +27825,5 +27826,5 +27827,5 +27828,28 +27829,28 +27830,5 +27831,30 +27832,30 +27833,30 +27834,30 +27835,30 +27836,30 +27837,30 +27838,14 +27839,14 +27840,39 +27841,39 +27842,39 +27843,14 +27844,14 +27845,14 +27846,31 +27847,31 +27848,31 +27849,31 +27850,31 +27851,31 +27852,31 +27853,31 +27854,31 +27855,37 +27856,37 +27857,37 +27858,37 +27859,37 +27860,37 +27861,37 +27862,37 +27863,37 +27864,3 +27865,3 +27866,3 +27867,3 +27868,3 +27869,3 +27870,3 +27871,30 +27872,30 +27873,27 +27874,27 +27875,27 +27876,27 +27877,27 +27878,27 +27879,18 +27880,18 +27881,18 +27882,18 +27883,18 +27884,18 +27885,18 +27886,18 +27887,18 +27888,18 +27889,31 +27890,25 +27891,25 +27892,25 +27893,8 +27894,8 +27895,8 +27896,8 +27897,8 +27898,8 +27899,8 +27900,8 +27901,8 +27902,8 +27903,8 +27904,8 +27905,37 +27906,37 +27907,37 +27908,37 +27909,37 +27910,37 +27911,37 +27912,37 +27913,37 +27914,37 +27915,37 +27916,40 +27917,14 +27918,14 +27919,14 +27920,14 +27921,14 +27922,14 +27923,14 +27924,14 +27925,14 +27926,14 +27927,14 +27928,14 +27929,14 +27930,14 +27931,14 +27932,14 +27933,14 +27934,2 +27935,2 +27936,2 +27937,2 +27938,2 +27939,2 +27940,2 +27941,2 +27942,2 +27943,2 +27944,2 +27945,2 +27946,2 +27947,2 +27948,2 +27949,2 +27950,2 +27951,2 +27952,2 +27953,2 +27954,2 +27955,2 +27956,2 +27957,2 +27958,2 +27959,2 +27960,2 +27961,2 +27962,2 +27963,2 +27964,2 +27965,2 +27966,2 +27967,2 +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,35 +27993,35 +27994,35 +27995,12 +27996,12 +27997,12 +27998,12 +27999,27 +28000,27 +28001,27 +28002,27 +28003,16 +28004,16 +28005,16 +28006,16 +28007,16 +28008,16 +28009,16 +28010,27 +28011,27 +28012,27 +28013,27 +28014,27 +28015,8 +28016,8 +28017,8 +28018,8 +28019,8 +28020,8 +28021,8 +28022,31 +28023,31 +28024,31 +28025,31 +28026,31 +28027,5 +28028,5 +28029,5 +28030,5 +28031,5 +28032,31 +28033,31 +28034,31 +28035,31 +28036,31 +28037,29 +28038,29 +28039,29 +28040,29 +28041,29 +28042,31 +28043,31 +28044,25 +28045,25 +28046,12 +28047,12 +28048,12 +28049,12 +28050,12 +28051,12 +28052,12 +28053,12 +28054,12 +28055,12 +28056,12 +28057,14 +28058,14 +28059,14 +28060,14 +28061,14 +28062,14 +28063,27 +28064,27 +28065,36 +28066,36 +28067,27 +28068,27 +28069,27 +28070,24 +28071,24 +28072,24 +28073,24 +28074,24 +28075,24 +28076,24 +28077,2 +28078,2 +28079,2 +28080,2 +28081,2 +28082,2 +28083,2 +28084,2 +28085,2 +28086,2 +28087,2 +28088,2 +28089,14 +28090,14 +28091,14 +28092,14 +28093,14 +28094,14 +28095,14 +28096,14 +28097,14 +28098,14 +28099,14 +28100,14 +28101,14 +28102,14 +28103,14 +28104,14 +28105,14 +28106,14 +28107,14 +28108,27 +28109,27 +28110,27 +28111,13 +28112,13 +28113,13 +28114,13 +28115,13 +28116,13 +28117,13 +28118,13 +28119,13 +28120,29 +28121,29 +28122,29 +28123,29 +28124,40 +28125,28 +28126,36 +28127,36 +28128,36 +28129,36 +28130,40 +28131,4 +28132,4 +28133,4 +28134,4 +28135,4 +28136,4 +28137,12 +28138,12 +28139,12 +28140,12 +28141,12 +28142,12 +28143,12 +28144,12 +28145,12 +28146,12 +28147,12 +28148,12 +28149,39 +28150,39 +28151,39 +28152,39 +28153,39 +28154,39 +28155,39 +28156,39 +28157,39 +28158,39 +28159,9 +28160,9 +28161,9 +28162,9 +28163,9 +28164,9 +28165,9 +28166,9 +28167,9 +28168,9 +28169,9 +28170,9 +28171,9 +28172,9 +28173,9 +28174,37 +28175,37 +28176,37 +28177,26 +28178,37 +28179,37 +28180,37 +28181,37 +28182,37 +28183,37 +28184,37 +28185,37 +28186,37 +28187,37 +28188,37 +28189,37 +28190,37 +28191,37 +28192,37 +28193,37 +28194,37 +28195,37 +28196,10 +28197,10 +28198,10 +28199,10 +28200,10 +28201,10 +28202,10 +28203,10 +28204,10 +28205,10 +28206,10 +28207,10 +28208,4 +28209,4 +28210,4 +28211,4 +28212,4 +28213,4 +28214,4 +28215,4 +28216,4 +28217,4 +28218,4 +28219,4 +28220,4 +28221,4 +28222,4 +28223,2 +28224,2 +28225,2 +28226,2 +28227,2 +28228,2 +28229,2 +28230,2 +28231,2 +28232,2 +28233,2 +28234,2 +28235,2 +28236,2 +28237,2 +28238,2 +28239,2 +28240,2 +28241,2 +28242,2 +28243,2 +28244,39 +28245,39 +28246,39 +28247,39 +28248,39 +28249,39 +28250,39 +28251,39 +28252,21 +28253,21 +28254,21 +28255,21 +28256,21 +28257,21 +28258,21 +28259,21 +28260,21 +28261,27 +28262,27 +28263,27 +28264,27 +28265,27 +28266,27 +28267,27 +28268,27 +28269,13 +28270,13 +28271,13 +28272,13 +28273,13 +28274,13 +28275,13 +28276,13 +28277,13 +28278,13 +28279,13 +28280,37 +28281,37 +28282,37 +28283,37 +28284,37 +28285,37 +28286,37 +28287,37 +28288,37 +28289,37 +28290,37 +28291,37 +28292,14 +28293,14 +28294,14 +28295,14 +28296,14 +28297,14 +28298,14 +28299,14 +28300,14 +28301,14 +28302,14 +28303,14 +28304,14 +28305,14 +28306,14 +28307,14 +28308,14 +28309,2 +28310,2 +28311,2 +28312,2 +28313,2 +28314,2 +28315,2 +28316,2 +28317,2 +28318,2 +28319,2 +28320,2 +28321,2 +28322,2 +28323,2 +28324,2 +28325,2 +28326,2 +28327,2 +28328,2 +28329,2 +28330,2 +28331,2 +28332,2 +28333,2 +28334,2 +28335,2 +28336,2 +28337,2 +28338,2 +28339,2 +28340,2 +28341,2 +28342,2 +28343,2 +28344,2 +28345,2 +28346,0 +28347,0 +28348,0 +28349,0 +28350,0 +28351,0 +28352,0 +28353,0 +28354,0 +28355,0 +28356,0 +28357,0 +28358,0 +28359,0 +28360,0 +28361,0 +28362,0 +28363,0 +28364,0 +28365,0 +28366,0 +28367,0 +28368,0 +28369,0 +28370,0 +28371,0 +28372,0 +28373,0 +28374,0 +28375,0 +28376,0 +28377,0 +28378,0 +28379,0 +28380,0 +28381,0 +28382,0 +28383,0 +28384,0 +28385,0 +28386,0 +28387,0 +28388,0 +28389,0 +28390,0 +28391,0 +28392,0 +28393,0 +28394,0 +28395,0 +28396,0 +28397,0 +28398,0 +28399,0 +28400,0 +28401,0 +28402,36 +28403,36 +28404,36 +28405,36 +28406,36 +28407,36 +28408,36 +28409,36 +28410,36 +28411,5 +28412,5 +28413,5 +28414,5 +28415,5 +28416,5 +28417,29 +28418,29 +28419,31 +28420,31 +28421,31 +28422,31 +28423,31 +28424,23 +28425,23 +28426,23 +28427,23 +28428,23 +28429,23 +28430,23 +28431,23 +28432,25 +28433,25 +28434,25 +28435,25 +28436,25 +28437,25 +28438,25 +28439,25 +28440,25 +28441,25 +28442,2 +28443,2 +28444,2 +28445,2 +28446,2 +28447,2 +28448,2 +28449,2 +28450,29 +28451,29 +28452,29 +28453,29 +28454,29 +28455,29 +28456,39 +28457,39 +28458,39 +28459,39 +28460,39 +28461,39 +28462,39 +28463,39 +28464,35 +28465,35 +28466,35 +28467,35 +28468,35 +28469,35 +28470,35 +28471,35 +28472,39 +28473,39 +28474,39 +28475,39 +28476,39 +28477,39 +28478,39 +28479,7 +28480,7 +28481,7 +28482,7 +28483,7 +28484,7 +28485,3 +28486,3 +28487,27 +28488,27 +28489,27 +28490,27 +28491,27 +28492,27 +28493,27 +28494,27 +28495,14 +28496,14 +28497,19 +28498,19 +28499,19 +28500,19 +28501,4 +28502,4 +28503,4 +28504,4 +28505,4 +28506,19 +28507,19 +28508,19 +28509,12 +28510,12 +28511,12 +28512,12 +28513,12 +28514,12 +28515,12 +28516,12 +28517,12 +28518,31 +28519,31 +28520,31 +28521,8 +28522,8 +28523,8 +28524,8 +28525,8 +28526,2 +28527,2 +28528,2 +28529,2 +28530,2 +28531,2 +28532,25 +28533,25 +28534,25 +28535,25 +28536,32 +28537,32 +28538,32 +28539,37 +28540,37 +28541,37 +28542,37 +28543,37 +28544,37 +28545,37 +28546,27 +28547,27 +28548,27 +28549,27 +28550,27 +28551,13 +28552,13 +28553,13 +28554,13 +28555,13 +28556,13 +28557,13 +28558,2 +28559,2 +28560,2 +28561,2 +28562,2 +28563,2 +28564,2 +28565,2 +28566,2 +28567,2 +28568,31 +28569,31 +28570,31 +28571,31 +28572,31 +28573,31 +28574,24 +28575,24 +28576,24 +28577,24 +28578,24 +28579,24 +28580,12 +28581,12 +28582,12 +28583,12 +28584,12 +28585,12 +28586,12 +28587,12 +28588,12 +28589,12 +28590,40 +28591,40 +28592,40 +28593,40 +28594,40 +28595,40 +28596,40 +28597,40 +28598,40 +28599,10 +28600,19 +28601,19 +28602,19 +28603,19 +28604,19 +28605,27 +28606,27 +28607,27 +28608,27 +28609,13 +28610,13 +28611,13 +28612,13 +28613,13 +28614,13 +28615,13 +28616,13 +28617,31 +28618,31 +28619,31 +28620,31 +28621,31 +28622,31 +28623,27 +28624,16 +28625,16 +28626,16 +28627,16 +28628,16 +28629,16 +28630,16 +28631,16 +28632,16 +28633,4 +28634,4 +28635,4 +28636,4 +28637,4 +28638,25 +28639,25 +28640,25 +28641,25 +28642,25 +28643,25 +28644,25 +28645,25 +28646,25 +28647,25 +28648,25 +28649,25 +28650,25 +28651,37 +28652,9 +28653,9 +28654,9 +28655,9 +28656,9 +28657,2 +28658,2 +28659,8 +28660,8 +28661,8 +28662,8 +28663,8 +28664,8 +28665,4 +28666,4 +28667,4 +28668,4 +28669,4 +28670,4 +28671,4 +28672,4 +28673,4 +28674,4 +28675,33 +28676,33 +28677,33 +28678,33 +28679,33 +28680,25 +28681,25 +28682,37 +28683,10 +28684,10 +28685,10 +28686,10 +28687,10 +28688,10 +28689,10 +28690,10 +28691,10 +28692,10 +28693,10 +28694,10 +28695,0 +28696,0 +28697,0 +28698,0 +28699,0 +28700,0 +28701,0 +28702,0 +28703,0 +28704,0 +28705,0 +28706,0 +28707,0 +28708,0 +28709,0 +28710,0 +28711,0 +28712,0 +28713,0 +28714,0 +28715,0 +28716,0 +28717,0 +28718,0 +28719,0 +28720,0 +28721,0 +28722,0 +28723,0 +28724,0 +28725,0 +28726,0 +28727,0 +28728,0 +28729,0 +28730,0 +28731,0 +28732,0 +28733,0 +28734,0 +28735,0 +28736,0 +28737,0 +28738,0 +28739,0 +28740,0 +28741,0 +28742,0 +28743,0 +28744,0 +28745,0 +28746,0 +28747,0 +28748,0 +28749,0 +28750,0 +28751,35 +28752,35 +28753,35 +28754,35 +28755,35 +28756,35 +28757,35 +28758,35 +28759,35 +28760,3 +28761,3 +28762,3 +28763,3 +28764,3 +28765,3 +28766,3 +28767,3 +28768,29 +28769,29 +28770,29 +28771,29 +28772,29 +28773,29 +28774,29 +28775,40 +28776,40 +28777,40 +28778,40 +28779,40 +28780,40 +28781,40 +28782,40 +28783,37 +28784,37 +28785,37 +28786,37 +28787,37 +28788,37 +28789,37 +28790,37 +28791,37 +28792,40 +28793,40 +28794,40 +28795,40 +28796,32 +28797,32 +28798,32 +28799,32 +28800,32 +28801,32 +28802,32 +28803,32 +28804,32 +28805,32 +28806,32 +28807,32 +28808,26 +28809,26 +28810,26 +28811,26 +28812,26 +28813,26 +28814,26 +28815,26 +28816,26 +28817,9 +28818,9 +28819,9 +28820,9 +28821,9 +28822,9 +28823,9 +28824,9 +28825,9 +28826,5 +28827,5 +28828,5 +28829,5 +28830,5 +28831,5 +28832,5 +28833,5 +28834,5 +28835,5 +28836,5 +28837,5 +28838,5 +28839,5 +28840,5 +28841,5 +28842,0 +28843,0 +28844,0 +28845,0 +28846,15 +28847,15 +28848,19 +28849,15 +28850,15 +28851,15 +28852,27 +28853,27 +28854,27 +28855,27 +28856,27 +28857,21 +28858,21 +28859,21 +28860,21 +28861,21 +28862,21 +28863,21 +28864,14 +28865,14 +28866,14 +28867,14 +28868,36 +28869,36 +28870,36 +28871,36 +28872,36 +28873,36 +28874,36 +28875,36 +28876,36 +28877,24 +28878,24 +28879,24 +28880,24 +28881,24 +28882,24 +28883,24 +28884,24 +28885,27 +28886,31 +28887,31 +28888,31 +28889,31 +28890,6 +28891,6 +28892,6 +28893,6 +28894,6 +28895,6 +28896,6 +28897,6 +28898,6 +28899,6 +28900,6 +28901,9 +28902,26 +28903,26 +28904,26 +28905,26 +28906,26 +28907,26 +28908,26 +28909,26 +28910,26 +28911,32 +28912,32 +28913,32 +28914,32 +28915,32 +28916,33 +28917,33 +28918,33 +28919,33 +28920,33 +28921,33 +28922,33 +28923,33 +28924,33 +28925,8 +28926,8 +28927,8 +28928,8 +28929,8 +28930,8 +28931,8 +28932,27 +28933,27 +28934,27 +28935,27 +28936,27 +28937,27 +28938,27 +28939,27 +28940,11 +28941,11 +28942,11 +28943,11 +28944,11 +28945,11 +28946,11 +28947,11 +28948,11 +28949,11 +28950,11 +28951,11 +28952,31 +28953,31 +28954,5 +28955,5 +28956,5 +28957,5 +28958,5 +28959,5 +28960,5 +28961,5 +28962,5 +28963,5 +28964,31 +28965,31 +28966,31 +28967,31 +28968,31 +28969,31 +28970,31 +28971,31 +28972,31 +28973,24 +28974,24 +28975,24 +28976,24 +28977,24 +28978,31 +28979,31 +28980,31 +28981,31 +28982,31 +28983,31 +28984,31 +28985,30 +28986,30 +28987,30 +28988,30 +28989,30 +28990,30 +28991,30 +28992,30 +28993,30 +28994,30 +28995,30 +28996,40 +28997,40 +28998,40 +28999,40 +29000,40 +29001,40 +29002,4 +29003,4 +29004,4 +29005,4 +29006,4 +29007,4 +29008,4 +29009,25 +29010,25 +29011,25 +29012,25 +29013,25 +29014,25 +29015,25 +29016,25 +29017,25 +29018,25 +29019,25 +29020,25 +29021,25 +29022,25 +29023,25 +29024,25 +29025,25 +29026,25 +29027,25 +29028,25 +29029,25 +29030,25 +29031,25 +29032,25 +29033,25 +29034,25 +29035,25 +29036,0 +29037,0 +29038,0 +29039,0 +29040,0 +29041,0 +29042,0 +29043,0 +29044,0 +29045,0 +29046,0 +29047,0 +29048,0 +29049,0 +29050,0 +29051,0 +29052,0 +29053,0 +29054,0 +29055,0 +29056,0 +29057,0 +29058,0 +29059,0 +29060,0 +29061,0 +29062,0 +29063,0 +29064,0 +29065,0 +29066,35 +29067,35 +29068,35 +29069,35 +29070,39 +29071,39 +29072,39 +29073,39 +29074,39 +29075,39 +29076,39 +29077,39 +29078,39 +29079,27 +29080,27 +29081,27 +29082,27 +29083,27 +29084,27 +29085,8 +29086,8 +29087,8 +29088,8 +29089,8 +29090,8 +29091,8 +29092,8 +29093,5 +29094,5 +29095,5 +29096,5 +29097,5 +29098,5 +29099,5 +29100,31 +29101,31 +29102,31 +29103,31 +29104,31 +29105,31 +29106,31 +29107,31 +29108,33 +29109,33 +29110,31 +29111,2 +29112,2 +29113,2 +29114,2 +29115,2 +29116,2 +29117,2 +29118,2 +29119,4 +29120,4 +29121,4 +29122,4 +29123,27 +29124,27 +29125,27 +29126,27 +29127,27 +29128,6 +29129,6 +29130,6 +29131,6 +29132,6 +29133,6 +29134,2 +29135,2 +29136,2 +29137,2 +29138,2 +29139,2 +29140,2 +29141,2 +29142,2 +29143,2 +29144,40 +29145,40 +29146,40 +29147,40 +29148,40 +29149,40 +29150,40 +29151,40 +29152,2 +29153,2 +29154,2 +29155,2 +29156,8 +29157,2 +29158,2 +29159,2 +29160,2 +29161,31 +29162,31 +29163,31 +29164,31 +29165,31 +29166,31 +29167,31 +29168,31 +29169,30 +29170,30 +29171,30 +29172,30 +29173,30 +29174,30 +29175,30 +29176,30 +29177,30 +29178,30 +29179,30 +29180,30 +29181,30 +29182,30 +29183,30 +29184,2 +29185,2 +29186,2 +29187,2 +29188,2 +29189,2 +29190,8 +29191,33 +29192,33 +29193,9 +29194,33 +29195,33 +29196,33 +29197,33 +29198,33 +29199,33 +29200,33 +29201,33 +29202,30 +29203,30 +29204,33 +29205,33 +29206,33 +29207,33 +29208,33 +29209,30 +29210,30 +29211,30 +29212,30 +29213,30 +29214,30 +29215,30 +29216,30 +29217,30 +29218,30 +29219,30 +29220,34 +29221,34 +29222,30 +29223,30 +29224,30 +29225,30 +29226,30 +29227,30 +29228,30 +29229,30 +29230,0 +29231,0 +29232,0 +29233,0 +29234,0 +29235,0 +29236,0 +29237,0 +29238,0 +29239,0 +29240,0 +29241,0 +29242,0 +29243,0 +29244,0 +29245,0 +29246,0 +29247,0 +29248,0 +29249,0 +29250,0 +29251,0 +29252,0 +29253,0 +29254,0 +29255,0 +29256,0 +29257,0 +29258,0 +29259,0 +29260,0 +29261,0 +29262,0 +29263,0 +29264,12 +29265,12 +29266,12 +29267,12 +29268,12 +29269,27 +29270,27 +29271,29 +29272,29 +29273,29 +29274,24 +29275,24 +29276,5 +29277,5 +29278,5 +29279,5 +29280,5 +29281,5 +29282,5 +29283,5 +29284,5 +29285,33 +29286,33 +29287,33 +29288,33 +29289,33 +29290,33 +29291,33 +29292,33 +29293,33 +29294,33 +29295,33 +29296,33 +29297,33 +29298,9 +29299,37 +29300,37 +29301,37 +29302,37 +29303,37 +29304,40 +29305,40 +29306,40 +29307,40 +29308,40 +29309,40 +29310,40 +29311,40 +29312,40 +29313,25 +29314,25 +29315,25 +29316,25 +29317,25 +29318,37 +29319,37 +29320,37 +29321,37 +29322,37 +29323,25 +29324,25 +29325,25 +29326,25 +29327,8 +29328,8 +29329,8 +29330,8 +29331,8 +29332,8 +29333,8 +29334,8 +29335,8 +29336,8 +29337,8 +29338,2 +29339,2 +29340,8 +29341,25 +29342,25 +29343,25 +29344,25 +29345,25 +29346,25 +29347,25 +29348,25 +29349,2 +29350,2 +29351,2 +29352,2 +29353,2 +29354,2 +29355,2 +29356,2 +29357,8 +29358,31 +29359,31 +29360,31 +29361,31 +29362,31 +29363,31 +29364,31 +29365,32 +29366,32 +29367,32 +29368,32 +29369,32 +29370,32 +29371,32 +29372,32 +29373,37 +29374,37 +29375,37 +29376,37 +29377,3 +29378,3 +29379,3 +29380,3 +29381,3 +29382,3 +29383,3 +29384,3 +29385,3 +29386,3 +29387,3 +29388,3 +29389,3 +29390,3 +29391,3 +29392,3 +29393,3 +29394,3 +29395,3 +29396,3 +29397,3 +29398,3 +29399,32 +29400,32 +29401,32 +29402,32 +29403,32 +29404,24 +29405,27 +29406,27 +29407,3 +29408,3 +29409,8 +29410,8 +29411,8 +29412,8 +29413,8 +29414,8 +29415,8 +29416,8 +29417,8 +29418,27 +29419,27 +29420,27 +29421,27 +29422,27 +29423,27 +29424,27 +29425,27 +29426,27 +29427,11 +29428,11 +29429,11 +29430,11 +29431,11 +29432,11 +29433,11 +29434,11 +29435,11 +29436,11 +29437,11 +29438,11 +29439,11 +29440,31 +29441,31 +29442,31 +29443,31 +29444,31 +29445,31 +29446,5 +29447,5 +29448,5 +29449,5 +29450,5 +29451,5 +29452,5 +29453,5 +29454,5 +29455,5 +29456,5 +29457,0 +29458,0 +29459,0 +29460,0 +29461,0 +29462,0 +29463,0 +29464,0 +29465,0 +29466,0 +29467,0 +29468,0 +29469,0 +29470,0 +29471,0 +29472,0 +29473,0 +29474,0 +29475,0 +29476,0 +29477,0 +29478,0 +29479,0 +29480,0 +29481,0 +29482,0 +29483,0 +29484,0 +29485,0 +29486,0 +29487,0 +29488,0 +29489,0 +29490,0 +29491,0 +29492,0 +29493,0 +29494,0 +29495,0 +29496,0 +29497,0 +29498,0 +29499,0 +29500,0 +29501,0 +29502,0 +29503,0 +29504,0 +29505,0 +29506,0 +29507,0 +29508,0 +29509,0 +29510,0 +29511,0 +29512,0 +29513,0 +29514,0 +29515,0 +29516,0 +29517,0 +29518,0 +29519,12 +29520,12 +29521,12 +29522,12 +29523,12 +29524,12 +29525,33 +29526,33 +29527,31 +29528,33 +29529,33 +29530,33 +29531,33 +29532,33 +29533,33 +29534,6 +29535,6 +29536,6 +29537,6 +29538,6 +29539,6 +29540,31 +29541,31 +29542,31 +29543,31 +29544,31 +29545,28 +29546,28 +29547,28 +29548,28 +29549,28 +29550,28 +29551,28 +29552,27 +29553,27 +29554,27 +29555,27 +29556,27 +29557,27 +29558,14 +29559,14 +29560,5 +29561,5 +29562,5 +29563,5 +29564,5 +29565,5 +29566,5 +29567,5 +29568,13 +29569,5 +29570,5 +29571,5 +29572,13 +29573,13 +29574,28 +29575,28 +29576,28 +29577,0 +29578,32 +29579,32 +29580,32 +29581,32 +29582,32 +29583,32 +29584,32 +29585,32 +29586,32 +29587,32 +29588,32 +29589,32 +29590,32 +29591,25 +29592,25 +29593,25 +29594,25 +29595,25 +29596,25 +29597,25 +29598,25 +29599,25 +29600,25 +29601,25 +29602,25 +29603,25 +29604,2 +29605,2 +29606,2 +29607,2 +29608,2 +29609,2 +29610,2 +29611,4 +29612,4 +29613,4 +29614,5 +29615,31 +29616,31 +29617,31 +29618,31 +29619,31 +29620,5 +29621,5 +29622,5 +29623,5 +29624,8 +29625,8 +29626,8 +29627,8 +29628,8 +29629,23 +29630,23 +29631,23 +29632,23 +29633,23 +29634,23 +29635,23 +29636,25 +29637,37 +29638,25 +29639,25 +29640,28 +29641,28 +29642,28 +29643,28 +29644,28 +29645,28 +29646,28 +29647,5 +29648,28 +29649,28 +29650,28 +29651,40 +29652,40 +29653,40 +29654,40 +29655,36 +29656,36 +29657,14 +29658,14 +29659,14 +29660,14 +29661,28 +29662,28 +29663,28 +29664,28 +29665,28 +29666,28 +29667,28 +29668,28 +29669,37 +29670,37 +29671,37 +29672,37 +29673,37 +29674,39 +29675,39 +29676,39 +29677,39 +29678,39 +29679,6 +29680,6 +29681,6 +29682,6 +29683,6 +29684,6 +29685,6 +29686,6 +29687,6 +29688,6 +29689,6 +29690,6 +29691,6 +29692,30 +29693,30 +29694,30 +29695,30 +29696,30 +29697,30 +29698,30 +29699,30 +29700,10 +29701,10 +29702,10 +29703,34 +29704,10 +29705,10 +29706,10 +29707,10 +29708,26 +29709,26 +29710,26 +29711,26 +29712,26 +29713,26 +29714,26 +29715,5 +29716,5 +29717,5 +29718,5 +29719,5 +29720,5 +29721,5 +29722,19 +29723,19 +29724,19 +29725,19 +29726,19 +29727,19 +29728,14 +29729,14 +29730,14 +29731,14 +29732,27 +29733,36 +29734,27 +29735,14 +29736,14 +29737,14 +29738,14 +29739,14 +29740,14 +29741,30 +29742,30 +29743,30 +29744,30 +29745,3 +29746,3 +29747,3 +29748,30 +29749,30 +29750,39 +29751,39 +29752,39 +29753,39 +29754,39 +29755,39 +29756,39 +29757,39 +29758,39 +29759,39 +29760,39 +29761,39 +29762,39 +29763,39 +29764,0 +29765,0 +29766,0 +29767,0 +29768,0 +29769,0 +29770,0 +29771,0 +29772,0 +29773,0 +29774,0 +29775,0 +29776,0 +29777,0 +29778,0 +29779,0 +29780,0 +29781,0 +29782,0 +29783,0 +29784,0 +29785,0 +29786,0 +29787,0 +29788,0 +29789,0 +29790,0 +29791,0 +29792,0 +29793,0 +29794,0 +29795,0 +29796,0 +29797,0 +29798,0 +29799,0 +29800,0 +29801,0 +29802,0 +29803,0 +29804,0 +29805,0 +29806,0 +29807,0 +29808,0 +29809,0 +29810,0 +29811,35 +29812,35 +29813,35 +29814,35 +29815,35 +29816,35 +29817,35 +29818,39 +29819,39 +29820,39 +29821,39 +29822,39 +29823,39 +29824,39 +29825,39 +29826,39 +29827,39 +29828,39 +29829,39 +29830,39 +29831,39 +29832,39 +29833,39 +29834,39 +29835,39 +29836,39 +29837,27 +29838,27 +29839,27 +29840,27 +29841,27 +29842,27 +29843,5 +29844,5 +29845,5 +29846,5 +29847,5 +29848,5 +29849,5 +29850,5 +29851,5 +29852,4 +29853,4 +29854,4 +29855,4 +29856,4 +29857,4 +29858,4 +29859,4 +29860,4 +29861,25 +29862,25 +29863,25 +29864,25 +29865,25 +29866,25 +29867,25 +29868,25 +29869,19 +29870,19 +29871,19 +29872,19 +29873,19 +29874,19 +29875,19 +29876,19 +29877,19 +29878,14 +29879,14 +29880,14 +29881,14 +29882,14 +29883,14 +29884,14 +29885,6 +29886,6 +29887,6 +29888,6 +29889,6 +29890,6 +29891,6 +29892,6 +29893,6 +29894,35 +29895,19 +29896,6 +29897,6 +29898,4 +29899,4 +29900,19 +29901,27 +29902,27 +29903,27 +29904,27 +29905,27 +29906,27 +29907,19 +29908,19 +29909,19 +29910,19 +29911,19 +29912,19 +29913,19 +29914,12 +29915,12 +29916,12 +29917,12 +29918,37 +29919,37 +29920,37 +29921,37 +29922,37 +29923,37 +29924,37 +29925,12 +29926,25 +29927,25 +29928,25 +29929,25 +29930,25 +29931,25 +29932,25 +29933,25 +29934,25 +29935,9 +29936,37 +29937,37 +29938,37 +29939,37 +29940,37 +29941,37 +29942,37 +29943,37 +29944,37 +29945,37 +29946,37 +29947,37 +29948,37 +29949,37 +29950,37 +29951,37 +29952,27 +29953,27 +29954,14 +29955,14 +29956,14 +29957,14 +29958,14 +29959,27 +29960,14 +29961,5 +29962,5 +29963,5 +29964,5 +29965,5 +29966,5 +29967,5 +29968,5 +29969,5 +29970,5 +29971,5 +29972,5 +29973,5 +29974,5 +29975,5 +29976,0 +29977,0 +29978,0 +29979,0 +29980,0 +29981,0 +29982,0 +29983,0 +29984,0 +29985,0 +29986,0 +29987,0 +29988,0 +29989,0 +29990,0 +29991,0 +29992,0 +29993,0 +29994,0 +29995,0 +29996,0 +29997,0 +29998,0 +29999,36 +30000,36 +30001,31 +30002,31 +30003,31 +30004,31 +30005,5 +30006,5 +30007,5 +30008,5 +30009,5 +30010,5 +30011,5 +30012,5 +30013,19 +30014,19 +30015,32 +30016,32 +30017,32 +30018,32 +30019,32 +30020,32 +30021,32 +30022,32 +30023,32 +30024,32 +30025,32 +30026,9 +30027,9 +30028,9 +30029,9 +30030,9 +30031,9 +30032,9 +30033,37 +30034,37 +30035,37 +30036,25 +30037,25 +30038,37 +30039,37 +30040,37 +30041,37 +30042,11 +30043,11 +30044,11 +30045,2 +30046,11 +30047,11 +30048,11 +30049,11 +30050,31 +30051,31 +30052,31 +30053,27 +30054,27 +30055,31 +30056,27 +30057,27 +30058,30 +30059,30 +30060,30 +30061,30 +30062,19 +30063,19 +30064,19 +30065,19 +30066,19 +30067,19 +30068,19 +30069,19 +30070,19 +30071,34 +30072,34 +30073,34 +30074,34 +30075,34 +30076,34 +30077,34 +30078,10 +30079,10 +30080,31 +30081,31 +30082,31 +30083,31 +30084,31 +30085,32 +30086,32 +30087,32 +30088,32 +30089,32 +30090,32 +30091,32 +30092,32 +30093,23 +30094,29 +30095,29 +30096,29 +30097,31 +30098,31 +30099,31 +30100,31 +30101,15 +30102,15 +30103,15 +30104,15 +30105,15 +30106,15 +30107,15 +30108,15 +30109,15 +30110,15 +30111,15 +30112,15 +30113,15 +30114,37 +30115,37 +30116,37 +30117,37 +30118,37 +30119,37 +30120,37 +30121,37 +30122,37 +30123,37 +30124,25 +30125,14 +30126,14 +30127,14 +30128,14 +30129,14 +30130,14 +30131,14 +30132,14 +30133,14 +30134,14 +30135,14 +30136,14 +30137,14 +30138,14 +30139,14 +30140,5 +30141,5 +30142,5 +30143,5 +30144,5 +30145,5 +30146,5 +30147,19 +30148,19 +30149,19 +30150,19 +30151,19 +30152,39 +30153,39 +30154,39 +30155,39 +30156,39 +30157,39 +30158,39 +30159,39 +30160,39 +30161,39 +30162,39 +30163,39 +30164,39 +30165,39 +30166,39 +30167,39 +30168,39 +30169,39 +30170,39 +30171,39 +30172,39 +30173,39 +30174,0 +30175,0 +30176,0 +30177,0 +30178,0 +30179,0 +30180,0 +30181,0 +30182,0 +30183,0 +30184,0 +30185,0 +30186,0 +30187,0 +30188,0 +30189,0 +30190,0 +30191,0 +30192,0 +30193,0 +30194,0 +30195,0 +30196,0 +30197,0 +30198,0 +30199,0 +30200,0 +30201,0 +30202,0 +30203,0 +30204,0 +30205,0 +30206,0 +30207,0 +30208,0 +30209,0 +30210,0 +30211,0 +30212,0 +30213,0 +30214,0 +30215,0 +30216,0 +30217,0 +30218,0 +30219,0 +30220,0 +30221,0 +30222,0 +30223,0 +30224,0 +30225,0 +30226,0 +30227,0 +30228,0 +30229,0 +30230,0 +30231,0 +30232,0 +30233,0 +30234,0 +30235,0 +30236,0 +30237,0 +30238,0 +30239,0 +30240,0 +30241,0 +30242,0 +30243,0 +30244,0 +30245,0 +30246,0 +30247,0 +30248,0 +30249,0 +30250,0 +30251,0 +30252,0 +30253,0 +30254,0 +30255,0 +30256,0 +30257,0 +30258,0 +30259,0 +30260,0 +30261,0 +30262,0 +30263,0 +30264,0 +30265,0 +30266,0 +30267,0 +30268,0 +30269,0 +30270,0 +30271,0 +30272,0 +30273,0 +30274,0 +30275,0 +30276,0 +30277,0 +30278,0 +30279,0 +30280,0 +30281,0 +30282,0 +30283,0 +30284,0 +30285,0 +30286,0 +30287,0 +30288,29 +30289,29 +30290,29 +30291,14 +30292,14 +30293,14 +30294,14 +30295,14 +30296,14 +30297,14 +30298,14 +30299,14 +30300,14 +30301,14 +30302,35 +30303,35 +30304,35 +30305,35 +30306,35 +30307,35 +30308,35 +30309,35 +30310,36 +30311,40 +30312,40 +30313,40 +30314,40 +30315,40 +30316,19 +30317,19 +30318,19 +30319,19 +30320,23 +30321,23 +30322,23 +30323,23 +30324,23 +30325,23 +30326,23 +30327,23 +30328,23 +30329,23 +30330,23 +30331,23 +30332,23 +30333,23 +30334,40 +30335,40 +30336,40 +30337,40 +30338,40 +30339,40 +30340,40 +30341,40 +30342,40 +30343,40 +30344,37 +30345,37 +30346,26 +30347,37 +30348,34 +30349,37 +30350,37 +30351,37 +30352,10 +30353,10 +30354,26 +30355,26 +30356,26 +30357,5 +30358,5 +30359,5 +30360,28 +30361,28 +30362,28 +30363,5 +30364,5 +30365,5 +30366,5 +30367,5 +30368,5 +30369,5 +30370,5 +30371,5 +30372,5 +30373,5 +30374,5 +30375,5 +30376,5 +30377,5 +30378,5 +30379,5 +30380,5 +30381,5 +30382,27 +30383,27 +30384,27 +30385,31 +30386,31 +30387,31 +30388,2 +30389,2 +30390,2 +30391,2 +30392,2 +30393,2 +30394,2 +30395,2 +30396,2 +30397,2 +30398,2 +30399,2 +30400,2 +30401,2 +30402,2 +30403,2 +30404,2 +30405,40 +30406,40 +30407,40 +30408,40 +30409,40 +30410,40 +30411,40 +30412,40 +30413,40 +30414,40 +30415,30 +30416,30 +30417,30 +30418,30 +30419,30 +30420,30 +30421,30 +30422,30 +30423,30 +30424,34 +30425,30 +30426,25 +30427,25 +30428,25 +30429,25 +30430,25 +30431,37 +30432,25 +30433,25 +30434,37 +30435,37 +30436,25 +30437,25 +30438,25 +30439,23 +30440,23 +30441,23 +30442,23 +30443,23 +30444,23 +30445,23 +30446,23 +30447,23 +30448,23 +30449,23 +30450,23 +30451,27 +30452,27 +30453,27 +30454,27 +30455,27 +30456,27 +30457,23 +30458,23 +30459,23 +30460,23 +30461,23 +30462,23 +30463,23 +30464,23 +30465,23 +30466,23 +30467,23 +30468,4 +30469,4 +30470,4 +30471,4 +30472,4 +30473,4 +30474,4 +30475,4 +30476,27 +30477,27 +30478,27 +30479,27 +30480,27 +30481,27 +30482,27 +30483,27 +30484,27 +30485,27 +30486,5 +30487,5 +30488,5 +30489,5 +30490,5 +30491,5 +30492,5 +30493,5 +30494,5 +30495,5 +30496,5 +30497,2 +30498,2 +30499,2 +30500,2 +30501,2 +30502,2 +30503,23 +30504,23 +30505,23 +30506,23 +30507,23 +30508,2 +30509,2 +30510,33 +30511,33 +30512,33 +30513,33 +30514,30 +30515,30 +30516,30 +30517,30 +30518,30 +30519,30 +30520,30 +30521,30 +30522,30 +30523,30 +30524,30 +30525,30 +30526,30 +30527,30 +30528,30 +30529,30 +30530,30 +30531,15 +30532,15 +30533,15 +30534,12 +30535,12 +30536,12 +30537,12 +30538,12 +30539,12 +30540,12 +30541,12 +30542,9 +30543,26 +30544,26 +30545,26 +30546,9 +30547,9 +30548,10 +30549,10 +30550,9 +30551,9 +30552,9 +30553,9 +30554,9 +30555,9 +30556,9 +30557,9 +30558,26 +30559,26 +30560,4 +30561,4 +30562,4 +30563,31 +30564,31 +30565,31 +30566,31 +30567,31 +30568,31 +30569,31 +30570,30 +30571,30 +30572,30 +30573,30 +30574,30 +30575,30 +30576,30 +30577,30 +30578,8 +30579,8 +30580,8 +30581,8 +30582,8 +30583,8 +30584,8 +30585,8 +30586,8 +30587,35 +30588,35 +30589,35 +30590,35 +30591,35 +30592,35 +30593,35 +30594,4 +30595,25 +30596,25 +30597,25 +30598,25 +30599,25 +30600,25 +30601,28 +30602,28 +30603,28 +30604,28 +30605,28 +30606,28 +30607,28 +30608,28 +30609,28 +30610,28 +30611,40 +30612,40 +30613,40 +30614,40 +30615,40 +30616,40 +30617,36 +30618,36 +30619,4 +30620,4 +30621,4 +30622,27 +30623,27 +30624,27 +30625,27 +30626,27 +30627,27 +30628,6 +30629,6 +30630,6 +30631,6 +30632,6 +30633,6 +30634,6 +30635,6 +30636,6 +30637,6 +30638,6 +30639,6 +30640,6 +30641,6 +30642,30 +30643,30 +30644,30 +30645,30 +30646,30 +30647,39 +30648,39 +30649,39 +30650,39 +30651,39 +30652,39 +30653,39 +30654,39 +30655,39 +30656,2 +30657,2 +30658,2 +30659,2 +30660,2 +30661,2 +30662,2 +30663,2 +30664,2 +30665,2 +30666,2 +30667,2 +30668,2 +30669,2 +30670,2 +30671,2 +30672,39 +30673,39 +30674,39 +30675,39 +30676,39 +30677,39 +30678,39 +30679,39 +30680,39 +30681,39 +30682,39 +30683,39 +30684,39 +30685,31 +30686,31 +30687,31 +30688,30 +30689,30 +30690,30 +30691,4 +30692,4 +30693,4 +30694,12 +30695,30 +30696,30 +30697,30 +30698,30 +30699,30 +30700,30 +30701,30 +30702,19 +30703,19 +30704,19 +30705,19 +30706,19 +30707,19 +30708,19 +30709,19 +30710,19 +30711,19 +30712,0 +30713,0 +30714,0 +30715,0 +30716,0 +30717,0 +30718,0 +30719,0 +30720,0 +30721,0 +30722,0 +30723,0 +30724,0 +30725,0 +30726,0 +30727,0 +30728,0 +30729,0 +30730,0 +30731,0 +30732,0 +30733,0 +30734,0 +30735,0 +30736,0 +30737,0 +30738,0 +30739,0 +30740,0 +30741,0 +30742,0 +30743,0 +30744,0 +30745,0 +30746,0 +30747,0 +30748,0 +30749,0 +30750,0 +30751,0 +30752,0 +30753,0 +30754,0 +30755,0 +30756,0 +30757,0 +30758,0 +30759,0 +30760,0 +30761,0 +30762,0 +30763,0 +30764,0 +30765,0 +30766,0 +30767,0 +30768,0 +30769,0 +30770,0 +30771,0 +30772,0 +30773,0 +30774,19 +30775,19 +30776,19 +30777,19 +30778,19 +30779,34 +30780,34 +30781,34 +30782,34 +30783,34 +30784,34 +30785,34 +30786,34 +30787,34 +30788,34 +30789,34 +30790,30 +30791,34 +30792,34 +30793,30 +30794,34 +30795,30 +30796,30 +30797,30 +30798,31 +30799,5 +30800,5 +30801,5 +30802,5 +30803,5 +30804,29 +30805,31 +30806,31 +30807,31 +30808,31 +30809,31 +30810,2 +30811,2 +30812,2 +30813,2 +30814,2 +30815,2 +30816,2 +30817,2 +30818,2 +30819,31 +30820,31 +30821,31 +30822,31 +30823,30 +30824,30 +30825,30 +30826,30 +30827,30 +30828,30 +30829,30 +30830,30 +30831,18 +30832,18 +30833,18 +30834,18 +30835,18 +30836,18 +30837,18 +30838,18 +30839,1 +30840,25 +30841,25 +30842,25 +30843,1 +30844,1 +30845,1 +30846,1 +30847,8 +30848,11 +30849,8 +30850,8 +30851,1 +30852,1 +30853,1 +30854,1 +30855,23 +30856,23 +30857,23 +30858,23 +30859,23 +30860,25 +30861,25 +30862,25 +30863,25 +30864,25 +30865,25 +30866,29 +30867,29 +30868,29 +30869,29 +30870,29 +30871,29 +30872,40 +30873,40 +30874,40 +30875,37 +30876,37 +30877,25 +30878,25 +30879,37 +30880,37 +30881,37 +30882,37 +30883,25 +30884,37 +30885,37 +30886,39 +30887,39 +30888,39 +30889,39 +30890,39 +30891,27 +30892,27 +30893,15 +30894,15 +30895,15 +30896,25 +30897,25 +30898,25 +30899,25 +30900,0 +30901,15 +30902,0 +30903,0 +30904,0 +30905,0 +30906,0 +30907,2 +30908,2 +30909,2 +30910,2 +30911,2 +30912,2 +30913,2 +30914,2 +30915,2 +30916,2 +30917,2 +30918,2 +30919,2 +30920,2 +30921,2 +30922,2 +30923,2 +30924,2 +30925,2 +30926,2 +30927,2 +30928,2 +30929,0 +30930,0 +30931,0 +30932,0 +30933,0 +30934,0 +30935,0 +30936,0 +30937,0 +30938,0 +30939,0 +30940,0 +30941,0 +30942,0 +30943,0 +30944,0 +30945,0 +30946,0 +30947,0 +30948,0 +30949,0 +30950,0 +30951,0 +30952,0 +30953,0 +30954,0 +30955,0 +30956,36 +30957,36 +30958,36 +30959,36 +30960,36 +30961,36 +30962,36 +30963,36 +30964,36 +30965,31 +30966,24 +30967,15 +30968,15 +30969,15 +30970,15 +30971,15 +30972,36 +30973,36 +30974,36 +30975,36 +30976,36 +30977,36 +30978,36 +30979,10 +30980,36 +30981,36 +30982,36 +30983,36 +30984,36 +30985,36 +30986,36 +30987,36 +30988,36 +30989,19 +30990,19 +30991,19 +30992,19 +30993,19 +30994,19 +30995,19 +30996,19 +30997,2 +30998,2 +30999,2 +31000,2 +31001,2 +31002,2 +31003,2 +31004,2 +31005,2 +31006,2 +31007,10 +31008,10 +31009,10 +31010,10 +31011,10 +31012,10 +31013,10 +31014,10 +31015,10 +31016,10 +31017,10 +31018,10 +31019,10 +31020,10 +31021,10 +31022,10 +31023,10 +31024,10 +31025,10 +31026,10 +31027,10 +31028,10 +31029,10 +31030,10 +31031,10 +31032,5 +31033,5 +31034,5 +31035,5 +31036,5 +31037,5 +31038,5 +31039,5 +31040,5 +31041,5 +31042,5 +31043,0 +31044,0 +31045,0 +31046,0 +31047,0 +31048,0 +31049,0 +31050,0 +31051,0 +31052,0 +31053,0 +31054,0 +31055,0 +31056,0 +31057,0 +31058,0 +31059,0 +31060,0 +31061,0 +31062,15 +31063,15 +31064,15 +31065,15 +31066,15 +31067,15 +31068,15 +31069,19 +31070,19 +31071,19 +31072,19 +31073,33 +31074,33 +31075,33 +31076,33 +31077,33 +31078,33 +31079,33 +31080,33 +31081,33 +31082,33 +31083,33 +31084,33 +31085,33 +31086,33 +31087,33 +31088,33 +31089,30 +31090,30 +31091,30 +31092,30 +31093,30 +31094,30 +31095,30 +31096,4 +31097,4 +31098,4 +31099,4 +31100,4 +31101,4 +31102,4 +31103,38 +31104,38 +31105,38 +31106,7 +31107,7 +31108,7 +31109,7 +31110,6 +31111,6 +31112,6 +31113,6 +31114,6 +31115,6 +31116,7 +31117,7 +31118,22 +31119,22 +31120,22 +31121,37 +31122,37 +31123,37 +31124,37 +31125,37 +31126,37 +31127,37 +31128,37 +31129,37 +31130,37 +31131,39 +31132,14 +31133,14 +31134,14 +31135,14 +31136,14 +31137,27 +31138,27 +31139,2 +31140,2 +31141,2 +31142,2 +31143,2 +31144,2 +31145,2 +31146,2 +31147,2 +31148,2 +31149,2 +31150,2 +31151,2 +31152,2 +31153,2 +31154,30 +31155,30 +31156,30 +31157,30 +31158,30 +31159,30 +31160,30 +31161,39 +31162,39 +31163,39 +31164,39 +31165,39 +31166,39 +31167,39 +31168,39 +31169,39 +31170,39 +31171,39 +31172,39 +31173,39 +31174,39 +31175,39 +31176,39 +31177,39 +31178,39 +31179,39 +31180,39 +31181,39 +31182,39 +31183,39 +31184,39 +31185,39 +31186,39 +31187,39 +31188,39 +31189,39 +31190,39 +31191,39 +31192,39 +31193,0 +31194,0 +31195,0 +31196,0 +31197,0 +31198,0 +31199,0 +31200,0 +31201,0 +31202,0 +31203,0 +31204,0 +31205,31 +31206,31 +31207,31 +31208,31 +31209,31 +31210,31 +31211,31 +31212,31 +31213,31 +31214,31 +31215,31 +31216,31 +31217,31 +31218,32 +31219,32 +31220,32 +31221,32 +31222,32 +31223,32 +31224,26 +31225,26 +31226,26 +31227,26 +31228,26 +31229,26 +31230,26 +31231,5 +31232,5 +31233,5 +31234,5 +31235,5 +31236,5 +31237,5 +31238,29 +31239,29 +31240,29 +31241,25 +31242,25 +31243,25 +31244,25 +31245,25 +31246,25 +31247,25 +31248,25 +31249,25 +31250,31 +31251,25 +31252,25 +31253,40 +31254,40 +31255,40 +31256,40 +31257,40 +31258,40 +31259,40 +31260,19 +31261,19 +31262,19 +31263,19 +31264,19 +31265,19 +31266,19 +31267,19 +31268,19 +31269,19 +31270,19 +31271,15 +31272,15 +31273,15 +31274,15 +31275,15 +31276,37 +31277,37 +31278,37 +31279,37 +31280,37 +31281,37 +31282,37 +31283,37 +31284,36 +31285,36 +31286,36 +31287,36 +31288,36 +31289,36 +31290,36 +31291,36 +31292,36 +31293,36 +31294,36 +31295,36 +31296,36 +31297,36 +31298,36 +31299,5 +31300,5 +31301,5 +31302,5 +31303,5 +31304,5 +31305,5 +31306,19 +31307,19 +31308,19 +31309,19 +31310,27 +31311,27 +31312,27 +31313,27 +31314,31 +31315,6 +31316,6 +31317,6 +31318,6 +31319,6 +31320,6 +31321,6 +31322,6 +31323,6 +31324,6 +31325,37 +31326,37 +31327,37 +31328,31 +31329,31 +31330,31 +31331,31 +31332,31 +31333,31 +31334,31 +31335,31 +31336,31 +31337,31 +31338,2 +31339,2 +31340,2 +31341,2 +31342,2 +31343,2 +31344,2 +31345,2 +31346,2 +31347,2 +31348,2 +31349,2 +31350,2 +31351,28 +31352,28 +31353,28 +31354,28 +31355,28 +31356,28 +31357,40 +31358,40 +31359,40 +31360,40 +31361,40 +31362,40 +31363,5 +31364,5 +31365,5 +31366,5 +31367,5 +31368,5 +31369,5 +31370,5 +31371,5 +31372,5 +31373,5 +31374,5 +31375,5 +31376,25 +31377,25 +31378,25 +31379,25 +31380,25 +31381,25 +31382,25 +31383,25 +31384,25 +31385,25 +31386,25 +31387,8 +31388,8 +31389,8 +31390,8 +31391,8 +31392,8 +31393,8 +31394,8 +31395,23 +31396,23 +31397,23 +31398,23 +31399,23 +31400,23 +31401,23 +31402,23 +31403,23 +31404,23 +31405,23 +31406,23 +31407,9 +31408,9 +31409,9 +31410,9 +31411,9 +31412,9 +31413,9 +31414,9 +31415,9 +31416,37 +31417,37 +31418,37 +31419,37 +31420,37 +31421,37 +31422,37 +31423,35 +31424,35 +31425,37 +31426,35 +31427,35 +31428,35 +31429,35 +31430,25 +31431,25 +31432,25 +31433,25 +31434,36 +31435,36 +31436,36 +31437,36 +31438,36 +31439,40 +31440,40 +31441,40 +31442,40 +31443,40 +31444,40 +31445,19 +31446,19 +31447,19 +31448,19 +31449,19 +31450,19 +31451,19 +31452,19 +31453,19 +31454,19 +31455,19 +31456,19 +31457,19 +31458,19 +31459,19 +31460,19 +31461,19 +31462,4 +31463,4 +31464,38 +31465,23 +31466,23 +31467,0 +31468,0 +31469,0 +31470,0 +31471,0 +31472,0 +31473,0 +31474,0 +31475,0 +31476,0 +31477,0 +31478,0 +31479,0 +31480,0 +31481,0 +31482,0 +31483,0 +31484,0 +31485,0 +31486,0 +31487,0 +31488,0 +31489,0 +31490,0 +31491,0 +31492,0 +31493,0 +31494,0 +31495,0 +31496,0 +31497,0 +31498,0 +31499,0 +31500,0 +31501,0 +31502,0 +31503,0 +31504,0 +31505,0 +31506,0 +31507,0 +31508,0 +31509,0 +31510,0 +31511,0 +31512,0 +31513,0 +31514,0 +31515,0 +31516,0 +31517,0 +31518,0 +31519,0 +31520,0 +31521,0 +31522,0 +31523,0 +31524,0 +31525,0 +31526,0 +31527,0 +31528,0 +31529,0 +31530,0 +31531,0 +31532,0 +31533,0 +31534,0 +31535,0 +31536,0 +31537,0 +31538,0 +31539,0 +31540,0 +31541,0 +31542,0 +31543,0 +31544,0 +31545,0 +31546,0 +31547,0 +31548,0 +31549,0 +31550,0 +31551,0 +31552,0 +31553,32 +31554,32 +31555,32 +31556,32 +31557,32 +31558,25 +31559,25 +31560,25 +31561,25 +31562,25 +31563,25 +31564,2 +31565,2 +31566,2 +31567,2 +31568,2 +31569,2 +31570,2 +31571,2 +31572,2 +31573,2 +31574,2 +31575,2 +31576,2 +31577,2 +31578,2 +31579,27 +31580,27 +31581,27 +31582,27 +31583,27 +31584,33 +31585,33 +31586,33 +31587,33 +31588,33 +31589,33 +31590,30 +31591,30 +31592,30 +31593,33 +31594,33 +31595,33 +31596,27 +31597,27 +31598,27 +31599,27 +31600,33 +31601,33 +31602,27 +31603,31 +31604,31 +31605,31 +31606,31 +31607,6 +31608,6 +31609,6 +31610,6 +31611,6 +31612,6 +31613,6 +31614,6 +31615,6 +31616,6 +31617,6 +31618,6 +31619,36 +31620,36 +31621,36 +31622,36 +31623,36 +31624,36 +31625,36 +31626,36 +31627,36 +31628,16 +31629,16 +31630,16 +31631,16 +31632,16 +31633,16 +31634,4 +31635,4 +31636,11 +31637,11 +31638,16 +31639,16 +31640,16 +31641,16 +31642,16 +31643,16 +31644,16 +31645,27 +31646,39 +31647,27 +31648,27 +31649,27 +31650,37 +31651,37 +31652,37 +31653,37 +31654,37 +31655,37 +31656,37 +31657,37 +31658,37 +31659,37 +31660,27 +31661,31 +31662,31 +31663,31 +31664,31 +31665,31 +31666,31 +31667,31 +31668,31 +31669,31 +31670,13 +31671,13 +31672,13 +31673,15 +31674,15 +31675,15 +31676,15 +31677,34 +31678,34 +31679,34 +31680,34 +31681,34 +31682,34 +31683,34 +31684,34 +31685,34 +31686,34 +31687,34 +31688,34 +31689,4 +31690,4 +31691,4 +31692,4 +31693,4 +31694,4 +31695,29 +31696,29 +31697,31 +31698,31 +31699,31 +31700,31 +31701,31 +31702,21 +31703,21 +31704,21 +31705,21 +31706,21 +31707,25 +31708,25 +31709,21 +31710,25 +31711,25 +31712,25 +31713,25 +31714,25 +31715,25 +31716,25 +31717,25 +31718,25 +31719,25 +31720,25 +31721,25 +31722,25 +31723,25 +31724,30 +31725,30 +31726,30 +31727,30 +31728,30 +31729,30 +31730,30 +31731,30 +31732,26 +31733,26 +31734,26 +31735,30 +31736,31 +31737,34 +31738,34 +31739,34 +31740,34 +31741,34 +31742,34 +31743,31 +31744,31 +31745,31 +31746,32 +31747,38 +31748,24 +31749,24 +31750,9 +31751,9 +31752,9 +31753,9 +31754,9 +31755,9 +31756,9 +31757,9 +31758,9 +31759,9 +31760,9 +31761,9 +31762,9 +31763,9 +31764,9 +31765,9 +31766,9 +31767,9 +31768,9 +31769,9 +31770,30 +31771,30 +31772,30 +31773,30 +31774,9 +31775,9 +31776,30 +31777,30 +31778,30 +31779,30 +31780,2 +31781,2 +31782,2 +31783,2 +31784,2 +31785,2 +31786,2 +31787,2 +31788,2 +31789,2 +31790,2 +31791,2 +31792,2 +31793,2 +31794,2 +31795,10 +31796,10 +31797,10 +31798,10 +31799,10 +31800,10 +31801,10 +31802,10 +31803,10 +31804,10 +31805,10 +31806,10 +31807,10 +31808,10 +31809,10 +31810,10 +31811,10 +31812,10 +31813,10 +31814,10 +31815,10 +31816,10 +31817,10 +31818,10 +31819,19 +31820,19 +31821,19 +31822,19 +31823,19 +31824,19 +31825,8 +31826,8 +31827,8 +31828,8 +31829,8 +31830,8 +31831,8 +31832,8 +31833,8 +31834,15 +31835,15 +31836,15 +31837,15 +31838,29 +31839,29 +31840,29 +31841,15 +31842,22 +31843,22 +31844,22 +31845,22 +31846,22 +31847,22 +31848,6 +31849,6 +31850,6 +31851,6 +31852,6 +31853,6 +31854,6 +31855,22 +31856,22 +31857,22 +31858,22 +31859,19 +31860,19 +31861,19 +31862,19 +31863,19 +31864,3 +31865,3 +31866,3 +31867,3 +31868,3 +31869,3 +31870,3 +31871,3 +31872,3 +31873,3 +31874,3 +31875,3 +31876,3 +31877,3 +31878,5 +31879,5 +31880,5 +31881,5 +31882,5 +31883,40 +31884,40 +31885,40 +31886,40 +31887,40 +31888,40 +31889,40 +31890,40 +31891,24 +31892,24 +31893,24 +31894,24 +31895,24 +31896,25 +31897,25 +31898,25 +31899,25 +31900,25 +31901,25 +31902,25 +31903,25 +31904,25 +31905,6 +31906,6 +31907,6 +31908,6 +31909,6 +31910,6 +31911,6 +31912,6 +31913,6 +31914,6 +31915,6 +31916,6 +31917,36 +31918,36 +31919,36 +31920,36 +31921,40 +31922,40 +31923,40 +31924,16 +31925,16 +31926,16 +31927,16 +31928,16 +31929,16 +31930,16 +31931,27 +31932,27 +31933,27 +31934,27 +31935,27 +31936,27 +31937,39 +31938,21 +31939,21 +31940,21 +31941,21 +31942,21 +31943,21 +31944,6 +31945,6 +31946,21 +31947,21 +31948,30 +31949,30 +31950,30 +31951,30 +31952,30 +31953,30 +31954,30 +31955,27 +31956,27 +31957,27 +31958,27 +31959,27 +31960,5 +31961,5 +31962,5 +31963,5 +31964,5 +31965,2 +31966,2 +31967,2 +31968,2 +31969,2 +31970,2 +31971,2 +31972,2 +31973,2 +31974,31 +31975,31 +31976,31 +31977,40 +31978,24 +31979,24 +31980,24 +31981,24 +31982,24 +31983,35 +31984,35 +31985,35 +31986,35 +31987,35 +31988,35 +31989,25 +31990,25 +31991,25 +31992,25 +31993,25 +31994,37 +31995,25 +31996,25 +31997,37 +31998,37 +31999,37 +32000,37 +32001,37 +32002,37 +32003,37 +32004,37 +32005,37 +32006,37 +32007,37 +32008,37 +32009,37 +32010,37 +32011,37 +32012,37 +32013,0 +32014,0 +32015,0 +32016,0 +32017,0 +32018,0 +32019,0 +32020,0 +32021,0 +32022,0 +32023,0 +32024,0 +32025,0 +32026,0 +32027,0 +32028,0 +32029,0 +32030,0 +32031,0 +32032,0 +32033,0 +32034,0 +32035,0 +32036,0 +32037,0 +32038,0 +32039,0 +32040,0 +32041,0 +32042,0 +32043,0 +32044,0 +32045,0 +32046,0 +32047,12 +32048,12 +32049,12 +32050,12 +32051,12 +32052,12 +32053,12 +32054,12 +32055,27 +32056,27 +32057,27 +32058,5 +32059,5 +32060,5 +32061,5 +32062,5 +32063,28 +32064,39 +32065,39 +32066,39 +32067,39 +32068,39 +32069,39 +32070,27 +32071,31 +32072,31 +32073,5 +32074,5 +32075,5 +32076,5 +32077,6 +32078,6 +32079,6 +32080,6 +32081,6 +32082,6 +32083,6 +32084,6 +32085,6 +32086,6 +32087,6 +32088,6 +32089,6 +32090,6 +32091,14 +32092,14 +32093,14 +32094,14 +32095,14 +32096,14 +32097,36 +32098,36 +32099,36 +32100,36 +32101,36 +32102,36 +32103,36 +32104,36 +32105,36 +32106,36 +32107,36 +32108,36 +32109,36 +32110,36 +32111,4 +32112,4 +32113,4 +32114,4 +32115,4 +32116,4 +32117,30 +32118,30 +32119,30 +32120,30 +32121,30 +32122,30 +32123,30 +32124,30 +32125,30 +32126,30 +32127,30 +32128,22 +32129,22 +32130,22 +32131,22 +32132,22 +32133,22 +32134,22 +32135,6 +32136,6 +32137,6 +32138,6 +32139,6 +32140,6 +32141,6 +32142,6 +32143,6 +32144,6 +32145,4 +32146,4 +32147,4 +32148,4 +32149,4 +32150,4 +32151,2 +32152,2 +32153,27 +32154,27 +32155,27 +32156,27 +32157,27 +32158,27 +32159,27 +32160,27 +32161,28 +32162,28 +32163,28 +32164,28 +32165,29 +32166,29 +32167,29 +32168,29 +32169,29 +32170,29 +32171,28 +32172,28 +32173,36 +32174,36 +32175,36 +32176,36 +32177,36 +32178,36 +32179,40 +32180,40 +32181,40 +32182,40 +32183,28 +32184,28 +32185,28 +32186,28 +32187,28 +32188,28 +32189,13 +32190,28 +32191,28 +32192,28 +32193,13 +32194,13 +32195,13 +32196,13 +32197,13 +32198,13 +32199,33 +32200,40 +32201,40 +32202,40 +32203,40 +32204,40 +32205,40 +32206,40 +32207,40 +32208,40 +32209,40 +32210,37 +32211,37 +32212,25 +32213,25 +32214,25 +32215,25 +32216,25 +32217,25 +32218,25 +32219,25 +32220,25 +32221,25 +32222,25 +32223,25 +32224,25 +32225,25 +32226,2 +32227,2 +32228,2 +32229,2 +32230,2 +32231,2 +32232,2 +32233,2 +32234,2 +32235,2 +32236,2 +32237,2 +32238,2 +32239,2 +32240,0 +32241,0 +32242,32 +32243,11 +32244,11 +32245,11 +32246,16 +32247,4 +32248,4 +32249,4 +32250,3 +32251,3 +32252,3 +32253,39 +32254,39 +32255,39 +32256,39 +32257,39 +32258,1 +32259,1 +32260,39 +32261,39 +32262,39 +32263,39 +32264,39 +32265,39 +32266,7 +32267,7 +32268,7 +32269,7 +32270,7 +32271,7 +32272,7 +32273,7 +32274,3 +32275,3 +32276,3 +32277,3 +32278,3 +32279,39 +32280,39 +32281,39 +32282,39 +32283,39 +32284,39 +32285,3 +32286,3 +32287,3 +32288,3 +32289,24 +32290,24 +32291,24 +32292,24 +32293,24 +32294,24 +32295,0 +32296,0 +32297,0 +32298,0 +32299,0 +32300,0 +32301,0 +32302,0 +32303,0 +32304,0 +32305,0 +32306,0 +32307,0 +32308,0 +32309,0 +32310,0 +32311,0 +32312,0 +32313,0 +32314,0 +32315,0 +32316,0 +32317,0 +32318,0 +32319,0 +32320,0 +32321,0 +32322,0 +32323,0 +32324,19 +32325,19 +32326,19 +32327,4 +32328,4 +32329,4 +32330,31 +32331,31 +32332,31 +32333,31 +32334,31 +32335,31 +32336,35 +32337,35 +32338,35 +32339,35 +32340,35 +32341,35 +32342,35 +32343,35 +32344,35 +32345,34 +32346,34 +32347,34 +32348,34 +32349,34 +32350,34 +32351,34 +32352,30 +32353,30 +32354,33 +32355,33 +32356,33 +32357,33 +32358,33 +32359,33 +32360,32 +32361,32 +32362,32 +32363,32 +32364,32 +32365,32 +32366,32 +32367,32 +32368,32 +32369,32 +32370,32 +32371,32 +32372,39 +32373,39 +32374,39 +32375,39 +32376,7 +32377,7 +32378,7 +32379,7 +32380,7 +32381,7 +32382,7 +32383,7 +32384,7 +32385,3 +32386,3 +32387,3 +32388,3 +32389,3 +32390,3 +32391,3 +32392,3 +32393,3 +32394,3 +32395,3 +32396,12 +32397,12 +32398,12 +32399,12 +32400,12 +32401,12 +32402,12 +32403,12 +32404,25 +32405,25 +32406,25 +32407,25 +32408,25 +32409,25 +32410,25 +32411,25 +32412,29 +32413,29 +32414,29 +32415,29 +32416,29 +32417,29 +32418,29 +32419,29 +32420,31 +32421,31 +32422,31 +32423,31 +32424,31 +32425,31 +32426,15 +32427,15 +32428,15 +32429,15 +32430,15 +32431,15 +32432,15 +32433,15 +32434,15 +32435,15 +32436,15 +32437,15 +32438,15 +32439,15 +32440,27 +32441,27 +32442,27 +32443,27 +32444,27 +32445,27 +32446,27 +32447,27 +32448,27 +32449,27 +32450,27 +32451,4 +32452,4 +32453,4 +32454,4 +32455,4 +32456,4 +32457,4 +32458,4 +32459,4 +32460,4 +32461,4 +32462,15 +32463,15 +32464,15 +32465,15 +32466,15 +32467,15 +32468,15 +32469,15 +32470,15 +32471,40 +32472,40 +32473,40 +32474,40 +32475,40 +32476,40 +32477,40 +32478,40 +32479,40 +32480,40 +32481,40 +32482,19 +32483,19 +32484,19 +32485,19 +32486,19 +32487,19 +32488,19 +32489,19 +32490,25 +32491,25 +32492,25 +32493,25 +32494,25 +32495,25 +32496,25 +32497,25 +32498,25 +32499,25 +32500,23 +32501,23 +32502,23 +32503,23 +32504,23 +32505,23 +32506,23 +32507,23 +32508,23 +32509,23 +32510,23 +32511,23 +32512,23 +32513,26 +32514,26 +32515,26 +32516,26 +32517,26 +32518,26 +32519,26 +32520,26 +32521,26 +32522,26 +32523,26 +32524,26 +32525,26 +32526,26 +32527,26 +32528,26 +32529,26 +32530,26 +32531,26 +32532,26 +32533,26 +32534,26 +32535,26 +32536,26 +32537,9 +32538,9 +32539,9 +32540,9 +32541,4 +32542,4 +32543,4 +32544,4 +32545,4 +32546,4 +32547,4 +32548,4 +32549,4 +32550,32 +32551,32 +32552,32 +32553,32 +32554,32 +32555,0 +32556,0 +32557,0 +32558,0 +32559,0 +32560,0 +32561,0 +32562,0 +32563,0 +32564,0 +32565,0 +32566,0 +32567,0 +32568,0 +32569,0 +32570,0 +32571,0 +32572,0 +32573,0 +32574,0 +32575,0 +32576,0 +32577,0 +32578,0 +32579,0 +32580,0 +32581,0 +32582,0 +32583,0 +32584,0 +32585,0 +32586,0 +32587,0 +32588,0 +32589,0 +32590,0 +32591,0 +32592,0 +32593,0 +32594,0 +32595,0 +32596,0 +32597,0 +32598,0 +32599,0 +32600,0 +32601,0 +32602,0 +32603,0 +32604,0 +32605,0 +32606,0 +32607,0 +32608,0 +32609,29 +32610,29 +32611,29 +32612,29 +32613,29 +32614,29 +32615,31 +32616,31 +32617,31 +32618,31 +32619,5 +32620,5 +32621,5 +32622,5 +32623,5 +32624,5 +32625,40 +32626,40 +32627,40 +32628,40 +32629,40 +32630,40 +32631,40 +32632,40 +32633,6 +32634,6 +32635,6 +32636,6 +32637,6 +32638,6 +32639,6 +32640,2 +32641,2 +32642,2 +32643,2 +32644,2 +32645,2 +32646,19 +32647,19 +32648,19 +32649,19 +32650,19 +32651,19 +32652,19 +32653,19 +32654,14 +32655,14 +32656,14 +32657,14 +32658,14 +32659,14 +32660,14 +32661,14 +32662,14 +32663,14 +32664,14 +32665,14 +32666,14 +32667,14 +32668,14 +32669,14 +32670,14 +32671,14 +32672,14 +32673,14 +32674,14 +32675,14 +32676,14 +32677,14 +32678,14 +32679,14 +32680,28 +32681,28 +32682,28 +32683,28 +32684,28 +32685,28 +32686,28 +32687,27 +32688,27 +32689,27 +32690,27 +32691,27 +32692,2 +32693,2 +32694,2 +32695,2 +32696,2 +32697,4 +32698,4 +32699,4 +32700,4 +32701,4 +32702,4 +32703,37 +32704,37 +32705,37 +32706,37 +32707,37 +32708,37 +32709,37 +32710,37 +32711,37 +32712,33 +32713,33 +32714,12 +32715,12 +32716,33 +32717,33 +32718,33 +32719,33 +32720,33 +32721,15 +32722,15 +32723,15 +32724,15 +32725,15 +32726,15 +32727,15 +32728,37 +32729,37 +32730,37 +32731,37 +32732,37 +32733,37 +32734,10 +32735,10 +32736,10 +32737,10 +32738,10 +32739,10 +32740,10 +32741,10 +32742,10 +32743,10 +32744,10 +32745,10 +32746,10 +32747,10 +32748,10 +32749,36 +32750,5 +32751,5 +32752,5 +32753,5 +32754,5 +32755,27 +32756,27 +32757,27 +32758,27 +32759,21 +32760,21 +32761,21 +32762,21 +32763,21 +32764,21 +32765,21 +32766,21 +32767,21 +32768,40 +32769,36 +32770,36 +32771,36 +32772,36 +32773,36 +32774,36 +32775,36 +32776,36 +32777,36 +32778,10 +32779,10 +32780,10 +32781,5 +32782,5 +32783,5 +32784,5 +32785,31 +32786,31 +32787,31 +32788,31 +32789,31 +32790,31 +32791,31 +32792,31 +32793,31 +32794,4 +32795,4 +32796,4 +32797,4 +32798,4 +32799,4 +32800,4 +32801,4 +32802,4 +32803,40 +32804,40 +32805,40 +32806,40 +32807,40 +32808,5 +32809,5 +32810,5 +32811,5 +32812,4 +32813,4 +32814,4 +32815,4 +32816,4 +32817,4 +32818,4 +32819,27 +32820,27 +32821,27 +32822,27 +32823,27 +32824,4 +32825,4 +32826,4 +32827,4 +32828,4 +32829,19 +32830,27 +32831,27 +32832,27 +32833,27 +32834,27 +32835,2 +32836,2 +32837,2 +32838,2 +32839,2 +32840,2 +32841,2 +32842,2 +32843,2 +32844,2 +32845,2 +32846,39 +32847,39 +32848,39 +32849,39 +32850,39 +32851,39 +32852,39 +32853,35 +32854,35 +32855,35 +32856,35 +32857,35 +32858,27 +32859,27 +32860,27 +32861,8 +32862,8 +32863,8 +32864,8 +32865,8 +32866,8 +32867,8 +32868,8 +32869,6 +32870,6 +32871,6 +32872,6 +32873,6 +32874,6 +32875,6 +32876,6 +32877,26 +32878,26 +32879,34 +32880,30 +32881,30 +32882,10 +32883,10 +32884,10 +32885,10 +32886,10 +32887,10 +32888,10 +32889,10 +32890,10 +32891,10 +32892,10 +32893,10 +32894,10 +32895,10 +32896,10 +32897,10 +32898,36 +32899,36 +32900,36 +32901,36 +32902,5 +32903,5 +32904,5 +32905,5 +32906,5 +32907,5 +32908,2 +32909,2 +32910,2 +32911,2 +32912,2 +32913,2 +32914,2 +32915,2 +32916,2 +32917,2 +32918,2 +32919,2 +32920,2 +32921,2 +32922,36 +32923,36 +32924,36 +32925,36 +32926,36 +32927,36 +32928,36 +32929,36 +32930,36 +32931,36 +32932,36 +32933,36 +32934,36 +32935,36 +32936,36 +32937,36 +32938,36 +32939,36 +32940,36 +32941,36 +32942,36 +32943,36 +32944,8 +32945,8 +32946,8 +32947,8 +32948,8 +32949,8 +32950,8 +32951,8 +32952,8 +32953,19 +32954,19 +32955,19 +32956,19 +32957,19 +32958,19 +32959,19 +32960,3 +32961,27 +32962,27 +32963,3 +32964,27 +32965,27 +32966,27 +32967,27 +32968,27 +32969,27 +32970,27 +32971,27 +32972,27 +32973,27 +32974,19 +32975,19 +32976,19 +32977,19 +32978,19 +32979,19 +32980,19 +32981,19 +32982,19 +32983,19 +32984,19 +32985,9 +32986,9 +32987,9 +32988,9 +32989,9 +32990,9 +32991,9 +32992,9 +32993,9 +32994,9 +32995,9 +32996,9 +32997,9 +32998,9 +32999,9 +33000,30 +33001,30 +33002,30 +33003,30 +33004,30 +33005,2 +33006,2 +33007,2 +33008,2 +33009,2 +33010,2 +33011,2 +33012,2 +33013,2 +33014,2 +33015,2 +33016,33 +33017,33 +33018,33 +33019,33 +33020,33 +33021,33 +33022,33 +33023,33 +33024,29 +33025,29 +33026,29 +33027,29 +33028,29 +33029,31 +33030,31 +33031,31 +33032,31 +33033,28 +33034,28 +33035,28 +33036,28 +33037,28 +33038,28 +33039,28 +33040,28 +33041,28 +33042,28 +33043,31 +33044,31 +33045,31 +33046,31 +33047,31 +33048,31 +33049,29 +33050,29 +33051,29 +33052,29 +33053,25 +33054,25 +33055,25 +33056,25 +33057,25 +33058,25 +33059,25 +33060,25 +33061,25 +33062,25 +33063,25 +33064,25 +33065,25 +33066,25 +33067,25 +33068,25 +33069,25 +33070,24 +33071,24 +33072,24 +33073,24 +33074,24 +33075,24 +33076,24 +33077,28 +33078,28 +33079,28 +33080,28 +33081,28 +33082,27 +33083,27 +33084,27 +33085,27 +33086,27 +33087,27 +33088,27 +33089,2 +33090,2 +33091,2 +33092,2 +33093,2 +33094,2 +33095,2 +33096,2 +33097,2 +33098,28 +33099,28 +33100,28 +33101,28 +33102,31 +33103,31 +33104,31 +33105,31 +33106,4 +33107,4 +33108,4 +33109,4 +33110,4 +33111,4 +33112,4 +33113,4 +33114,27 +33115,27 +33116,27 +33117,27 +33118,27 +33119,30 +33120,30 +33121,30 +33122,30 +33123,30 +33124,30 +33125,19 +33126,19 +33127,19 +33128,19 +33129,19 +33130,19 +33131,19 +33132,7 +33133,7 +33134,7 +33135,7 +33136,7 +33137,7 +33138,7 +33139,7 +33140,7 +33141,7 +33142,7 +33143,7 +33144,7 +33145,9 +33146,9 +33147,9 +33148,9 +33149,9 +33150,10 +33151,10 +33152,10 +33153,26 +33154,26 +33155,26 +33156,26 +33157,26 +33158,26 +33159,26 +33160,26 +33161,26 +33162,31 +33163,5 +33164,5 +33165,5 +33166,5 +33167,5 +33168,5 +33169,5 +33170,5 +33171,13 +33172,13 +33173,13 +33174,13 +33175,13 +33176,13 +33177,13 +33178,0 +33179,0 +33180,0 +33181,0 +33182,0 +33183,0 +33184,0 +33185,0 +33186,0 +33187,0 +33188,0 +33189,0 +33190,0 +33191,0 +33192,0 +33193,0 +33194,0 +33195,0 +33196,0 +33197,0 +33198,0 +33199,0 +33200,0 +33201,0 +33202,0 +33203,0 +33204,29 +33205,29 +33206,29 +33207,39 +33208,39 +33209,39 +33210,39 +33211,39 +33212,35 +33213,35 +33214,35 +33215,7 +33216,7 +33217,7 +33218,7 +33219,7 +33220,7 +33221,7 +33222,31 +33223,31 +33224,31 +33225,31 +33226,31 +33227,31 +33228,31 +33229,31 +33230,13 +33231,13 +33232,13 +33233,13 +33234,13 +33235,21 +33236,21 +33237,21 +33238,27 +33239,27 +33240,27 +33241,27 +33242,27 +33243,27 +33244,2 +33245,2 +33246,2 +33247,2 +33248,2 +33249,2 +33250,2 +33251,4 +33252,4 +33253,8 +33254,8 +33255,8 +33256,8 +33257,32 +33258,32 +33259,32 +33260,32 +33261,32 +33262,32 +33263,32 +33264,32 +33265,37 +33266,37 +33267,37 +33268,37 +33269,27 +33270,27 +33271,27 +33272,27 +33273,27 +33274,27 +33275,2 +33276,8 +33277,8 +33278,8 +33279,8 +33280,8 +33281,5 +33282,5 +33283,5 +33284,5 +33285,5 +33286,25 +33287,25 +33288,25 +33289,25 +33290,25 +33291,25 +33292,25 +33293,25 +33294,25 +33295,25 +33296,25 +33297,25 +33298,25 +33299,25 +33300,25 +33301,25 +33302,25 +33303,5 +33304,5 +33305,5 +33306,5 +33307,5 +33308,5 +33309,5 +33310,5 +33311,27 +33312,27 +33313,27 +33314,27 +33315,27 +33316,2 +33317,2 +33318,2 +33319,2 +33320,2 +33321,4 +33322,4 +33323,4 +33324,4 +33325,4 +33326,4 +33327,4 +33328,25 +33329,25 +33330,25 +33331,25 +33332,25 +33333,12 +33334,12 +33335,12 +33336,12 +33337,12 +33338,12 +33339,12 +33340,27 +33341,27 +33342,27 +33343,27 +33344,27 +33345,27 +33346,27 +33347,27 +33348,27 +33349,27 +33350,6 +33351,6 +33352,6 +33353,6 +33354,6 +33355,6 +33356,6 +33357,6 +33358,6 +33359,25 +33360,25 +33361,25 +33362,25 +33363,37 +33364,25 +33365,25 +33366,8 +33367,8 +33368,8 +33369,8 +33370,8 +33371,8 +33372,8 +33373,8 +33374,6 +33375,6 +33376,6 +33377,6 +33378,6 +33379,6 +33380,6 +33381,6 +33382,6 +33383,40 +33384,40 +33385,40 +33386,40 +33387,40 +33388,40 +33389,40 +33390,40 +33391,40 +33392,37 +33393,37 +33394,37 +33395,37 +33396,37 +33397,37 +33398,37 +33399,37 +33400,37 +33401,37 +33402,37 +33403,37 +33404,25 +33405,25 +33406,25 +33407,25 +33408,25 +33409,25 +33410,25 +33411,0 +33412,0 +33413,0 +33414,0 +33415,0 +33416,0 +33417,0 +33418,0 +33419,0 +33420,0 +33421,0 +33422,0 +33423,0 +33424,0 +33425,0 +33426,0 +33427,0 +33428,0 +33429,0 +33430,0 +33431,0 +33432,0 +33433,0 +33434,0 +33435,0 +33436,0 +33437,0 +33438,0 +33439,0 +33440,0 +33441,0 +33442,0 +33443,0 +33444,0 +33445,0 +33446,0 +33447,0 +33448,0 +33449,0 +33450,0 +33451,0 +33452,0 +33453,0 +33454,0 +33455,0 +33456,0 +33457,0 +33458,0 +33459,0 +33460,29 +33461,29 +33462,29 +33463,29 +33464,29 +33465,29 +33466,40 +33467,40 +33468,40 +33469,40 +33470,40 +33471,40 +33472,30 +33473,30 +33474,30 +33475,30 +33476,30 +33477,30 +33478,30 +33479,30 +33480,2 +33481,2 +33482,2 +33483,4 +33484,4 +33485,2 +33486,2 +33487,2 +33488,2 +33489,2 +33490,0 +33491,2 +33492,2 +33493,0 +33494,0 +33495,0 +33496,0 +33497,29 +33498,29 +33499,29 +33500,29 +33501,29 +33502,29 +33503,29 +33504,29 +33505,36 +33506,36 +33507,36 +33508,36 +33509,36 +33510,36 +33511,36 +33512,36 +33513,36 +33514,36 +33515,28 +33516,28 +33517,28 +33518,28 +33519,28 +33520,28 +33521,28 +33522,28 +33523,28 +33524,32 +33525,32 +33526,32 +33527,32 +33528,32 +33529,32 +33530,32 +33531,32 +33532,32 +33533,32 +33534,32 +33535,32 +33536,32 +33537,32 +33538,32 +33539,32 +33540,32 +33541,32 +33542,32 +33543,39 +33544,39 +33545,39 +33546,39 +33547,39 +33548,39 +33549,37 +33550,37 +33551,37 +33552,37 +33553,37 +33554,37 +33555,37 +33556,37 +33557,37 +33558,37 +33559,37 +33560,2 +33561,2 +33562,2 +33563,2 +33564,2 +33565,2 +33566,2 +33567,2 +33568,2 +33569,8 +33570,2 +33571,4 +33572,4 +33573,4 +33574,4 +33575,4 +33576,4 +33577,4 +33578,29 +33579,29 +33580,29 +33581,29 +33582,29 +33583,29 +33584,29 +33585,29 +33586,31 +33587,31 +33588,31 +33589,31 +33590,31 +33591,19 +33592,19 +33593,19 +33594,19 +33595,19 +33596,19 +33597,19 +33598,19 +33599,19 +33600,19 +33601,19 +33602,19 +33603,19 +33604,19 +33605,19 +33606,19 +33607,40 +33608,40 +33609,40 +33610,40 +33611,40 +33612,40 +33613,40 +33614,40 +33615,40 +33616,40 +33617,40 +33618,40 +33619,32 +33620,32 +33621,32 +33622,32 +33623,32 +33624,32 +33625,32 +33626,32 +33627,32 +33628,32 +33629,2 +33630,2 +33631,2 +33632,2 +33633,2 +33634,2 +33635,2 +33636,2 +33637,2 +33638,2 +33639,2 +33640,2 +33641,2 +33642,31 +33643,31 +33644,31 +33645,31 +33646,31 +33647,31 +33648,24 +33649,24 +33650,24 +33651,24 +33652,24 +33653,24 +33654,27 +33655,27 +33656,27 +33657,27 +33658,27 +33659,8 +33660,8 +33661,8 +33662,8 +33663,8 +33664,8 +33665,35 +33666,35 +33667,35 +33668,35 +33669,35 +33670,35 +33671,35 +33672,35 +33673,35 +33674,35 +33675,35 +33676,35 +33677,35 +33678,26 +33679,26 +33680,26 +33681,26 +33682,26 +33683,26 +33684,26 +33685,37 +33686,37 +33687,37 +33688,37 +33689,37 +33690,37 +33691,37 +33692,37 +33693,37 +33694,37 +33695,6 +33696,4 +33697,4 +33698,4 +33699,4 +33700,4 +33701,4 +33702,4 +33703,4 +33704,4 +33705,4 +33706,4 +33707,4 +33708,4 +33709,4 +33710,4 +33711,4 +33712,0 +33713,0 +33714,0 +33715,4 +33716,0 +33717,0 +33718,0 +33719,0 +33720,0 +33721,0 +33722,0 +33723,0 +33724,0 +33725,0 +33726,0 +33727,0 +33728,0 +33729,0 +33730,0 +33731,0 +33732,0 +33733,0 +33734,0 +33735,0 +33736,0 +33737,0 +33738,0 +33739,0 +33740,0 +33741,0 +33742,0 +33743,0 +33744,0 +33745,0 +33746,0 +33747,0 +33748,0 +33749,0 +33750,0 +33751,0 +33752,0 +33753,0 +33754,0 +33755,0 +33756,0 +33757,0 +33758,0 +33759,0 +33760,0 +33761,0 +33762,0 +33763,0 +33764,0 +33765,0 +33766,0 +33767,0 +33768,0 +33769,0 +33770,0 +33771,0 +33772,0 +33773,0 +33774,0 +33775,0 +33776,0 +33777,0 +33778,0 +33779,0 +33780,0 +33781,0 +33782,0 +33783,0 +33784,0 +33785,0 +33786,0 +33787,0 +33788,0 +33789,0 +33790,0 +33791,0 +33792,0 +33793,0 +33794,0 +33795,0 +33796,0 +33797,0 +33798,0 +33799,0 +33800,0 +33801,0 +33802,0 +33803,0 +33804,0 +33805,0 +33806,0 +33807,0 +33808,36 +33809,36 +33810,36 +33811,36 +33812,36 +33813,36 +33814,36 +33815,5 +33816,5 +33817,5 +33818,5 +33819,5 +33820,29 +33821,29 +33822,29 +33823,29 +33824,29 +33825,36 +33826,36 +33827,36 +33828,36 +33829,36 +33830,36 +33831,4 +33832,4 +33833,4 +33834,4 +33835,4 +33836,4 +33837,4 +33838,4 +33839,4 +33840,4 +33841,4 +33842,19 +33843,25 +33844,25 +33845,25 +33846,25 +33847,37 +33848,25 +33849,25 +33850,25 +33851,5 +33852,5 +33853,5 +33854,5 +33855,5 +33856,5 +33857,28 +33858,27 +33859,27 +33860,27 +33861,27 +33862,27 +33863,27 +33864,27 +33865,2 +33866,2 +33867,2 +33868,2 +33869,2 +33870,2 +33871,2 +33872,2 +33873,32 +33874,15 +33875,32 +33876,32 +33877,15 +33878,15 +33879,4 +33880,30 +33881,30 +33882,30 +33883,30 +33884,30 +33885,30 +33886,30 +33887,30 +33888,30 +33889,30 +33890,22 +33891,22 +33892,22 +33893,22 +33894,22 +33895,22 +33896,33 +33897,33 +33898,33 +33899,33 +33900,33 +33901,0 +33902,0 +33903,32 +33904,32 +33905,32 +33906,32 +33907,6 +33908,32 +33909,0 +33910,6 +33911,6 +33912,6 +33913,6 +33914,6 +33915,6 +33916,6 +33917,6 +33918,6 +33919,0 +33920,0 +33921,6 +33922,6 +33923,0 +33924,0 +33925,0 +33926,0 +33927,0 +33928,0 +33929,0 +33930,0 +33931,0 +33932,0 +33933,0 +33934,0 +33935,0 +33936,0 +33937,0 +33938,0 +33939,0 +33940,0 +33941,0 +33942,0 +33943,0 +33944,0 +33945,0 +33946,0 +33947,0 +33948,0 +33949,0 +33950,0 +33951,0 +33952,0 +33953,0 +33954,0 +33955,0 +33956,0 +33957,0 +33958,0 +33959,0 +33960,0 +33961,0 +33962,0 +33963,0 +33964,0 +33965,0 +33966,0 +33967,0 +33968,0 +33969,0 +33970,0 +33971,0 +33972,0 +33973,0 +33974,0 +33975,29 +33976,29 +33977,29 +33978,29 +33979,29 +33980,29 +33981,40 +33982,40 +33983,40 +33984,40 +33985,5 +33986,5 +33987,5 +33988,5 +33989,5 +33990,5 +33991,11 +33992,11 +33993,11 +33994,11 +33995,11 +33996,11 +33997,11 +33998,11 +33999,11 +34000,11 +34001,11 +34002,11 +34003,39 +34004,39 +34005,39 +34006,39 +34007,39 +34008,39 +34009,39 +34010,39 +34011,31 +34012,26 +34013,26 +34014,26 +34015,26 +34016,5 +34017,5 +34018,5 +34019,5 +34020,5 +34021,5 +34022,5 +34023,5 +34024,4 +34025,16 +34026,16 +34027,16 +34028,16 +34029,16 +34030,11 +34031,22 +34032,31 +34033,31 +34034,31 +34035,31 +34036,5 +34037,5 +34038,5 +34039,5 +34040,4 +34041,4 +34042,29 +34043,29 +34044,29 +34045,31 +34046,31 +34047,31 +34048,15 +34049,15 +34050,15 +34051,15 +34052,15 +34053,15 +34054,15 +34055,15 +34056,37 +34057,37 +34058,37 +34059,37 +34060,26 +34061,26 +34062,26 +34063,26 +34064,6 +34065,6 +34066,6 +34067,6 +34068,6 +34069,6 +34070,6 +34071,6 +34072,6 +34073,23 +34074,23 +34075,23 +34076,23 +34077,23 +34078,23 +34079,23 +34080,31 +34081,31 +34082,31 +34083,31 +34084,2 +34085,2 +34086,2 +34087,2 +34088,2 +34089,2 +34090,2 +34091,2 +34092,2 +34093,2 +34094,4 +34095,4 +34096,4 +34097,4 +34098,4 +34099,4 +34100,4 +34101,12 +34102,12 +34103,12 +34104,12 +34105,12 +34106,25 +34107,25 +34108,3 +34109,3 +34110,3 +34111,3 +34112,3 +34113,3 +34114,3 +34115,3 +34116,3 +34117,3 +34118,28 +34119,28 +34120,28 +34121,28 +34122,28 +34123,28 +34124,28 +34125,28 +34126,28 +34127,28 +34128,28 +34129,5 +34130,5 +34131,5 +34132,5 +34133,5 +34134,5 +34135,5 +34136,5 +34137,5 +34138,5 +34139,5 +34140,0 +34141,0 +34142,0 +34143,0 +34144,0 +34145,0 +34146,0 +34147,0 +34148,0 +34149,0 +34150,0 +34151,0 +34152,0 +34153,0 +34154,0 +34155,0 +34156,0 +34157,0 +34158,0 +34159,0 +34160,0 +34161,0 +34162,0 +34163,0 +34164,0 +34165,0 +34166,0 +34167,0 +34168,0 +34169,0 +34170,0 +34171,0 +34172,0 +34173,0 +34174,0 +34175,0 +34176,0 +34177,0 +34178,0 +34179,0 +34180,0 +34181,0 +34182,0 +34183,0 +34184,0 +34185,0 +34186,0 +34187,0 +34188,0 +34189,0 +34190,0 +34191,36 +34192,36 +34193,36 +34194,36 +34195,10 +34196,10 +34197,31 +34198,31 +34199,10 +34200,10 +34201,10 +34202,10 +34203,38 +34204,38 +34205,38 +34206,6 +34207,6 +34208,6 +34209,6 +34210,22 +34211,22 +34212,22 +34213,22 +34214,22 +34215,31 +34216,5 +34217,28 +34218,5 +34219,5 +34220,6 +34221,6 +34222,6 +34223,6 +34224,6 +34225,4 +34226,4 +34227,4 +34228,34 +34229,34 +34230,31 +34231,31 +34232,26 +34233,31 +34234,31 +34235,16 +34236,16 +34237,16 +34238,16 +34239,16 +34240,16 +34241,16 +34242,16 +34243,16 +34244,16 +34245,16 +34246,11 +34247,11 +34248,11 +34249,11 +34250,3 +34251,3 +34252,3 +34253,30 +34254,30 +34255,30 +34256,30 +34257,30 +34258,30 +34259,39 +34260,3 +34261,3 +34262,3 +34263,3 +34264,3 +34265,3 +34266,4 +34267,4 +34268,4 +34269,4 +34270,4 +34271,27 +34272,27 +34273,27 +34274,27 +34275,27 +34276,27 +34277,27 +34278,19 +34279,19 +34280,19 +34281,19 +34282,19 +34283,19 +34284,15 +34285,19 +34286,19 +34287,15 +34288,15 +34289,32 +34290,15 +34291,33 +34292,33 +34293,33 +34294,33 +34295,33 +34296,33 +34297,33 +34298,33 +34299,33 +34300,33 +34301,33 +34302,38 +34303,38 +34304,38 +34305,38 +34306,38 +34307,38 +34308,38 +34309,35 +34310,35 +34311,35 +34312,35 +34313,35 +34314,35 +34315,35 +34316,27 +34317,27 +34318,27 +34319,27 +34320,27 +34321,27 +34322,27 +34323,27 +34324,5 +34325,5 +34326,5 +34327,5 +34328,5 +34329,5 +34330,5 +34331,5 +34332,5 +34333,5 +34334,5 +34335,5 +34336,5 +34337,5 +34338,5 +34339,5 +34340,5 +34341,5 +34342,5 +34343,31 +34344,31 +34345,31 +34346,31 +34347,31 +34348,31 +34349,31 +34350,31 +34351,31 +34352,31 +34353,31 +34354,5 +34355,5 +34356,5 +34357,5 +34358,5 +34359,5 +34360,4 +34361,4 +34362,4 +34363,4 +34364,4 +34365,4 +34366,4 +34367,4 +34368,25 +34369,25 +34370,25 +34371,25 +34372,25 +34373,25 +34374,25 +34375,25 +34376,2 +34377,2 +34378,2 +34379,2 +34380,2 +34381,2 +34382,2 +34383,2 +34384,2 +34385,2 +34386,2 +34387,2 +34388,2 +34389,2 +34390,2 +34391,40 +34392,40 +34393,40 +34394,40 +34395,40 +34396,40 +34397,40 +34398,30 +34399,30 +34400,30 +34401,30 +34402,30 +34403,30 +34404,30 +34405,30 +34406,30 +34407,30 +34408,30 +34409,30 +34410,30 +34411,30 +34412,30 +34413,30 +34414,30 +34415,23 +34416,23 +34417,23 +34418,23 +34419,23 +34420,23 +34421,23 +34422,23 +34423,23 +34424,23 +34425,0 +34426,0 +34427,0 +34428,0 +34429,0 +34430,0 +34431,0 +34432,0 +34433,0 +34434,0 +34435,0 +34436,0 +34437,0 +34438,0 +34439,0 +34440,0 +34441,0 +34442,0 +34443,0 +34444,0 +34445,0 +34446,0 +34447,0 +34448,0 +34449,0 +34450,0 +34451,0 +34452,0 +34453,0 +34454,0 +34455,0 +34456,0 +34457,0 +34458,0 +34459,0 +34460,36 +34461,36 +34462,36 +34463,36 +34464,36 +34465,36 +34466,5 +34467,5 +34468,19 +34469,19 +34470,19 +34471,19 +34472,19 +34473,2 +34474,2 +34475,2 +34476,2 +34477,2 +34478,2 +34479,2 +34480,2 +34481,2 +34482,2 +34483,33 +34484,33 +34485,33 +34486,33 +34487,33 +34488,33 +34489,33 +34490,33 +34491,33 +34492,33 +34493,33 +34494,33 +34495,28 +34496,28 +34497,28 +34498,28 +34499,30 +34500,30 +34501,30 +34502,30 +34503,10 +34504,10 +34505,10 +34506,10 +34507,10 +34508,10 +34509,10 +34510,10 +34511,10 +34512,10 +34513,28 +34514,28 +34515,28 +34516,28 +34517,28 +34518,28 +34519,28 +34520,28 +34521,28 +34522,14 +34523,39 +34524,27 +34525,27 +34526,27 +34527,27 +34528,27 +34529,27 +34530,27 +34531,37 +34532,37 +34533,37 +34534,37 +34535,37 +34536,37 +34537,37 +34538,37 +34539,27 +34540,27 +34541,27 +34542,27 +34543,27 +34544,27 +34545,27 +34546,27 +34547,14 +34548,14 +34549,14 +34550,14 +34551,14 +34552,14 +34553,14 +34554,14 +34555,21 +34556,21 +34557,21 +34558,21 +34559,21 +34560,21 +34561,21 +34562,21 +34563,21 +34564,21 +34565,21 +34566,40 +34567,40 +34568,36 +34569,36 +34570,36 +34571,40 +34572,36 +34573,36 +34574,36 +34575,36 +34576,5 +34577,5 +34578,5 +34579,5 +34580,5 +34581,5 +34582,12 +34583,12 +34584,12 +34585,12 +34586,12 +34587,12 +34588,12 +34589,27 +34590,27 +34591,27 +34592,27 +34593,27 +34594,5 +34595,5 +34596,5 +34597,5 +34598,35 +34599,35 +34600,35 +34601,35 +34602,35 +34603,35 +34604,35 +34605,39 +34606,39 +34607,39 +34608,39 +34609,39 +34610,12 +34611,12 +34612,39 +34613,39 +34614,12 +34615,12 +34616,12 +34617,12 +34618,12 +34619,33 +34620,33 +34621,33 +34622,33 +34623,33 +34624,12 +34625,12 +34626,27 +34627,27 +34628,27 +34629,27 +34630,27 +34631,27 +34632,27 +34633,27 +34634,31 +34635,27 +34636,27 +34637,27 +34638,27 +34639,27 +34640,27 +34641,31 +34642,40 +34643,19 +34644,19 +34645,19 +34646,19 +34647,19 +34648,19 +34649,19 +34650,0 +34651,0 +34652,0 +34653,0 +34654,0 +34655,0 +34656,0 +34657,0 +34658,0 +34659,0 +34660,0 +34661,0 +34662,0 +34663,0 +34664,0 +34665,0 +34666,0 +34667,0 +34668,0 +34669,0 +34670,0 +34671,0 +34672,0 +34673,0 +34674,0 +34675,0 +34676,0 +34677,0 +34678,0 +34679,0 +34680,0 +34681,0 +34682,0 +34683,0 +34684,0 +34685,0 +34686,0 +34687,0 +34688,0 +34689,0 +34690,0 +34691,0 +34692,0 +34693,0 +34694,0 +34695,0 +34696,0 +34697,0 +34698,7 +34699,7 +34700,7 +34701,7 +34702,7 +34703,7 +34704,3 +34705,3 +34706,3 +34707,12 +34708,12 +34709,3 +34710,31 +34711,24 +34712,24 +34713,24 +34714,24 +34715,24 +34716,19 +34717,19 +34718,19 +34719,19 +34720,4 +34721,19 +34722,31 +34723,31 +34724,27 +34725,23 +34726,23 +34727,23 +34728,23 +34729,23 +34730,24 +34731,24 +34732,34 +34733,34 +34734,34 +34735,34 +34736,34 +34737,26 +34738,26 +34739,34 +34740,34 +34741,34 +34742,34 +34743,34 +34744,34 +34745,34 +34746,34 +34747,34 +34748,34 +34749,34 +34750,34 +34751,25 +34752,25 +34753,25 +34754,25 +34755,37 +34756,37 +34757,19 +34758,19 +34759,19 +34760,19 +34761,9 +34762,9 +34763,9 +34764,9 +34765,9 +34766,9 +34767,9 +34768,9 +34769,9 +34770,9 +34771,9 +34772,9 +34773,9 +34774,9 +34775,9 +34776,9 +34777,9 +34778,9 +34779,9 +34780,9 +34781,9 +34782,9 +34783,9 +34784,9 +34785,9 +34786,9 +34787,9 +34788,9 +34789,9 +34790,9 +34791,9 +34792,9 +34793,9 +34794,9 +34795,9 +34796,9 +34797,9 +34798,9 +34799,12 +34800,12 +34801,12 +34802,12 +34803,12 +34804,12 +34805,12 +34806,31 +34807,31 +34808,12 +34809,12 +34810,27 +34811,27 +34812,27 +34813,27 +34814,5 +34815,5 +34816,5 +34817,5 +34818,5 +34819,5 +34820,5 +34821,5 +34822,5 +34823,7 +34824,7 +34825,7 +34826,7 +34827,7 +34828,7 +34829,3 +34830,3 +34831,3 +34832,3 +34833,3 +34834,3 +34835,3 +34836,3 +34837,12 +34838,12 +34839,12 +34840,25 +34841,25 +34842,25 +34843,25 +34844,25 +34845,2 +34846,2 +34847,2 +34848,2 +34849,2 +34850,2 +34851,2 +34852,2 +34853,2 +34854,4 +34855,4 +34856,4 +34857,4 +34858,4 +34859,14 +34860,27 +34861,27 +34862,14 +34863,14 +34864,14 +34865,14 +34866,14 +34867,14 +34868,14 +34869,14 +34870,5 +34871,5 +34872,5 +34873,5 +34874,13 +34875,13 +34876,13 +34877,13 +34878,13 +34879,13 +34880,13 +34881,13 +34882,13 +34883,13 +34884,13 +34885,13 +34886,21 +34887,21 +34888,21 +34889,21 +34890,21 +34891,26 +34892,10 +34893,10 +34894,10 +34895,26 +34896,26 +34897,10 +34898,10 +34899,10 +34900,10 +34901,10 +34902,24 +34903,24 +34904,24 +34905,24 +34906,24 +34907,28 +34908,28 +34909,28 +34910,28 +34911,28 +34912,28 +34913,9 +34914,9 +34915,9 +34916,9 +34917,9 +34918,26 +34919,26 +34920,26 +34921,26 +34922,25 +34923,25 +34924,25 +34925,25 +34926,25 +34927,25 +34928,25 +34929,25 +34930,25 +34931,25 +34932,25 +34933,25 +34934,25 +34935,25 +34936,25 +34937,25 +34938,25 +34939,25 +34940,25 +34941,0 +34942,0 +34943,0 +34944,0 +34945,0 +34946,0 +34947,0 +34948,0 +34949,0 +34950,0 +34951,0 +34952,0 +34953,0 +34954,0 +34955,0 +34956,0 +34957,0 +34958,0 +34959,0 +34960,0 +34961,0 +34962,0 +34963,0 +34964,0 +34965,0 +34966,0 +34967,0 +34968,0 +34969,0 +34970,0 +34971,0 +34972,0 +34973,0 +34974,0 +34975,0 +34976,0 +34977,0 +34978,0 +34979,0 +34980,23 +34981,23 +34982,23 +34983,23 +34984,23 +34985,38 +34986,38 +34987,23 +34988,25 +34989,25 +34990,25 +34991,25 +34992,25 +34993,25 +34994,25 +34995,25 +34996,25 +34997,2 +34998,2 +34999,2 +35000,2 +35001,2 +35002,2 +35003,2 +35004,2 +35005,4 +35006,4 +35007,4 +35008,4 +35009,4 +35010,4 +35011,4 +35012,4 +35013,4 +35014,4 +35015,10 +35016,10 +35017,10 +35018,10 +35019,10 +35020,34 +35021,34 +35022,34 +35023,34 +35024,4 +35025,4 +35026,4 +35027,4 +35028,4 +35029,4 +35030,4 +35031,9 +35032,9 +35033,30 +35034,12 +35035,9 +35036,10 +35037,9 +35038,9 +35039,9 +35040,9 +35041,9 +35042,9 +35043,9 +35044,9 +35045,9 +35046,9 +35047,9 +35048,23 +35049,23 +35050,23 +35051,23 +35052,23 +35053,23 +35054,23 +35055,23 +35056,0 +35057,0 +35058,0 +35059,0 +35060,0 +35061,0 +35062,0 +35063,5 +35064,5 +35065,5 +35066,5 +35067,5 +35068,5 +35069,5 +35070,31 +35071,40 +35072,36 +35073,31 +35074,31 +35075,31 +35076,31 +35077,31 +35078,31 +35079,31 +35080,31 +35081,5 +35082,5 +35083,5 +35084,5 +35085,5 +35086,5 +35087,5 +35088,35 +35089,35 +35090,35 +35091,35 +35092,35 +35093,35 +35094,35 +35095,35 +35096,35 +35097,36 +35098,36 +35099,36 +35100,36 +35101,36 +35102,36 +35103,36 +35104,36 +35105,36 +35106,36 +35107,32 +35108,24 +35109,24 +35110,23 +35111,23 +35112,23 +35113,19 +35114,19 +35115,32 +35116,19 +35117,19 +35118,19 +35119,19 +35120,19 +35121,19 +35122,19 +35123,33 +35124,33 +35125,33 +35126,33 +35127,26 +35128,26 +35129,33 +35130,26 +35131,33 +35132,33 +35133,5 +35134,5 +35135,5 +35136,5 +35137,5 +35138,5 +35139,5 +35140,5 +35141,5 +35142,5 +35143,5 +35144,5 +35145,5 +35146,5 +35147,5 +35148,5 +35149,5 +35150,5 +35151,5 +35152,5 +35153,0 +35154,0 +35155,5 +35156,5 +35157,0 +35158,0 +35159,0 +35160,0 +35161,0 +35162,0 +35163,29 +35164,29 +35165,29 +35166,29 +35167,29 +35168,29 +35169,29 +35170,29 +35171,40 +35172,40 +35173,36 +35174,36 +35175,36 +35176,36 +35177,36 +35178,36 +35179,40 +35180,40 +35181,40 +35182,40 +35183,40 +35184,40 +35185,40 +35186,5 +35187,5 +35188,5 +35189,5 +35190,5 +35191,5 +35192,5 +35193,5 +35194,5 +35195,5 +35196,5 +35197,5 +35198,5 +35199,5 +35200,5 +35201,5 +35202,5 +35203,0 +35204,0 +35205,0 +35206,0 +35207,0 +35208,0 +35209,0 +35210,0 +35211,0 +35212,0 +35213,0 +35214,0 +35215,0 +35216,0 +35217,0 +35218,0 +35219,0 +35220,0 +35221,0 +35222,0 +35223,0 +35224,0 +35225,0 +35226,0 +35227,0 +35228,0 +35229,0 +35230,0 +35231,0 +35232,0 +35233,0 +35234,0 +35235,0 +35236,0 +35237,0 +35238,0 +35239,0 +35240,0 +35241,0 +35242,0 +35243,0 +35244,0 +35245,0 +35246,0 +35247,0 +35248,0 +35249,0 +35250,0 +35251,0 +35252,0 +35253,0 +35254,0 +35255,0 +35256,0 +35257,0 +35258,0 +35259,0 +35260,0 +35261,0 +35262,12 +35263,12 +35264,12 +35265,12 +35266,12 +35267,0 +35268,0 +35269,12 +35270,12 +35271,12 +35272,12 +35273,12 +35274,30 +35275,30 +35276,30 +35277,30 +35278,7 +35279,7 +35280,7 +35281,7 +35282,7 +35283,7 +35284,7 +35285,7 +35286,7 +35287,7 +35288,7 +35289,7 +35290,7 +35291,35 +35292,35 +35293,35 +35294,35 +35295,32 +35296,32 +35297,32 +35298,32 +35299,33 +35300,33 +35301,33 +35302,33 +35303,33 +35304,33 +35305,33 +35306,30 +35307,30 +35308,30 +35309,30 +35310,30 +35311,30 +35312,19 +35313,19 +35314,19 +35315,18 +35316,18 +35317,7 +35318,7 +35319,22 +35320,22 +35321,25 +35322,3 +35323,3 +35324,3 +35325,3 +35326,4 +35327,4 +35328,4 +35329,4 +35330,4 +35331,4 +35332,4 +35333,4 +35334,4 +35335,4 +35336,4 +35337,10 +35338,10 +35339,10 +35340,10 +35341,26 +35342,26 +35343,26 +35344,26 +35345,26 +35346,5 +35347,5 +35348,5 +35349,5 +35350,5 +35351,5 +35352,5 +35353,5 +35354,5 +35355,5 +35356,5 +35357,5 +35358,5 +35359,5 +35360,5 +35361,5 +35362,5 +35363,5 +35364,0 +35365,0 +35366,0 +35367,0 +35368,0 +35369,21 +35370,21 +35371,0 +35372,6 +35373,6 +35374,0 +35375,37 +35376,6 +35377,6 +35378,6 +35379,6 +35380,6 +35381,6 +35382,6 +35383,37 +35384,37 +35385,37 +35386,37 +35387,37 +35388,10 +35389,10 +35390,10 +35391,10 +35392,29 +35393,29 +35394,29 +35395,29 +35396,29 +35397,15 +35398,19 +35399,29 +35400,31 +35401,14 +35402,27 +35403,27 +35404,6 +35405,6 +35406,6 +35407,6 +35408,6 +35409,6 +35410,6 +35411,6 +35412,6 +35413,36 +35414,36 +35415,36 +35416,36 +35417,36 +35418,36 +35419,36 +35420,36 +35421,36 +35422,36 +35423,36 +35424,36 +35425,36 +35426,36 +35427,36 +35428,4 +35429,4 +35430,4 +35431,4 +35432,0 +35433,0 +35434,0 +35435,0 +35436,0 +35437,0 +35438,0 +35439,0 +35440,0 +35441,0 +35442,0 +35443,0 +35444,0 +35445,0 +35446,0 +35447,0 +35448,0 +35449,0 +35450,0 +35451,0 +35452,0 +35453,0 +35454,0 +35455,0 +35456,0 +35457,0 +35458,0 +35459,0 +35460,0 +35461,0 +35462,31 +35463,31 +35464,31 +35465,31 +35466,31 +35467,31 +35468,5 +35469,5 +35470,5 +35471,19 +35472,19 +35473,19 +35474,29 +35475,29 +35476,39 +35477,39 +35478,39 +35479,39 +35480,39 +35481,39 +35482,39 +35483,39 +35484,39 +35485,26 +35486,26 +35487,26 +35488,26 +35489,26 +35490,26 +35491,26 +35492,26 +35493,10 +35494,10 +35495,10 +35496,26 +35497,26 +35498,26 +35499,26 +35500,37 +35501,37 +35502,37 +35503,37 +35504,37 +35505,36 +35506,36 +35507,36 +35508,36 +35509,36 +35510,36 +35511,5 +35512,5 +35513,5 +35514,5 +35515,28 +35516,5 +35517,5 +35518,5 +35519,5 +35520,5 +35521,5 +35522,5 +35523,5 +35524,5 +35525,5 +35526,8 +35527,8 +35528,8 +35529,8 +35530,8 +35531,8 +35532,8 +35533,8 +35534,8 +35535,8 +35536,8 +35537,8 +35538,2 +35539,2 +35540,2 +35541,2 +35542,2 +35543,2 +35544,2 +35545,2 +35546,2 +35547,2 +35548,2 +35549,2 +35550,2 +35551,2 +35552,2 +35553,2 +35554,4 +35555,4 +35556,4 +35557,4 +35558,4 +35559,4 +35560,27 +35561,27 +35562,27 +35563,27 +35564,27 +35565,30 +35566,30 +35567,30 +35568,31 +35569,22 +35570,22 +35571,30 +35572,30 +35573,30 +35574,30 +35575,30 +35576,30 +35577,30 +35578,30 +35579,30 +35580,30 +35581,30 +35582,30 +35583,9 +35584,9 +35585,9 +35586,9 +35587,9 +35588,9 +35589,26 +35590,26 +35591,10 +35592,10 +35593,10 +35594,10 +35595,10 +35596,10 +35597,10 +35598,10 +35599,10 +35600,10 +35601,10 +35602,10 +35603,10 +35604,10 +35605,10 +35606,10 +35607,10 +35608,10 +35609,10 +35610,10 +35611,10 +35612,10 +35613,10 +35614,10 +35615,10 +35616,10 +35617,23 +35618,23 +35619,23 +35620,23 +35621,23 +35622,23 +35623,23 +35624,23 +35625,23 +35626,23 +35627,23 +35628,23 +35629,23 +35630,23 +35631,25 +35632,25 +35633,25 +35634,25 +35635,25 +35636,25 +35637,30 +35638,30 +35639,30 +35640,9 +35641,9 +35642,9 +35643,9 +35644,9 +35645,9 +35646,9 +35647,30 +35648,30 +35649,30 +35650,30 +35651,30 +35652,30 +35653,30 +35654,30 +35655,30 +35656,29 +35657,29 +35658,29 +35659,19 +35660,19 +35661,19 +35662,19 +35663,19 +35664,31 +35665,4 +35666,4 +35667,4 +35668,4 +35669,4 +35670,10 +35671,10 +35672,10 +35673,10 +35674,10 +35675,10 +35676,10 +35677,10 +35678,10 +35679,10 +35680,10 +35681,10 +35682,10 +35683,10 +35684,10 +35685,5 +35686,5 +35687,19 +35688,5 +35689,5 +35690,5 +35691,5 +35692,5 +35693,5 +35694,5 +35695,33 +35696,33 +35697,33 +35698,33 +35699,33 +35700,33 +35701,33 +35702,33 +35703,33 +35704,33 +35705,33 +35706,33 +35707,33 +35708,31 +35709,31 +35710,31 +35711,31 +35712,31 +35713,31 +35714,34 +35715,31 +35716,12 +35717,12 +35718,12 +35719,12 +35720,12 +35721,12 +35722,12 +35723,12 +35724,40 +35725,40 +35726,40 +35727,40 +35728,25 +35729,25 +35730,25 +35731,25 +35732,25 +35733,25 +35734,25 +35735,25 +35736,25 +35737,25 +35738,25 +35739,23 +35740,23 +35741,23 +35742,23 +35743,38 +35744,23 +35745,23 +35746,23 +35747,23 +35748,23 +35749,23 +35750,23 +35751,23 +35752,23 +35753,30 +35754,30 +35755,30 +35756,30 +35757,30 +35758,30 +35759,27 +35760,27 +35761,27 +35762,27 +35763,27 +35764,31 +35765,5 +35766,5 +35767,5 +35768,5 +35769,5 +35770,5 +35771,5 +35772,15 +35773,15 +35774,15 +35775,15 +35776,15 +35777,15 +35778,15 +35779,15 +35780,15 +35781,25 +35782,25 +35783,25 +35784,25 +35785,25 +35786,25 +35787,25 +35788,25 +35789,25 +35790,25 +35791,25 +35792,25 +35793,25 +35794,25 +35795,25 +35796,25 +35797,37 +35798,37 +35799,37 +35800,39 +35801,39 +35802,39 +35803,39 +35804,39 +35805,39 +35806,32 +35807,32 +35808,32 +35809,32 +35810,32 +35811,32 +35812,19 +35813,29 +35814,40 +35815,27 +35816,31 +35817,31 +35818,31 +35819,31 +35820,31 +35821,31 +35822,28 +35823,28 +35824,28 +35825,28 +35826,28 +35827,28 +35828,28 +35829,28 +35830,5 +35831,5 +35832,13 +35833,13 +35834,13 +35835,13 +35836,13 +35837,5 +35838,0 +35839,0 +35840,0 +35841,0 +35842,0 +35843,0 +35844,0 +35845,0 +35846,0 +35847,0 +35848,0 +35849,0 +35850,0 +35851,0 +35852,0 +35853,0 +35854,0 +35855,0 +35856,0 +35857,0 +35858,0 +35859,0 +35860,0 +35861,0 +35862,0 +35863,0 +35864,0 +35865,0 +35866,0 +35867,0 +35868,0 +35869,0 +35870,0 +35871,0 +35872,0 +35873,0 +35874,0 +35875,0 +35876,0 +35877,0 +35878,0 +35879,0 +35880,0 +35881,0 +35882,0 +35883,0 +35884,0 +35885,0 +35886,0 +35887,0 +35888,0 +35889,0 +35890,0 +35891,0 +35892,0 +35893,0 +35894,0 +35895,0 +35896,0 +35897,0 +35898,0 +35899,0 +35900,0 +35901,0 +35902,0 +35903,0 +35904,0 +35905,0 +35906,0 +35907,0 +35908,0 +35909,0 +35910,0 +35911,0 +35912,0 +35913,0 +35914,0 +35915,0 +35916,0 +35917,0 +35918,31 +35919,31 +35920,31 +35921,31 +35922,31 +35923,5 +35924,5 +35925,5 +35926,19 +35927,19 +35928,19 +35929,19 +35930,19 +35931,19 +35932,2 +35933,2 +35934,2 +35935,2 +35936,2 +35937,2 +35938,2 +35939,2 +35940,2 +35941,2 +35942,2 +35943,2 +35944,25 +35945,25 +35946,25 +35947,25 +35948,25 +35949,25 +35950,25 +35951,25 +35952,19 +35953,19 +35954,19 +35955,19 +35956,5 +35957,5 +35958,28 +35959,28 +35960,28 +35961,28 +35962,28 +35963,5 +35964,5 +35965,28 +35966,28 +35967,29 +35968,29 +35969,27 +35970,27 +35971,27 +35972,27 +35973,27 +35974,27 +35975,27 +35976,27 +35977,27 +35978,19 +35979,19 +35980,19 +35981,19 +35982,19 +35983,29 +35984,14 +35985,14 +35986,14 +35987,14 +35988,14 +35989,14 +35990,14 +35991,14 +35992,11 +35993,11 +35994,11 +35995,11 +35996,11 +35997,11 +35998,11 +35999,11 +36000,11 +36001,11 +36002,11 +36003,11 +36004,11 +36005,40 +36006,40 +36007,40 +36008,40 +36009,9 +36010,9 +36011,9 +36012,9 +36013,9 +36014,30 +36015,30 +36016,30 +36017,30 +36018,30 +36019,30 +36020,30 +36021,30 +36022,30 +36023,30 +36024,9 +36025,9 +36026,30 +36027,30 +36028,30 +36029,10 +36030,10 +36031,10 +36032,10 +36033,10 +36034,10 +36035,10 +36036,10 +36037,10 +36038,10 +36039,10 +36040,10 +36041,10 +36042,10 +36043,10 +36044,10 +36045,19 +36046,19 +36047,19 +36048,29 +36049,19 +36050,19 +36051,40 +36052,40 +36053,40 +36054,40 +36055,40 +36056,40 +36057,40 +36058,37 +36059,37 +36060,37 +36061,37 +36062,37 +36063,37 +36064,37 +36065,37 +36066,37 +36067,23 +36068,23 +36069,23 +36070,23 +36071,23 +36072,23 +36073,23 +36074,23 +36075,25 +36076,25 +36077,25 +36078,25 +36079,25 +36080,25 +36081,25 +36082,28 +36083,28 +36084,28 +36085,28 +36086,28 +36087,28 +36088,28 +36089,28 +36090,28 +36091,28 +36092,39 +36093,39 +36094,39 +36095,39 +36096,39 +36097,39 +36098,39 +36099,39 +36100,39 +36101,39 +36102,39 +36103,39 +36104,39 +36105,39 +36106,39 +36107,39 +36108,39 +36109,39 +36110,39 +36111,39 +36112,39 +36113,0 +36114,0 +36115,0 +36116,0 +36117,0 +36118,0 +36119,0 +36120,0 +36121,0 +36122,0 +36123,0 +36124,0 +36125,0 +36126,0 +36127,0 +36128,0 +36129,0 +36130,0 +36131,0 +36132,0 +36133,0 +36134,0 +36135,0 +36136,0 +36137,0 +36138,0 +36139,0 +36140,0 +36141,0 +36142,0 +36143,0 +36144,0 +36145,0 +36146,0 +36147,0 +36148,0 +36149,0 +36150,0 +36151,0 +36152,0 +36153,0 +36154,0 +36155,0 +36156,0 +36157,0 +36158,0 +36159,0 +36160,0 +36161,0 +36162,29 +36163,29 +36164,29 +36165,29 +36166,29 +36167,29 +36168,31 +36169,31 +36170,31 +36171,5 +36172,5 +36173,31 +36174,31 +36175,31 +36176,31 +36177,31 +36178,31 +36179,28 +36180,28 +36181,28 +36182,28 +36183,28 +36184,28 +36185,28 +36186,28 +36187,28 +36188,28 +36189,10 +36190,10 +36191,10 +36192,10 +36193,10 +36194,10 +36195,10 +36196,10 +36197,10 +36198,10 +36199,15 +36200,15 +36201,15 +36202,15 +36203,32 +36204,32 +36205,32 +36206,32 +36207,32 +36208,39 +36209,39 +36210,39 +36211,39 +36212,39 +36213,39 +36214,39 +36215,39 +36216,27 +36217,31 +36218,31 +36219,31 +36220,28 +36221,28 +36222,28 +36223,5 +36224,28 +36225,28 +36226,28 +36227,28 +36228,28 +36229,28 +36230,10 +36231,10 +36232,10 +36233,10 +36234,10 +36235,10 +36236,10 +36237,10 +36238,10 +36239,10 +36240,10 +36241,32 +36242,32 +36243,32 +36244,32 +36245,32 +36246,32 +36247,32 +36248,32 +36249,32 +36250,32 +36251,32 +36252,32 +36253,32 +36254,32 +36255,32 +36256,32 +36257,6 +36258,6 +36259,6 +36260,6 +36261,6 +36262,6 +36263,34 +36264,34 +36265,34 +36266,34 +36267,34 +36268,34 +36269,34 +36270,34 +36271,34 +36272,34 +36273,9 +36274,9 +36275,9 +36276,9 +36277,9 +36278,9 +36279,9 +36280,9 +36281,9 +36282,9 +36283,37 +36284,37 +36285,37 +36286,37 +36287,37 +36288,37 +36289,37 +36290,19 +36291,19 +36292,19 +36293,19 +36294,19 +36295,19 +36296,19 +36297,19 +36298,19 +36299,19 +36300,31 +36301,31 +36302,31 +36303,24 +36304,24 +36305,24 +36306,24 +36307,24 +36308,25 +36309,25 +36310,25 +36311,31 +36312,27 +36313,27 +36314,27 +36315,2 +36316,2 +36317,2 +36318,2 +36319,2 +36320,2 +36321,2 +36322,2 +36323,2 +36324,4 +36325,4 +36326,4 +36327,4 +36328,4 +36329,25 +36330,25 +36331,25 +36332,25 +36333,25 +36334,25 +36335,25 +36336,25 +36337,25 +36338,35 +36339,35 +36340,35 +36341,35 +36342,35 +36343,35 +36344,35 +36345,35 +36346,35 +36347,35 +36348,36 +36349,36 +36350,36 +36351,36 +36352,36 +36353,36 +36354,36 +36355,36 +36356,36 +36357,32 +36358,32 +36359,32 +36360,32 +36361,32 +36362,32 +36363,15 +36364,15 +36365,27 +36366,27 +36367,27 +36368,27 +36369,5 +36370,5 +36371,5 +36372,5 +36373,5 +36374,5 +36375,27 +36376,27 +36377,27 +36378,27 +36379,27 +36380,27 +36381,27 +36382,27 +36383,2 +36384,2 +36385,2 +36386,2 +36387,2 +36388,2 +36389,2 +36390,2 +36391,2 +36392,2 +36393,2 +36394,4 +36395,4 +36396,4 +36397,4 +36398,4 +36399,4 +36400,4 +36401,4 +36402,4 +36403,4 +36404,31 +36405,31 +36406,31 +36407,31 +36408,31 +36409,29 +36410,29 +36411,29 +36412,29 +36413,29 +36414,29 +36415,29 +36416,39 +36417,39 +36418,39 +36419,39 +36420,39 +36421,39 +36422,39 +36423,39 +36424,39 +36425,39 +36426,39 +36427,39 +36428,39 +36429,8 +36430,8 +36431,8 +36432,8 +36433,8 +36434,8 +36435,8 +36436,8 +36437,8 +36438,8 +36439,8 +36440,8 +36441,19 +36442,19 +36443,19 +36444,19 +36445,19 +36446,19 +36447,27 +36448,27 +36449,27 +36450,27 +36451,27 +36452,18 +36453,11 +36454,8 +36455,8 +36456,8 +36457,8 +36458,8 +36459,8 +36460,8 +36461,8 +36462,8 +36463,8 +36464,2 +36465,25 +36466,25 +36467,25 +36468,25 +36469,25 +36470,25 +36471,25 +36472,25 +36473,25 +36474,25 +36475,25 +36476,24 +36477,24 +36478,24 +36479,24 +36480,27 +36481,27 +36482,27 +36483,27 +36484,27 +36485,27 +36486,27 +36487,13 +36488,13 +36489,13 +36490,13 +36491,13 +36492,13 +36493,32 +36494,32 +36495,32 +36496,32 +36497,32 +36498,32 +36499,32 +36500,32 +36501,32 +36502,39 +36503,39 +36504,39 +36505,39 +36506,39 +36507,39 +36508,39 +36509,39 +36510,15 +36511,15 +36512,15 +36513,15 +36514,15 +36515,15 +36516,15 +36517,15 +36518,15 +36519,15 +36520,15 +36521,31 +36522,31 +36523,31 +36524,30 +36525,30 +36526,30 +36527,30 +36528,30 +36529,30 +36530,30 +36531,30 +36532,30 +36533,30 +36534,30 +36535,30 +36536,30 +36537,30 +36538,30 +36539,0 +36540,0 +36541,0 +36542,0 +36543,0 +36544,0 +36545,0 +36546,0 +36547,0 +36548,0 +36549,0 +36550,0 +36551,0 +36552,0 +36553,0 +36554,0 +36555,0 +36556,0 +36557,0 +36558,0 +36559,0 +36560,0 +36561,0 +36562,0 +36563,0 +36564,0 +36565,0 +36566,0 +36567,0 +36568,0 +36569,0 +36570,0 +36571,0 +36572,0 +36573,0 +36574,0 +36575,0 +36576,0 +36577,0 +36578,0 +36579,0 +36580,0 +36581,0 +36582,0 +36583,0 +36584,0 +36585,0 +36586,0 +36587,0 +36588,0 +36589,0 +36590,0 +36591,0 +36592,0 +36593,0 +36594,0 +36595,0 +36596,0 +36597,0 +36598,0 +36599,0 +36600,0 +36601,0 +36602,0 +36603,0 +36604,0 +36605,0 +36606,0 +36607,0 +36608,0 +36609,0 +36610,0 +36611,0 +36612,35 +36613,35 +36614,35 +36615,35 +36616,35 +36617,35 +36618,35 +36619,35 +36620,12 +36621,12 +36622,12 +36623,40 +36624,40 +36625,40 +36626,5 +36627,5 +36628,5 +36629,10 +36630,10 +36631,10 +36632,10 +36633,10 +36634,10 +36635,10 +36636,10 +36637,10 +36638,10 +36639,10 +36640,2 +36641,2 +36642,2 +36643,2 +36644,2 +36645,2 +36646,2 +36647,2 +36648,2 +36649,2 +36650,2 +36651,2 +36652,2 +36653,2 +36654,2 +36655,30 +36656,30 +36657,30 +36658,30 +36659,40 +36660,40 +36661,40 +36662,40 +36663,40 +36664,40 +36665,40 +36666,40 +36667,31 +36668,31 +36669,31 +36670,31 +36671,31 +36672,32 +36673,32 +36674,24 +36675,24 +36676,24 +36677,4 +36678,4 +36679,4 +36680,4 +36681,4 +36682,4 +36683,4 +36684,4 +36685,4 +36686,25 +36687,25 +36688,25 +36689,25 +36690,25 +36691,25 +36692,12 +36693,12 +36694,12 +36695,12 +36696,12 +36697,12 +36698,12 +36699,12 +36700,12 +36701,31 +36702,31 +36703,31 +36704,8 +36705,8 +36706,8 +36707,8 +36708,8 +36709,8 +36710,8 +36711,36 +36712,36 +36713,36 +36714,36 +36715,36 +36716,36 +36717,36 +36718,36 +36719,36 +36720,36 +36721,36 +36722,36 +36723,36 +36724,36 +36725,36 +36726,24 +36727,24 +36728,24 +36729,24 +36730,2 +36731,2 +36732,2 +36733,2 +36734,2 +36735,2 +36736,2 +36737,2 +36738,2 +36739,27 +36740,27 +36741,27 +36742,27 +36743,27 +36744,27 +36745,27 +36746,5 +36747,5 +36748,5 +36749,5 +36750,5 +36751,5 +36752,5 +36753,5 +36754,0 +36755,0 +36756,0 +36757,0 +36758,0 +36759,0 +36760,0 +36761,0 +36762,0 +36763,0 +36764,0 +36765,0 +36766,0 +36767,0 +36768,0 +36769,0 +36770,0 +36771,0 +36772,0 +36773,0 +36774,0 +36775,0 +36776,0 +36777,0 +36778,0 +36779,0 +36780,0 +36781,0 +36782,0 +36783,0 +36784,0 +36785,0 +36786,0 +36787,0 +36788,0 +36789,0 +36790,0 +36791,0 +36792,0 +36793,0 +36794,0 +36795,0 +36796,0 +36797,0 +36798,29 +36799,29 +36800,29 +36801,31 +36802,31 +36803,31 +36804,31 +36805,31 +36806,31 +36807,23 +36808,23 +36809,23 +36810,23 +36811,23 +36812,23 +36813,23 +36814,23 +36815,23 +36816,9 +36817,9 +36818,9 +36819,9 +36820,9 +36821,9 +36822,9 +36823,9 +36824,9 +36825,37 +36826,37 +36827,37 +36828,37 +36829,37 +36830,5 +36831,5 +36832,5 +36833,5 +36834,5 +36835,5 +36836,5 +36837,18 +36838,18 +36839,18 +36840,18 +36841,18 +36842,31 +36843,31 +36844,31 +36845,31 +36846,25 +36847,25 +36848,25 +36849,29 +36850,29 +36851,29 +36852,29 +36853,29 +36854,29 +36855,31 +36856,31 +36857,31 +36858,31 +36859,31 +36860,31 +36861,24 +36862,24 +36863,24 +36864,24 +36865,24 +36866,24 +36867,24 +36868,40 +36869,40 +36870,40 +36871,40 +36872,40 +36873,40 +36874,40 +36875,5 +36876,5 +36877,5 +36878,25 +36879,25 +36880,25 +36881,25 +36882,25 +36883,25 +36884,25 +36885,25 +36886,25 +36887,25 +36888,25 +36889,25 +36890,25 +36891,25 +36892,15 +36893,15 +36894,15 +36895,15 +36896,15 +36897,15 +36898,28 +36899,28 +36900,33 +36901,31 +36902,31 +36903,31 +36904,33 +36905,31 +36906,31 +36907,15 +36908,15 +36909,19 +36910,19 +36911,19 +36912,19 +36913,19 +36914,23 +36915,23 +36916,23 +36917,23 +36918,23 +36919,23 +36920,23 +36921,32 +36922,32 +36923,23 +36924,23 +36925,23 +36926,23 +36927,23 +36928,23 +36929,23 +36930,23 +36931,23 +36932,26 +36933,9 +36934,30 +36935,10 +36936,10 +36937,10 +36938,10 +36939,10 +36940,10 +36941,10 +36942,10 +36943,10 +36944,10 +36945,10 +36946,10 +36947,10 +36948,10 +36949,10 +36950,10 +36951,10 +36952,28 +36953,28 +36954,28 +36955,28 +36956,28 +36957,23 +36958,23 +36959,23 +36960,23 +36961,23 +36962,23 +36963,23 +36964,23 +36965,23 +36966,23 +36967,23 +36968,23 +36969,23 +36970,23 +36971,23 +36972,26 +36973,26 +36974,26 +36975,26 +36976,26 +36977,26 +36978,26 +36979,26 +36980,26 +36981,26 +36982,26 +36983,26 +36984,26 +36985,26 +36986,26 +36987,29 +36988,29 +36989,29 +36990,29 +36991,29 +36992,29 +36993,25 +36994,25 +36995,25 +36996,25 +36997,25 +36998,25 +36999,25 +37000,25 +37001,25 +37002,25 +37003,25 +37004,37 +37005,25 +37006,25 +37007,25 +37008,25 +37009,25 +37010,25 +37011,25 +37012,25 +37013,25 +37014,25 +37015,25 +37016,0 +37017,0 +37018,0 +37019,0 +37020,0 +37021,0 +37022,0 +37023,0 +37024,0 +37025,0 +37026,0 +37027,0 +37028,0 +37029,0 +37030,0 +37031,0 +37032,0 +37033,0 +37034,0 +37035,0 +37036,0 +37037,0 +37038,0 +37039,0 +37040,0 +37041,0 +37042,0 +37043,0 +37044,0 +37045,0 +37046,0 +37047,0 +37048,0 +37049,0 +37050,0 +37051,32 +37052,32 +37053,32 +37054,32 +37055,32 +37056,32 +37057,32 +37058,25 +37059,25 +37060,25 +37061,37 +37062,37 +37063,37 +37064,37 +37065,36 +37066,36 +37067,36 +37068,36 +37069,36 +37070,36 +37071,36 +37072,36 +37073,36 +37074,36 +37075,36 +37076,36 +37077,36 +37078,36 +37079,36 +37080,36 +37081,36 +37082,31 +37083,32 +37084,32 +37085,32 +37086,32 +37087,32 +37088,32 +37089,2 +37090,2 +37091,2 +37092,2 +37093,2 +37094,2 +37095,2 +37096,2 +37097,2 +37098,2 +37099,2 +37100,2 +37101,2 +37102,2 +37103,2 +37104,2 +37105,2 +37106,2 +37107,31 +37108,31 +37109,31 +37110,31 +37111,31 +37112,31 +37113,31 +37114,33 +37115,33 +37116,12 +37117,12 +37118,33 +37119,33 +37120,33 +37121,33 +37122,33 +37123,33 +37124,33 +37125,33 +37126,33 +37127,33 +37128,33 +37129,33 +37130,33 +37131,33 +37132,33 +37133,33 +37134,33 +37135,33 +37136,33 +37137,33 +37138,33 +37139,33 +37140,33 +37141,0 +37142,8 +37143,0 +37144,0 +37145,2 +37146,2 +37147,2 +37148,2 +37149,2 +37150,2 +37151,2 +37152,2 +37153,2 +37154,2 +37155,2 +37156,2 +37157,2 +37158,2 +37159,2 +37160,2 +37161,2 +37162,2 +37163,2 +37164,2 +37165,40 +37166,40 +37167,40 +37168,40 +37169,19 +37170,19 +37171,19 +37172,19 +37173,19 +37174,32 +37175,32 +37176,32 +37177,32 +37178,32 +37179,32 +37180,32 +37181,32 +37182,32 +37183,32 +37184,32 +37185,32 +37186,26 +37187,26 +37188,26 +37189,26 +37190,26 +37191,26 +37192,26 +37193,26 +37194,30 +37195,30 +37196,30 +37197,30 +37198,30 +37199,30 +37200,30 +37201,30 +37202,30 +37203,30 +37204,30 +37205,39 +37206,39 +37207,39 +37208,39 +37209,39 +37210,39 +37211,39 +37212,39 +37213,39 +37214,39 +37215,39 +37216,39 +37217,39 +37218,39 +37219,39 +37220,39 +37221,39 +37222,39 +37223,39 +37224,0 +37225,0 +37226,0 +37227,0 +37228,0 +37229,0 +37230,0 +37231,0 +37232,0 +37233,0 +37234,0 +37235,0 +37236,0 +37237,0 +37238,0 +37239,0 +37240,0 +37241,0 +37242,0 +37243,0 +37244,0 +37245,0 +37246,0 +37247,0 +37248,0 +37249,0 +37250,0 +37251,0 +37252,0 +37253,0 +37254,0 +37255,0 +37256,0 +37257,0 +37258,0 +37259,0 +37260,0 +37261,0 +37262,0 +37263,0 +37264,0 +37265,0 +37266,0 +37267,0 +37268,0 +37269,0 +37270,0 +37271,0 +37272,0 +37273,0 +37274,0 +37275,0 +37276,0 +37277,0 +37278,0 +37279,0 +37280,0 +37281,0 +37282,0 +37283,0 +37284,0 +37285,0 +37286,0 +37287,0 +37288,0 +37289,0 +37290,0 +37291,0 +37292,35 +37293,35 +37294,35 +37295,35 +37296,35 +37297,35 +37298,35 +37299,35 +37300,35 +37301,35 +37302,34 +37303,34 +37304,34 +37305,34 +37306,34 +37307,34 +37308,34 +37309,34 +37310,34 +37311,34 +37312,34 +37313,34 +37314,34 +37315,34 +37316,34 +37317,34 +37318,34 +37319,34 +37320,12 +37321,30 +37322,34 +37323,34 +37324,34 +37325,33 +37326,33 +37327,33 +37328,33 +37329,0 +37330,33 +37331,33 +37332,0 +37333,0 +37334,0 +37335,0 +37336,0 +37337,0 +37338,0 +37339,0 +37340,0 +37341,0 +37342,0 +37343,0 +37344,0 +37345,0 +37346,0 +37347,0 +37348,0 +37349,0 +37350,0 +37351,0 +37352,0 +37353,0 +37354,0 +37355,0 +37356,0 +37357,0 +37358,0 +37359,0 +37360,0 +37361,0 +37362,0 +37363,0 +37364,0 +37365,0 +37366,0 +37367,0 +37368,0 +37369,0 +37370,0 +37371,0 +37372,5 +37373,5 +37374,5 +37375,5 +37376,5 +37377,5 +37378,5 +37379,5 +37380,5 +37381,5 +37382,5 +37383,5 +37384,26 +37385,26 +37386,26 +37387,26 +37388,26 +37389,26 +37390,26 +37391,26 +37392,26 +37393,26 +37394,26 +37395,4 +37396,4 +37397,4 +37398,4 +37399,4 +37400,4 +37401,4 +37402,4 +37403,4 +37404,4 +37405,4 +37406,31 +37407,31 +37408,31 +37409,31 +37410,31 +37411,4 +37412,4 +37413,4 +37414,4 +37415,4 +37416,0 +37417,0 +37418,0 +37419,0 +37420,0 +37421,0 +37422,9 +37423,9 +37424,9 +37425,9 +37426,9 +37427,9 +37428,9 +37429,9 +37430,9 +37431,9 +37432,9 +37433,9 +37434,26 +37435,26 +37436,26 +37437,26 +37438,26 +37439,26 +37440,26 +37441,26 +37442,26 +37443,26 +37444,9 +37445,9 +37446,9 +37447,9 +37448,9 +37449,9 +37450,9 +37451,9 +37452,9 +37453,9 +37454,33 +37455,33 +37456,33 +37457,33 +37458,33 +37459,33 +37460,33 +37461,33 +37462,3 +37463,3 +37464,3 +37465,3 +37466,3 +37467,3 +37468,0 +37469,0 +37470,0 +37471,0 +37472,0 +37473,0 +37474,0 +37475,0 +37476,0 +37477,0 +37478,0 +37479,0 +37480,0 +37481,0 +37482,0 +37483,0 +37484,0 +37485,0 +37486,0 +37487,0 +37488,0 +37489,0 +37490,0 +37491,0 +37492,0 +37493,0 +37494,0 +37495,0 +37496,0 +37497,0 +37498,0 +37499,0 +37500,0 +37501,0 +37502,0 +37503,0 +37504,0 +37505,0 +37506,0 +37507,0 +37508,0 +37509,0 +37510,0 +37511,0 +37512,0 +37513,0 +37514,0 +37515,0 +37516,0 +37517,0 +37518,0 +37519,0 +37520,0 +37521,0 +37522,0 +37523,0 +37524,0 +37525,0 +37526,0 +37527,0 +37528,0 +37529,0 +37530,0 +37531,0 +37532,0 +37533,0 +37534,0 +37535,0 +37536,0 +37537,0 +37538,0 +37539,0 +37540,0 +37541,0 +37542,0 +37543,0 +37544,0 +37545,0 +37546,0 +37547,0 +37548,0 +37549,0 +37550,0 +37551,0 +37552,0 +37553,0 +37554,0 +37555,0 +37556,0 +37557,0 +37558,0 +37559,0 +37560,0 +37561,0 +37562,0 +37563,0 +37564,0 +37565,0 +37566,0 +37567,0 +37568,0 +37569,0 +37570,0 +37571,0 +37572,0 +37573,0 +37574,0 +37575,0 +37576,0 +37577,0 +37578,0 +37579,0 +37580,0 +37581,0 +37582,0 +37583,0 +37584,0 +37585,0 +37586,12 +37587,12 +37588,12 +37589,12 +37590,12 +37591,12 +37592,12 +37593,12 +37594,12 +37595,12 +37596,12 +37597,10 +37598,10 +37599,10 +37600,10 +37601,10 +37602,31 +37603,26 +37604,31 +37605,31 +37606,9 +37607,10 +37608,10 +37609,10 +37610,10 +37611,10 +37612,31 +37613,10 +37614,10 +37615,10 +37616,10 +37617,10 +37618,10 +37619,10 +37620,10 +37621,10 +37622,14 +37623,14 +37624,14 +37625,14 +37626,14 +37627,14 +37628,14 +37629,14 +37630,14 +37631,14 +37632,14 +37633,14 +37634,14 +37635,14 +37636,14 +37637,14 +37638,14 +37639,14 +37640,14 +37641,14 +37642,14 +37643,39 +37644,0 +37645,0 +37646,0 +37647,0 +37648,0 +37649,0 +37650,0 +37651,0 +37652,0 +37653,0 +37654,0 +37655,0 +37656,0 +37657,0 +37658,0 +37659,0 +37660,0 +37661,0 +37662,0 +37663,0 +37664,0 +37665,0 +37666,0 +37667,0 +37668,0 +37669,0 +37670,0 +37671,0 +37672,0 +37673,0 +37674,0 +37675,0 +37676,0 +37677,0 +37678,0 +37679,0 +37680,0 +37681,0 +37682,0 +37683,0 +37684,0 +37685,0 +37686,0 +37687,0 +37688,0 +37689,18 +37690,18 +37691,16 +37692,16 +37693,18 +37694,18 +37695,16 +37696,16 +37697,31 +37698,31 +37699,31 +37700,31 +37701,31 +37702,31 +37703,31 +37704,31 +37705,2 +37706,2 +37707,2 +37708,2 +37709,2 +37710,2 +37711,2 +37712,2 +37713,2 +37714,2 +37715,2 +37716,32 +37717,29 +37718,32 +37719,32 +37720,32 +37721,32 +37722,27 +37723,27 +37724,27 +37725,27 +37726,27 +37727,27 +37728,13 +37729,13 +37730,13 +37731,13 +37732,13 +37733,13 +37734,6 +37735,6 +37736,6 +37737,6 +37738,6 +37739,23 +37740,23 +37741,23 +37742,23 +37743,23 +37744,23 +37745,23 +37746,23 +37747,23 +37748,37 +37749,37 +37750,25 +37751,25 +37752,25 +37753,31 +37754,31 +37755,31 +37756,31 +37757,31 +37758,31 +37759,31 +37760,28 +37761,28 +37762,28 +37763,28 +37764,28 +37765,28 +37766,28 +37767,31 +37768,31 +37769,31 +37770,31 +37771,31 +37772,30 +37773,30 +37774,30 +37775,30 +37776,30 +37777,30 +37778,30 +37779,19 +37780,19 +37781,19 +37782,19 +37783,19 +37784,19 +37785,19 +37786,19 +37787,19 +37788,19 +37789,5 +37790,5 +37791,5 +37792,4 +37793,4 +37794,4 +37795,4 +37796,4 +37797,4 +37798,4 +37799,4 +37800,4 +37801,4 +37802,4 +37803,4 +37804,4 +37805,4 +37806,4 +37807,4 +37808,4 +37809,0 +37810,0 +37811,0 +37812,0 +37813,0 +37814,0 +37815,0 +37816,0 +37817,0 +37818,0 +37819,0 +37820,0 +37821,0 +37822,0 +37823,0 +37824,0 +37825,0 +37826,0 +37827,0 +37828,0 +37829,0 +37830,0 +37831,0 +37832,0 +37833,0 +37834,0 +37835,0 +37836,0 +37837,0 +37838,0 +37839,0 +37840,0 +37841,0 +37842,15 +37843,15 +37844,15 +37845,27 +37846,27 +37847,27 +37848,27 +37849,38 +37850,38 +37851,38 +37852,38 +37853,4 +37854,29 +37855,29 +37856,29 +37857,29 +37858,29 +37859,29 +37860,27 +37861,27 +37862,27 +37863,27 +37864,27 +37865,27 +37866,27 +37867,27 +37868,27 +37869,2 +37870,2 +37871,2 +37872,2 +37873,2 +37874,2 +37875,2 +37876,2 +37877,2 +37878,2 +37879,2 +37880,2 +37881,2 +37882,2 +37883,0 +37884,0 +37885,0 +37886,0 +37887,0 +37888,23 +37889,37 +37890,37 +37891,37 +37892,37 +37893,37 +37894,37 +37895,40 +37896,40 +37897,40 +37898,40 +37899,40 +37900,40 +37901,40 +37902,40 +37903,40 +37904,19 +37905,19 +37906,19 +37907,19 +37908,19 +37909,19 +37910,19 +37911,19 +37912,36 +37913,36 +37914,36 +37915,36 +37916,36 +37917,36 +37918,36 +37919,36 +37920,36 +37921,36 +37922,14 +37923,36 +37924,14 +37925,36 +37926,36 +37927,21 +37928,21 +37929,21 +37930,21 +37931,21 +37932,21 +37933,6 +37934,6 +37935,6 +37936,6 +37937,25 +37938,25 +37939,25 +37940,25 +37941,25 +37942,25 +37943,25 +37944,16 +37945,16 +37946,16 +37947,16 +37948,16 +37949,11 +37950,11 +37951,11 +37952,11 +37953,16 +37954,16 +37955,27 +37956,27 +37957,39 +37958,39 +37959,37 +37960,37 +37961,37 +37962,37 +37963,23 +37964,23 +37965,23 +37966,23 +37967,23 +37968,23 +37969,23 +37970,23 +37971,23 +37972,26 +37973,26 +37974,26 +37975,26 +37976,26 +37977,26 +37978,26 +37979,5 +37980,5 +37981,5 +37982,5 +37983,5 +37984,28 +37985,28 +37986,28 +37987,28 +37988,10 +37989,10 +37990,10 +37991,10 +37992,10 +37993,10 +37994,10 +37995,10 +37996,10 +37997,10 +37998,10 +37999,35 +38000,35 +38001,35 +38002,35 +38003,35 +38004,35 +38005,35 +38006,36 +38007,36 +38008,36 +38009,40 +38010,40 +38011,40 +38012,14 +38013,14 +38014,14 +38015,14 +38016,14 +38017,14 +38018,14 +38019,40 +38020,40 +38021,40 +38022,40 +38023,19 +38024,19 +38025,19 +38026,19 +38027,19 +38028,19 +38029,19 +38030,19 +38031,19 +38032,19 +38033,19 +38034,5 +38035,5 +38036,5 +38037,5 +38038,5 +38039,5 +38040,0 +38041,0 +38042,0 +38043,0 +38044,0 +38045,0 +38046,0 +38047,0 +38048,0 +38049,0 +38050,0 +38051,0 +38052,0 +38053,0 +38054,0 +38055,0 +38056,0 +38057,12 +38058,12 +38059,12 +38060,12 +38061,12 +38062,12 +38063,27 +38064,27 +38065,27 +38066,27 +38067,27 +38068,38 +38069,38 +38070,38 +38071,38 +38072,2 +38073,2 +38074,2 +38075,2 +38076,2 +38077,2 +38078,2 +38079,2 +38080,2 +38081,2 +38082,2 +38083,2 +38084,2 +38085,21 +38086,21 +38087,21 +38088,21 +38089,4 +38090,4 +38091,4 +38092,14 +38093,14 +38094,14 +38095,14 +38096,14 +38097,14 +38098,14 +38099,14 +38100,14 +38101,14 +38102,2 +38103,2 +38104,2 +38105,2 +38106,2 +38107,2 +38108,2 +38109,2 +38110,2 +38111,2 +38112,2 +38113,2 +38114,2 +38115,32 +38116,32 +38117,32 +38118,30 +38119,30 +38120,30 +38121,14 +38122,14 +38123,14 +38124,14 +38125,14 +38126,14 +38127,14 +38128,14 +38129,14 +38130,27 +38131,14 +38132,14 +38133,14 +38134,29 +38135,29 +38136,29 +38137,29 +38138,29 +38139,39 +38140,39 +38141,39 +38142,39 +38143,39 +38144,39 +38145,39 +38146,39 +38147,39 +38148,11 +38149,11 +38150,11 +38151,11 +38152,11 +38153,11 +38154,11 +38155,11 +38156,11 +38157,11 +38158,11 +38159,11 +38160,11 +38161,11 +38162,11 +38163,11 +38164,11 +38165,3 +38166,3 +38167,3 +38168,3 +38169,3 +38170,3 +38171,3 +38172,3 +38173,3 +38174,3 +38175,3 +38176,3 +38177,3 +38178,3 +38179,3 +38180,3 +38181,3 +38182,3 +38183,3 +38184,3 +38185,3 +38186,3 +38187,3 +38188,3 +38189,3 +38190,3 +38191,3 +38192,3 +38193,3 +38194,3 +38195,3 +38196,3 +38197,3 +38198,8 +38199,8 +38200,8 +38201,8 +38202,8 +38203,8 +38204,8 +38205,2 +38206,2 +38207,2 +38208,2 +38209,2 +38210,2 +38211,2 +38212,2 +38213,2 +38214,2 +38215,2 +38216,2 +38217,0 +38218,0 +38219,0 +38220,0 +38221,0 +38222,0 +38223,0 +38224,0 +38225,0 +38226,0 +38227,0 +38228,0 +38229,0 +38230,0 +38231,0 +38232,0 +38233,0 +38234,0 +38235,0 +38236,0 +38237,39 +38238,35 +38239,35 +38240,35 +38241,35 +38242,35 +38243,35 +38244,35 +38245,35 +38246,39 +38247,39 +38248,39 +38249,39 +38250,39 +38251,19 +38252,29 +38253,15 +38254,15 +38255,15 +38256,27 +38257,27 +38258,27 +38259,27 +38260,27 +38261,27 +38262,5 +38263,19 +38264,19 +38265,19 +38266,19 +38267,19 +38268,5 +38269,5 +38270,5 +38271,5 +38272,5 +38273,5 +38274,5 +38275,5 +38276,26 +38277,26 +38278,26 +38279,26 +38280,26 +38281,9 +38282,9 +38283,26 +38284,9 +38285,9 +38286,9 +38287,9 +38288,9 +38289,9 +38290,9 +38291,9 +38292,9 +38293,30 +38294,4 +38295,30 +38296,30 +38297,4 +38298,4 +38299,4 +38300,4 +38301,4 +38302,3 +38303,3 +38304,3 +38305,3 +38306,3 +38307,3 +38308,3 +38309,3 +38310,3 +38311,3 +38312,3 +38313,3 +38314,3 +38315,3 +38316,3 +38317,8 +38318,8 +38319,8 +38320,8 +38321,8 +38322,8 +38323,8 +38324,8 +38325,8 +38326,8 +38327,27 +38328,27 +38329,27 +38330,27 +38331,27 +38332,27 +38333,27 +38334,8 +38335,8 +38336,8 +38337,8 +38338,8 +38339,8 +38340,8 +38341,19 +38342,15 +38343,15 +38344,8 +38345,27 +38346,27 +38347,27 +38348,27 +38349,31 +38350,31 +38351,31 +38352,31 +38353,31 +38354,31 +38355,4 +38356,29 +38357,4 +38358,4 +38359,4 +38360,4 +38361,4 +38362,4 +38363,4 +38364,4 +38365,4 +38366,4 +38367,4 +38368,4 +38369,25 +38370,25 +38371,25 +38372,25 +38373,25 +38374,25 +38375,25 +38376,25 +38377,25 +38378,25 +38379,28 +38380,15 +38381,28 +38382,28 +38383,31 +38384,31 +38385,27 +38386,31 +38387,5 +38388,5 +38389,5 +38390,5 +38391,19 +38392,19 +38393,19 +38394,36 +38395,36 +38396,36 +38397,36 +38398,36 +38399,36 +38400,36 +38401,36 +38402,36 +38403,36 +38404,36 +38405,36 +38406,36 +38407,36 +38408,36 +38409,36 +38410,19 +38411,19 +38412,19 +38413,19 +38414,19 +38415,19 +38416,19 +38417,19 +38418,19 +38419,19 +38420,4 +38421,4 +38422,4 +38423,4 +38424,4 +38425,4 +38426,4 +38427,4 +38428,4 +38429,4 +38430,4 +38431,4 +38432,4 +38433,4 +38434,3 +38435,3 +38436,3 +38437,3 +38438,3 +38439,3 +38440,3 +38441,3 +38442,3 +38443,3 +38444,3 +38445,19 +38446,19 +38447,19 +38448,19 +38449,19 +38450,19 +38451,19 +38452,19 +38453,19 +38454,19 +38455,19 +38456,0 +38457,0 +38458,0 +38459,0 +38460,0 +38461,0 +38462,0 +38463,0 +38464,0 +38465,0 +38466,0 +38467,0 +38468,0 +38469,0 +38470,0 +38471,0 +38472,0 +38473,0 +38474,0 +38475,0 +38476,0 +38477,0 +38478,0 +38479,0 +38480,0 +38481,0 +38482,0 +38483,0 +38484,0 +38485,35 +38486,35 +38487,35 +38488,35 +38489,35 +38490,35 +38491,35 +38492,35 +38493,35 +38494,35 +38495,35 +38496,35 +38497,35 +38498,35 +38499,39 +38500,7 +38501,7 +38502,39 +38503,39 +38504,39 +38505,39 +38506,39 +38507,40 +38508,39 +38509,36 +38510,36 +38511,36 +38512,36 +38513,36 +38514,19 +38515,19 +38516,19 +38517,19 +38518,4 +38519,4 +38520,4 +38521,31 +38522,31 +38523,31 +38524,37 +38525,37 +38526,37 +38527,37 +38528,37 +38529,37 +38530,37 +38531,8 +38532,8 +38533,8 +38534,8 +38535,27 +38536,31 +38537,2 +38538,2 +38539,2 +38540,2 +38541,2 +38542,2 +38543,2 +38544,2 +38545,2 +38546,2 +38547,2 +38548,2 +38549,25 +38550,25 +38551,25 +38552,25 +38553,25 +38554,25 +38555,25 +38556,25 +38557,25 +38558,25 +38559,25 +38560,25 +38561,25 +38562,25 +38563,25 +38564,25 +38565,25 +38566,25 +38567,24 +38568,24 +38569,24 +38570,24 +38571,24 +38572,24 +38573,24 +38574,24 +38575,19 +38576,19 +38577,19 +38578,19 +38579,27 +38580,27 +38581,27 +38582,27 +38583,27 +38584,27 +38585,16 +38586,16 +38587,16 +38588,16 +38589,16 +38590,16 +38591,16 +38592,16 +38593,16 +38594,16 +38595,11 +38596,11 +38597,11 +38598,11 +38599,11 +38600,16 +38601,16 +38602,11 +38603,16 +38604,16 +38605,16 +38606,14 +38607,14 +38608,14 +38609,14 +38610,14 +38611,14 +38612,14 +38613,14 +38614,14 +38615,14 +38616,14 +38617,14 +38618,14 +38619,14 +38620,14 +38621,5 +38622,5 +38623,5 +38624,5 +38625,5 +38626,18 +38627,18 +38628,18 +38629,18 +38630,18 +38631,18 +38632,18 +38633,18 +38634,11 +38635,31 +38636,31 +38637,31 +38638,31 +38639,5 +38640,5 +38641,5 +38642,13 +38643,13 +38644,36 +38645,36 +38646,36 +38647,36 +38648,36 +38649,36 +38650,36 +38651,36 +38652,36 +38653,36 +38654,36 +38655,36 +38656,36 +38657,36 +38658,36 +38659,36 +38660,36 +38661,36 +38662,28 +38663,28 +38664,28 +38665,28 +38666,28 +38667,28 +38668,28 +38669,28 +38670,28 +38671,31 +38672,31 +38673,31 +38674,31 +38675,31 +38676,31 +38677,31 +38678,15 +38679,15 +38680,15 +38681,15 +38682,15 +38683,15 +38684,15 +38685,15 +38686,15 +38687,15 +38688,40 +38689,31 +38690,40 +38691,10 +38692,10 +38693,10 +38694,10 +38695,10 +38696,10 +38697,30 +38698,30 +38699,33 +38700,33 +38701,33 +38702,33 +38703,33 +38704,31 +38705,31 +38706,31 +38707,31 +38708,10 +38709,10 +38710,31 +38711,10 +38712,10 +38713,10 +38714,10 +38715,19 +38716,19 +38717,19 +38718,19 +38719,19 +38720,19 +38721,27 +38722,27 +38723,19 +38724,19 +38725,19 +38726,19 +38727,18 +38728,18 +38729,16 +38730,32 +38731,32 +38732,32 +38733,32 +38734,11 +38735,16 +38736,16 +38737,11 +38738,11 +38739,11 +38740,11 +38741,11 +38742,11 +38743,16 +38744,16 +38745,16 +38746,16 +38747,16 +38748,16 +38749,14 +38750,14 +38751,14 +38752,14 +38753,14 +38754,14 +38755,14 +38756,14 +38757,14 +38758,14 +38759,14 +38760,14 +38761,14 +38762,14 +38763,5 +38764,5 +38765,5 +38766,5 +38767,5 +38768,5 +38769,5 +38770,18 +38771,18 +38772,18 +38773,18 +38774,18 +38775,18 +38776,18 +38777,18 +38778,27 +38779,27 +38780,27 +38781,27 +38782,5 +38783,5 +38784,5 +38785,5 +38786,5 +38787,5 +38788,5 +38789,40 +38790,40 +38791,40 +38792,36 +38793,36 +38794,36 +38795,36 +38796,36 +38797,36 +38798,40 +38799,36 +38800,36 +38801,36 +38802,36 +38803,36 +38804,36 +38805,36 +38806,36 +38807,36 +38808,21 +38809,21 +38810,21 +38811,21 +38812,21 +38813,21 +38814,5 +38815,5 +38816,28 +38817,28 +38818,13 +38819,5 +38820,28 +38821,28 +38822,31 +38823,31 +38824,31 +38825,31 +38826,31 +38827,31 +38828,31 +38829,31 +38830,31 +38831,31 +38832,31 +38833,2 +38834,2 +38835,2 +38836,2 +38837,2 +38838,2 +38839,2 +38840,2 +38841,2 +38842,2 +38843,2 +38844,2 +38845,2 +38846,2 +38847,2 +38848,2 +38849,8 +38850,0 +38851,0 +38852,0 +38853,0 +38854,0 +38855,0 +38856,0 +38857,0 +38858,0 +38859,0 +38860,0 +38861,0 +38862,0 +38863,0 +38864,0 +38865,0 +38866,0 +38867,0 +38868,0 +38869,0 +38870,0 +38871,0 +38872,0 +38873,0 +38874,0 +38875,0 +38876,0 +38877,36 +38878,36 +38879,36 +38880,36 +38881,36 +38882,36 +38883,36 +38884,36 +38885,36 +38886,36 +38887,36 +38888,5 +38889,5 +38890,5 +38891,5 +38892,5 +38893,5 +38894,31 +38895,31 +38896,31 +38897,31 +38898,31 +38899,31 +38900,31 +38901,23 +38902,23 +38903,23 +38904,23 +38905,23 +38906,9 +38907,9 +38908,33 +38909,33 +38910,33 +38911,33 +38912,33 +38913,33 +38914,33 +38915,33 +38916,33 +38917,33 +38918,33 +38919,33 +38920,33 +38921,33 +38922,33 +38923,33 +38924,30 +38925,30 +38926,30 +38927,30 +38928,30 +38929,30 +38930,30 +38931,30 +38932,30 +38933,30 +38934,27 +38935,39 +38936,3 +38937,3 +38938,39 +38939,27 +38940,19 +38941,19 +38942,19 +38943,19 +38944,19 +38945,19 +38946,19 +38947,4 +38948,4 +38949,4 +38950,27 +38951,27 +38952,31 +38953,31 +38954,31 +38955,21 +38956,19 +38957,19 +38958,19 +38959,29 +38960,29 +38961,29 +38962,29 +38963,27 +38964,27 +38965,27 +38966,27 +38967,27 +38968,27 +38969,2 +38970,2 +38971,2 +38972,2 +38973,2 +38974,2 +38975,2 +38976,2 +38977,2 +38978,2 +38979,2 +38980,31 +38981,31 +38982,31 +38983,31 +38984,31 +38985,31 +38986,31 +38987,32 +38988,32 +38989,32 +38990,32 +38991,32 +38992,32 +38993,32 +38994,32 +38995,30 +38996,30 +38997,30 +38998,30 +38999,30 +39000,30 +39001,30 +39002,10 +39003,10 +39004,10 +39005,10 +39006,10 +39007,10 +39008,10 +39009,10 +39010,5 +39011,5 +39012,5 +39013,5 +39014,5 +39015,5 +39016,29 +39017,29 +39018,29 +39019,29 +39020,29 +39021,31 +39022,31 +39023,31 +39024,31 +39025,31 +39026,24 +39027,24 +39028,24 +39029,24 +39030,24 +39031,24 +39032,24 +39033,24 +39034,24 +39035,24 +39036,24 +39037,24 +39038,26 +39039,26 +39040,26 +39041,26 +39042,26 +39043,26 +39044,26 +39045,26 +39046,26 +39047,26 +39048,26 +39049,26 +39050,26 +39051,26 +39052,26 +39053,26 +39054,26 +39055,26 +39056,26 +39057,26 +39058,26 +39059,26 +39060,26 +39061,37 +39062,37 +39063,31 +39064,16 +39065,16 +39066,16 +39067,16 +39068,4 +39069,16 +39070,16 +39071,4 +39072,4 +39073,4 +39074,4 +39075,4 +39076,4 +39077,4 +39078,4 +39079,37 +39080,37 +39081,37 +39082,37 +39083,37 +39084,37 +39085,37 +39086,10 +39087,10 +39088,10 +39089,10 +39090,10 +39091,10 +39092,10 +39093,10 +39094,10 +39095,10 +39096,10 +39097,10 +39098,10 +39099,10 +39100,28 +39101,28 +39102,28 +39103,28 +39104,28 +39105,28 +39106,28 +39107,28 +39108,28 +39109,28 +39110,28 +39111,28 +39112,29 +39113,29 +39114,29 +39115,29 +39116,31 +39117,31 +39118,31 +39119,31 +39120,24 +39121,24 +39122,24 +39123,24 +39124,24 +39125,29 +39126,29 +39127,29 +39128,29 +39129,29 +39130,29 +39131,29 +39132,29 +39133,31 +39134,31 +39135,31 +39136,31 +39137,31 +39138,31 +39139,31 +39140,31 +39141,31 +39142,31 +39143,12 +39144,12 +39145,12 +39146,12 +39147,12 +39148,12 +39149,12 +39150,12 +39151,12 +39152,12 +39153,12 +39154,12 +39155,12 +39156,31 +39157,31 +39158,31 +39159,31 +39160,31 +39161,5 +39162,31 +39163,31 +39164,5 +39165,5 +39166,5 +39167,5 +39168,5 +39169,5 +39170,5 +39171,5 +39172,5 +39173,5 +39174,5 +39175,5 +39176,0 +39177,0 +39178,0 +39179,0 +39180,0 +39181,0 +39182,0 +39183,0 +39184,0 +39185,0 +39186,0 +39187,0 +39188,0 +39189,0 +39190,0 +39191,0 +39192,0 +39193,0 +39194,0 +39195,0 +39196,0 +39197,0 +39198,0 +39199,0 +39200,0 +39201,0 +39202,0 +39203,0 +39204,0 +39205,0 +39206,0 +39207,0 +39208,0 +39209,0 +39210,0 +39211,0 +39212,5 +39213,5 +39214,5 +39215,5 +39216,5 +39217,5 +39218,5 +39219,5 +39220,5 +39221,5 +39222,5 +39223,26 +39224,26 +39225,31 +39226,31 +39227,31 +39228,31 +39229,31 +39230,31 +39231,31 +39232,28 +39233,28 +39234,28 +39235,28 +39236,28 +39237,28 +39238,28 +39239,28 +39240,28 +39241,28 +39242,28 +39243,28 +39244,28 +39245,2 +39246,2 +39247,2 +39248,2 +39249,2 +39250,2 +39251,2 +39252,2 +39253,2 +39254,2 +39255,2 +39256,2 +39257,39 +39258,39 +39259,39 +39260,39 +39261,39 +39262,14 +39263,14 +39264,14 +39265,5 +39266,5 +39267,5 +39268,5 +39269,5 +39270,5 +39271,19 +39272,19 +39273,19 +39274,31 +39275,31 +39276,31 +39277,31 +39278,31 +39279,23 +39280,23 +39281,23 +39282,23 +39283,23 +39284,23 +39285,23 +39286,23 +39287,23 +39288,23 +39289,9 +39290,9 +39291,9 +39292,9 +39293,9 +39294,9 +39295,9 +39296,9 +39297,9 +39298,30 +39299,30 +39300,30 +39301,30 +39302,30 +39303,30 +39304,30 +39305,30 +39306,30 +39307,30 +39308,30 +39309,15 +39310,15 +39311,15 +39312,15 +39313,15 +39314,31 +39315,31 +39316,31 +39317,31 +39318,31 +39319,31 +39320,31 +39321,31 +39322,31 +39323,29 +39324,29 +39325,29 +39326,29 +39327,31 +39328,31 +39329,31 +39330,31 +39331,31 +39332,31 +39333,31 +39334,31 +39335,37 +39336,37 +39337,37 +39338,37 +39339,37 +39340,37 +39341,37 +39342,10 +39343,10 +39344,10 +39345,10 +39346,10 +39347,10 +39348,10 +39349,10 +39350,10 +39351,4 +39352,4 +39353,4 +39354,4 +39355,4 +39356,4 +39357,4 +39358,4 +39359,4 +39360,23 +39361,25 +39362,25 +39363,25 +39364,25 +39365,25 +39366,25 +39367,25 +39368,31 +39369,31 +39370,31 +39371,31 +39372,31 +39373,31 +39374,24 +39375,24 +39376,24 +39377,24 +39378,24 +39379,24 +39380,24 +39381,27 +39382,27 +39383,27 +39384,27 +39385,27 +39386,27 +39387,27 +39388,2 +39389,2 +39390,2 +39391,2 +39392,2 +39393,2 +39394,2 +39395,2 +39396,2 +39397,39 +39398,39 +39399,39 +39400,39 +39401,39 +39402,6 +39403,6 +39404,6 +39405,6 +39406,6 +39407,6 +39408,6 +39409,6 +39410,34 +39411,34 +39412,34 +39413,10 +39414,10 +39415,10 +39416,10 +39417,10 +39418,10 +39419,10 +39420,10 +39421,10 +39422,10 +39423,34 +39424,34 +39425,34 +39426,34 +39427,19 +39428,26 +39429,19 +39430,19 +39431,30 +39432,0 +39433,0 +39434,19 +39435,19 +39436,19 +39437,19 +39438,19 +39439,19 +39440,0 +39441,0 +39442,0 +39443,0 +39444,0 +39445,0 +39446,0 +39447,0 +39448,0 +39449,0 +39450,0 +39451,0 +39452,0 +39453,0 +39454,0 +39455,0 +39456,0 +39457,0 +39458,0 +39459,0 +39460,0 +39461,0 +39462,0 +39463,0 +39464,0 +39465,0 +39466,0 +39467,0 +39468,0 +39469,0 +39470,0 +39471,0 +39472,0 +39473,0 +39474,0 +39475,0 +39476,0 +39477,0 +39478,0 +39479,0 +39480,0 +39481,0 +39482,0 +39483,0 +39484,0 +39485,0 +39486,0 +39487,0 +39488,0 +39489,0 +39490,0 +39491,0 +39492,0 +39493,2 +39494,2 +39495,2 +39496,2 +39497,2 +39498,2 +39499,2 +39500,2 +39501,2 +39502,2 +39503,2 +39504,2 +39505,2 +39506,2 +39507,2 +39508,2 +39509,2 +39510,5 +39511,5 +39512,5 +39513,36 +39514,36 +39515,14 +39516,14 +39517,14 +39518,14 +39519,14 +39520,14 +39521,14 +39522,14 +39523,14 +39524,30 +39525,30 +39526,30 +39527,30 +39528,30 +39529,30 +39530,30 +39531,30 +39532,30 +39533,30 +39534,2 +39535,2 +39536,2 +39537,2 +39538,2 +39539,2 +39540,2 +39541,2 +39542,2 +39543,40 +39544,40 +39545,40 +39546,40 +39547,40 +39548,19 +39549,19 +39550,19 +39551,19 +39552,19 +39553,19 +39554,19 +39555,19 +39556,19 +39557,27 +39558,15 +39559,15 +39560,27 +39561,15 +39562,15 +39563,15 +39564,15 +39565,15 +39566,15 +39567,39 +39568,39 +39569,39 +39570,39 +39571,39 +39572,39 +39573,39 +39574,39 +39575,39 +39576,39 +39577,39 +39578,39 +39579,39 +39580,39 +39581,39 +39582,39 +39583,39 +39584,39 +39585,39 +39586,39 +39587,39 +39588,6 +39589,6 +39590,6 +39591,6 +39592,6 +39593,6 +39594,6 +39595,6 +39596,6 +39597,6 +39598,6 +39599,6 +39600,12 +39601,12 +39602,12 +39603,12 +39604,12 +39605,12 +39606,10 +39607,10 +39608,10 +39609,10 +39610,10 +39611,10 +39612,10 +39613,10 +39614,10 +39615,6 +39616,6 +39617,6 +39618,6 +39619,6 +39620,6 +39621,6 +39622,6 +39623,6 +39624,6 +39625,32 +39626,32 +39627,6 +39628,4 +39629,4 +39630,4 +39631,27 +39632,27 +39633,27 +39634,27 +39635,27 +39636,27 +39637,27 +39638,27 +39639,23 +39640,23 +39641,23 +39642,23 +39643,23 +39644,23 +39645,23 +39646,25 +39647,25 +39648,25 +39649,25 +39650,25 +39651,25 +39652,5 +39653,5 +39654,5 +39655,5 +39656,5 +39657,5 +39658,4 +39659,4 +39660,4 +39661,4 +39662,4 +39663,3 +39664,3 +39665,3 +39666,3 +39667,3 +39668,3 +39669,3 +39670,3 +39671,3 +39672,14 +39673,36 +39674,3 +39675,3 +39676,3 +39677,3 +39678,3 +39679,5 +39680,5 +39681,5 +39682,5 +39683,5 +39684,5 +39685,39 +39686,39 +39687,39 +39688,39 +39689,39 +39690,39 +39691,39 +39692,39 +39693,39 +39694,39 +39695,39 +39696,32 +39697,32 +39698,32 +39699,32 +39700,32 +39701,32 +39702,32 +39703,32 +39704,32 +39705,32 +39706,37 +39707,37 +39708,37 +39709,37 +39710,37 +39711,39 +39712,39 +39713,39 +39714,39 +39715,39 +39716,39 +39717,39 +39718,24 +39719,24 +39720,24 +39721,24 +39722,24 +39723,24 +39724,39 +39725,39 +39726,39 +39727,39 +39728,39 +39729,39 +39730,39 +39731,39 +39732,39 +39733,39 +39734,39 +39735,39 +39736,2 +39737,2 +39738,2 +39739,2 +39740,2 +39741,2 +39742,2 +39743,2 +39744,2 +39745,2 +39746,2 +39747,12 +39748,12 +39749,14 +39750,14 +39751,14 +39752,14 +39753,14 +39754,14 +39755,14 +39756,14 +39757,14 +39758,5 +39759,5 +39760,5 +39761,5 +39762,5 +39763,5 +39764,5 +39765,13 +39766,13 +39767,33 +39768,33 +39769,33 +39770,33 +39771,33 +39772,33 +39773,33 +39774,33 +39775,33 +39776,33 +39777,33 +39778,33 +39779,33 +39780,33 +39781,33 +39782,33 +39783,33 +39784,33 +39785,5 +39786,5 +39787,5 +39788,19 +39789,19 +39790,19 +39791,19 +39792,19 +39793,27 +39794,27 +39795,27 +39796,27 +39797,27 +39798,40 +39799,40 +39800,5 +39801,5 +39802,5 +39803,5 +39804,5 +39805,5 +39806,5 +39807,5 +39808,5 +39809,27 +39810,27 +39811,27 +39812,27 +39813,27 +39814,27 +39815,27 +39816,27 +39817,2 +39818,2 +39819,2 +39820,2 +39821,2 +39822,2 +39823,2 +39824,2 +39825,2 +39826,2 +39827,4 +39828,4 +39829,4 +39830,4 +39831,4 +39832,4 +39833,40 +39834,27 +39835,27 +39836,27 +39837,27 +39838,27 +39839,2 +39840,2 +39841,2 +39842,2 +39843,2 +39844,4 +39845,4 +39846,4 +39847,4 +39848,4 +39849,4 +39850,4 +39851,4 +39852,37 +39853,37 +39854,37 +39855,37 +39856,37 +39857,27 +39858,27 +39859,27 +39860,6 +39861,6 +39862,6 +39863,6 +39864,6 +39865,6 +39866,6 +39867,6 +39868,6 +39869,6 +39870,4 +39871,4 +39872,4 +39873,4 +39874,4 +39875,4 +39876,4 +39877,4 +39878,0 +39879,0 +39880,0 +39881,0 +39882,0 +39883,0 +39884,0 +39885,0 +39886,0 +39887,0 +39888,0 +39889,0 +39890,0 +39891,0 +39892,0 +39893,0 +39894,0 +39895,0 +39896,0 +39897,0 +39898,0 +39899,0 +39900,0 +39901,0 +39902,0 +39903,0 +39904,0 +39905,0 +39906,0 +39907,0 +39908,0 +39909,0 +39910,0 +39911,0 +39912,0 +39913,0 +39914,0 +39915,0 +39916,0 +39917,0 +39918,0 +39919,0 +39920,0 +39921,0 +39922,0 +39923,0 +39924,0 +39925,0 +39926,0 +39927,0 +39928,0 +39929,0 +39930,0 +39931,0 +39932,0 +39933,0 +39934,0 +39935,0 +39936,0 +39937,0 +39938,0 +39939,0 +39940,0 +39941,0 +39942,0 +39943,0 +39944,0 +39945,0 +39946,29 +39947,29 +39948,29 +39949,31 +39950,31 +39951,31 +39952,31 +39953,31 +39954,4 +39955,4 +39956,4 +39957,4 +39958,4 +39959,4 +39960,4 +39961,4 +39962,4 +39963,4 +39964,4 +39965,37 +39966,37 +39967,37 +39968,37 +39969,3 +39970,3 +39971,3 +39972,3 +39973,3 +39974,3 +39975,3 +39976,3 +39977,3 +39978,32 +39979,32 +39980,32 +39981,32 +39982,32 +39983,32 +39984,32 +39985,2 +39986,2 +39987,2 +39988,2 +39989,2 +39990,2 +39991,2 +39992,2 +39993,32 +39994,32 +39995,32 +39996,32 +39997,32 +39998,32 +39999,32 +40000,37 +40001,37 +40002,37 +40003,37 +40004,33 +40005,33 +40006,33 +40007,33 +40008,33 +40009,31 +40010,31 +40011,33 +40012,6 +40013,6 +40014,6 +40015,6 +40016,6 +40017,6 +40018,27 +40019,27 +40020,27 +40021,27 +40022,27 +40023,27 +40024,27 +40025,27 +40026,27 +40027,27 +40028,5 +40029,5 +40030,5 +40031,5 +40032,5 +40033,5 +40034,5 +40035,29 +40036,29 +40037,31 +40038,31 +40039,31 +40040,31 +40041,19 +40042,19 +40043,19 +40044,19 +40045,19 +40046,19 +40047,19 +40048,19 +40049,9 +40050,9 +40051,9 +40052,9 +40053,9 +40054,9 +40055,9 +40056,9 +40057,9 +40058,9 +40059,9 +40060,9 +40061,37 +40062,37 +40063,37 +40064,37 +40065,37 +40066,37 +40067,37 +40068,37 +40069,37 +40070,8 +40071,8 +40072,8 +40073,8 +40074,8 +40075,8 +40076,8 +40077,31 +40078,31 +40079,31 +40080,31 +40081,31 +40082,24 +40083,29 +40084,32 +40085,32 +40086,32 +40087,32 +40088,32 +40089,32 +40090,32 +40091,32 +40092,32 +40093,32 +40094,32 +40095,32 +40096,32 +40097,26 +40098,34 +40099,34 +40100,34 +40101,34 +40102,34 +40103,34 +40104,34 +40105,34 +40106,34 +40107,30 +40108,30 +40109,8 +40110,8 +40111,8 +40112,8 +40113,8 +40114,8 +40115,2 +40116,2 +40117,27 +40118,27 +40119,31 +40120,31 +40121,31 +40122,31 +40123,31 +40124,31 +40125,31 +40126,31 +40127,31 +40128,31 +40129,31 +40130,31 +40131,8 +40132,2 +40133,8 +40134,8 +40135,8 +40136,8 +40137,8 +40138,8 +40139,12 +40140,12 +40141,12 +40142,12 +40143,12 +40144,40 +40145,40 +40146,40 +40147,40 +40148,5 +40149,5 +40150,5 +40151,5 +40152,5 +40153,5 +40154,5 +40155,5 +40156,5 +40157,2 +40158,2 +40159,2 +40160,2 +40161,2 +40162,2 +40163,2 +40164,2 +40165,11 +40166,11 +40167,11 +40168,11 +40169,11 +40170,11 +40171,11 +40172,11 +40173,11 +40174,11 +40175,11 +40176,26 +40177,26 +40178,9 +40179,26 +40180,26 +40181,26 +40182,26 +40183,26 +40184,32 +40185,26 +40186,4 +40187,4 +40188,4 +40189,4 +40190,32 +40191,32 +40192,32 +40193,4 +40194,2 +40195,2 +40196,2 +40197,2 +40198,2 +40199,2 +40200,40 +40201,40 +40202,40 +40203,19 +40204,19 +40205,19 +40206,19 +40207,19 +40208,19 +40209,15 +40210,15 +40211,15 +40212,27 +40213,27 +40214,27 +40215,27 +40216,27 +40217,5 +40218,5 +40219,5 +40220,5 +40221,5 +40222,5 +40223,5 +40224,5 +40225,5 +40226,23 +40227,23 +40228,23 +40229,23 +40230,23 +40231,23 +40232,23 +40233,23 +40234,23 +40235,23 +40236,10 +40237,10 +40238,10 +40239,10 +40240,10 +40241,10 +40242,10 +40243,10 +40244,10 +40245,10 +40246,10 +40247,10 +40248,10 +40249,10 +40250,10 +40251,37 +40252,37 +40253,37 +40254,37 +40255,25 +40256,25 +40257,25 +40258,25 +40259,25 +40260,25 +40261,25 +40262,25 +40263,4 +40264,4 +40265,4 +40266,4 +40267,4 +40268,4 +40269,4 +40270,4 +40271,4 +40272,4 +40273,4 +40274,0 +40275,0 +40276,0 +40277,0 +40278,0 +40279,0 +40280,0 +40281,0 +40282,0 +40283,0 +40284,0 +40285,0 +40286,0 +40287,0 +40288,0 +40289,0 +40290,0 +40291,0 +40292,0 +40293,0 +40294,0 +40295,0 +40296,0 +40297,0 +40298,0 +40299,0 +40300,0 +40301,0 +40302,0 +40303,0 +40304,31 +40305,31 +40306,31 +40307,31 +40308,31 +40309,36 +40310,36 +40311,36 +40312,36 +40313,4 +40314,4 +40315,4 +40316,4 +40317,29 +40318,29 +40319,29 +40320,27 +40321,27 +40322,27 +40323,27 +40324,27 +40325,2 +40326,2 +40327,2 +40328,2 +40329,2 +40330,2 +40331,2 +40332,2 +40333,2 +40334,2 +40335,2 +40336,14 +40337,14 +40338,14 +40339,14 +40340,14 +40341,14 +40342,14 +40343,14 +40344,5 +40345,5 +40346,5 +40347,5 +40348,5 +40349,5 +40350,5 +40351,5 +40352,5 +40353,5 +40354,5 +40355,4 +40356,4 +40357,4 +40358,4 +40359,4 +40360,4 +40361,4 +40362,4 +40363,4 +40364,4 +40365,4 +40366,4 +40367,4 +40368,4 +40369,10 +40370,10 +40371,10 +40372,10 +40373,10 +40374,10 +40375,10 +40376,10 +40377,10 +40378,10 +40379,10 +40380,10 +40381,10 +40382,10 +40383,10 +40384,10 +40385,10 +40386,10 +40387,10 +40388,10 +40389,10 +40390,5 +40391,5 +40392,5 +40393,5 +40394,5 +40395,5 +40396,5 +40397,5 +40398,5 +40399,5 +40400,5 +40401,5 +40402,0 +40403,0 +40404,0 +40405,0 +40406,0 +40407,0 +40408,0 +40409,0 +40410,0 +40411,0 +40412,0 +40413,0 +40414,0 +40415,0 +40416,0 +40417,0 +40418,0 +40419,0 +40420,0 +40421,0 +40422,0 +40423,0 +40424,0 +40425,0 +40426,0 +40427,0 +40428,0 +40429,0 +40430,0 +40431,0 +40432,0 +40433,0 +40434,0 +40435,0 +40436,0 +40437,0 +40438,0 +40439,0 +40440,0 +40441,0 +40442,0 +40443,0 +40444,0 +40445,0 +40446,0 +40447,0 +40448,0 +40449,0 +40450,0 +40451,0 +40452,0 +40453,0 +40454,0 +40455,0 +40456,0 +40457,2 +40458,2 +40459,2 +40460,2 +40461,2 +40462,2 +40463,2 +40464,2 +40465,2 +40466,2 +40467,2 +40468,2 +40469,2 +40470,2 +40471,2 +40472,2 +40473,2 +40474,2 +40475,2 +40476,4 +40477,4 +40478,4 +40479,4 +40480,4 +40481,27 +40482,27 +40483,27 +40484,27 +40485,27 +40486,27 +40487,27 +40488,27 +40489,27 +40490,27 +40491,27 +40492,27 +40493,27 +40494,27 +40495,27 +40496,27 +40497,27 +40498,27 +40499,33 +40500,33 +40501,33 +40502,33 +40503,33 +40504,33 +40505,30 +40506,30 +40507,30 +40508,30 +40509,30 +40510,30 +40511,31 +40512,31 +40513,31 +40514,31 +40515,30 +40516,30 +40517,30 +40518,30 +40519,9 +40520,9 +40521,9 +40522,9 +40523,6 +40524,6 +40525,31 +40526,31 +40527,31 +40528,31 +40529,32 +40530,32 +40531,32 +40532,32 +40533,32 +40534,32 +40535,32 +40536,32 +40537,32 +40538,32 +40539,32 +40540,32 +40541,32 +40542,32 +40543,32 +40544,32 +40545,21 +40546,21 +40547,21 +40548,21 +40549,37 +40550,37 +40551,37 +40552,37 +40553,37 +40554,37 +40555,37 +40556,37 +40557,37 +40558,14 +40559,14 +40560,14 +40561,14 +40562,14 +40563,14 +40564,14 +40565,14 +40566,14 +40567,14 +40568,14 +40569,14 +40570,14 +40571,14 +40572,14 +40573,14 +40574,19 +40575,19 +40576,19 +40577,19 +40578,35 +40579,35 +40580,35 +40581,35 +40582,35 +40583,36 +40584,27 +40585,27 +40586,27 +40587,27 +40588,27 +40589,8 +40590,8 +40591,8 +40592,8 +40593,8 +40594,8 +40595,8 +40596,8 +40597,8 +40598,8 +40599,12 +40600,12 +40601,12 +40602,12 +40603,12 +40604,12 +40605,12 +40606,12 +40607,12 +40608,12 +40609,12 +40610,12 +40611,40 +40612,31 +40613,31 +40614,31 +40615,31 +40616,31 +40617,31 +40618,31 +40619,31 +40620,31 +40621,8 +40622,31 +40623,8 +40624,8 +40625,8 +40626,8 +40627,8 +40628,8 +40629,8 +40630,8 +40631,8 +40632,29 +40633,29 +40634,4 +40635,4 +40636,4 +40637,4 +40638,27 +40639,27 +40640,27 +40641,27 +40642,27 +40643,27 +40644,27 +40645,27 +40646,27 +40647,27 +40648,27 +40649,2 +40650,2 +40651,2 +40652,2 +40653,2 +40654,2 +40655,2 +40656,2 +40657,2 +40658,2 +40659,2 +40660,2 +40661,2 +40662,2 +40663,2 +40664,31 +40665,31 +40666,31 +40667,31 +40668,34 +40669,31 +40670,31 +40671,31 +40672,31 +40673,31 +40674,31 +40675,31 +40676,31 +40677,31 +40678,31 +40679,5 +40680,5 +40681,5 +40682,5 +40683,5 +40684,5 +40685,5 +40686,5 +40687,5 +40688,5 +40689,5 +40690,5 +40691,5 +40692,7 +40693,7 +40694,7 +40695,7 +40696,7 +40697,7 +40698,31 +40699,31 +40700,31 +40701,32 +40702,32 +40703,32 +40704,32 +40705,4 +40706,4 +40707,4 +40708,4 +40709,29 +40710,32 +40711,27 +40712,31 +40713,31 +40714,31 +40715,31 +40716,31 +40717,31 +40718,31 +40719,4 +40720,4 +40721,4 +40722,4 +40723,4 +40724,4 +40725,4 +40726,4 +40727,31 +40728,31 +40729,31 +40730,31 +40731,31 +40732,31 +40733,31 +40734,31 +40735,31 +40736,5 +40737,5 +40738,5 +40739,5 +40740,5 +40741,5 +40742,5 +40743,2 +40744,2 +40745,2 +40746,2 +40747,2 +40748,2 +40749,2 +40750,2 +40751,2 +40752,2 +40753,2 +40754,2 +40755,2 +40756,31 +40757,31 +40758,31 +40759,31 +40760,31 +40761,31 +40762,31 +40763,31 +40764,31 +40765,28 +40766,28 +40767,28 +40768,28 +40769,28 +40770,28 +40771,28 +40772,28 +40773,28 +40774,28 +40775,28 +40776,28 +40777,28 +40778,25 +40779,25 +40780,25 +40781,25 +40782,25 +40783,25 +40784,25 +40785,25 +40786,25 +40787,25 +40788,25 +40789,25 +40790,25 +40791,28 +40792,28 +40793,28 +40794,28 +40795,28 +40796,28 +40797,28 +40798,28 +40799,28 +40800,25 +40801,25 +40802,25 +40803,25 +40804,25 +40805,25 +40806,25 +40807,25 +40808,25 +40809,25 +40810,25 +40811,25 +40812,25 +40813,25 +40814,25 +40815,25 +40816,25 +40817,25 +40818,25 +40819,25 +40820,25 +40821,25 +40822,25 +40823,25 +40824,25 +40825,25 +40826,31 +40827,31 +40828,31 +40829,31 +40830,31 +40831,31 +40832,31 +40833,31 +40834,5 +40835,31 +40836,31 +40837,31 +40838,5 +40839,5 +40840,5 +40841,5 +40842,25 +40843,25 +40844,31 +40845,37 +40846,37 +40847,37 +40848,37 +40849,37 +40850,3 +40851,3 +40852,3 +40853,3 +40854,3 +40855,1 +40856,1 +40857,1 +40858,1 +40859,1 +40860,1 +40861,1 +40862,1 +40863,1 +40864,1 +40865,1 +40866,1 +40867,1 +40868,1 +40869,1 +40870,1 +40871,33 +40872,33 +40873,33 +40874,33 +40875,33 +40876,33 +40877,33 +40878,8 +40879,33 +40880,8 +40881,8 +40882,8 +40883,8 +40884,8 +40885,8 +40886,8 +40887,8 +40888,8 +40889,8 +40890,8 +40891,8 +40892,8 +40893,8 +40894,8 +40895,8 +40896,8 +40897,8 +40898,8 +40899,8 +40900,0 +40901,0 +40902,0 +40903,0 +40904,0 +40905,0 +40906,0 +40907,0 +40908,0 +40909,0 +40910,0 +40911,0 +40912,0 +40913,0 +40914,0 +40915,0 +40916,0 +40917,0 +40918,0 +40919,0 +40920,0 +40921,0 +40922,0 +40923,0 +40924,0 +40925,0 +40926,0 +40927,0 +40928,0 +40929,0 +40930,0 +40931,0 +40932,0 +40933,0 +40934,0 +40935,0 +40936,0 +40937,0 +40938,0 +40939,0 +40940,0 +40941,0 +40942,0 +40943,0 +40944,0 +40945,0 +40946,0 +40947,0 +40948,0 +40949,4 +40950,4 +40951,4 +40952,31 +40953,31 +40954,31 +40955,31 +40956,31 +40957,31 +40958,31 +40959,31 +40960,31 +40961,31 +40962,5 +40963,5 +40964,5 +40965,5 +40966,5 +40967,23 +40968,23 +40969,23 +40970,23 +40971,23 +40972,23 +40973,23 +40974,23 +40975,23 +40976,23 +40977,23 +40978,23 +40979,23 +40980,23 +40981,23 +40982,23 +40983,23 +40984,23 +40985,14 +40986,14 +40987,14 +40988,14 +40989,14 +40990,14 +40991,14 +40992,14 +40993,14 +40994,14 +40995,14 +40996,29 +40997,29 +40998,29 +40999,39 +41000,39 +41001,30 +41002,30 +41003,30 +41004,31 +41005,31 +41006,31 +41007,31 +41008,31 +41009,30 +41010,31 +41011,30 +41012,30 +41013,30 +41014,30 +41015,30 +41016,30 +41017,30 +41018,30 +41019,30 +41020,30 +41021,19 +41022,19 +41023,30 +41024,4 +41025,4 +41026,4 +41027,4 +41028,4 +41029,4 +41030,4 +41031,4 +41032,4 +41033,4 +41034,4 +41035,33 +41036,33 +41037,33 +41038,33 +41039,33 +41040,33 +41041,33 +41042,33 +41043,33 +41044,33 +41045,33 +41046,33 +41047,33 +41048,33 +41049,33 +41050,33 +41051,33 +41052,33 +41053,23 +41054,23 +41055,23 +41056,23 +41057,23 +41058,23 +41059,23 +41060,23 +41061,23 +41062,23 +41063,23 +41064,23 +41065,23 +41066,23 +41067,23 +41068,37 +41069,37 +41070,37 +41071,37 +41072,37 +41073,37 +41074,37 +41075,36 +41076,36 +41077,36 +41078,36 +41079,36 +41080,36 +41081,36 +41082,36 +41083,40 +41084,40 +41085,40 +41086,5 +41087,5 +41088,5 +41089,5 +41090,5 +41091,5 +41092,5 +41093,5 +41094,5 +41095,5 +41096,5 +41097,19 +41098,19 +41099,19 +41100,19 +41101,19 +41102,19 +41103,19 +41104,19 +41105,19 +41106,19 +41107,19 +41108,19 +41109,19 +41110,19 +41111,0 +41112,0 +41113,0 +41114,0 +41115,0 +41116,0 +41117,0 +41118,0 +41119,0 +41120,0 +41121,0 +41122,0 +41123,0 +41124,0 +41125,0 +41126,0 +41127,0 +41128,0 +41129,0 +41130,0 +41131,0 +41132,0 +41133,0 +41134,0 +41135,0 +41136,0 +41137,0 +41138,0 +41139,0 +41140,0 +41141,0 +41142,0 +41143,0 +41144,0 +41145,0 +41146,0 +41147,0 +41148,0 +41149,0 +41150,0 +41151,0 +41152,0 +41153,0 +41154,0 +41155,0 +41156,0 +41157,0 +41158,0 +41159,0 +41160,0 +41161,0 +41162,0 +41163,0 +41164,0 +41165,0 +41166,0 +41167,0 +41168,27 +41169,27 +41170,27 +41171,27 +41172,27 +41173,27 +41174,27 +41175,27 +41176,19 +41177,19 +41178,19 +41179,19 +41180,19 +41181,19 +41182,19 +41183,19 +41184,19 +41185,0 +41186,0 +41187,0 +41188,0 +41189,33 +41190,33 +41191,33 +41192,33 +41193,33 +41194,33 +41195,33 +41196,33 +41197,33 +41198,33 +41199,33 +41200,33 +41201,33 +41202,33 +41203,33 +41204,33 +41205,33 +41206,33 +41207,33 +41208,27 +41209,27 +41210,40 +41211,40 +41212,40 +41213,40 +41214,8 +41215,8 +41216,8 +41217,8 +41218,11 +41219,11 +41220,11 +41221,11 +41222,11 +41223,11 +41224,11 +41225,11 +41226,11 +41227,11 +41228,11 +41229,11 +41230,11 +41231,11 +41232,11 +41233,11 +41234,11 +41235,11 +41236,22 +41237,22 +41238,22 +41239,37 +41240,37 +41241,37 +41242,37 +41243,37 +41244,37 +41245,37 +41246,37 +41247,25 +41248,25 +41249,12 +41250,12 +41251,12 +41252,25 +41253,25 +41254,37 +41255,37 +41256,37 +41257,37 +41258,25 +41259,5 +41260,5 +41261,5 +41262,5 +41263,5 +41264,5 +41265,31 +41266,31 +41267,31 +41268,31 +41269,31 +41270,31 +41271,31 +41272,31 +41273,31 +41274,31 +41275,31 +41276,31 +41277,31 +41278,31 +41279,31 +41280,31 +41281,31 +41282,31 +41283,24 +41284,24 +41285,23 +41286,23 +41287,23 +41288,23 +41289,23 +41290,23 +41291,23 +41292,23 +41293,23 +41294,23 +41295,23 +41296,23 +41297,23 +41298,23 +41299,23 +41300,23 +41301,23 +41302,23 +41303,23 +41304,23 +41305,23 +41306,23 +41307,0 +41308,23 +41309,0 +41310,0 +41311,0 +41312,0 +41313,0 +41314,0 +41315,0 +41316,0 +41317,0 +41318,0 +41319,0 +41320,0 +41321,0 +41322,0 +41323,0 +41324,0 +41325,0 +41326,0 +41327,0 +41328,0 +41329,0 +41330,0 +41331,0 +41332,0 +41333,0 +41334,0 +41335,0 +41336,0 +41337,0 +41338,0 +41339,0 +41340,0 +41341,0 +41342,0 +41343,0 +41344,0 +41345,0 +41346,0 +41347,0 +41348,0 +41349,0 +41350,0 +41351,0 +41352,0 +41353,0 +41354,0 +41355,36 +41356,36 +41357,36 +41358,36 +41359,36 +41360,36 +41361,36 +41362,36 +41363,36 +41364,5 +41365,5 +41366,5 +41367,5 +41368,5 +41369,5 +41370,5 +41371,5 +41372,5 +41373,5 +41374,5 +41375,5 +41376,5 +41377,0 +41378,32 +41379,0 +41380,0 +41381,0 +41382,0 +41383,32 +41384,32 +41385,32 +41386,32 +41387,32 +41388,32 +41389,32 +41390,32 +41391,32 +41392,32 +41393,3 +41394,3 +41395,3 +41396,3 +41397,3 +41398,9 +41399,9 +41400,9 +41401,9 +41402,9 +41403,9 +41404,9 +41405,9 +41406,9 +41407,9 +41408,9 +41409,9 +41410,9 +41411,9 +41412,9 +41413,9 +41414,9 +41415,37 +41416,37 +41417,37 +41418,37 +41419,37 +41420,37 +41421,37 +41422,37 +41423,37 +41424,37 +41425,35 +41426,35 +41427,35 +41428,35 +41429,35 +41430,35 +41431,35 +41432,35 +41433,35 +41434,35 +41435,35 +41436,35 +41437,27 +41438,27 +41439,27 +41440,27 +41441,27 +41442,27 +41443,27 +41444,27 +41445,28 +41446,28 +41447,28 +41448,28 +41449,28 +41450,28 +41451,28 +41452,28 +41453,37 +41454,37 +41455,37 +41456,37 +41457,37 +41458,37 +41459,37 +41460,37 +41461,37 +41462,37 +41463,37 +41464,37 +41465,39 +41466,39 +41467,39 +41468,39 +41469,39 +41470,39 +41471,39 +41472,39 +41473,19 +41474,19 +41475,19 +41476,19 +41477,19 +41478,19 +41479,19 +41480,19 +41481,19 +41482,19 +41483,19 +41484,19 +41485,37 +41486,37 +41487,37 +41488,37 +41489,37 +41490,37 +41491,37 +41492,37 +41493,37 +41494,37 +41495,37 +41496,37 +41497,37 +41498,37 +41499,37 +41500,37 +41501,26 +41502,26 +41503,26 +41504,26 +41505,26 +41506,26 +41507,31 +41508,31 +41509,26 +41510,28 +41511,28 +41512,28 +41513,32 +41514,32 +41515,32 +41516,32 +41517,32 +41518,32 +41519,32 +41520,4 +41521,4 +41522,4 +41523,23 +41524,23 +41525,23 +41526,23 +41527,23 +41528,23 +41529,23 +41530,23 +41531,37 +41532,37 +41533,37 +41534,37 +41535,31 +41536,31 +41537,31 +41538,31 +41539,28 +41540,28 +41541,28 +41542,28 +41543,28 +41544,28 +41545,28 +41546,28 +41547,27 +41548,27 +41549,27 +41550,27 +41551,27 +41552,27 +41553,27 +41554,27 +41555,8 +41556,8 +41557,8 +41558,8 +41559,8 +41560,8 +41561,8 +41562,8 +41563,8 +41564,35 +41565,35 +41566,35 +41567,35 +41568,35 +41569,35 +41570,35 +41571,35 +41572,9 +41573,9 +41574,9 +41575,9 +41576,9 +41577,9 +41578,9 +41579,9 +41580,9 +41581,9 +41582,9 +41583,9 +41584,9 +41585,9 +41586,9 +41587,37 +41588,37 +41589,37 +41590,37 +41591,37 +41592,37 +41593,31 +41594,31 +41595,31 +41596,31 +41597,31 +41598,31 +41599,2 +41600,2 +41601,2 +41602,2 +41603,2 +41604,2 +41605,2 +41606,2 +41607,2 +41608,2 +41609,2 +41610,2 +41611,2 +41612,2 +41613,2 +41614,2 +41615,2 +41616,2 +41617,2 +41618,2 +41619,2 +41620,2 +41621,2 +41622,0 +41623,0 +41624,0 +41625,0 +41626,0 +41627,0 +41628,0 +41629,0 +41630,0 +41631,0 +41632,0 +41633,0 +41634,0 +41635,0 +41636,0 +41637,0 +41638,0 +41639,0 +41640,0 +41641,0 +41642,0 +41643,0 +41644,0 +41645,0 +41646,0 +41647,0 +41648,0 +41649,0 +41650,0 +41651,0 +41652,0 +41653,35 +41654,35 +41655,35 +41656,35 +41657,12 +41658,12 +41659,12 +41660,12 +41661,12 +41662,27 +41663,27 +41664,27 +41665,38 +41666,38 +41667,38 +41668,29 +41669,31 +41670,2 +41671,2 +41672,2 +41673,2 +41674,2 +41675,2 +41676,2 +41677,2 +41678,4 +41679,29 +41680,4 +41681,4 +41682,4 +41683,31 +41684,31 +41685,31 +41686,31 +41687,28 +41688,28 +41689,28 +41690,28 +41691,28 +41692,28 +41693,28 +41694,28 +41695,28 +41696,28 +41697,36 +41698,28 +41699,28 +41700,36 +41701,36 +41702,36 +41703,36 +41704,36 +41705,36 +41706,36 +41707,36 +41708,36 +41709,36 +41710,36 +41711,36 +41712,36 +41713,36 +41714,4 +41715,4 +41716,4 +41717,4 +41718,4 +41719,4 +41720,25 +41721,25 +41722,25 +41723,25 +41724,25 +41725,25 +41726,25 +41727,25 +41728,25 +41729,25 +41730,25 +41731,25 +41732,25 +41733,25 +41734,25 +41735,25 +41736,25 +41737,25 +41738,25 +41739,25 +41740,25 +41741,0 +41742,0 +41743,0 +41744,0 +41745,0 +41746,0 +41747,0 +41748,0 +41749,0 +41750,0 +41751,0 +41752,0 +41753,0 +41754,0 +41755,0 +41756,0 +41757,0 +41758,0 +41759,0 +41760,0 +41761,0 +41762,0 +41763,0 +41764,0 +41765,0 +41766,0 +41767,0 +41768,0 +41769,0 +41770,0 +41771,0 +41772,0 +41773,0 +41774,0 +41775,0 +41776,0 +41777,0 +41778,0 +41779,0 +41780,0 +41781,0 +41782,0 +41783,0 +41784,0 +41785,0 +41786,0 +41787,0 +41788,0 +41789,0 +41790,0 +41791,0 +41792,0 +41793,0 +41794,0 +41795,0 +41796,0 +41797,0 +41798,0 +41799,0 +41800,0 +41801,0 +41802,0 +41803,10 +41804,10 +41805,10 +41806,10 +41807,10 +41808,10 +41809,10 +41810,10 +41811,10 +41812,10 +41813,10 +41814,2 +41815,2 +41816,2 +41817,2 +41818,2 +41819,2 +41820,2 +41821,2 +41822,2 +41823,2 +41824,2 +41825,2 +41826,2 +41827,31 +41828,31 +41829,31 +41830,26 +41831,26 +41832,26 +41833,26 +41834,26 +41835,31 +41836,26 +41837,8 +41838,8 +41839,8 +41840,8 +41841,8 +41842,8 +41843,8 +41844,2 +41845,2 +41846,31 +41847,31 +41848,31 +41849,31 +41850,31 +41851,5 +41852,5 +41853,5 +41854,5 +41855,5 +41856,29 +41857,29 +41858,29 +41859,29 +41860,29 +41861,39 +41862,39 +41863,39 +41864,39 +41865,12 +41866,12 +41867,12 +41868,12 +41869,12 +41870,12 +41871,12 +41872,31 +41873,31 +41874,31 +41875,8 +41876,8 +41877,8 +41878,8 +41879,8 +41880,8 +41881,4 +41882,4 +41883,4 +41884,4 +41885,4 +41886,4 +41887,4 +41888,4 +41889,4 +41890,40 +41891,40 +41892,40 +41893,40 +41894,40 +41895,40 +41896,40 +41897,40 +41898,37 +41899,36 +41900,36 +41901,37 +41902,37 +41903,25 +41904,3 +41905,37 +41906,37 +41907,3 +41908,3 +41909,3 +41910,3 +41911,3 +41912,3 +41913,3 +41914,3 +41915,3 +41916,3 +41917,3 +41918,3 +41919,39 +41920,39 +41921,37 +41922,37 +41923,37 +41924,37 +41925,37 +41926,37 +41927,37 +41928,37 +41929,37 +41930,26 +41931,26 +41932,26 +41933,26 +41934,9 +41935,9 +41936,9 +41937,9 +41938,9 +41939,9 +41940,9 +41941,13 +41942,13 +41943,13 +41944,13 +41945,13 +41946,13 +41947,13 +41948,13 +41949,12 +41950,5 +41951,5 +41952,5 +41953,5 +41954,40 +41955,5 +41956,5 +41957,5 +41958,5 +41959,5 +41960,5 +41961,5 +41962,36 +41963,36 +41964,36 +41965,36 +41966,36 +41967,36 +41968,36 +41969,36 +41970,36 +41971,36 +41972,36 +41973,36 +41974,36 +41975,36 +41976,4 +41977,0 +41978,0 +41979,0 +41980,0 +41981,0 +41982,0 +41983,0 +41984,0 +41985,0 +41986,0 +41987,0 +41988,0 +41989,0 +41990,0 +41991,0 +41992,0 +41993,0 +41994,0 +41995,0 +41996,0 +41997,0 +41998,0 +41999,0 +42000,0 +42001,0 +42002,0 +42003,0 +42004,0 +42005,0 +42006,0 +42007,0 +42008,0 +42009,0 +42010,0 +42011,0 +42012,0 +42013,31 +42014,31 +42015,36 +42016,36 +42017,36 +42018,36 +42019,36 +42020,36 +42021,36 +42022,36 +42023,36 +42024,2 +42025,2 +42026,2 +42027,2 +42028,2 +42029,2 +42030,2 +42031,2 +42032,2 +42033,2 +42034,2 +42035,2 +42036,2 +42037,2 +42038,2 +42039,2 +42040,2 +42041,2 +42042,2 +42043,3 +42044,3 +42045,3 +42046,3 +42047,3 +42048,3 +42049,3 +42050,3 +42051,3 +42052,3 +42053,5 +42054,5 +42055,5 +42056,27 +42057,27 +42058,27 +42059,27 +42060,27 +42061,27 +42062,27 +42063,27 +42064,8 +42065,8 +42066,8 +42067,8 +42068,8 +42069,8 +42070,8 +42071,8 +42072,8 +42073,21 +42074,21 +42075,6 +42076,6 +42077,6 +42078,6 +42079,6 +42080,21 +42081,21 +42082,21 +42083,36 +42084,36 +42085,36 +42086,36 +42087,36 +42088,36 +42089,36 +42090,36 +42091,36 +42092,36 +42093,36 +42094,36 +42095,36 +42096,36 +42097,36 +42098,5 +42099,5 +42100,5 +42101,5 +42102,31 +42103,31 +42104,31 +42105,31 +42106,31 +42107,31 +42108,31 +42109,5 +42110,28 +42111,5 +42112,28 +42113,28 +42114,28 +42115,28 +42116,28 +42117,35 +42118,35 +42119,35 +42120,35 +42121,35 +42122,35 +42123,35 +42124,27 +42125,27 +42126,27 +42127,27 +42128,27 +42129,27 +42130,36 +42131,36 +42132,8 +42133,8 +42134,8 +42135,8 +42136,8 +42137,8 +42138,8 +42139,37 +42140,37 +42141,37 +42142,37 +42143,37 +42144,37 +42145,37 +42146,31 +42147,25 +42148,6 +42149,6 +42150,6 +42151,6 +42152,6 +42153,6 +42154,6 +42155,6 +42156,6 +42157,6 +42158,31 +42159,31 +42160,26 +42161,26 +42162,26 +42163,26 +42164,26 +42165,26 +42166,37 +42167,24 +42168,24 +42169,24 +42170,24 +42171,24 +42172,24 +42173,24 +42174,24 +42175,25 +42176,25 +42177,25 +42178,25 +42179,25 +42180,25 +42181,19 +42182,19 +42183,19 +42184,19 +42185,27 +42186,27 +42187,27 +42188,27 +42189,27 +42190,27 +42191,27 +42192,27 +42193,8 +42194,8 +42195,8 +42196,8 +42197,8 +42198,8 +42199,8 +42200,8 +42201,8 +42202,8 +42203,2 +42204,35 +42205,35 +42206,35 +42207,35 +42208,35 +42209,35 +42210,35 +42211,40 +42212,40 +42213,40 +42214,40 +42215,40 +42216,40 +42217,40 +42218,40 +42219,30 +42220,30 +42221,30 +42222,30 +42223,30 +42224,30 +42225,30 +42226,30 +42227,30 +42228,30 +42229,30 +42230,23 +42231,23 +42232,23 +42233,23 +42234,23 +42235,23 +42236,23 +42237,23 +42238,23 +42239,24 +42240,23 +42241,23 +42242,23 +42243,0 +42244,0 +42245,0 +42246,0 +42247,0 +42248,0 +42249,0 +42250,0 +42251,0 +42252,0 +42253,0 +42254,0 +42255,0 +42256,0 +42257,0 +42258,0 +42259,0 +42260,30 +42261,30 +42262,30 +42263,30 +42264,30 +42265,30 +42266,30 +42267,30 +42268,30 +42269,30 +42270,9 +42271,9 +42272,9 +42273,9 +42274,9 +42275,9 +42276,9 +42277,9 +42278,9 +42279,9 +42280,9 +42281,9 +42282,9 +42283,37 +42284,37 +42285,37 +42286,37 +42287,37 +42288,37 +42289,37 +42290,5 +42291,5 +42292,5 +42293,5 +42294,5 +42295,11 +42296,11 +42297,11 +42298,11 +42299,11 +42300,11 +42301,39 +42302,39 +42303,39 +42304,39 +42305,39 +42306,39 +42307,39 +42308,5 +42309,5 +42310,5 +42311,5 +42312,5 +42313,5 +42314,34 +42315,1 +42316,31 +42317,31 +42318,31 +42319,31 +42320,31 +42321,36 +42322,36 +42323,36 +42324,36 +42325,23 +42326,23 +42327,23 +42328,23 +42329,23 +42330,23 +42331,23 +42332,23 +42333,4 +42334,4 +42335,4 +42336,4 +42337,4 +42338,27 +42339,31 +42340,31 +42341,3 +42342,3 +42343,3 +42344,31 +42345,6 +42346,6 +42347,6 +42348,6 +42349,6 +42350,6 +42351,31 +42352,31 +42353,31 +42354,31 +42355,31 +42356,31 +42357,5 +42358,5 +42359,5 +42360,5 +42361,5 +42362,5 +42363,5 +42364,4 +42365,4 +42366,4 +42367,4 +42368,4 +42369,4 +42370,4 +42371,4 +42372,4 +42373,4 +42374,14 +42375,14 +42376,14 +42377,14 +42378,14 +42379,14 +42380,14 +42381,14 +42382,14 +42383,14 +42384,14 +42385,14 +42386,14 +42387,14 +42388,14 +42389,14 +42390,14 +42391,14 +42392,14 +42393,5 +42394,5 +42395,5 +42396,5 +42397,5 +42398,5 +42399,5 +42400,5 +42401,5 +42402,5 +42403,5 +42404,5 +42405,9 +42406,9 +42407,9 +42408,9 +42409,9 +42410,9 +42411,9 +42412,9 +42413,9 +42414,9 +42415,9 +42416,9 +42417,9 +42418,9 +42419,9 +42420,9 +42421,9 +42422,9 +42423,9 +42424,9 +42425,9 +42426,9 +42427,9 +42428,30 +42429,30 +42430,30 +42431,30 +42432,30 +42433,30 +42434,30 +42435,30 +42436,29 +42437,29 +42438,38 +42439,29 +42440,29 +42441,29 +42442,31 +42443,31 +42444,31 +42445,31 +42446,31 +42447,21 +42448,21 +42449,21 +42450,21 +42451,21 +42452,21 +42453,21 +42454,21 +42455,21 +42456,31 +42457,31 +42458,22 +42459,22 +42460,31 +42461,31 +42462,27 +42463,27 +42464,27 +42465,27 +42466,19 +42467,19 +42468,19 +42469,19 +42470,19 +42471,19 +42472,19 +42473,19 +42474,19 +42475,19 +42476,12 +42477,12 +42478,12 +42479,12 +42480,12 +42481,12 +42482,12 +42483,27 +42484,27 +42485,27 +42486,27 +42487,27 +42488,27 +42489,11 +42490,11 +42491,11 +42492,11 +42493,11 +42494,11 +42495,11 +42496,11 +42497,11 +42498,11 +42499,11 +42500,11 +42501,27 +42502,27 +42503,27 +42504,27 +42505,27 +42506,27 +42507,27 +42508,27 +42509,27 +42510,27 +42511,27 +42512,27 +42513,27 +42514,27 +42515,8 +42516,8 +42517,8 +42518,8 +42519,8 +42520,8 +42521,8 +42522,8 +42523,8 +42524,8 +42525,8 +42526,8 +42527,8 +42528,8 +42529,8 +42530,8 +42531,8 +42532,8 +42533,8 +42534,8 +42535,0 +42536,0 +42537,0 +42538,0 +42539,0 +42540,0 +42541,0 +42542,0 +42543,0 +42544,0 +42545,0 +42546,0 +42547,0 +42548,0 +42549,0 +42550,0 +42551,0 +42552,0 +42553,0 +42554,0 +42555,0 +42556,0 +42557,0 +42558,0 +42559,0 +42560,0 +42561,0 +42562,0 +42563,0 +42564,0 +42565,0 +42566,0 +42567,0 +42568,0 +42569,0 +42570,0 +42571,0 +42572,0 +42573,0 +42574,0 +42575,0 +42576,0 +42577,0 +42578,0 +42579,0 +42580,0 +42581,0 +42582,0 +42583,0 +42584,0 +42585,0 +42586,0 +42587,0 +42588,0 +42589,0 +42590,0 +42591,0 +42592,0 +42593,0 +42594,0 +42595,0 +42596,0 +42597,0 +42598,0 +42599,0 +42600,0 +42601,0 +42602,0 +42603,0 +42604,0 +42605,0 +42606,0 +42607,0 +42608,2 +42609,2 +42610,2 +42611,2 +42612,2 +42613,2 +42614,2 +42615,2 +42616,2 +42617,2 +42618,2 +42619,2 +42620,2 +42621,2 +42622,2 +42623,2 +42624,2 +42625,2 +42626,2 +42627,33 +42628,33 +42629,33 +42630,33 +42631,33 +42632,33 +42633,33 +42634,33 +42635,30 +42636,33 +42637,33 +42638,33 +42639,33 +42640,33 +42641,33 +42642,33 +42643,33 +42644,33 +42645,33 +42646,33 +42647,33 +42648,33 +42649,33 +42650,33 +42651,33 +42652,33 +42653,12 +42654,12 +42655,12 +42656,12 +42657,12 +42658,12 +42659,12 +42660,12 +42661,12 +42662,14 +42663,14 +42664,14 +42665,14 +42666,14 +42667,14 +42668,14 +42669,14 +42670,14 +42671,14 +42672,14 +42673,14 +42674,14 +42675,14 +42676,14 +42677,14 +42678,14 +42679,14 +42680,14 +42681,14 +42682,14 +42683,6 +42684,21 +42685,21 +42686,21 +42687,21 +42688,21 +42689,21 +42690,36 +42691,36 +42692,36 +42693,36 +42694,36 +42695,36 +42696,36 +42697,36 +42698,36 +42699,40 +42700,40 +42701,36 +42702,36 +42703,36 +42704,36 +42705,36 +42706,36 +42707,5 +42708,5 +42709,5 +42710,5 +42711,5 +42712,5 +42713,5 +42714,5 +42715,5 +42716,5 +42717,5 +42718,5 +42719,4 +42720,4 +42721,4 +42722,4 +42723,4 +42724,4 +42725,4 +42726,4 +42727,4 +42728,25 +42729,25 +42730,25 +42731,29 +42732,29 +42733,29 +42734,29 +42735,31 +42736,31 +42737,31 +42738,31 +42739,31 +42740,31 +42741,35 +42742,35 +42743,35 +42744,35 +42745,35 +42746,35 +42747,35 +42748,35 +42749,35 +42750,35 +42751,34 +42752,34 +42753,34 +42754,34 +42755,34 +42756,34 +42757,34 +42758,34 +42759,34 +42760,34 +42761,34 +42762,34 +42763,34 +42764,34 +42765,34 +42766,8 +42767,8 +42768,8 +42769,8 +42770,8 +42771,8 +42772,8 +42773,8 +42774,31 +42775,31 +42776,27 +42777,8 +42778,8 +42779,8 +42780,8 +42781,8 +42782,8 +42783,8 +42784,8 +42785,8 +42786,31 +42787,31 +42788,31 +42789,31 +42790,31 +42791,31 +42792,24 +42793,24 +42794,24 +42795,24 +42796,24 +42797,6 +42798,6 +42799,6 +42800,6 +42801,6 +42802,6 +42803,6 +42804,31 +42805,31 +42806,31 +42807,31 +42808,31 +42809,5 +42810,5 +42811,5 +42812,5 +42813,5 +42814,5 +42815,5 +42816,23 +42817,23 +42818,23 +42819,23 +42820,23 +42821,23 +42822,23 +42823,23 +42824,23 +42825,23 +42826,40 +42827,40 +42828,40 +42829,40 +42830,36 +42831,36 +42832,36 +42833,36 +42834,6 +42835,6 +42836,6 +42837,6 +42838,6 +42839,6 +42840,6 +42841,6 +42842,11 +42843,11 +42844,11 +42845,11 +42846,11 +42847,11 +42848,11 +42849,11 +42850,11 +42851,11 +42852,31 +42853,31 +42854,31 +42855,31 +42856,5 +42857,5 +42858,5 +42859,5 +42860,5 +42861,5 +42862,5 +42863,25 +42864,25 +42865,25 +42866,25 +42867,25 +42868,25 +42869,25 +42870,25 +42871,25 +42872,25 +42873,25 +42874,25 +42875,25 +42876,25 +42877,2 +42878,2 +42879,2 +42880,2 +42881,2 +42882,2 +42883,2 +42884,2 +42885,2 +42886,2 +42887,3 +42888,3 +42889,3 +42890,3 +42891,3 +42892,3 +42893,3 +42894,3 +42895,3 +42896,3 +42897,35 +42898,35 +42899,35 +42900,35 +42901,36 +42902,36 +42903,36 +42904,36 +42905,36 +42906,19 +42907,19 +42908,19 +42909,19 +42910,19 +42911,19 +42912,19 +42913,19 +42914,21 +42915,21 +42916,21 +42917,21 +42918,27 +42919,27 +42920,27 +42921,27 +42922,27 +42923,27 +42924,24 +42925,24 +42926,24 +42927,24 +42928,24 +42929,24 +42930,24 +42931,31 +42932,31 +42933,31 +42934,31 +42935,5 +42936,5 +42937,5 +42938,5 +42939,5 +42940,19 +42941,19 +42942,19 +42943,29 +42944,29 +42945,31 +42946,31 +42947,31 +42948,31 +42949,31 +42950,31 +42951,18 +42952,18 +42953,18 +42954,18 +42955,18 +42956,18 +42957,18 +42958,16 +42959,18 +42960,18 +42961,27 +42962,27 +42963,27 +42964,27 +42965,27 +42966,27 +42967,30 +42968,30 +42969,30 +42970,30 +42971,30 +42972,30 +42973,30 +42974,30 +42975,19 +42976,19 +42977,19 +42978,19 +42979,19 +42980,40 +42981,40 +42982,40 +42983,40 +42984,31 +42985,31 +42986,31 +42987,25 +42988,5 +42989,5 +42990,5 +42991,5 +42992,6 +42993,6 +42994,6 +42995,6 +42996,6 +42997,6 +42998,6 +42999,6 +43000,36 +43001,21 +43002,36 +43003,36 +43004,36 +43005,36 +43006,36 +43007,36 +43008,36 +43009,36 +43010,36 +43011,36 +43012,36 +43013,36 +43014,36 +43015,36 +43016,36 +43017,36 +43018,5 +43019,5 +43020,5 +43021,5 +43022,5 +43023,5 +43024,5 +43025,5 +43026,19 +43027,19 +43028,19 +43029,19 +43030,19 +43031,19 +43032,19 +43033,27 +43034,29 +43035,39 +43036,39 +43037,39 +43038,39 +43039,39 +43040,39 +43041,39 +43042,39 +43043,39 +43044,39 +43045,39 +43046,39 +43047,39 +43048,39 +43049,39 +43050,39 +43051,39 +43052,39 +43053,39 +43054,39 +43055,39 +43056,39 +43057,39 +43058,0 +43059,0 +43060,0 +43061,0 +43062,0 +43063,0 +43064,0 +43065,0 +43066,0 +43067,0 +43068,0 +43069,0 +43070,0 +43071,0 +43072,0 +43073,0 +43074,0 +43075,0 +43076,0 +43077,0 +43078,0 +43079,0 +43080,0 +43081,0 +43082,0 +43083,0 +43084,0 +43085,0 +43086,0 +43087,0 +43088,0 +43089,0 +43090,0 +43091,0 +43092,0 +43093,0 +43094,0 +43095,0 +43096,0 +43097,0 +43098,0 +43099,0 +43100,0 +43101,0 +43102,0 +43103,0 +43104,0 +43105,0 +43106,0 +43107,0 +43108,0 +43109,0 +43110,11 +43111,11 +43112,11 +43113,11 +43114,11 +43115,11 +43116,11 +43117,11 +43118,11 +43119,11 +43120,11 +43121,11 +43122,39 +43123,39 +43124,39 +43125,39 +43126,39 +43127,39 +43128,14 +43129,14 +43130,14 +43131,14 +43132,14 +43133,19 +43134,19 +43135,19 +43136,19 +43137,19 +43138,19 +43139,19 +43140,5 +43141,5 +43142,5 +43143,5 +43144,5 +43145,26 +43146,26 +43147,26 +43148,26 +43149,26 +43150,26 +43151,26 +43152,26 +43153,26 +43154,26 +43155,26 +43156,26 +43157,26 +43158,26 +43159,26 +43160,4 +43161,4 +43162,4 +43163,4 +43164,4 +43165,4 +43166,4 +43167,23 +43168,23 +43169,23 +43170,23 +43171,23 +43172,23 +43173,23 +43174,23 +43175,23 +43176,25 +43177,25 +43178,25 +43179,25 +43180,25 +43181,25 +43182,15 +43183,15 +43184,15 +43185,15 +43186,15 +43187,15 +43188,15 +43189,15 +43190,15 +43191,15 +43192,15 +43193,15 +43194,27 +43195,27 +43196,27 +43197,27 +43198,27 +43199,27 +43200,27 +43201,27 +43202,27 +43203,19 +43204,19 +43205,19 +43206,19 +43207,19 +43208,19 +43209,39 +43210,39 +43211,39 +43212,5 +43213,5 +43214,5 +43215,5 +43216,35 +43217,35 +43218,35 +43219,35 +43220,35 +43221,35 +43222,27 +43223,27 +43224,27 +43225,27 +43226,27 +43227,27 +43228,27 +43229,27 +43230,28 +43231,28 +43232,28 +43233,28 +43234,28 +43235,5 +43236,5 +43237,19 +43238,5 +43239,19 +43240,19 +43241,19 +43242,27 +43243,27 +43244,27 +43245,27 +43246,27 +43247,27 +43248,21 +43249,21 +43250,21 +43251,21 +43252,21 +43253,21 +43254,21 +43255,21 +43256,21 +43257,21 +43258,21 +43259,21 +43260,40 +43261,40 +43262,40 +43263,40 +43264,36 +43265,36 +43266,36 +43267,36 +43268,36 +43269,36 +43270,36 +43271,36 +43272,34 +43273,34 +43274,34 +43275,34 +43276,34 +43277,34 +43278,34 +43279,34 +43280,34 +43281,36 +43282,36 +43283,24 +43284,24 +43285,34 +43286,34 +43287,33 +43288,28 +43289,28 +43290,28 +43291,28 +43292,28 +43293,28 +43294,28 +43295,28 +43296,28 +43297,28 +43298,28 +43299,28 +43300,13 +43301,0 +43302,0 +43303,0 +43304,0 +43305,0 +43306,0 +43307,0 +43308,0 +43309,0 +43310,0 +43311,0 +43312,0 +43313,0 +43314,0 +43315,0 +43316,0 +43317,0 +43318,0 +43319,0 +43320,0 +43321,0 +43322,0 +43323,0 +43324,0 +43325,0 +43326,0 +43327,0 +43328,0 +43329,0 +43330,0 +43331,0 +43332,11 +43333,11 +43334,11 +43335,11 +43336,11 +43337,11 +43338,11 +43339,11 +43340,11 +43341,11 +43342,11 +43343,11 +43344,11 +43345,11 +43346,11 +43347,11 +43348,11 +43349,11 +43350,39 +43351,39 +43352,39 +43353,39 +43354,39 +43355,39 +43356,39 +43357,28 +43358,28 +43359,28 +43360,28 +43361,28 +43362,28 +43363,28 +43364,40 +43365,31 +43366,31 +43367,31 +43368,31 +43369,36 +43370,36 +43371,11 +43372,11 +43373,11 +43374,11 +43375,2 +43376,2 +43377,2 +43378,2 +43379,11 +43380,11 +43381,11 +43382,11 +43383,11 +43384,11 +43385,11 +43386,11 +43387,11 +43388,11 +43389,11 +43390,11 +43391,11 +43392,11 +43393,25 +43394,25 +43395,25 +43396,25 +43397,25 +43398,25 +43399,25 +43400,25 +43401,25 +43402,25 +43403,25 +43404,25 +43405,25 +43406,25 +43407,30 +43408,30 +43409,30 +43410,30 +43411,30 +43412,30 +43413,30 +43414,3 +43415,3 +43416,3 +43417,14 +43418,14 +43419,14 +43420,14 +43421,14 +43422,14 +43423,14 +43424,14 +43425,14 +43426,14 +43427,14 +43428,14 +43429,14 +43430,6 +43431,6 +43432,6 +43433,6 +43434,6 +43435,6 +43436,6 +43437,2 +43438,2 +43439,6 +43440,2 +43441,2 +43442,2 +43443,2 +43444,2 +43445,2 +43446,2 +43447,2 +43448,2 +43449,32 +43450,32 +43451,32 +43452,32 +43453,32 +43454,4 +43455,4 +43456,4 +43457,36 +43458,36 +43459,36 +43460,36 +43461,36 +43462,40 +43463,40 +43464,40 +43465,40 +43466,40 +43467,40 +43468,40 +43469,40 +43470,6 +43471,6 +43472,4 +43473,4 +43474,4 +43475,4 +43476,4 +43477,4 +43478,4 +43479,4 +43480,29 +43481,29 +43482,29 +43483,29 +43484,29 +43485,31 +43486,31 +43487,31 +43488,31 +43489,31 +43490,4 +43491,4 +43492,4 +43493,4 +43494,4 +43495,35 +43496,35 +43497,35 +43498,35 +43499,35 +43500,39 +43501,39 +43502,39 +43503,39 +43504,39 +43505,39 +43506,39 +43507,12 +43508,12 +43509,12 +43510,12 +43511,12 +43512,12 +43513,12 +43514,12 +43515,12 +43516,22 +43517,22 +43518,22 +43519,19 +43520,19 +43521,19 +43522,21 +43523,21 +43524,21 +43525,21 +43526,21 +43527,21 +43528,21 +43529,21 +43530,21 +43531,21 +43532,21 +43533,21 +43534,21 +43535,21 +43536,21 +43537,33 +43538,34 +43539,31 +43540,31 +43541,33 +43542,33 +43543,34 +43544,33 +43545,15 +43546,31 +43547,15 +43548,15 +43549,15 +43550,15 +43551,15 +43552,15 +43553,15 +43554,15 +43555,15 +43556,15 +43557,27 +43558,27 +43559,27 +43560,27 +43561,27 +43562,27 +43563,27 +43564,23 +43565,23 +43566,23 +43567,23 +43568,23 +43569,23 +43570,23 +43571,23 +43572,23 +43573,23 +43574,23 +43575,23 +43576,23 +43577,23 +43578,9 +43579,9 +43580,9 +43581,9 +43582,9 +43583,9 +43584,9 +43585,37 +43586,37 +43587,37 +43588,37 +43589,37 +43590,37 +43591,12 +43592,12 +43593,12 +43594,12 +43595,30 +43596,30 +43597,30 +43598,30 +43599,9 +43600,9 +43601,9 +43602,9 +43603,9 +43604,9 +43605,9 +43606,9 +43607,9 +43608,26 +43609,26 +43610,26 +43611,26 +43612,26 +43613,26 +43614,26 +43615,26 +43616,26 +43617,26 +43618,26 +43619,26 +43620,26 +43621,26 +43622,9 +43623,9 +43624,9 +43625,9 +43626,9 +43627,9 +43628,13 +43629,13 +43630,13 +43631,13 +43632,13 +43633,13 +43634,13 +43635,13 +43636,13 +43637,13 +43638,13 +43639,5 +43640,13 +43641,5 +43642,5 +43643,0 +43644,0 +43645,0 +43646,0 +43647,0 +43648,0 +43649,0 +43650,0 +43651,0 +43652,0 +43653,0 +43654,0 +43655,0 +43656,0 +43657,0 +43658,0 +43659,0 +43660,0 +43661,0 +43662,0 +43663,0 +43664,0 +43665,0 +43666,0 +43667,0 +43668,0 +43669,0 +43670,0 +43671,0 +43672,0 +43673,0 +43674,0 +43675,0 +43676,0 +43677,0 +43678,0 +43679,0 +43680,0 +43681,0 +43682,0 +43683,0 +43684,0 +43685,0 +43686,0 +43687,0 +43688,0 +43689,0 +43690,0 +43691,0 +43692,0 +43693,0 +43694,0 +43695,0 +43696,0 +43697,0 +43698,0 +43699,0 +43700,0 +43701,0 +43702,0 +43703,0 +43704,0 +43705,0 +43706,0 +43707,0 +43708,0 +43709,0 +43710,0 +43711,0 +43712,0 +43713,15 +43714,15 +43715,10 +43716,10 +43717,10 +43718,10 +43719,10 +43720,10 +43721,10 +43722,10 +43723,10 +43724,10 +43725,10 +43726,10 +43727,29 +43728,29 +43729,29 +43730,29 +43731,29 +43732,29 +43733,29 +43734,29 +43735,29 +43736,31 +43737,31 +43738,31 +43739,31 +43740,31 +43741,2 +43742,2 +43743,2 +43744,2 +43745,2 +43746,2 +43747,2 +43748,2 +43749,2 +43750,2 +43751,2 +43752,2 +43753,2 +43754,2 +43755,36 +43756,36 +43757,36 +43758,36 +43759,36 +43760,36 +43761,36 +43762,36 +43763,36 +43764,36 +43765,6 +43766,6 +43767,6 +43768,6 +43769,6 +43770,6 +43771,6 +43772,6 +43773,31 +43774,31 +43775,31 +43776,31 +43777,31 +43778,31 +43779,5 +43780,5 +43781,5 +43782,5 +43783,5 +43784,5 +43785,5 +43786,5 +43787,5 +43788,2 +43789,2 +43790,38 +43791,38 +43792,38 +43793,38 +43794,38 +43795,38 +43796,38 +43797,38 +43798,38 +43799,40 +43800,40 +43801,40 +43802,40 +43803,40 +43804,40 +43805,40 +43806,40 +43807,40 +43808,36 +43809,5 +43810,5 +43811,28 +43812,28 +43813,28 +43814,28 +43815,15 +43816,15 +43817,15 +43818,15 +43819,39 +43820,39 +43821,39 +43822,39 +43823,39 +43824,39 +43825,39 +43826,39 +43827,39 +43828,39 +43829,39 +43830,39 +43831,39 +43832,39 +43833,27 +43834,27 +43835,39 +43836,28 +43837,28 +43838,28 +43839,28 +43840,28 +43841,28 +43842,28 +43843,28 +43844,36 +43845,36 +43846,36 +43847,36 +43848,36 +43849,36 +43850,36 +43851,36 +43852,36 +43853,36 +43854,36 +43855,26 +43856,26 +43857,26 +43858,4 +43859,4 +43860,4 +43861,4 +43862,4 +43863,4 +43864,4 +43865,4 +43866,4 +43867,4 +43868,4 +43869,4 +43870,4 +43871,4 +43872,4 +43873,4 +43874,4 +43875,4 +43876,40 +43877,40 +43878,33 +43879,33 +43880,33 +43881,33 +43882,33 +43883,33 +43884,33 +43885,33 +43886,33 +43887,33 +43888,33 +43889,33 +43890,33 +43891,33 +43892,33 +43893,33 +43894,33 +43895,33 +43896,33 +43897,33 +43898,15 +43899,15 +43900,15 +43901,15 +43902,15 +43903,15 +43904,15 +43905,15 +43906,15 +43907,25 +43908,25 +43909,25 +43910,25 +43911,25 +43912,25 +43913,25 +43914,25 +43915,25 +43916,25 +43917,25 +43918,25 +43919,25 +43920,25 +43921,25 +43922,37 +43923,37 +43924,37 +43925,37 +43926,37 +43927,37 +43928,0 +43929,0 +43930,0 +43931,0 +43932,0 +43933,0 +43934,0 +43935,0 +43936,0 +43937,0 +43938,0 +43939,0 +43940,0 +43941,0 +43942,0 +43943,0 +43944,0 +43945,0 +43946,0 +43947,0 +43948,0 +43949,0 +43950,0 +43951,0 +43952,0 +43953,0 +43954,0 +43955,0 +43956,0 +43957,0 +43958,0 +43959,0 +43960,0 +43961,0 +43962,0 +43963,0 +43964,0 +43965,0 +43966,0 +43967,36 +43968,36 +43969,40 +43970,36 +43971,36 +43972,36 +43973,36 +43974,36 +43975,36 +43976,36 +43977,36 +43978,36 +43979,4 +43980,4 +43981,4 +43982,4 +43983,29 +43984,29 +43985,29 +43986,31 +43987,31 +43988,4 +43989,4 +43990,4 +43991,4 +43992,4 +43993,4 +43994,4 +43995,4 +43996,4 +43997,4 +43998,4 +43999,4 +44000,26 +44001,26 +44002,26 +44003,26 +44004,10 +44005,31 +44006,31 +44007,31 +44008,31 +44009,31 +44010,5 +44011,5 +44012,5 +44013,5 +44014,5 +44015,5 +44016,5 +44017,5 +44018,31 +44019,31 +44020,31 +44021,31 +44022,31 +44023,24 +44024,24 +44025,24 +44026,24 +44027,24 +44028,24 +44029,27 +44030,27 +44031,27 +44032,27 +44033,27 +44034,27 +44035,27 +44036,8 +44037,8 +44038,8 +44039,8 +44040,8 +44041,8 +44042,8 +44043,8 +44044,8 +44045,8 +44046,8 +44047,8 +44048,19 +44049,19 +44050,19 +44051,19 +44052,19 +44053,19 +44054,19 +44055,40 +44056,34 +44057,34 +44058,36 +44059,40 +44060,40 +44061,40 +44062,40 +44063,40 +44064,40 +44065,40 +44066,40 +44067,40 +44068,36 +44069,36 +44070,36 +44071,36 +44072,4 +44073,4 +44074,4 +44075,4 +44076,4 +44077,4 +44078,4 +44079,0 +44080,29 +44081,29 +44082,29 +44083,31 +44084,31 +44085,31 +44086,31 +44087,5 +44088,5 +44089,5 +44090,5 +44091,14 +44092,14 +44093,14 +44094,14 +44095,14 +44096,14 +44097,14 +44098,14 +44099,14 +44100,14 +44101,14 +44102,14 +44103,4 +44104,4 +44105,4 +44106,4 +44107,4 +44108,4 +44109,4 +44110,4 +44111,4 +44112,4 +44113,39 +44114,39 +44115,39 +44116,39 +44117,39 +44118,39 +44119,39 +44120,39 +44121,39 +44122,5 +44123,5 +44124,5 +44125,5 +44126,5 +44127,5 +44128,5 +44129,5 +44130,5 +44131,5 +44132,10 +44133,10 +44134,10 +44135,10 +44136,10 +44137,10 +44138,10 +44139,10 +44140,31 +44141,10 +44142,10 +44143,10 +44144,19 +44145,5 +44146,5 +44147,19 +44148,19 +44149,19 +44150,39 +44151,39 +44152,39 +44153,39 +44154,39 +44155,39 +44156,39 +44157,39 +44158,39 +44159,2 +44160,2 +44161,2 +44162,2 +44163,2 +44164,2 +44165,2 +44166,2 +44167,2 +44168,2 +44169,2 +44170,40 +44171,40 +44172,40 +44173,40 +44174,40 +44175,40 +44176,40 +44177,40 +44178,40 +44179,31 +44180,31 +44181,24 +44182,24 +44183,24 +44184,24 +44185,24 +44186,31 +44187,31 +44188,31 +44189,31 +44190,31 +44191,31 +44192,5 +44193,5 +44194,5 +44195,5 +44196,5 +44197,5 +44198,5 +44199,5 +44200,5 +44201,5 +44202,5 +44203,5 +44204,5 +44205,0 +44206,0 +44207,0 +44208,0 +44209,0 +44210,0 +44211,0 +44212,0 +44213,0 +44214,0 +44215,0 +44216,0 +44217,0 +44218,0 +44219,0 +44220,0 +44221,0 +44222,0 +44223,0 +44224,0 +44225,0 +44226,0 +44227,0 +44228,0 +44229,0 +44230,0 +44231,0 +44232,0 +44233,0 +44234,0 +44235,0 +44236,0 +44237,0 +44238,0 +44239,0 +44240,0 +44241,0 +44242,0 +44243,35 +44244,35 +44245,35 +44246,35 +44247,35 +44248,39 +44249,39 +44250,39 +44251,39 +44252,39 +44253,12 +44254,12 +44255,12 +44256,12 +44257,12 +44258,31 +44259,31 +44260,31 +44261,8 +44262,8 +44263,8 +44264,8 +44265,8 +44266,8 +44267,31 +44268,31 +44269,31 +44270,31 +44271,30 +44272,30 +44273,30 +44274,30 +44275,30 +44276,30 +44277,30 +44278,30 +44279,30 +44280,30 +44281,40 +44282,40 +44283,40 +44284,40 +44285,36 +44286,36 +44287,36 +44288,4 +44289,4 +44290,4 +44291,4 +44292,4 +44293,4 +44294,4 +44295,19 +44296,19 +44297,19 +44298,19 +44299,19 +44300,19 +44301,37 +44302,37 +44303,37 +44304,25 +44305,25 +44306,25 +44307,25 +44308,25 +44309,25 +44310,25 +44311,25 +44312,25 +44313,25 +44314,25 +44315,25 +44316,25 +44317,25 +44318,25 +44319,25 +44320,25 +44321,25 +44322,25 +44323,25 +44324,37 +44325,37 +44326,37 +44327,25 +44328,25 +44329,27 +44330,27 +44331,27 +44332,31 +44333,31 +44334,31 +44335,31 +44336,5 +44337,5 +44338,5 +44339,29 +44340,29 +44341,5 +44342,5 +44343,29 +44344,29 +44345,39 +44346,27 +44347,39 +44348,27 +44349,27 +44350,4 +44351,4 +44352,19 +44353,4 +44354,7 +44355,7 +44356,7 +44357,7 +44358,7 +44359,27 +44360,14 +44361,14 +44362,14 +44363,14 +44364,14 +44365,14 +44366,14 +44367,14 +44368,14 +44369,14 +44370,14 +44371,14 +44372,14 +44373,30 +44374,30 +44375,30 +44376,30 +44377,30 +44378,30 +44379,17 +44380,17 +44381,17 +44382,17 +44383,17 +44384,31 +44385,31 +44386,12 +44387,12 +44388,12 +44389,12 +44390,12 +44391,12 +44392,12 +44393,9 +44394,9 +44395,9 +44396,9 +44397,9 +44398,9 +44399,9 +44400,9 +44401,9 +44402,9 +44403,9 +44404,9 +44405,9 +44406,9 +44407,9 +44408,9 +44409,9 +44410,9 +44411,9 +44412,2 +44413,2 +44414,2 +44415,2 +44416,2 +44417,2 +44418,2 +44419,2 +44420,2 +44421,2 +44422,2 +44423,2 +44424,2 +44425,2 +44426,6 +44427,6 +44428,6 +44429,6 +44430,6 +44431,3 +44432,3 +44433,3 +44434,3 +44435,3 +44436,3 +44437,3 +44438,3 +44439,3 +44440,3 +44441,3 +44442,3 +44443,3 +44444,3 +44445,3 +44446,30 +44447,30 +44448,30 +44449,30 +44450,30 +44451,30 +44452,30 +44453,30 +44454,31 +44455,30 +44456,30 +44457,30 +44458,30 +44459,30 +44460,30 +44461,30 +44462,30 +44463,30 +44464,30 +44465,30 +44466,0 +44467,0 +44468,0 +44469,0 +44470,0 +44471,0 +44472,0 +44473,0 +44474,0 +44475,0 +44476,0 +44477,0 +44478,0 +44479,0 +44480,0 +44481,0 +44482,0 +44483,0 +44484,0 +44485,0 +44486,0 +44487,0 +44488,0 +44489,0 +44490,0 +44491,0 +44492,0 +44493,0 +44494,0 +44495,0 +44496,0 +44497,0 +44498,0 +44499,0 +44500,0 +44501,0 +44502,0 +44503,0 +44504,0 +44505,0 +44506,0 +44507,0 +44508,0 +44509,0 +44510,0 +44511,0 +44512,0 +44513,0 +44514,0 +44515,0 +44516,0 +44517,36 +44518,36 +44519,36 +44520,36 +44521,36 +44522,36 +44523,36 +44524,36 +44525,5 +44526,5 +44527,5 +44528,5 +44529,5 +44530,5 +44531,5 +44532,5 +44533,5 +44534,5 +44535,5 +44536,28 +44537,28 +44538,28 +44539,28 +44540,28 +44541,28 +44542,40 +44543,40 +44544,40 +44545,40 +44546,40 +44547,40 +44548,40 +44549,37 +44550,27 +44551,24 +44552,24 +44553,24 +44554,15 +44555,15 +44556,15 +44557,15 +44558,15 +44559,15 +44560,15 +44561,27 +44562,27 +44563,27 +44564,27 +44565,27 +44566,25 +44567,25 +44568,25 +44569,27 +44570,27 +44571,27 +44572,31 +44573,31 +44574,31 +44575,31 +44576,24 +44577,24 +44578,24 +44579,24 +44580,24 +44581,24 +44582,29 +44583,29 +44584,31 +44585,31 +44586,31 +44587,31 +44588,31 +44589,31 +44590,2 +44591,2 +44592,2 +44593,2 +44594,2 +44595,2 +44596,2 +44597,2 +44598,2 +44599,2 +44600,2 +44601,2 +44602,3 +44603,3 +44604,3 +44605,3 +44606,3 +44607,3 +44608,32 +44609,32 +44610,32 +44611,32 +44612,32 +44613,32 +44614,32 +44615,32 +44616,32 +44617,37 +44618,37 +44619,37 +44620,37 +44621,37 +44622,37 +44623,39 +44624,39 +44625,39 +44626,39 +44627,39 +44628,39 +44629,39 +44630,39 +44631,39 +44632,28 +44633,28 +44634,28 +44635,28 +44636,28 +44637,28 +44638,28 +44639,6 +44640,6 +44641,6 +44642,6 +44643,6 +44644,6 +44645,6 +44646,6 +44647,6 +44648,6 +44649,9 +44650,9 +44651,9 +44652,9 +44653,9 +44654,9 +44655,9 +44656,9 +44657,9 +44658,9 +44659,9 +44660,37 +44661,37 +44662,37 +44663,37 +44664,37 +44665,37 +44666,4 +44667,4 +44668,31 +44669,31 +44670,31 +44671,31 +44672,31 +44673,31 +44674,24 +44675,24 +44676,24 +44677,24 +44678,24 +44679,40 +44680,40 +44681,40 +44682,40 +44683,40 +44684,40 +44685,40 +44686,40 +44687,40 +44688,40 +44689,37 +44690,37 +44691,37 +44692,37 +44693,37 +44694,37 +44695,37 +44696,37 +44697,37 +44698,37 +44699,37 +44700,37 +44701,25 +44702,25 +44703,25 +44704,25 +44705,25 +44706,25 +44707,25 +44708,25 +44709,25 +44710,25 +44711,25 +44712,25 +44713,25 +44714,25 +44715,25 +44716,25 +44717,25 +44718,25 +44719,25 +44720,8 +44721,8 +44722,8 +44723,8 +44724,8 +44725,8 +44726,8 +44727,8 +44728,8 +44729,8 +44730,8 +44731,8 +44732,8 +44733,8 +44734,8 +44735,8 +44736,8 +44737,8 +44738,8 +44739,8 +44740,8 +44741,8 +44742,0 +44743,0 +44744,0 +44745,0 +44746,0 +44747,0 +44748,0 +44749,0 +44750,0 +44751,0 +44752,0 +44753,0 +44754,0 +44755,0 +44756,0 +44757,0 +44758,0 +44759,0 +44760,0 +44761,0 +44762,0 +44763,0 +44764,0 +44765,0 +44766,0 +44767,0 +44768,0 +44769,0 +44770,0 +44771,0 +44772,0 +44773,0 +44774,0 +44775,0 +44776,0 +44777,0 +44778,0 +44779,0 +44780,0 +44781,0 +44782,0 +44783,0 +44784,0 +44785,0 +44786,0 +44787,0 +44788,0 +44789,0 +44790,0 +44791,0 +44792,0 +44793,0 +44794,29 +44795,29 +44796,29 +44797,29 +44798,31 +44799,31 +44800,31 +44801,31 +44802,31 +44803,4 +44804,4 +44805,4 +44806,4 +44807,4 +44808,4 +44809,4 +44810,2 +44811,2 +44812,2 +44813,2 +44814,2 +44815,2 +44816,2 +44817,31 +44818,31 +44819,31 +44820,31 +44821,31 +44822,31 +44823,4 +44824,4 +44825,4 +44826,4 +44827,4 +44828,4 +44829,4 +44830,4 +44831,4 +44832,4 +44833,4 +44834,16 +44835,16 +44836,16 +44837,16 +44838,12 +44839,12 +44840,12 +44841,12 +44842,12 +44843,12 +44844,12 +44845,27 +44846,27 +44847,27 +44848,27 +44849,27 +44850,11 +44851,11 +44852,11 +44853,11 +44854,11 +44855,11 +44856,11 +44857,11 +44858,11 +44859,11 +44860,11 +44861,11 +44862,11 +44863,27 +44864,27 +44865,27 +44866,27 +44867,27 +44868,27 +44869,27 +44870,27 +44871,27 +44872,27 +44873,27 +44874,8 +44875,8 +44876,8 +44877,8 +44878,8 +44879,8 +44880,8 +44881,8 +44882,8 +44883,8 +44884,2 +44885,8 +44886,8 +44887,2 +44888,2 +44889,2 +44890,2 +44891,8 +44892,36 +44893,36 +44894,36 +44895,36 +44896,36 +44897,5 +44898,5 +44899,5 +44900,5 +44901,19 +44902,19 +44903,19 +44904,19 +44905,8 +44906,8 +44907,8 +44908,8 +44909,8 +44910,2 +44911,2 +44912,31 +44913,31 +44914,31 +44915,31 +44916,31 +44917,31 +44918,16 +44919,16 +44920,16 +44921,16 +44922,16 +44923,16 +44924,4 +44925,4 +44926,4 +44927,4 +44928,4 +44929,4 +44930,4 +44931,4 +44932,4 +44933,4 +44934,37 +44935,37 +44936,37 +44937,37 +44938,37 +44939,39 +44940,39 +44941,39 +44942,39 +44943,39 +44944,39 +44945,27 +44946,27 +44947,39 +44948,39 +44949,39 +44950,39 +44951,5 +44952,28 +44953,28 +44954,28 +44955,28 +44956,28 +44957,8 +44958,5 +44959,2 +44960,2 +44961,2 +44962,2 +44963,2 +44964,2 +44965,2 +44966,2 +44967,8 +44968,8 +44969,8 +44970,6 +44971,6 +44972,6 +44973,6 +44974,6 +44975,6 +44976,6 +44977,6 +44978,6 +44979,6 +44980,6 +44981,6 +44982,6 +44983,6 +44984,6 +44985,36 +44986,36 +44987,40 +44988,40 +44989,40 +44990,40 +44991,40 +44992,40 +44993,40 +44994,36 +44995,5 +44996,5 +44997,5 +44998,5 +44999,26 +45000,26 +45001,26 +45002,26 +45003,26 +45004,26 +45005,26 +45006,26 +45007,26 +45008,26 +45009,4 +45010,4 +45011,5 +45012,5 +45013,27 +45014,27 +45015,31 +45016,31 +45017,6 +45018,6 +45019,6 +45020,6 +45021,6 +45022,6 +45023,6 +45024,6 +45025,6 +45026,6 +45027,6 +45028,32 +45029,32 +45030,6 +45031,6 +45032,6 +45033,6 +45034,6 +45035,6 +45036,6 +45037,35 +45038,35 +45039,25 +45040,25 +45041,25 +45042,25 +45043,25 +45044,25 +45045,25 +45046,25 +45047,25 +45048,25 +45049,25 +45050,25 +45051,25 +45052,25 +45053,25 +45054,25 +45055,25 +45056,25 +45057,25 +45058,25 +45059,25 +45060,25 +45061,25 +45062,25 +45063,25 +45064,25 +45065,0 +45066,0 +45067,0 +45068,0 +45069,0 +45070,0 +45071,0 +45072,0 +45073,0 +45074,0 +45075,0 +45076,0 +45077,0 +45078,0 +45079,0 +45080,0 +45081,0 +45082,0 +45083,0 +45084,0 +45085,0 +45086,0 +45087,0 +45088,0 +45089,0 +45090,0 +45091,0 +45092,0 +45093,0 +45094,0 +45095,0 +45096,0 +45097,0 +45098,0 +45099,0 +45100,0 +45101,0 +45102,0 +45103,0 +45104,0 +45105,0 +45106,0 +45107,0 +45108,0 +45109,0 +45110,0 +45111,0 +45112,0 +45113,0 +45114,0 +45115,0 +45116,0 +45117,0 +45118,0 +45119,0 +45120,0 +45121,0 +45122,0 +45123,0 +45124,0 +45125,0 +45126,0 +45127,0 +45128,0 +45129,0 +45130,0 +45131,0 +45132,6 +45133,6 +45134,6 +45135,6 +45136,6 +45137,6 +45138,6 +45139,26 +45140,30 +45141,30 +45142,30 +45143,30 +45144,30 +45145,30 +45146,30 +45147,30 +45148,30 +45149,30 +45150,30 +45151,30 +45152,30 +45153,30 +45154,2 +45155,2 +45156,2 +45157,2 +45158,2 +45159,2 +45160,2 +45161,2 +45162,2 +45163,2 +45164,2 +45165,2 +45166,2 +45167,40 +45168,40 +45169,14 +45170,14 +45171,14 +45172,14 +45173,14 +45174,14 +45175,14 +45176,14 +45177,14 +45178,14 +45179,14 +45180,14 +45181,14 +45182,14 +45183,14 +45184,14 +45185,14 +45186,14 +45187,14 +45188,14 +45189,14 +45190,14 +45191,14 +45192,14 +45193,14 +45194,14 +45195,14 +45196,14 +45197,14 +45198,14 +45199,39 +45200,36 +45201,14 +45202,10 +45203,10 +45204,10 +45205,10 +45206,10 +45207,10 +45208,10 +45209,10 +45210,10 +45211,10 +45212,6 +45213,6 +45214,6 +45215,6 +45216,6 +45217,6 +45218,6 +45219,6 +45220,9 +45221,9 +45222,9 +45223,9 +45224,9 +45225,9 +45226,9 +45227,9 +45228,9 +45229,9 +45230,9 +45231,9 +45232,30 +45233,30 +45234,30 +45235,30 +45236,19 +45237,19 +45238,19 +45239,19 +45240,19 +45241,19 +45242,19 +45243,31 +45244,31 +45245,31 +45246,31 +45247,31 +45248,31 +45249,31 +45250,23 +45251,38 +45252,38 +45253,38 +45254,38 +45255,38 +45256,38 +45257,38 +45258,38 +45259,38 +45260,38 +45261,25 +45262,25 +45263,25 +45264,25 +45265,25 +45266,25 +45267,25 +45268,25 +45269,25 +45270,25 +45271,25 +45272,25 +45273,4 +45274,4 +45275,4 +45276,4 +45277,4 +45278,4 +45279,4 +45280,4 +45281,4 +45282,4 +45283,4 +45284,10 +45285,10 +45286,10 +45287,10 +45288,10 +45289,10 +45290,10 +45291,10 +45292,10 +45293,10 +45294,10 +45295,10 +45296,10 +45297,10 +45298,10 +45299,10 +45300,10 +45301,10 +45302,10 +45303,10 +45304,28 +45305,28 +45306,28 +45307,28 +45308,28 +45309,28 +45310,28 +45311,28 +45312,28 +45313,28 +45314,28 +45315,28 +45316,28 +45317,28 +45318,28 +45319,0 +45320,0 +45321,0 +45322,0 +45323,0 +45324,0 +45325,0 +45326,0 +45327,0 +45328,0 +45329,0 +45330,0 +45331,0 +45332,0 +45333,0 +45334,0 +45335,0 +45336,0 +45337,0 +45338,0 +45339,0 +45340,0 +45341,0 +45342,0 +45343,0 +45344,0 +45345,0 +45346,0 +45347,0 +45348,0 +45349,0 +45350,0 +45351,0 +45352,0 +45353,0 +45354,0 +45355,0 +45356,0 +45357,0 +45358,0 +45359,35 +45360,35 +45361,35 +45362,35 +45363,35 +45364,35 +45365,6 +45366,6 +45367,26 +45368,26 +45369,33 +45370,33 +45371,33 +45372,33 +45373,33 +45374,30 +45375,30 +45376,30 +45377,30 +45378,5 +45379,30 +45380,2 +45381,2 +45382,2 +45383,2 +45384,2 +45385,2 +45386,2 +45387,2 +45388,2 +45389,2 +45390,14 +45391,14 +45392,14 +45393,14 +45394,14 +45395,14 +45396,14 +45397,14 +45398,14 +45399,14 +45400,14 +45401,14 +45402,14 +45403,14 +45404,27 +45405,32 +45406,32 +45407,32 +45408,32 +45409,32 +45410,32 +45411,32 +45412,32 +45413,32 +45414,39 +45415,27 +45416,27 +45417,27 +45418,27 +45419,27 +45420,27 +45421,27 +45422,27 +45423,27 +45424,27 +45425,37 +45426,37 +45427,37 +45428,37 +45429,37 +45430,37 +45431,37 +45432,37 +45433,25 +45434,25 +45435,25 +45436,5 +45437,5 +45438,5 +45439,5 +45440,5 +45441,5 +45442,5 +45443,5 +45444,5 +45445,5 +45446,5 +45447,0 +45448,0 +45449,0 +45450,0 +45451,0 +45452,0 +45453,0 +45454,0 +45455,0 +45456,0 +45457,0 +45458,0 +45459,0 +45460,0 +45461,0 +45462,0 +45463,0 +45464,0 +45465,0 +45466,0 +45467,0 +45468,0 +45469,0 +45470,0 +45471,0 +45472,0 +45473,0 +45474,0 +45475,0 +45476,0 +45477,0 +45478,0 +45479,0 +45480,0 +45481,0 +45482,0 +45483,0 +45484,0 +45485,0 +45486,0 +45487,0 +45488,0 +45489,0 +45490,0 +45491,0 +45492,0 +45493,0 +45494,0 +45495,0 +45496,0 +45497,0 +45498,0 +45499,0 +45500,0 +45501,0 +45502,0 +45503,0 +45504,0 +45505,0 +45506,0 +45507,0 +45508,0 +45509,0 +45510,0 +45511,0 +45512,0 +45513,0 +45514,0 +45515,15 +45516,15 +45517,15 +45518,31 +45519,31 +45520,31 +45521,31 +45522,4 +45523,4 +45524,4 +45525,4 +45526,4 +45527,4 +45528,12 +45529,12 +45530,12 +45531,12 +45532,12 +45533,12 +45534,12 +45535,12 +45536,12 +45537,12 +45538,12 +45539,12 +45540,10 +45541,10 +45542,10 +45543,10 +45544,10 +45545,10 +45546,37 +45547,37 +45548,37 +45549,10 +45550,10 +45551,19 +45552,19 +45553,19 +45554,19 +45555,19 +45556,19 +45557,19 +45558,27 +45559,27 +45560,27 +45561,27 +45562,27 +45563,27 +45564,2 +45565,2 +45566,2 +45567,8 +45568,8 +45569,2 +45570,2 +45571,2 +45572,2 +45573,2 +45574,2 +45575,2 +45576,2 +45577,27 +45578,27 +45579,27 +45580,27 +45581,27 +45582,27 +45583,30 +45584,31 +45585,30 +45586,30 +45587,30 +45588,30 +45589,30 +45590,30 +45591,30 +45592,30 +45593,30 +45594,30 +45595,30 +45596,10 +45597,10 +45598,10 +45599,10 +45600,10 +45601,10 +45602,10 +45603,10 +45604,10 +45605,10 +45606,10 +45607,10 +45608,10 +45609,10 +45610,10 +45611,14 +45612,14 +45613,14 +45614,14 +45615,14 +45616,14 +45617,31 +45618,31 +45619,27 +45620,31 +45621,31 +45622,31 +45623,23 +45624,23 +45625,23 +45626,23 +45627,24 +45628,4 +45629,4 +45630,4 +45631,4 +45632,4 +45633,4 +45634,4 +45635,4 +45636,4 +45637,4 +45638,4 +45639,4 +45640,4 +45641,4 +45642,10 +45643,10 +45644,10 +45645,10 +45646,10 +45647,10 +45648,10 +45649,10 +45650,28 +45651,28 +45652,28 +45653,28 +45654,28 +45655,28 +45656,28 +45657,27 +45658,27 +45659,27 +45660,27 +45661,2 +45662,2 +45663,2 +45664,2 +45665,2 +45666,2 +45667,2 +45668,2 +45669,2 +45670,32 +45671,32 +45672,32 +45673,32 +45674,32 +45675,32 +45676,32 +45677,32 +45678,37 +45679,37 +45680,37 +45681,37 +45682,37 +45683,37 +45684,40 +45685,40 +45686,40 +45687,40 +45688,11 +45689,11 +45690,11 +45691,11 +45692,11 +45693,11 +45694,11 +45695,11 +45696,11 +45697,11 +45698,11 +45699,11 +45700,11 +45701,31 +45702,31 +45703,31 +45704,31 +45705,31 +45706,31 +45707,31 +45708,27 +45709,27 +45710,27 +45711,27 +45712,2 +45713,2 +45714,2 +45715,2 +45716,2 +45717,2 +45718,2 +45719,2 +45720,2 +45721,2 +45722,2 +45723,2 +45724,2 +45725,2 +45726,2 +45727,2 +45728,2 +45729,2 +45730,2 +45731,2 +45732,2 +45733,0 +45734,0 +45735,0 +45736,0 +45737,0 +45738,0 +45739,0 +45740,0 +45741,0 +45742,0 +45743,0 +45744,0 +45745,0 +45746,0 +45747,0 +45748,0 +45749,0 +45750,0 +45751,0 +45752,0 +45753,0 +45754,0 +45755,36 +45756,36 +45757,36 +45758,36 +45759,36 +45760,36 +45761,36 +45762,36 +45763,36 +45764,36 +45765,36 +45766,36 +45767,36 +45768,5 +45769,5 +45770,5 +45771,5 +45772,27 +45773,27 +45774,27 +45775,27 +45776,27 +45777,27 +45778,27 +45779,27 +45780,4 +45781,4 +45782,4 +45783,4 +45784,27 +45785,27 +45786,27 +45787,27 +45788,27 +45789,27 +45790,27 +45791,27 +45792,27 +45793,27 +45794,27 +45795,27 +45796,5 +45797,5 +45798,5 +45799,5 +45800,5 +45801,5 +45802,4 +45803,4 +45804,4 +45805,4 +45806,4 +45807,4 +45808,4 +45809,4 +45810,4 +45811,4 +45812,4 +45813,25 +45814,25 +45815,25 +45816,25 +45817,25 +45818,25 +45819,25 +45820,25 +45821,25 +45822,25 +45823,25 +45824,25 +45825,25 +45826,8 +45827,8 +45828,8 +45829,8 +45830,8 +45831,8 +45832,8 +45833,8 +45834,8 +45835,30 +45836,33 +45837,33 +45838,33 +45839,33 +45840,33 +45841,33 +45842,8 +45843,8 +45844,8 +45845,8 +45846,8 +45847,8 +45848,8 +45849,8 +45850,27 +45851,27 +45852,27 +45853,28 +45854,28 +45855,28 +45856,28 +45857,28 +45858,28 +45859,28 +45860,28 +45861,28 +45862,28 +45863,28 +45864,28 +45865,28 +45866,32 +45867,32 +45868,32 +45869,32 +45870,32 +45871,32 +45872,32 +45873,32 +45874,32 +45875,9 +45876,9 +45877,9 +45878,9 +45879,9 +45880,9 +45881,37 +45882,37 +45883,37 +45884,37 +45885,37 +45886,37 +45887,31 +45888,31 +45889,31 +45890,28 +45891,28 +45892,28 +45893,28 +45894,28 +45895,28 +45896,5 +45897,13 +45898,13 +45899,13 +45900,13 +45901,23 +45902,23 +45903,23 +45904,23 +45905,23 +45906,23 +45907,23 +45908,23 +45909,23 +45910,23 +45911,36 +45912,36 +45913,36 +45914,36 +45915,36 +45916,36 +45917,36 +45918,36 +45919,36 +45920,36 +45921,6 +45922,6 +45923,6 +45924,6 +45925,6 +45926,6 +45927,6 +45928,6 +45929,4 +45930,4 +45931,4 +45932,4 +45933,4 +45934,4 +45935,25 +45936,25 +45937,25 +45938,25 +45939,25 +45940,25 +45941,25 +45942,25 +45943,25 +45944,25 +45945,28 +45946,28 +45947,28 +45948,29 +45949,29 +45950,29 +45951,29 +45952,29 +45953,29 +45954,31 +45955,31 +45956,6 +45957,6 +45958,6 +45959,6 +45960,6 +45961,6 +45962,6 +45963,6 +45964,6 +45965,6 +45966,6 +45967,14 +45968,14 +45969,14 +45970,14 +45971,14 +45972,39 +45973,39 +45974,39 +45975,39 +45976,39 +45977,39 +45978,39 +45979,39 +45980,39 +45981,39 +45982,39 +45983,39 +45984,39 +45985,39 +45986,39 +45987,39 +45988,2 +45989,2 +45990,2 +45991,2 +45992,2 +45993,2 +45994,2 +45995,2 +45996,2 +45997,2 +45998,2 +45999,2 +46000,2 +46001,2 +46002,2 +46003,2 +46004,2 +46005,2 +46006,2 +46007,2 +46008,2 +46009,2 +46010,2 +46011,2 +46012,2 +46013,2 +46014,2 +46015,2 +46016,2 +46017,2 +46018,2 +46019,0 +46020,0 +46021,0 +46022,0 +46023,0 +46024,0 +46025,0 +46026,0 +46027,0 +46028,0 +46029,0 +46030,0 +46031,0 +46032,0 +46033,0 +46034,0 +46035,0 +46036,0 +46037,0 +46038,0 +46039,0 +46040,0 +46041,0 +46042,0 +46043,0 +46044,0 +46045,0 +46046,0 +46047,0 +46048,0 +46049,0 +46050,0 +46051,0 +46052,0 +46053,0 +46054,0 +46055,0 +46056,0 +46057,0 +46058,0 +46059,0 +46060,0 +46061,0 +46062,0 +46063,0 +46064,0 +46065,0 +46066,0 +46067,0 +46068,0 +46069,0 +46070,0 +46071,0 +46072,0 +46073,0 +46074,0 +46075,0 +46076,0 +46077,0 +46078,0 +46079,0 +46080,0 +46081,0 +46082,0 +46083,0 +46084,0 +46085,0 +46086,0 +46087,0 +46088,0 +46089,0 +46090,0 +46091,0 +46092,0 +46093,0 +46094,0 +46095,36 +46096,36 +46097,36 +46098,36 +46099,36 +46100,36 +46101,36 +46102,36 +46103,5 +46104,5 +46105,5 +46106,19 +46107,19 +46108,19 +46109,19 +46110,19 +46111,19 +46112,37 +46113,37 +46114,37 +46115,37 +46116,37 +46117,37 +46118,37 +46119,37 +46120,37 +46121,40 +46122,40 +46123,40 +46124,40 +46125,5 +46126,5 +46127,5 +46128,5 +46129,5 +46130,5 +46131,27 +46132,27 +46133,27 +46134,27 +46135,21 +46136,21 +46137,21 +46138,21 +46139,21 +46140,21 +46141,21 +46142,27 +46143,39 +46144,31 +46145,27 +46146,27 +46147,27 +46148,5 +46149,5 +46150,5 +46151,5 +46152,5 +46153,5 +46154,4 +46155,4 +46156,4 +46157,4 +46158,3 +46159,3 +46160,3 +46161,3 +46162,3 +46163,3 +46164,3 +46165,3 +46166,3 +46167,3 +46168,3 +46169,3 +46170,3 +46171,21 +46172,21 +46173,21 +46174,21 +46175,19 +46176,21 +46177,21 +46178,21 +46179,6 +46180,6 +46181,6 +46182,9 +46183,9 +46184,9 +46185,9 +46186,9 +46187,9 +46188,9 +46189,9 +46190,9 +46191,9 +46192,9 +46193,9 +46194,37 +46195,37 +46196,37 +46197,37 +46198,37 +46199,37 +46200,37 +46201,37 +46202,37 +46203,4 +46204,4 +46205,4 +46206,4 +46207,4 +46208,4 +46209,4 +46210,4 +46211,4 +46212,4 +46213,4 +46214,4 +46215,4 +46216,4 +46217,4 +46218,0 +46219,0 +46220,0 +46221,0 +46222,0 +46223,0 +46224,0 +46225,0 +46226,0 +46227,0 +46228,0 +46229,0 +46230,0 +46231,0 +46232,0 +46233,0 +46234,0 +46235,0 +46236,0 +46237,0 +46238,0 +46239,0 +46240,0 +46241,0 +46242,0 +46243,0 +46244,0 +46245,0 +46246,0 +46247,0 +46248,0 +46249,0 +46250,0 +46251,0 +46252,0 +46253,0 +46254,0 +46255,0 +46256,0 +46257,0 +46258,0 +46259,0 +46260,0 +46261,0 +46262,0 +46263,0 +46264,0 +46265,0 +46266,0 +46267,0 +46268,0 +46269,0 +46270,0 +46271,0 +46272,0 +46273,0 +46274,0 +46275,0 +46276,0 +46277,0 +46278,0 +46279,0 +46280,0 +46281,0 +46282,0 +46283,0 +46284,0 +46285,35 +46286,35 +46287,35 +46288,35 +46289,35 +46290,35 +46291,35 +46292,35 +46293,35 +46294,39 +46295,39 +46296,39 +46297,39 +46298,39 +46299,39 +46300,19 +46301,19 +46302,19 +46303,4 +46304,4 +46305,4 +46306,27 +46307,27 +46308,31 +46309,27 +46310,27 +46311,27 +46312,27 +46313,31 +46314,2 +46315,2 +46316,2 +46317,2 +46318,2 +46319,2 +46320,2 +46321,2 +46322,31 +46323,31 +46324,31 +46325,31 +46326,31 +46327,31 +46328,32 +46329,32 +46330,32 +46331,32 +46332,32 +46333,32 +46334,32 +46335,32 +46336,27 +46337,27 +46338,27 +46339,27 +46340,27 +46341,27 +46342,27 +46343,27 +46344,37 +46345,37 +46346,37 +46347,37 +46348,37 +46349,37 +46350,37 +46351,37 +46352,37 +46353,37 +46354,37 +46355,37 +46356,37 +46357,37 +46358,37 +46359,25 +46360,25 +46361,25 +46362,18 +46363,18 +46364,18 +46365,16 +46366,4 +46367,4 +46368,4 +46369,4 +46370,4 +46371,18 +46372,18 +46373,18 +46374,11 +46375,11 +46376,0 +46377,0 +46378,0 +46379,0 +46380,0 +46381,0 +46382,0 +46383,0 +46384,0 +46385,0 +46386,0 +46387,0 +46388,0 +46389,0 +46390,0 +46391,0 +46392,0 +46393,0 +46394,0 +46395,0 +46396,0 +46397,0 +46398,0 +46399,0 +46400,0 +46401,0 +46402,0 +46403,0 +46404,0 +46405,0 +46406,0 +46407,0 +46408,0 +46409,0 +46410,0 +46411,0 +46412,0 +46413,0 +46414,0 +46415,0 +46416,0 +46417,0 +46418,0 +46419,0 +46420,0 +46421,0 +46422,0 +46423,0 +46424,0 +46425,0 +46426,0 +46427,0 +46428,0 +46429,0 +46430,0 +46431,0 +46432,0 +46433,0 +46434,0 +46435,0 +46436,0 +46437,0 +46438,0 +46439,0 +46440,0 +46441,0 +46442,0 +46443,0 +46444,0 +46445,0 +46446,0 +46447,0 +46448,0 +46449,0 +46450,0 +46451,0 +46452,0 +46453,0 +46454,0 +46455,0 +46456,0 +46457,0 +46458,0 +46459,0 +46460,0 +46461,0 +46462,0 +46463,0 +46464,0 +46465,0 +46466,0 +46467,0 +46468,0 +46469,0 +46470,0 +46471,0 +46472,0 +46473,0 +46474,0 +46475,0 +46476,0 +46477,0 +46478,0 +46479,0 +46480,0 +46481,0 +46482,0 +46483,0 +46484,0 +46485,0 +46486,0 +46487,0 +46488,0 +46489,0 +46490,0 +46491,0 +46492,0 +46493,0 +46494,0 +46495,0 +46496,0 +46497,0 +46498,0 +46499,0 +46500,0 +46501,0 +46502,0 +46503,0 +46504,0 +46505,0 +46506,0 +46507,0 +46508,0 +46509,0 +46510,0 +46511,0 +46512,0 +46513,0 +46514,0 +46515,0 +46516,0 +46517,0 +46518,0 +46519,0 +46520,0 +46521,0 +46522,0 +46523,0 +46524,0 +46525,0 +46526,0 +46527,0 +46528,0 +46529,0 +46530,0 +46531,0 +46532,0 +46533,0 +46534,0 +46535,0 +46536,0 +46537,0 +46538,0 +46539,0 +46540,0 +46541,0 +46542,0 +46543,0 +46544,0 +46545,0 +46546,0 +46547,0 +46548,0 +46549,0 +46550,0 +46551,0 +46552,0 +46553,0 +46554,0 +46555,29 +46556,29 +46557,31 +46558,31 +46559,31 +46560,31 +46561,31 +46562,31 +46563,31 +46564,31 +46565,34 +46566,30 +46567,30 +46568,30 +46569,30 +46570,30 +46571,30 +46572,30 +46573,30 +46574,36 +46575,36 +46576,36 +46577,36 +46578,36 +46579,36 +46580,36 +46581,36 +46582,36 +46583,36 +46584,36 +46585,36 +46586,36 +46587,36 +46588,36 +46589,36 +46590,36 +46591,36 +46592,36 +46593,36 +46594,36 +46595,2 +46596,2 +46597,2 +46598,2 +46599,2 +46600,2 +46601,2 +46602,2 +46603,2 +46604,2 +46605,2 +46606,2 +46607,2 +46608,2 +46609,2 +46610,2 +46611,2 +46612,2 +46613,2 +46614,2 +46615,2 +46616,2 +46617,2 +46618,2 +46619,0 +46620,0 +46621,0 +46622,0 +46623,0 +46624,0 +46625,0 +46626,0 +46627,0 +46628,0 +46629,0 +46630,0 +46631,0 +46632,0 +46633,0 +46634,0 +46635,0 +46636,0 +46637,0 +46638,0 +46639,0 +46640,2 +46641,2 +46642,2 +46643,2 +46644,2 +46645,2 +46646,2 +46647,2 +46648,2 +46649,2 +46650,2 +46651,2 +46652,2 +46653,40 +46654,40 +46655,40 +46656,40 +46657,40 +46658,40 +46659,40 +46660,19 +46661,19 +46662,19 +46663,26 +46664,26 +46665,26 +46666,26 +46667,26 +46668,26 +46669,26 +46670,26 +46671,31 +46672,34 +46673,5 +46674,5 +46675,5 +46676,5 +46677,5 +46678,19 +46679,19 +46680,19 +46681,19 +46682,37 +46683,37 +46684,37 +46685,37 +46686,37 +46687,37 +46688,37 +46689,14 +46690,14 +46691,14 +46692,14 +46693,14 +46694,14 +46695,14 +46696,14 +46697,14 +46698,14 +46699,14 +46700,14 +46701,14 +46702,14 +46703,14 +46704,14 +46705,30 +46706,30 +46707,30 +46708,27 +46709,27 +46710,31 +46711,31 +46712,31 +46713,31 +46714,31 +46715,31 +46716,31 +46717,31 +46718,0 +46719,0 +46720,0 +46721,0 +46722,0 +46723,0 +46724,0 +46725,0 +46726,0 +46727,0 +46728,0 +46729,0 +46730,2 +46731,2 +46732,2 +46733,2 +46734,2 +46735,2 +46736,2 +46737,2 +46738,2 +46739,2 +46740,2 +46741,2 +46742,2 +46743,2 +46744,2 +46745,2 +46746,2 +46747,2 +46748,2 +46749,2 +46750,2 +46751,10 +46752,10 +46753,10 +46754,10 +46755,10 +46756,10 +46757,10 +46758,10 +46759,10 +46760,10 +46761,10 +46762,10 +46763,10 +46764,10 +46765,10 +46766,10 +46767,10 +46768,10 +46769,10 +46770,10 +46771,10 +46772,10 +46773,10 +46774,10 +46775,27 +46776,27 +46777,27 +46778,27 +46779,27 +46780,13 +46781,13 +46782,13 +46783,13 +46784,13 +46785,13 +46786,13 +46787,13 +46788,13 +46789,13 +46790,13 +46791,13 +46792,13 +46793,5 +46794,5 +46795,0 +46796,0 +46797,0 +46798,0 +46799,0 +46800,0 +46801,0 +46802,0 +46803,0 +46804,0 +46805,0 +46806,0 +46807,0 +46808,0 +46809,0 +46810,0 +46811,0 +46812,0 +46813,0 +46814,0 +46815,0 +46816,0 +46817,0 +46818,0 +46819,0 +46820,0 +46821,0 +46822,7 +46823,7 +46824,7 +46825,7 +46826,7 +46827,7 +46828,7 +46829,7 +46830,7 +46831,7 +46832,7 +46833,7 +46834,40 +46835,40 +46836,40 +46837,40 +46838,40 +46839,40 +46840,40 +46841,40 +46842,40 +46843,40 +46844,4 +46845,4 +46846,4 +46847,4 +46848,4 +46849,4 +46850,4 +46851,4 +46852,4 +46853,4 +46854,4 +46855,0 +46856,21 +46857,21 +46858,21 +46859,21 +46860,21 +46861,21 +46862,21 +46863,21 +46864,21 +46865,36 +46866,36 +46867,36 +46868,36 +46869,31 +46870,36 +46871,36 +46872,36 +46873,31 +46874,31 +46875,36 +46876,36 +46877,36 +46878,36 +46879,8 +46880,8 +46881,8 +46882,8 +46883,8 +46884,8 +46885,8 +46886,31 +46887,31 +46888,27 +46889,27 +46890,27 +46891,31 +46892,27 +46893,27 +46894,27 +46895,5 +46896,5 +46897,5 +46898,5 +46899,5 +46900,5 +46901,5 +46902,15 +46903,15 +46904,15 +46905,15 +46906,15 +46907,28 +46908,28 +46909,28 +46910,28 +46911,33 +46912,33 +46913,33 +46914,33 +46915,33 +46916,30 +46917,30 +46918,30 +46919,30 +46920,30 +46921,30 +46922,30 +46923,30 +46924,9 +46925,9 +46926,9 +46927,9 +46928,9 +46929,9 +46930,9 +46931,9 +46932,9 +46933,9 +46934,9 +46935,9 +46936,9 +46937,9 +46938,9 +46939,9 +46940,9 +46941,9 +46942,9 +46943,13 +46944,13 +46945,13 +46946,13 +46947,13 +46948,13 +46949,13 +46950,13 +46951,13 +46952,13 +46953,4 +46954,4 +46955,4 +46956,4 +46957,4 +46958,4 +46959,4 +46960,4 +46961,4 +46962,25 +46963,25 +46964,25 +46965,25 +46966,29 +46967,29 +46968,29 +46969,29 +46970,29 +46971,29 +46972,29 +46973,29 +46974,39 +46975,39 +46976,39 +46977,39 +46978,39 +46979,39 +46980,39 +46981,39 +46982,39 +46983,39 +46984,9 +46985,9 +46986,9 +46987,9 +46988,9 +46989,9 +46990,9 +46991,9 +46992,9 +46993,9 +46994,9 +46995,9 +46996,9 +46997,9 +46998,9 +46999,19 +47000,19 +47001,19 +47002,19 +47003,19 +47004,25 +47005,25 +47006,25 +47007,25 +47008,25 +47009,25 +47010,25 +47011,25 +47012,25 +47013,25 +47014,25 +47015,31 +47016,31 +47017,31 +47018,31 +47019,31 +47020,31 +47021,31 +47022,31 +47023,31 +47024,31 +47025,31 +47026,24 +47027,31 +47028,31 +47029,31 +47030,31 +47031,23 +47032,23 +47033,23 +47034,23 +47035,23 +47036,23 +47037,23 +47038,23 +47039,23 +47040,23 +47041,23 +47042,23 +47043,30 +47044,30 +47045,30 +47046,30 +47047,40 +47048,40 +47049,40 +47050,40 +47051,40 +47052,40 +47053,40 +47054,40 +47055,40 +47056,40 +47057,10 +47058,10 +47059,11 +47060,11 +47061,11 +47062,11 +47063,11 +47064,11 +47065,11 +47066,11 +47067,11 +47068,11 +47069,11 +47070,11 +47071,39 +47072,39 +47073,39 +47074,39 +47075,39 +47076,39 +47077,39 +47078,39 +47079,39 +47080,39 +47081,39 +47082,39 +47083,39 +47084,39 +47085,39 +47086,39 +47087,39 +47088,39 +47089,39 +47090,39 +47091,39 +47092,19 +47093,19 +47094,19 +47095,19 +47096,19 +47097,25 +47098,25 +47099,25 +47100,25 +47101,25 +47102,25 +47103,25 +47104,25 +47105,25 +47106,25 +47107,25 +47108,25 +47109,25 +47110,25 +47111,25 +47112,8 +47113,8 +47114,8 +47115,8 +47116,8 +47117,8 +47118,8 +47119,8 +47120,8 +47121,8 +47122,2 +47123,2 +47124,2 +47125,2 +47126,2 +47127,2 +47128,2 +47129,2 +47130,2 +47131,2 +47132,2 +47133,2 +47134,2 +47135,2 +47136,2 +47137,2 +47138,2 +47139,0 +47140,0 +47141,0 +47142,0 +47143,0 +47144,0 +47145,0 +47146,0 +47147,0 +47148,0 +47149,0 +47150,0 +47151,0 +47152,0 +47153,0 +47154,0 +47155,0 +47156,0 +47157,0 +47158,0 +47159,0 +47160,0 +47161,0 +47162,0 +47163,0 +47164,0 +47165,0 +47166,0 +47167,0 +47168,0 +47169,0 +47170,0 +47171,0 +47172,0 +47173,0 +47174,0 +47175,0 +47176,0 +47177,0 +47178,0 +47179,0 +47180,0 +47181,0 +47182,0 +47183,0 +47184,0 +47185,36 +47186,36 +47187,36 +47188,36 +47189,36 +47190,36 +47191,36 +47192,36 +47193,36 +47194,36 +47195,36 +47196,36 +47197,36 +47198,36 +47199,36 +47200,5 +47201,5 +47202,5 +47203,5 +47204,5 +47205,27 +47206,27 +47207,40 +47208,40 +47209,40 +47210,27 +47211,27 +47212,4 +47213,4 +47214,4 +47215,4 +47216,4 +47217,4 +47218,4 +47219,4 +47220,4 +47221,4 +47222,4 +47223,4 +47224,4 +47225,4 +47226,22 +47227,22 +47228,22 +47229,22 +47230,22 +47231,22 +47232,22 +47233,6 +47234,6 +47235,6 +47236,6 +47237,6 +47238,6 +47239,0 +47240,0 +47241,32 +47242,0 +47243,32 +47244,0 +47245,0 +47246,0 +47247,32 +47248,32 +47249,32 +47250,32 +47251,32 +47252,32 +47253,32 +47254,30 +47255,30 +47256,30 +47257,30 +47258,30 +47259,14 +47260,14 +47261,14 +47262,14 +47263,14 +47264,14 +47265,14 +47266,39 +47267,14 +47268,14 +47269,14 +47270,14 +47271,14 +47272,14 +47273,39 +47274,39 +47275,39 +47276,39 +47277,39 +47278,2 +47279,2 +47280,2 +47281,2 +47282,2 +47283,2 +47284,2 +47285,2 +47286,2 +47287,2 +47288,2 +47289,4 +47290,4 +47291,4 +47292,4 +47293,4 +47294,4 +47295,4 +47296,4 +47297,4 +47298,27 +47299,27 +47300,27 +47301,27 +47302,27 +47303,29 +47304,29 +47305,29 +47306,29 +47307,39 +47308,39 +47309,39 +47310,39 +47311,39 +47312,39 +47313,39 +47314,39 +47315,39 +47316,39 +47317,39 +47318,39 +47319,39 +47320,39 +47321,0 +47322,14 +47323,14 +47324,14 +47325,14 +47326,0 +47327,36 +47328,27 +47329,27 +47330,36 +47331,36 +47332,36 +47333,36 +47334,36 +47335,36 +47336,36 +47337,36 +47338,5 +47339,5 +47340,5 +47341,5 +47342,5 +47343,5 +47344,5 +47345,19 +47346,19 +47347,19 +47348,19 +47349,23 +47350,23 +47351,23 +47352,23 +47353,23 +47354,23 +47355,23 +47356,23 +47357,23 +47358,23 +47359,23 +47360,27 +47361,27 +47362,27 +47363,27 +47364,5 +47365,5 +47366,5 +47367,5 +47368,5 +47369,5 +47370,27 +47371,27 +47372,27 +47373,27 +47374,27 +47375,27 +47376,27 +47377,27 +47378,27 +47379,4 +47380,4 +47381,4 +47382,4 +47383,4 +47384,4 +47385,4 +47386,28 +47387,28 +47388,28 +47389,28 +47390,28 +47391,28 +47392,28 +47393,28 +47394,28 +47395,28 +47396,9 +47397,9 +47398,9 +47399,9 +47400,37 +47401,37 +47402,37 +47403,37 +47404,37 +47405,37 +47406,15 +47407,15 +47408,15 +47409,15 +47410,27 +47411,27 +47412,31 +47413,31 +47414,31 +47415,31 +47416,23 +47417,23 +47418,23 +47419,23 +47420,23 +47421,23 +47422,23 +47423,23 +47424,23 +47425,14 +47426,14 +47427,14 +47428,14 +47429,6 +47430,6 +47431,6 +47432,6 +47433,6 +47434,6 +47435,6 +47436,6 +47437,6 +47438,35 +47439,35 +47440,35 +47441,35 +47442,35 +47443,35 +47444,39 +47445,39 +47446,39 +47447,39 +47448,39 +47449,39 +47450,39 +47451,39 +47452,39 +47453,39 +47454,11 +47455,11 +47456,11 +47457,11 +47458,11 +47459,11 +47460,11 +47461,11 +47462,11 +47463,11 +47464,11 +47465,11 +47466,11 +47467,11 +47468,31 +47469,31 +47470,31 +47471,31 +47472,5 +47473,5 +47474,5 +47475,5 +47476,5 +47477,5 +47478,5 +47479,31 +47480,31 +47481,31 +47482,31 +47483,31 +47484,31 +47485,31 +47486,31 +47487,31 +47488,24 +47489,24 +47490,24 +47491,24 +47492,24 +47493,24 +47494,24 +47495,24 +47496,24 +47497,24 +47498,28 +47499,28 +47500,28 +47501,28 +47502,28 +47503,27 +47504,27 +47505,27 +47506,27 +47507,27 +47508,27 +47509,2 +47510,2 +47511,2 +47512,2 +47513,2 +47514,2 +47515,8 +47516,8 +47517,2 +47518,8 +47519,2 +47520,2 +47521,4 +47522,4 +47523,4 +47524,4 +47525,4 +47526,4 +47527,4 +47528,25 +47529,25 +47530,25 +47531,25 +47532,25 +47533,25 +47534,25 +47535,25 +47536,25 +47537,37 +47538,37 +47539,27 +47540,27 +47541,27 +47542,27 +47543,27 +47544,27 +47545,28 +47546,28 +47547,28 +47548,28 +47549,28 +47550,28 +47551,28 +47552,28 +47553,27 +47554,27 +47555,27 +47556,27 +47557,27 +47558,27 +47559,2 +47560,2 +47561,2 +47562,2 +47563,2 +47564,2 +47565,2 +47566,2 +47567,2 +47568,2 +47569,27 +47570,27 +47571,27 +47572,27 +47573,27 +47574,2 +47575,2 +47576,2 +47577,8 +47578,8 +47579,8 +47580,8 +47581,8 +47582,8 +47583,16 +47584,4 +47585,4 +47586,4 +47587,4 +47588,4 +47589,4 +47590,4 +47591,4 +47592,4 +47593,4 +47594,37 +47595,37 +47596,37 +47597,37 +47598,37 +47599,25 +47600,25 +47601,25 +47602,25 +47603,25 +47604,25 +47605,25 +47606,25 +47607,16 +47608,16 +47609,16 +47610,16 +47611,16 +47612,16 +47613,16 +47614,16 +47615,16 +47616,16 +47617,16 +47618,16 +47619,16 +47620,16 +47621,16 +47622,10 +47623,10 +47624,10 +47625,10 +47626,14 +47627,14 +47628,14 +47629,10 +47630,40 +47631,14 +47632,30 +47633,30 +47634,30 +47635,30 +47636,30 +47637,30 +47638,30 +47639,30 +47640,30 +47641,30 +47642,30 +47643,30 +47644,0 +47645,0 +47646,0 +47647,0 +47648,0 +47649,0 +47650,0 +47651,0 +47652,0 +47653,0 +47654,0 +47655,0 +47656,0 +47657,0 +47658,0 +47659,0 +47660,0 +47661,0 +47662,0 +47663,0 +47664,0 +47665,0 +47666,0 +47667,0 +47668,0 +47669,0 +47670,0 +47671,0 +47672,0 +47673,0 +47674,0 +47675,0 +47676,0 +47677,0 +47678,0 +47679,0 +47680,0 +47681,0 +47682,0 +47683,0 +47684,0 +47685,0 +47686,0 +47687,0 +47688,0 +47689,0 +47690,0 +47691,0 +47692,0 +47693,0 +47694,0 +47695,0 +47696,0 +47697,0 +47698,0 +47699,0 +47700,0 +47701,0 +47702,0 +47703,0 +47704,0 +47705,0 +47706,0 +47707,0 +47708,0 +47709,0 +47710,0 +47711,0 +47712,0 +47713,29 +47714,29 +47715,31 +47716,31 +47717,31 +47718,31 +47719,4 +47720,4 +47721,4 +47722,4 +47723,4 +47724,4 +47725,4 +47726,0 +47727,0 +47728,0 +47729,0 +47730,0 +47731,0 +47732,0 +47733,0 +47734,29 +47735,29 +47736,29 +47737,29 +47738,40 +47739,40 +47740,40 +47741,40 +47742,40 +47743,40 +47744,2 +47745,2 +47746,2 +47747,2 +47748,2 +47749,2 +47750,2 +47751,2 +47752,2 +47753,2 +47754,2 +47755,2 +47756,2 +47757,2 +47758,2 +47759,2 +47760,12 +47761,12 +47762,12 +47763,12 +47764,12 +47765,12 +47766,12 +47767,12 +47768,31 +47769,31 +47770,31 +47771,31 +47772,8 +47773,8 +47774,8 +47775,8 +47776,8 +47777,8 +47778,8 +47779,29 +47780,29 +47781,15 +47782,29 +47783,29 +47784,31 +47785,22 +47786,22 +47787,22 +47788,22 +47789,22 +47790,22 +47791,22 +47792,31 +47793,31 +47794,24 +47795,24 +47796,24 +47797,24 +47798,24 +47799,24 +47800,27 +47801,27 +47802,27 +47803,27 +47804,27 +47805,27 +47806,13 +47807,13 +47808,13 +47809,13 +47810,13 +47811,13 +47812,31 +47813,31 +47814,31 +47815,27 +47816,27 +47817,5 +47818,5 +47819,5 +47820,5 +47821,5 +47822,5 +47823,5 +47824,5 +47825,5 +47826,19 +47827,19 +47828,19 +47829,19 +47830,19 +47831,19 +47832,19 +47833,19 +47834,39 +47835,39 +47836,39 +47837,39 +47838,39 +47839,39 +47840,3 +47841,3 +47842,39 +47843,3 +47844,3 +47845,3 +47846,39 +47847,39 +47848,7 +47849,7 +47850,7 +47851,7 +47852,39 +47853,39 +47854,39 +47855,39 +47856,39 +47857,39 +47858,39 +47859,39 +47860,39 +47861,0 +47862,0 +47863,0 +47864,0 +47865,0 +47866,0 +47867,0 +47868,0 +47869,0 +47870,0 +47871,0 +47872,0 +47873,0 +47874,0 +47875,0 +47876,35 +47877,35 +47878,39 +47879,39 +47880,39 +47881,39 +47882,4 +47883,4 +47884,4 +47885,4 +47886,4 +47887,4 +47888,4 +47889,4 +47890,4 +47891,4 +47892,9 +47893,9 +47894,9 +47895,9 +47896,9 +47897,9 +47898,9 +47899,9 +47900,9 +47901,30 +47902,30 +47903,30 +47904,30 +47905,30 +47906,30 +47907,31 +47908,31 +47909,27 +47910,27 +47911,27 +47912,28 +47913,28 +47914,28 +47915,28 +47916,28 +47917,28 +47918,28 +47919,28 +47920,2 +47921,2 +47922,2 +47923,2 +47924,2 +47925,2 +47926,2 +47927,2 +47928,2 +47929,2 +47930,9 +47931,9 +47932,9 +47933,9 +47934,9 +47935,9 +47936,9 +47937,9 +47938,9 +47939,9 +47940,9 +47941,9 +47942,9 +47943,33 +47944,33 +47945,0 +47946,0 +47947,0 +47948,0 +47949,0 +47950,0 +47951,0 +47952,0 +47953,0 +47954,0 +47955,0 +47956,0 +47957,0 +47958,0 +47959,0 +47960,0 +47961,0 +47962,0 +47963,0 +47964,0 +47965,0 +47966,0 +47967,0 +47968,0 +47969,0 +47970,0 +47971,0 +47972,0 +47973,0 +47974,0 +47975,0 +47976,0 +47977,0 +47978,0 +47979,0 +47980,0 +47981,39 +47982,39 +47983,35 +47984,35 +47985,39 +47986,39 +47987,39 +47988,39 +47989,39 +47990,39 +47991,39 +47992,39 +47993,2 +47994,2 +47995,2 +47996,2 +47997,2 +47998,2 +47999,2 +48000,2 +48001,2 +48002,2 +48003,2 +48004,2 +48005,40 +48006,40 +48007,40 +48008,40 +48009,40 +48010,40 +48011,40 +48012,40 +48013,19 +48014,19 +48015,19 +48016,19 +48017,19 +48018,19 +48019,19 +48020,19 +48021,19 +48022,19 +48023,19 +48024,19 +48025,19 +48026,0 +48027,0 +48028,0 +48029,0 +48030,0 +48031,0 +48032,0 +48033,0 +48034,0 +48035,0 +48036,0 +48037,0 +48038,0 +48039,0 +48040,0 +48041,0 +48042,0 +48043,0 +48044,0 +48045,0 +48046,0 +48047,0 +48048,0 +48049,0 +48050,0 +48051,0 +48052,0 +48053,0 +48054,0 +48055,0 +48056,0 +48057,0 +48058,0 +48059,0 +48060,0 +48061,0 +48062,0 +48063,0 +48064,0 +48065,0 +48066,0 +48067,0 +48068,0 +48069,0 +48070,0 +48071,0 +48072,0 +48073,0 +48074,0 +48075,0 +48076,0 +48077,0 +48078,29 +48079,29 +48080,29 +48081,29 +48082,29 +48083,29 +48084,14 +48085,14 +48086,14 +48087,14 +48088,14 +48089,14 +48090,14 +48091,14 +48092,14 +48093,14 +48094,14 +48095,14 +48096,4 +48097,4 +48098,4 +48099,39 +48100,0 +48101,4 +48102,4 +48103,4 +48104,4 +48105,4 +48106,10 +48107,0 +48108,10 +48109,10 +48110,10 +48111,10 +48112,10 +48113,10 +48114,26 +48115,26 +48116,9 +48117,26 +48118,26 +48119,26 +48120,26 +48121,26 +48122,26 +48123,26 +48124,26 +48125,26 +48126,37 +48127,37 +48128,37 +48129,37 +48130,37 +48131,37 +48132,5 +48133,28 +48134,28 +48135,28 +48136,28 +48137,28 +48138,28 +48139,28 +48140,28 +48141,10 +48142,10 +48143,10 +48144,10 +48145,10 +48146,34 +48147,26 +48148,10 +48149,10 +48150,10 +48151,10 +48152,10 +48153,10 +48154,10 +48155,10 +48156,10 +48157,10 +48158,10 +48159,10 +48160,10 +48161,10 +48162,10 +48163,10 +48164,2 +48165,2 +48166,2 +48167,2 +48168,2 +48169,2 +48170,2 +48171,2 +48172,2 +48173,2 +48174,8 +48175,2 +48176,2 +48177,2 +48178,2 +48179,2 +48180,2 +48181,2 +48182,2 +48183,2 +48184,2 +48185,2 +48186,4 +48187,0 +48188,0 +48189,0 +48190,0 +48191,0 +48192,0 +48193,0 +48194,0 +48195,0 +48196,0 +48197,0 +48198,0 +48199,0 +48200,0 +48201,0 +48202,0 +48203,0 +48204,0 +48205,0 +48206,0 +48207,0 +48208,0 +48209,0 +48210,0 +48211,0 +48212,0 +48213,0 +48214,0 +48215,0 +48216,0 +48217,0 +48218,0 +48219,0 +48220,0 +48221,0 +48222,0 +48223,0 +48224,0 +48225,0 +48226,0 +48227,0 +48228,0 +48229,0 +48230,0 +48231,0 +48232,0 +48233,0 +48234,0 +48235,0 +48236,0 +48237,0 +48238,0 +48239,0 +48240,0 +48241,0 +48242,0 +48243,0 +48244,0 +48245,0 +48246,0 +48247,0 +48248,0 +48249,0 +48250,0 +48251,0 +48252,0 +48253,0 +48254,0 +48255,11 +48256,11 +48257,11 +48258,11 +48259,11 +48260,11 +48261,11 +48262,11 +48263,11 +48264,11 +48265,11 +48266,11 +48267,11 +48268,11 +48269,11 +48270,11 +48271,11 +48272,11 +48273,11 +48274,11 +48275,11 +48276,39 +48277,39 +48278,39 +48279,39 +48280,39 +48281,32 +48282,32 +48283,32 +48284,32 +48285,32 +48286,32 +48287,32 +48288,32 +48289,32 +48290,32 +48291,22 +48292,22 +48293,22 +48294,22 +48295,19 +48296,19 +48297,19 +48298,19 +48299,19 +48300,19 +48301,5 +48302,5 +48303,5 +48304,5 +48305,5 +48306,5 +48307,10 +48308,26 +48309,26 +48310,26 +48311,26 +48312,26 +48313,26 +48314,26 +48315,26 +48316,26 +48317,26 +48318,26 +48319,4 +48320,4 +48321,4 +48322,4 +48323,4 +48324,4 +48325,4 +48326,4 +48327,4 +48328,10 +48329,10 +48330,10 +48331,39 +48332,40 +48333,40 +48334,40 +48335,40 +48336,40 +48337,40 +48338,40 +48339,40 +48340,40 +48341,40 +48342,40 +48343,5 +48344,4 +48345,5 +48346,5 +48347,4 +48348,28 +48349,28 +48350,28 +48351,5 +48352,5 +48353,5 +48354,28 +48355,28 +48356,39 +48357,39 +48358,39 +48359,39 +48360,39 +48361,39 +48362,39 +48363,39 +48364,39 +48365,4 +48366,4 +48367,4 +48368,35 +48369,35 +48370,35 +48371,35 +48372,35 +48373,35 +48374,35 +48375,35 +48376,27 +48377,27 +48378,27 +48379,27 +48380,8 +48381,8 +48382,8 +48383,8 +48384,8 +48385,8 +48386,8 +48387,8 +48388,8 +48389,10 +48390,10 +48391,10 +48392,10 +48393,10 +48394,10 +48395,10 +48396,10 +48397,10 +48398,10 +48399,10 +48400,10 +48401,10 +48402,10 +48403,10 +48404,10 +48405,10 +48406,10 +48407,8 +48408,8 +48409,8 +48410,8 +48411,8 +48412,8 +48413,8 +48414,8 +48415,8 +48416,8 +48417,31 +48418,31 +48419,31 +48420,31 +48421,21 +48422,21 +48423,21 +48424,21 +48425,21 +48426,21 +48427,21 +48428,21 +48429,21 +48430,40 +48431,40 +48432,40 +48433,40 +48434,40 +48435,40 +48436,40 +48437,40 +48438,40 +48439,27 +48440,27 +48441,27 +48442,5 +48443,5 +48444,28 +48445,28 +48446,28 +48447,28 +48448,28 +48449,28 +48450,28 +48451,28 +48452,28 +48453,28 +48454,28 +48455,28 +48456,28 +48457,0 +48458,0 +48459,0 +48460,0 +48461,0 +48462,0 +48463,0 +48464,0 +48465,0 +48466,0 +48467,0 +48468,0 +48469,0 +48470,0 +48471,0 +48472,0 +48473,0 +48474,0 +48475,0 +48476,0 +48477,0 +48478,0 +48479,0 +48480,0 +48481,0 +48482,0 +48483,0 +48484,0 +48485,0 +48486,0 +48487,0 +48488,0 +48489,0 +48490,0 +48491,0 +48492,0 +48493,0 +48494,0 +48495,0 +48496,0 +48497,0 +48498,0 +48499,0 +48500,0 +48501,0 +48502,0 +48503,0 +48504,0 +48505,0 +48506,0 +48507,0 +48508,0 +48509,6 +48510,6 +48511,6 +48512,6 +48513,6 +48514,6 +48515,6 +48516,6 +48517,26 +48518,26 +48519,26 +48520,26 +48521,26 +48522,26 +48523,31 +48524,31 +48525,31 +48526,28 +48527,28 +48528,28 +48529,28 +48530,5 +48531,28 +48532,28 +48533,28 +48534,28 +48535,28 +48536,28 +48537,28 +48538,5 +48539,37 +48540,37 +48541,37 +48542,37 +48543,37 +48544,37 +48545,37 +48546,37 +48547,37 +48548,37 +48549,37 +48550,3 +48551,3 +48552,3 +48553,3 +48554,3 +48555,3 +48556,3 +48557,3 +48558,3 +48559,3 +48560,3 +48561,2 +48562,2 +48563,2 +48564,2 +48565,2 +48566,2 +48567,2 +48568,2 +48569,2 +48570,2 +48571,2 +48572,2 +48573,2 +48574,39 +48575,39 +48576,39 +48577,39 +48578,39 +48579,39 +48580,39 +48581,39 +48582,39 +48583,39 +48584,39 +48585,39 +48586,24 +48587,24 +48588,24 +48589,24 +48590,40 +48591,40 +48592,37 +48593,27 +48594,27 +48595,27 +48596,27 +48597,37 +48598,2 +48599,2 +48600,2 +48601,2 +48602,2 +48603,2 +48604,2 +48605,2 +48606,2 +48607,2 +48608,2 +48609,4 +48610,4 +48611,4 +48612,4 +48613,4 +48614,40 +48615,40 +48616,14 +48617,14 +48618,14 +48619,14 +48620,14 +48621,14 +48622,14 +48623,14 +48624,14 +48625,14 +48626,12 +48627,12 +48628,12 +48629,12 +48630,12 +48631,12 +48632,12 +48633,12 +48634,27 +48635,27 +48636,22 +48637,22 +48638,25 +48639,25 +48640,29 +48641,29 +48642,29 +48643,19 +48644,29 +48645,31 +48646,31 +48647,31 +48648,31 +48649,31 +48650,31 +48651,31 +48652,31 +48653,2 +48654,2 +48655,2 +48656,2 +48657,2 +48658,2 +48659,2 +48660,2 +48661,2 +48662,2 +48663,2 +48664,2 +48665,25 +48666,25 +48667,25 +48668,18 +48669,18 +48670,18 +48671,18 +48672,18 +48673,18 +48674,18 +48675,18 +48676,18 +48677,18 +48678,18 +48679,40 +48680,40 +48681,40 +48682,2 +48683,2 +48684,2 +48685,2 +48686,2 +48687,2 +48688,2 +48689,2 +48690,2 +48691,2 +48692,2 +48693,2 +48694,8 +48695,8 +48696,8 +48697,35 +48698,35 +48699,35 +48700,35 +48701,35 +48702,35 +48703,35 +48704,35 +48705,35 +48706,35 +48707,35 +48708,35 +48709,35 +48710,35 +48711,36 +48712,36 +48713,36 +48714,36 +48715,4 +48716,4 +48717,4 +48718,4 +48719,31 +48720,31 +48721,31 +48722,31 +48723,31 +48724,24 +48725,24 +48726,24 +48727,24 +48728,24 +48729,24 +48730,24 +48731,40 +48732,40 +48733,40 +48734,40 +48735,40 +48736,40 +48737,40 +48738,40 +48739,40 +48740,40 +48741,40 +48742,2 +48743,2 +48744,2 +48745,2 +48746,2 +48747,2 +48748,2 +48749,2 +48750,2 +48751,2 +48752,2 +48753,2 +48754,2 +48755,2 +48756,2 +48757,2 +48758,2 +48759,2 +48760,2 +48761,2 +48762,2 +48763,2 +48764,2 +48765,2 +48766,2 +48767,2 +48768,2 +48769,2 +48770,2 +48771,0 +48772,0 +48773,0 +48774,0 +48775,0 +48776,0 +48777,0 +48778,0 +48779,0 +48780,0 +48781,0 +48782,0 +48783,0 +48784,0 +48785,0 +48786,0 +48787,0 +48788,0 +48789,0 +48790,0 +48791,0 +48792,0 +48793,0 +48794,0 +48795,0 +48796,0 +48797,0 +48798,0 +48799,0 +48800,0 +48801,0 +48802,0 +48803,0 +48804,0 +48805,0 +48806,0 +48807,0 +48808,0 +48809,0 +48810,0 +48811,0 +48812,0 +48813,0 +48814,0 +48815,0 +48816,0 +48817,0 +48818,0 +48819,0 +48820,0 +48821,0 +48822,2 +48823,2 +48824,2 +48825,2 +48826,2 +48827,2 +48828,2 +48829,2 +48830,2 +48831,2 +48832,2 +48833,2 +48834,2 +48835,31 +48836,31 +48837,31 +48838,31 +48839,31 +48840,16 +48841,16 +48842,16 +48843,16 +48844,16 +48845,16 +48846,16 +48847,27 +48848,27 +48849,31 +48850,31 +48851,31 +48852,31 +48853,23 +48854,23 +48855,23 +48856,23 +48857,23 +48858,23 +48859,23 +48860,23 +48861,23 +48862,23 +48863,27 +48864,27 +48865,27 +48866,27 +48867,27 +48868,27 +48869,27 +48870,27 +48871,27 +48872,39 +48873,39 +48874,39 +48875,37 +48876,37 +48877,37 +48878,37 +48879,37 +48880,37 +48881,37 +48882,9 +48883,12 +48884,12 +48885,12 +48886,12 +48887,12 +48888,9 +48889,9 +48890,9 +48891,9 +48892,9 +48893,8 +48894,8 +48895,8 +48896,8 +48897,31 +48898,31 +48899,31 +48900,31 +48901,31 +48902,31 +48903,31 +48904,32 +48905,32 +48906,32 +48907,32 +48908,32 +48909,32 +48910,32 +48911,32 +48912,32 +48913,32 +48914,32 +48915,17 +48916,17 +48917,17 +48918,33 +48919,33 +48920,33 +48921,33 +48922,33 +48923,33 +48924,33 +48925,32 +48926,32 +48927,32 +48928,32 +48929,32 +48930,32 +48931,37 +48932,37 +48933,37 +48934,37 +48935,37 +48936,37 +48937,37 +48938,39 +48939,39 +48940,39 +48941,39 +48942,39 +48943,39 +48944,39 +48945,27 +48946,4 +48947,4 +48948,4 +48949,4 +48950,4 +48951,4 +48952,4 +48953,4 +48954,4 +48955,4 +48956,4 +48957,31 +48958,31 +48959,31 +48960,31 +48961,29 +48962,29 +48963,29 +48964,29 +48965,29 +48966,29 +48967,29 +48968,31 +48969,31 +48970,31 +48971,2 +48972,2 +48973,2 +48974,2 +48975,2 +48976,2 +48977,2 +48978,2 +48979,39 +48980,39 +48981,39 +48982,39 +48983,39 +48984,39 +48985,39 +48986,39 +48987,39 +48988,39 +48989,35 +48990,35 +48991,35 +48992,35 +48993,35 +48994,35 +48995,27 +48996,37 +48997,25 +48998,25 +48999,25 +49000,25 +49001,25 +49002,25 +49003,37 +49004,8 +49005,8 +49006,8 +49007,8 +49008,8 +49009,8 +49010,8 +49011,2 +49012,2 +49013,2 +49014,2 +49015,2 +49016,2 +49017,2 +49018,2 +49019,2 +49020,2 +49021,2 +49022,2 +49023,2 +49024,2 +49025,0 +49026,0 +49027,0 +49028,0 +49029,0 +49030,0 +49031,0 +49032,0 +49033,0 +49034,0 +49035,0 +49036,0 +49037,0 +49038,0 +49039,0 +49040,0 +49041,0 +49042,0 +49043,0 +49044,0 +49045,0 +49046,0 +49047,0 +49048,0 +49049,0 +49050,0 +49051,0 +49052,0 +49053,0 +49054,0 +49055,0 +49056,0 +49057,0 +49058,0 +49059,0 +49060,0 +49061,0 +49062,0 +49063,0 +49064,0 +49065,0 +49066,0 +49067,0 +49068,0 +49069,0 +49070,0 +49071,0 +49072,0 +49073,0 +49074,0 +49075,0 +49076,0 +49077,0 +49078,0 +49079,0 +49080,0 +49081,0 +49082,0 +49083,0 +49084,0 +49085,0 +49086,0 +49087,0 +49088,0 +49089,7 +49090,7 +49091,7 +49092,7 +49093,7 +49094,7 +49095,40 +49096,40 +49097,40 +49098,40 +49099,40 +49100,40 +49101,40 +49102,40 +49103,31 +49104,4 +49105,4 +49106,4 +49107,4 +49108,4 +49109,29 +49110,29 +49111,29 +49112,29 +49113,29 +49114,27 +49115,31 +49116,31 +49117,31 +49118,31 +49119,6 +49120,6 +49121,6 +49122,6 +49123,6 +49124,6 +49125,6 +49126,6 +49127,6 +49128,6 +49129,6 +49130,6 +49131,6 +49132,6 +49133,39 +49134,39 +49135,39 +49136,39 +49137,39 +49138,39 +49139,39 +49140,39 +49141,5 +49142,5 +49143,5 +49144,5 +49145,5 +49146,5 +49147,25 +49148,25 +49149,25 +49150,25 +49151,25 +49152,25 +49153,25 +49154,25 +49155,25 +49156,25 +49157,29 +49158,29 +49159,29 +49160,29 +49161,29 +49162,31 +49163,31 +49164,31 +49165,31 +49166,31 +49167,31 +49168,2 +49169,2 +49170,2 +49171,2 +49172,2 +49173,2 +49174,2 +49175,2 +49176,2 +49177,2 +49178,2 +49179,2 +49180,2 +49181,2 +49182,2 +49183,2 +49184,9 +49185,9 +49186,9 +49187,9 +49188,9 +49189,9 +49190,23 +49191,23 +49192,23 +49193,23 +49194,23 +49195,23 +49196,23 +49197,23 +49198,23 +49199,23 +49200,23 +49201,23 +49202,25 +49203,25 +49204,25 +49205,25 +49206,25 +49207,25 +49208,25 +49209,27 +49210,27 +49211,27 +49212,27 +49213,27 +49214,27 +49215,27 +49216,27 +49217,13 +49218,13 +49219,13 +49220,13 +49221,13 +49222,13 +49223,13 +49224,13 +49225,13 +49226,13 +49227,13 +49228,13 +49229,28 +49230,28 +49231,28 +49232,28 +49233,28 +49234,28 +49235,28 +49236,28 +49237,28 +49238,28 +49239,29 +49240,24 +49241,24 +49242,24 +49243,29 +49244,29 +49245,29 +49246,29 +49247,31 +49248,31 +49249,31 +49250,31 +49251,31 +49252,28 +49253,28 +49254,28 +49255,28 +49256,28 +49257,28 +49258,9 +49259,9 +49260,9 +49261,9 +49262,9 +49263,9 +49264,9 +49265,9 +49266,37 +49267,37 +49268,37 +49269,37 +49270,37 +49271,37 +49272,19 +49273,19 +49274,19 +49275,19 +49276,19 +49277,19 +49278,19 +49279,19 +49280,19 +49281,40 +49282,40 +49283,40 +49284,40 +49285,40 +49286,40 +49287,40 +49288,2 +49289,2 +49290,2 +49291,2 +49292,2 +49293,2 +49294,2 +49295,2 +49296,2 +49297,2 +49298,2 +49299,2 +49300,32 +49301,32 +49302,32 +49303,32 +49304,37 +49305,37 +49306,37 +49307,37 +49308,37 +49309,31 +49310,31 +49311,31 +49312,25 +49313,31 +49314,31 +49315,31 +49316,31 +49317,4 +49318,4 +49319,4 +49320,4 +49321,4 +49322,4 +49323,4 +49324,4 +49325,4 +49326,4 +49327,27 +49328,27 +49329,27 +49330,27 +49331,27 +49332,27 +49333,18 +49334,18 +49335,18 +49336,18 +49337,18 +49338,18 +49339,18 +49340,18 +49341,18 +49342,18 +49343,18 +49344,18 +49345,18 +49346,3 +49347,3 +49348,3 +49349,3 +49350,3 +49351,3 +49352,3 +49353,3 +49354,3 +49355,3 +49356,3 +49357,3 +49358,3 +49359,3 +49360,3 +49361,3 +49362,8 +49363,8 +49364,8 +49365,8 +49366,8 +49367,8 +49368,8 +49369,8 +49370,15 +49371,15 +49372,15 +49373,15 +49374,15 +49375,39 +49376,39 +49377,39 +49378,39 +49379,39 +49380,39 +49381,6 +49382,6 +49383,6 +49384,6 +49385,6 +49386,6 +49387,6 +49388,6 +49389,6 +49390,6 +49391,36 +49392,36 +49393,36 +49394,36 +49395,36 +49396,36 +49397,36 +49398,36 +49399,36 +49400,36 +49401,36 +49402,14 +49403,14 +49404,14 +49405,14 +49406,14 +49407,14 +49408,14 +49409,14 +49410,14 +49411,14 +49412,28 +49413,28 +49414,28 +49415,28 +49416,28 +49417,28 +49418,28 +49419,28 +49420,28 +49421,28 +49422,28 +49423,28 +49424,28 +49425,28 +49426,28 +49427,28 +49428,28 +49429,28 +49430,28 +49431,28 +49432,28 +49433,28 +49434,28 +49435,28 +49436,28 +49437,28 +49438,28 +49439,0 +49440,0 +49441,0 +49442,0 +49443,0 +49444,0 +49445,0 +49446,0 +49447,0 +49448,0 +49449,0 +49450,0 +49451,0 +49452,0 +49453,0 +49454,0 +49455,0 +49456,8 +49457,0 +49458,0 +49459,0 +49460,0 +49461,0 +49462,0 +49463,0 +49464,0 +49465,0 +49466,0 +49467,0 +49468,0 +49469,0 +49470,0 +49471,0 +49472,0 +49473,0 +49474,0 +49475,0 +49476,0 +49477,0 +49478,0 +49479,0 +49480,0 +49481,0 +49482,0 +49483,0 +49484,0 +49485,0 +49486,29 +49487,29 +49488,29 +49489,29 +49490,40 +49491,40 +49492,40 +49493,40 +49494,40 +49495,37 +49496,37 +49497,37 +49498,37 +49499,37 +49500,37 +49501,35 +49502,35 +49503,35 +49504,35 +49505,35 +49506,35 +49507,35 +49508,33 +49509,33 +49510,33 +49511,33 +49512,33 +49513,30 +49514,30 +49515,30 +49516,30 +49517,30 +49518,30 +49519,30 +49520,30 +49521,30 +49522,30 +49523,30 +49524,30 +49525,30 +49526,30 +49527,30 +49528,2 +49529,2 +49530,2 +49531,2 +49532,2 +49533,2 +49534,2 +49535,2 +49536,2 +49537,2 +49538,2 +49539,2 +49540,2 +49541,2 +49542,2 +49543,33 +49544,33 +49545,33 +49546,33 +49547,33 +49548,33 +49549,33 +49550,33 +49551,33 +49552,33 +49553,33 +49554,33 +49555,30 +49556,30 +49557,30 +49558,30 +49559,30 +49560,30 +49561,30 +49562,30 +49563,30 +49564,30 +49565,30 +49566,30 +49567,30 +49568,30 +49569,30 +49570,30 +49571,30 +49572,8 +49573,8 +49574,8 +49575,8 +49576,8 +49577,8 +49578,8 +49579,8 +49580,12 +49581,12 +49582,12 +49583,12 +49584,12 +49585,12 +49586,12 +49587,37 +49588,37 +49589,37 +49590,37 +49591,37 +49592,32 +49593,32 +49594,32 +49595,32 +49596,32 +49597,32 +49598,31 +49599,31 +49600,31 +49601,31 +49602,31 +49603,31 +49604,8 +49605,8 +49606,8 +49607,8 +49608,8 +49609,8 +49610,8 +49611,8 +49612,8 +49613,36 +49614,36 +49615,36 +49616,36 +49617,36 +49618,36 +49619,36 +49620,36 +49621,36 +49622,40 +49623,40 +49624,36 +49625,2 +49626,2 +49627,2 +49628,2 +49629,2 +49630,2 +49631,2 +49632,2 +49633,2 +49634,2 +49635,2 +49636,2 +49637,2 +49638,2 +49639,2 +49640,4 +49641,4 +49642,4 +49643,4 +49644,12 +49645,12 +49646,12 +49647,12 +49648,12 +49649,12 +49650,12 +49651,12 +49652,27 +49653,27 +49654,29 +49655,29 +49656,29 +49657,29 +49658,29 +49659,31 +49660,31 +49661,31 +49662,31 +49663,31 +49664,31 +49665,31 +49666,31 +49667,31 +49668,31 +49669,12 +49670,12 +49671,12 +49672,12 +49673,12 +49674,12 +49675,12 +49676,12 +49677,12 +49678,12 +49679,12 +49680,12 +49681,12 +49682,12 +49683,12 +49684,12 +49685,10 +49686,10 +49687,10 +49688,10 +49689,10 +49690,34 +49691,10 +49692,10 +49693,10 +49694,10 +49695,10 +49696,10 +49697,10 +49698,10 +49699,10 +49700,10 +49701,36 +49702,30 +49703,30 +49704,30 +49705,10 +49706,30 +49707,30 +49708,30 +49709,30 +49710,30 +49711,30 +49712,30 +49713,30 +49714,19 +49715,19 +49716,19 +49717,27 +49718,27 +49719,27 +49720,27 +49721,27 +49722,27 +49723,28 +49724,28 +49725,28 +49726,28 +49727,5 +49728,5 +49729,5 +49730,28 +49731,28 +49732,28 +49733,28 +49734,28 +49735,28 +49736,28 +49737,28 +49738,28 +49739,28 +49740,28 +49741,28 +49742,28 +49743,28 +49744,28 +49745,28 +49746,28 +49747,28 +49748,28 +49749,28 +49750,28 +49751,28 +49752,28 +49753,28 +49754,28 +49755,28 +49756,36 +49757,36 +49758,28 +49759,28 +49760,28 +49761,28 +49762,28 +49763,19 +49764,5 +49765,5 +49766,5 +49767,4 +49768,4 +49769,4 +49770,4 +49771,4 +49772,4 +49773,4 +49774,4 +49775,4 +49776,4 +49777,4 +49778,4 +49779,4 +49780,4 +49781,36 +49782,36 +49783,36 +49784,36 +49785,36 +49786,36 +49787,36 +49788,36 +49789,36 +49790,36 +49791,11 +49792,11 +49793,11 +49794,11 +49795,11 +49796,11 +49797,11 +49798,11 +49799,11 +49800,11 +49801,11 +49802,11 +49803,31 +49804,31 +49805,31 +49806,31 +49807,31 +49808,31 +49809,31 +49810,31 +49811,28 +49812,27 +49813,28 +49814,28 +49815,28 +49816,28 +49817,28 +49818,5 +49819,5 +49820,5 +49821,5 +49822,5 +49823,5 +49824,19 +49825,19 +49826,19 +49827,23 +49828,23 +49829,23 +49830,23 +49831,23 +49832,23 +49833,23 +49834,23 +49835,23 +49836,23 +49837,9 +49838,9 +49839,9 +49840,9 +49841,37 +49842,37 +49843,37 +49844,37 +49845,37 +49846,37 +49847,37 +49848,37 +49849,37 +49850,37 +49851,39 +49852,39 +49853,39 +49854,39 +49855,39 +49856,39 +49857,24 +49858,24 +49859,24 +49860,24 +49861,24 +49862,24 +49863,24 +49864,24 +49865,36 +49866,36 +49867,36 +49868,36 +49869,36 +49870,36 +49871,40 +49872,40 +49873,40 +49874,40 +49875,36 +49876,5 +49877,5 +49878,5 +49879,5 +49880,5 +49881,5 +49882,5 +49883,5 +49884,5 +49885,5 +49886,5 +49887,5 +49888,5 +49889,5 +49890,5 +49891,5 +49892,5 +49893,5 +49894,5 +49895,5 +49896,5 +49897,5 +49898,5 +49899,18 +49900,18 +49901,18 +49902,18 +49903,18 +49904,18 +49905,18 +49906,18 +49907,11 +49908,18 +49909,18 +49910,16 +49911,16 +49912,16 +49913,16 +49914,16 +49915,0 +49916,0 +49917,0 +49918,0 +49919,0 +49920,0 +49921,0 +49922,0 +49923,0 +49924,0 +49925,0 +49926,0 +49927,0 +49928,0 +49929,0 +49930,0 +49931,0 +49932,0 +49933,0 +49934,0 +49935,0 +49936,0 +49937,0 +49938,0 +49939,0 +49940,0 +49941,0 +49942,0 +49943,0 +49944,0 +49945,0 +49946,0 +49947,0 +49948,0 +49949,0 +49950,0 +49951,0 +49952,0 +49953,0 +49954,0 +49955,0 +49956,0 +49957,0 +49958,0 +49959,0 +49960,0 +49961,0 +49962,0 +49963,0 +49964,0 +49965,0 +49966,0 +49967,0 +49968,0 +49969,0 +49970,0 +49971,0 +49972,0 +49973,0 +49974,0 +49975,0 +49976,0 +49977,36 +49978,36 +49979,36 +49980,36 +49981,36 +49982,36 +49983,36 +49984,19 +49985,19 +49986,5 +49987,19 +49988,19 +49989,19 +49990,27 +49991,27 +49992,27 +49993,27 +49994,27 +49995,35 +49996,35 +49997,35 +49998,35 +49999,35 +50000,35 +50001,35 +50002,35 +50003,35 +50004,35 +50005,35 +50006,35 +50007,35 +50008,35 +50009,26 +50010,26 +50011,26 +50012,26 +50013,26 +50014,37 +50015,37 +50016,37 +50017,37 +50018,37 +50019,37 +50020,19 +50021,19 +50022,19 +50023,19 +50024,19 +50025,19 +50026,12 +50027,12 +50028,12 +50029,12 +50030,12 +50031,12 +50032,12 +50033,12 +50034,25 +50035,25 +50036,25 +50037,25 +50038,25 +50039,25 +50040,25 +50041,25 +50042,25 +50043,25 +50044,25 +50045,25 +50046,21 +50047,21 +50048,21 +50049,21 +50050,21 +50051,21 +50052,21 +50053,21 +50054,21 +50055,25 +50056,25 +50057,25 +50058,25 +50059,25 +50060,25 +50061,25 +50062,25 +50063,25 +50064,25 +50065,25 +50066,25 +50067,25 +50068,25 +50069,25 +50070,25 +50071,25 +50072,25 +50073,25 +50074,25 +50075,0 +50076,0 +50077,0 +50078,0 +50079,0 +50080,0 +50081,0 +50082,0 +50083,0 +50084,0 +50085,0 +50086,0 +50087,0 +50088,0 +50089,0 +50090,0 +50091,0 +50092,0 +50093,0 +50094,0 +50095,0 +50096,0 +50097,0 +50098,0 +50099,0 +50100,0 +50101,0 +50102,0 +50103,0 +50104,0 +50105,0 +50106,0 +50107,35 +50108,35 +50109,35 +50110,35 +50111,35 +50112,35 +50113,35 +50114,35 +50115,35 +50116,35 +50117,35 +50118,35 +50119,35 +50120,35 +50121,39 +50122,39 +50123,39 +50124,39 +50125,39 +50126,39 +50127,39 +50128,39 +50129,39 +50130,26 +50131,26 +50132,26 +50133,10 +50134,10 +50135,10 +50136,10 +50137,10 +50138,10 +50139,10 +50140,10 +50141,23 +50142,23 +50143,23 +50144,23 +50145,23 +50146,23 +50147,23 +50148,4 +50149,4 +50150,4 +50151,4 +50152,4 +50153,27 +50154,27 +50155,27 +50156,27 +50157,5 +50158,5 +50159,5 +50160,5 +50161,5 +50162,5 +50163,5 +50164,5 +50165,5 +50166,5 +50167,12 +50168,12 +50169,12 +50170,12 +50171,12 +50172,12 +50173,12 +50174,12 +50175,12 +50176,12 +50177,12 +50178,12 +50179,12 +50180,12 +50181,12 +50182,25 +50183,25 +50184,25 +50185,25 +50186,25 +50187,25 +50188,25 +50189,25 +50190,25 +50191,25 +50192,25 +50193,25 +50194,25 +50195,25 +50196,4 +50197,6 +50198,6 +50199,6 +50200,6 +50201,6 +50202,23 +50203,23 +50204,23 +50205,23 +50206,23 +50207,23 +50208,23 +50209,23 +50210,23 +50211,23 +50212,23 +50213,23 +50214,23 +50215,32 +50216,32 +50217,32 +50218,32 +50219,32 +50220,32 +50221,32 +50222,32 +50223,0 +50224,12 +50225,12 +50226,12 +50227,12 +50228,25 +50229,25 +50230,25 +50231,25 +50232,25 +50233,25 +50234,2 +50235,2 +50236,2 +50237,2 +50238,2 +50239,2 +50240,2 +50241,2 +50242,2 +50243,2 +50244,2 +50245,2 +50246,2 +50247,2 +50248,2 +50249,2 +50250,2 +50251,2 +50252,2 +50253,40 +50254,40 +50255,40 +50256,40 +50257,40 +50258,40 +50259,40 +50260,4 +50261,4 +50262,4 +50263,19 +50264,19 +50265,19 +50266,4 +50267,39 +50268,39 +50269,39 +50270,39 +50271,39 +50272,39 +50273,39 +50274,4 +50275,4 +50276,8 +50277,8 +50278,8 +50279,8 +50280,8 +50281,9 +50282,9 +50283,9 +50284,9 +50285,9 +50286,9 +50287,9 +50288,9 +50289,9 +50290,9 +50291,9 +50292,9 +50293,9 +50294,9 +50295,9 +50296,9 +50297,9 +50298,9 +50299,9 +50300,9 +50301,9 +50302,9 +50303,9 +50304,9 +50305,30 +50306,30 +50307,30 +50308,30 +50309,30 +50310,30 +50311,30 +50312,29 +50313,29 +50314,29 +50315,29 +50316,29 +50317,29 +50318,40 +50319,40 +50320,14 +50321,14 +50322,14 +50323,14 +50324,40 +50325,27 +50326,27 +50327,27 +50328,27 +50329,27 +50330,14 +50331,14 +50332,14 +50333,14 +50334,14 +50335,14 +50336,14 +50337,14 +50338,14 +50339,14 +50340,14 +50341,39 +50342,39 +50343,39 +50344,39 +50345,39 +50346,39 +50347,39 +50348,39 +50349,39 +50350,39 +50351,39 +50352,39 +50353,39 +50354,39 +50355,39 +50356,39 +50357,39 +50358,39 +50359,27 +50360,27 +50361,27 +50362,27 +50363,27 +50364,27 +50365,27 +50366,27 +50367,27 +50368,27 +50369,36 +50370,36 +50371,36 +50372,36 +50373,36 +50374,36 +50375,36 +50376,36 +50377,36 +50378,36 +50379,5 +50380,5 +50381,5 +50382,19 +50383,19 +50384,19 +50385,19 +50386,9 +50387,9 +50388,9 +50389,9 +50390,9 +50391,9 +50392,9 +50393,9 +50394,9 +50395,9 +50396,9 +50397,9 +50398,9 +50399,9 +50400,9 +50401,9 +50402,9 +50403,9 +50404,9 +50405,9 +50406,9 +50407,37 +50408,5 +50409,5 +50410,5 +50411,5 +50412,28 +50413,28 +50414,28 +50415,28 +50416,28 +50417,28 +50418,28 +50419,28 +50420,31 +50421,10 +50422,10 +50423,10 +50424,10 +50425,10 +50426,10 +50427,10 +50428,10 +50429,10 +50430,10 +50431,10 +50432,10 +50433,10 +50434,10 +50435,10 +50436,10 +50437,19 +50438,19 +50439,4 +50440,4 +50441,4 +50442,23 +50443,23 +50444,32 +50445,32 +50446,32 +50447,32 +50448,32 +50449,27 +50450,27 +50451,27 +50452,27 +50453,38 +50454,38 +50455,38 +50456,38 +50457,38 +50458,38 +50459,38 +50460,34 +50461,34 +50462,34 +50463,34 +50464,34 +50465,34 +50466,34 +50467,34 +50468,34 +50469,34 +50470,34 +50471,34 +50472,34 +50473,34 +50474,4 +50475,4 +50476,4 +50477,4 +50478,4 +50479,4 +50480,4 +50481,4 +50482,39 +50483,39 +50484,39 +50485,39 +50486,39 +50487,39 +50488,39 +50489,39 +50490,39 +50491,39 +50492,39 +50493,39 +50494,39 +50495,39 +50496,39 +50497,39 +50498,39 +50499,39 +50500,39 +50501,39 +50502,39 +50503,39 +50504,39 +50505,39 +50506,39 +50507,5 +50508,5 +50509,5 +50510,5 +50511,5 +50512,13 +50513,13 +50514,13 +50515,9 +50516,9 +50517,9 +50518,9 +50519,9 +50520,9 +50521,9 +50522,9 +50523,9 +50524,37 +50525,37 +50526,37 +50527,37 +50528,37 +50529,37 +50530,37 +50531,2 +50532,2 +50533,2 +50534,2 +50535,2 +50536,2 +50537,2 +50538,2 +50539,2 +50540,2 +50541,2 +50542,2 +50543,2 +50544,2 +50545,2 +50546,2 +50547,30 +50548,30 +50549,30 +50550,30 +50551,30 +50552,30 +50553,30 +50554,39 +50555,39 +50556,39 +50557,39 +50558,39 +50559,39 +50560,39 +50561,39 +50562,39 +50563,0 +50564,32 +50565,32 +50566,36 +50567,36 +50568,36 +50569,36 +50570,36 +50571,36 +50572,36 +50573,36 +50574,36 +50575,36 +50576,5 +50577,5 +50578,5 +50579,5 +50580,5 +50581,5 +50582,5 +50583,13 +50584,13 +50585,39 +50586,39 +50587,39 +50588,39 +50589,39 +50590,39 +50591,14 +50592,14 +50593,0 +50594,0 +50595,0 +50596,0 +50597,0 +50598,0 +50599,0 +50600,0 +50601,0 +50602,0 +50603,0 +50604,0 +50605,0 +50606,0 +50607,0 +50608,0 +50609,0 +50610,0 +50611,0 +50612,0 +50613,0 +50614,0 +50615,0 +50616,5 +50617,0 +50618,0 +50619,0 +50620,29 +50621,29 +50622,29 +50623,29 +50624,29 +50625,29 +50626,29 +50627,29 +50628,29 +50629,27 +50630,27 +50631,27 +50632,27 +50633,27 +50634,27 +50635,27 +50636,27 +50637,2 +50638,2 +50639,2 +50640,2 +50641,2 +50642,2 +50643,2 +50644,2 +50645,2 +50646,2 +50647,30 +50648,30 +50649,30 +50650,30 +50651,27 +50652,27 +50653,27 +50654,30 +50655,30 +50656,8 +50657,8 +50658,8 +50659,8 +50660,8 +50661,27 +50662,27 +50663,27 +50664,31 +50665,31 +50666,31 +50667,15 +50668,15 +50669,15 +50670,15 +50671,15 +50672,15 +50673,15 +50674,15 +50675,15 +50676,15 +50677,36 +50678,36 +50679,36 +50680,36 +50681,36 +50682,36 +50683,36 +50684,40 +50685,4 +50686,4 +50687,4 +50688,4 +50689,4 +50690,4 +50691,25 +50692,25 +50693,25 +50694,25 +50695,25 +50696,25 +50697,25 +50698,25 +50699,25 +50700,25 +50701,25 +50702,25 +50703,26 +50704,26 +50705,26 +50706,26 +50707,26 +50708,26 +50709,26 +50710,26 +50711,26 +50712,26 +50713,26 +50714,6 +50715,6 +50716,6 +50717,6 +50718,6 +50719,6 +50720,6 +50721,6 +50722,6 +50723,6 +50724,39 +50725,39 +50726,39 +50727,39 +50728,39 +50729,32 +50730,32 +50731,32 +50732,32 +50733,32 +50734,32 +50735,32 +50736,27 +50737,14 +50738,14 +50739,14 +50740,14 +50741,14 +50742,14 +50743,14 +50744,14 +50745,14 +50746,14 +50747,11 +50748,11 +50749,11 +50750,11 +50751,11 +50752,11 +50753,11 +50754,11 +50755,11 +50756,11 +50757,31 +50758,31 +50759,31 +50760,5 +50761,5 +50762,13 +50763,13 +50764,13 +50765,13 +50766,13 +50767,23 +50768,23 +50769,23 +50770,25 +50771,25 +50772,25 +50773,37 +50774,33 +50775,33 +50776,25 +50777,25 +50778,25 +50779,27 +50780,27 +50781,27 +50782,25 +50783,25 +50784,27 +50785,27 +50786,5 +50787,5 +50788,5 +50789,5 +50790,5 +50791,5 +50792,5 +50793,5 +50794,5 +50795,29 +50796,29 +50797,29 +50798,29 +50799,29 +50800,29 +50801,29 +50802,5 +50803,5 +50804,5 +50805,5 +50806,5 +50807,5 +50808,5 +50809,5 +50810,2 +50811,2 +50812,2 +50813,2 +50814,2 +50815,2 +50816,2 +50817,2 +50818,4 +50819,4 +50820,4 +50821,4 +50822,4 +50823,37 +50824,37 +50825,37 +50826,37 +50827,37 +50828,26 +50829,26 +50830,26 +50831,26 +50832,26 +50833,26 +50834,26 +50835,26 +50836,26 +50837,26 +50838,26 +50839,32 +50840,32 +50841,32 +50842,32 +50843,32 +50844,32 +50845,32 +50846,32 +50847,32 +50848,32 +50849,32 +50850,30 +50851,30 +50852,30 +50853,30 +50854,14 +50855,14 +50856,14 +50857,14 +50858,14 +50859,14 +50860,14 +50861,14 +50862,14 +50863,14 +50864,14 +50865,19 +50866,19 +50867,19 +50868,14 +50869,14 +50870,14 +50871,14 +50872,27 +50873,27 +50874,27 +50875,27 +50876,27 +50877,27 +50878,13 +50879,13 +50880,13 +50881,13 +50882,13 +50883,13 +50884,13 +50885,13 +50886,13 +50887,13 +50888,13 +50889,13 +50890,0 +50891,0 +50892,0 +50893,0 +50894,0 +50895,0 +50896,0 +50897,0 +50898,0 +50899,0 +50900,0 +50901,0 +50902,0 +50903,0 +50904,0 +50905,0 +50906,0 +50907,0 +50908,0 +50909,0 +50910,0 +50911,0 +50912,0 +50913,0 +50914,0 +50915,0 +50916,0 +50917,0 +50918,0 +50919,0 +50920,0 +50921,0 +50922,0 +50923,10 +50924,10 +50925,10 +50926,10 +50927,10 +50928,10 +50929,10 +50930,10 +50931,10 +50932,10 +50933,10 +50934,10 +50935,10 +50936,10 +50937,10 +50938,10 +50939,10 +50940,14 +50941,14 +50942,14 +50943,14 +50944,14 +50945,36 +50946,10 +50947,10 +50948,10 +50949,10 +50950,10 +50951,10 +50952,10 +50953,36 +50954,36 +50955,36 +50956,36 +50957,36 +50958,36 +50959,36 +50960,36 +50961,36 +50962,36 +50963,36 +50964,36 +50965,36 +50966,36 +50967,36 +50968,36 +50969,2 +50970,2 +50971,2 +50972,2 +50973,2 +50974,2 +50975,2 +50976,2 +50977,2 +50978,2 +50979,2 +50980,2 +50981,2 +50982,2 +50983,2 +50984,2 +50985,4 +50986,4 +50987,4 +50988,4 +50989,4 +50990,4 +50991,4 +50992,4 +50993,4 +50994,4 +50995,4 +50996,4 +50997,4 +50998,4 +50999,0 +51000,0 +51001,0 +51002,0 +51003,0 +51004,0 +51005,0 +51006,0 +51007,0 +51008,0 +51009,0 +51010,0 +51011,0 +51012,0 +51013,0 +51014,0 +51015,0 +51016,0 +51017,0 +51018,0 +51019,0 +51020,0 +51021,0 +51022,0 +51023,0 +51024,0 +51025,0 +51026,0 +51027,0 +51028,0 +51029,0 +51030,0 +51031,0 +51032,0 +51033,0 +51034,0 +51035,0 +51036,0 +51037,0 +51038,0 +51039,0 +51040,0 +51041,0 +51042,0 +51043,0 +51044,0 +51045,0 +51046,0 +51047,0 +51048,0 +51049,0 +51050,0 +51051,0 +51052,0 +51053,0 +51054,0 +51055,0 +51056,0 +51057,0 +51058,0 +51059,0 +51060,0 +51061,0 +51062,0 +51063,0 +51064,0 +51065,0 +51066,0 +51067,29 +51068,29 +51069,29 +51070,29 +51071,31 +51072,31 +51073,31 +51074,31 +51075,31 +51076,15 +51077,15 +51078,15 +51079,15 +51080,15 +51081,15 +51082,15 +51083,15 +51084,15 +51085,15 +51086,15 +51087,17 +51088,17 +51089,17 +51090,17 +51091,17 +51092,17 +51093,17 +51094,17 +51095,17 +51096,17 +51097,17 +51098,17 +51099,17 +51100,17 +51101,17 +51102,17 +51103,17 +51104,17 +51105,33 +51106,33 +51107,3 +51108,3 +51109,3 +51110,3 +51111,3 +51112,3 +51113,3 +51114,3 +51115,3 +51116,31 +51117,31 +51118,31 +51119,27 +51120,31 +51121,31 +51122,8 +51123,8 +51124,8 +51125,8 +51126,2 +51127,2 +51128,2 +51129,2 +51130,2 +51131,2 +51132,8 +51133,4 +51134,4 +51135,4 +51136,4 +51137,4 +51138,23 +51139,23 +51140,23 +51141,23 +51142,23 +51143,23 +51144,23 +51145,23 +51146,23 +51147,37 +51148,37 +51149,37 +51150,37 +51151,40 +51152,40 +51153,40 +51154,40 +51155,40 +51156,40 +51157,40 +51158,40 +51159,28 +51160,28 +51161,28 +51162,28 +51163,28 +51164,28 +51165,28 +51166,28 +51167,15 +51168,15 +51169,31 +51170,31 +51171,31 +51172,31 +51173,31 +51174,30 +51175,30 +51176,30 +51177,30 +51178,30 +51179,30 +51180,14 +51181,14 +51182,14 +51183,14 +51184,14 +51185,14 +51186,14 +51187,14 +51188,5 +51189,5 +51190,5 +51191,13 +51192,13 +51193,13 +51194,13 +51195,13 +51196,13 +51197,13 +51198,13 +51199,13 +51200,13 +51201,13 +51202,13 +51203,13 +51204,5 +51205,0 +51206,0 +51207,0 +51208,0 +51209,0 +51210,0 +51211,0 +51212,0 +51213,0 +51214,0 +51215,0 +51216,0 +51217,0 +51218,0 +51219,0 +51220,0 +51221,35 +51222,35 +51223,35 +51224,35 +51225,35 +51226,35 +51227,35 +51228,35 +51229,39 +51230,39 +51231,39 +51232,39 +51233,39 +51234,39 +51235,39 +51236,39 +51237,39 +51238,37 +51239,37 +51240,37 +51241,37 +51242,37 +51243,37 +51244,37 +51245,37 +51246,37 +51247,37 +51248,37 +51249,37 +51250,37 +51251,33 +51252,33 +51253,33 +51254,33 +51255,33 +51256,33 +51257,33 +51258,33 +51259,33 +51260,33 +51261,9 +51262,9 +51263,30 +51264,30 +51265,30 +51266,30 +51267,30 +51268,30 +51269,30 +51270,30 +51271,30 +51272,19 +51273,19 +51274,19 +51275,19 +51276,23 +51277,19 +51278,19 +51279,8 +51280,23 +51281,23 +51282,23 +51283,23 +51284,23 +51285,23 +51286,23 +51287,23 +51288,23 +51289,23 +51290,23 +51291,23 +51292,37 +51293,37 +51294,37 +51295,37 +51296,37 +51297,10 +51298,10 +51299,10 +51300,10 +51301,10 +51302,10 +51303,10 +51304,10 +51305,10 +51306,10 +51307,10 +51308,10 +51309,10 +51310,4 +51311,4 +51312,4 +51313,4 +51314,4 +51315,5 +51316,5 +51317,5 +51318,5 +51319,5 +51320,5 +51321,5 +51322,5 +51323,5 +51324,5 +51325,5 +51326,26 +51327,26 +51328,26 +51329,26 +51330,26 +51331,10 +51332,10 +51333,10 +51334,10 +51335,10 +51336,10 +51337,10 +51338,10 +51339,10 +51340,10 +51341,10 +51342,10 +51343,10 +51344,10 +51345,10 +51346,10 +51347,10 +51348,10 +51349,10 +51350,10 +51351,10 +51352,10 +51353,8 +51354,8 +51355,8 +51356,8 +51357,8 +51358,8 +51359,8 +51360,8 +51361,8 +51362,8 +51363,8 +51364,8 +51365,8 +51366,4 +51367,4 +51368,4 +51369,4 +51370,4 +51371,4 +51372,4 +51373,4 +51374,4 +51375,9 +51376,9 +51377,9 +51378,9 +51379,9 +51380,37 +51381,37 +51382,37 +51383,37 +51384,37 +51385,25 +51386,25 +51387,25 +51388,37 +51389,18 +51390,18 +51391,18 +51392,18 +51393,18 +51394,18 +51395,18 +51396,18 +51397,18 +51398,18 +51399,18 +51400,18 +51401,18 +51402,18 +51403,18 +51404,18 +51405,18 +51406,36 +51407,36 +51408,36 +51409,36 +51410,36 +51411,36 +51412,36 +51413,36 +51414,36 +51415,36 +51416,36 +51417,36 +51418,36 +51419,6 +51420,6 +51421,6 +51422,6 +51423,6 +51424,6 +51425,6 +51426,6 +51427,6 +51428,6 +51429,2 +51430,2 +51431,2 +51432,2 +51433,2 +51434,2 +51435,2 +51436,2 +51437,2 +51438,2 +51439,27 +51440,27 +51441,31 +51442,31 +51443,31 +51444,31 +51445,31 +51446,5 +51447,5 +51448,5 +51449,5 +51450,5 +51451,5 +51452,5 +51453,5 +51454,5 +51455,5 +51456,5 +51457,5 +51458,5 +51459,5 +51460,5 +51461,5 +51462,5 +51463,5 +51464,12 +51465,12 +51466,12 +51467,12 +51468,12 +51469,12 +51470,12 +51471,12 +51472,12 +51473,31 +51474,31 +51475,31 +51476,31 +51477,31 +51478,31 +51479,8 +51480,8 +51481,8 +51482,8 +51483,8 +51484,8 +51485,8 +51486,31 +51487,21 +51488,21 +51489,21 +51490,21 +51491,21 +51492,21 +51493,21 +51494,21 +51495,21 +51496,21 +51497,21 +51498,30 +51499,30 +51500,30 +51501,30 +51502,30 +51503,30 +51504,30 +51505,30 +51506,30 +51507,30 +51508,30 +51509,30 +51510,30 +51511,30 +51512,30 +51513,30 +51514,30 +51515,40 +51516,40 +51517,40 +51518,40 +51519,40 +51520,40 +51521,40 +51522,40 +51523,40 +51524,40 +51525,37 +51526,37 +51527,37 +51528,37 +51529,37 +51530,37 +51531,37 +51532,37 +51533,37 +51534,27 +51535,27 +51536,27 +51537,27 +51538,27 +51539,27 +51540,27 +51541,5 +51542,5 +51543,5 +51544,5 +51545,5 +51546,5 +51547,5 +51548,40 +51549,40 +51550,40 +51551,31 +51552,31 +51553,40 +51554,40 +51555,40 +51556,40 +51557,40 +51558,40 +51559,40 +51560,40 +51561,19 +51562,19 +51563,19 +51564,19 +51565,19 +51566,35 +51567,35 +51568,35 +51569,35 +51570,35 +51571,35 +51572,35 +51573,27 +51574,36 +51575,27 +51576,27 +51577,27 +51578,27 +51579,27 +51580,27 +51581,27 +51582,27 +51583,27 +51584,27 +51585,27 +51586,27 +51587,28 +51588,28 +51589,28 +51590,28 +51591,28 +51592,28 +51593,28 +51594,28 +51595,28 +51596,28 +51597,28 +51598,28 +51599,28 +51600,28 +51601,28 +51602,28 +51603,28 +51604,0 +51605,0 +51606,0 +51607,0 +51608,0 +51609,0 +51610,0 +51611,0 +51612,0 +51613,0 +51614,0 +51615,0 +51616,0 +51617,0 +51618,0 +51619,0 +51620,0 +51621,0 +51622,0 +51623,0 +51624,0 +51625,0 +51626,0 +51627,0 +51628,0 +51629,0 +51630,0 +51631,0 +51632,0 +51633,0 +51634,0 +51635,0 +51636,0 +51637,0 +51638,0 +51639,0 +51640,0 +51641,0 +51642,0 +51643,23 +51644,23 +51645,23 +51646,23 +51647,0 +51648,0 +51649,23 +51650,23 +51651,23 +51652,23 +51653,23 +51654,23 +51655,23 +51656,23 +51657,23 +51658,23 +51659,23 +51660,23 +51661,23 +51662,23 +51663,23 +51664,10 +51665,10 +51666,10 +51667,10 +51668,10 +51669,10 +51670,10 +51671,10 +51672,10 +51673,10 +51674,10 +51675,10 +51676,10 +51677,5 +51678,5 +51679,29 +51680,5 +51681,5 +51682,5 +51683,5 +51684,5 +51685,5 +51686,5 +51687,5 +51688,30 +51689,30 +51690,30 +51691,30 +51692,39 +51693,39 +51694,39 +51695,39 +51696,39 +51697,35 +51698,35 +51699,35 +51700,35 +51701,35 +51702,35 +51703,35 +51704,35 +51705,35 +51706,39 +51707,39 +51708,39 +51709,39 +51710,39 +51711,39 +51712,39 +51713,15 +51714,15 +51715,15 +51716,15 +51717,15 +51718,15 +51719,15 +51720,15 +51721,15 +51722,15 +51723,15 +51724,15 +51725,37 +51726,37 +51727,37 +51728,37 +51729,37 +51730,37 +51731,37 +51732,37 +51733,33 +51734,3 +51735,3 +51736,3 +51737,3 +51738,3 +51739,3 +51740,32 +51741,32 +51742,32 +51743,35 +51744,32 +51745,6 +51746,6 +51747,6 +51748,35 +51749,6 +51750,27 +51751,27 +51752,27 +51753,27 +51754,27 +51755,27 +51756,27 +51757,27 +51758,5 +51759,5 +51760,5 +51761,5 +51762,5 +51763,5 +51764,5 +51765,4 +51766,4 +51767,4 +51768,4 +51769,4 +51770,4 +51771,4 +51772,4 +51773,4 +51774,4 +51775,4 +51776,4 +51777,3 +51778,3 +51779,3 +51780,3 +51781,3 +51782,3 +51783,3 +51784,31 +51785,31 +51786,31 +51787,31 +51788,31 +51789,31 +51790,31 +51791,31 +51792,33 +51793,33 +51794,12 +51795,12 +51796,12 +51797,12 +51798,12 +51799,12 +51800,12 +51801,12 +51802,12 +51803,12 +51804,12 +51805,12 +51806,12 +51807,12 +51808,14 +51809,14 +51810,14 +51811,14 +51812,14 +51813,14 +51814,14 +51815,14 +51816,14 +51817,14 +51818,14 +51819,14 +51820,14 +51821,14 +51822,14 +51823,14 +51824,17 +51825,17 +51826,17 +51827,17 +51828,30 +51829,30 +51830,30 +51831,30 +51832,30 +51833,30 +51834,30 +51835,30 +51836,30 +51837,30 +51838,30 +51839,30 +51840,30 +51841,30 +51842,30 +51843,30 +51844,30 +51845,30 +51846,30 +51847,30 +51848,30 +51849,30 +51850,0 +51851,0 +51852,0 +51853,0 +51854,0 +51855,0 +51856,0 +51857,0 +51858,0 +51859,0 +51860,0 +51861,0 +51862,0 +51863,0 +51864,0 +51865,0 +51866,0 +51867,0 +51868,0 +51869,0 +51870,0 +51871,0 +51872,0 +51873,0 +51874,0 +51875,0 +51876,0 +51877,0 +51878,0 +51879,0 +51880,0 +51881,0 +51882,0 +51883,0 +51884,0 +51885,0 +51886,0 +51887,0 +51888,0 +51889,0 +51890,0 +51891,0 +51892,0 +51893,0 +51894,0 +51895,0 +51896,0 +51897,0 +51898,0 +51899,0 +51900,0 +51901,0 +51902,0 +51903,0 +51904,0 +51905,0 +51906,0 +51907,0 +51908,0 +51909,0 +51910,0 +51911,0 +51912,0 +51913,0 +51914,0 +51915,0 +51916,35 +51917,35 +51918,35 +51919,35 +51920,35 +51921,35 +51922,35 +51923,36 +51924,36 +51925,36 +51926,36 +51927,36 +51928,36 +51929,36 +51930,36 +51931,36 +51932,36 +51933,36 +51934,36 +51935,36 +51936,36 +51937,36 +51938,36 +51939,36 +51940,24 +51941,24 +51942,23 +51943,23 +51944,23 +51945,23 +51946,24 +51947,23 +51948,24 +51949,24 +51950,24 +51951,24 +51952,4 +51953,4 +51954,4 +51955,4 +51956,4 +51957,4 +51958,4 +51959,4 +51960,4 +51961,4 +51962,4 +51963,4 +51964,4 +51965,3 +51966,3 +51967,3 +51968,3 +51969,3 +51970,3 +51971,3 +51972,3 +51973,3 +51974,3 +51975,28 +51976,28 +51977,28 +51978,28 +51979,28 +51980,28 +51981,28 +51982,28 +51983,28 +51984,28 +51985,31 +51986,31 +51987,31 +51988,31 +51989,31 +51990,31 +51991,31 +51992,36 +51993,30 +51994,30 +51995,16 +51996,16 +51997,16 +51998,16 +51999,16 +52000,16 +52001,16 +52002,16 +52003,16 +52004,16 +52005,6 +52006,4 +52007,4 +52008,16 +52009,29 +52010,29 +52011,27 +52012,5 +52013,27 +52014,27 +52015,27 +52016,39 +52017,39 +52018,21 +52019,21 +52020,21 +52021,21 +52022,21 +52023,21 +52024,21 +52025,30 +52026,40 +52027,40 +52028,40 +52029,40 +52030,40 +52031,40 +52032,40 +52033,40 +52034,40 +52035,40 +52036,40 +52037,40 +52038,6 +52039,6 +52040,6 +52041,6 +52042,6 +52043,6 +52044,4 +52045,6 +52046,6 +52047,6 +52048,6 +52049,6 +52050,4 +52051,4 +52052,4 +52053,4 +52054,27 +52055,27 +52056,27 +52057,27 +52058,27 +52059,27 +52060,4 +52061,4 +52062,4 +52063,4 +52064,4 +52065,4 +52066,4 +52067,4 +52068,4 +52069,4 +52070,4 +52071,23 +52072,23 +52073,23 +52074,23 +52075,23 +52076,23 +52077,23 +52078,23 +52079,23 +52080,23 +52081,23 +52082,23 +52083,23 +52084,23 +52085,23 +52086,23 +52087,23 +52088,23 +52089,23 +52090,23 +52091,23 +52092,23 +52093,9 +52094,9 +52095,9 +52096,9 +52097,9 +52098,9 +52099,9 +52100,9 +52101,9 +52102,9 +52103,9 +52104,9 +52105,9 +52106,9 +52107,9 +52108,34 +52109,34 +52110,34 +52111,34 +52112,34 +52113,34 +52114,37 +52115,37 +52116,37 +52117,37 +52118,37 +52119,37 +52120,37 +52121,28 +52122,28 +52123,28 +52124,28 +52125,28 +52126,28 +52127,28 +52128,28 +52129,28 +52130,28 +52131,28 +52132,28 +52133,28 +52134,28 +52135,28 +52136,28 +52137,28 +52138,28 +52139,28 +52140,28 +52141,28 +52142,28 +52143,5 +52144,31 +52145,31 +52146,31 +52147,31 +52148,31 +52149,31 +52150,31 +52151,31 +52152,31 +52153,31 +52154,31 +52155,5 +52156,5 +52157,5 +52158,5 +52159,19 +52160,5 +52161,5 +52162,5 +52163,2 +52164,2 +52165,2 +52166,2 +52167,2 +52168,2 +52169,2 +52170,2 +52171,2 +52172,2 +52173,2 +52174,2 +52175,2 +52176,2 +52177,2 +52178,2 +52179,2 +52180,2 +52181,2 +52182,4 +52183,4 +52184,4 +52185,4 +52186,4 +52187,4 +52188,4 +52189,26 +52190,26 +52191,10 +52192,10 +52193,10 +52194,10 +52195,10 +52196,10 +52197,10 +52198,10 +52199,10 +52200,10 +52201,34 +52202,34 +52203,34 +52204,34 +52205,34 +52206,34 +52207,10 +52208,10 +52209,10 +52210,30 +52211,30 +52212,30 +52213,30 +52214,30 +52215,30 +52216,30 +52217,30 +52218,30 +52219,30 +52220,30 +52221,30 +52222,30 +52223,30 +52224,30 +52225,30 +52226,30 +52227,30 +52228,33 +52229,0 +52230,0 +52231,0 +52232,0 +52233,0 +52234,0 +52235,0 +52236,0 +52237,0 +52238,0 +52239,0 +52240,0 +52241,0 +52242,0 +52243,0 +52244,0 +52245,0 +52246,0 +52247,0 +52248,0 +52249,0 +52250,0 +52251,0 +52252,0 +52253,0 +52254,0 +52255,0 +52256,0 +52257,0 +52258,0 +52259,0 +52260,0 +52261,0 +52262,0 +52263,0 +52264,0 +52265,0 +52266,0 +52267,0 +52268,0 +52269,0 +52270,0 +52271,0 +52272,0 +52273,0 +52274,0 +52275,0 +52276,0 +52277,0 +52278,0 +52279,0 +52280,0 +52281,0 +52282,0 +52283,0 +52284,0 +52285,0 +52286,0 +52287,0 +52288,0 +52289,0 +52290,0 +52291,0 +52292,0 +52293,0 +52294,0 +52295,0 +52296,0 +52297,0 +52298,0 +52299,0 +52300,0 +52301,0 +52302,0 +52303,0 +52304,0 +52305,0 +52306,0 +52307,0 +52308,0 +52309,0 +52310,0 +52311,0 +52312,0 +52313,0 +52314,0 +52315,0 +52316,0 +52317,0 +52318,0 +52319,0 +52320,27 +52321,27 +52322,27 +52323,27 +52324,27 +52325,27 +52326,27 +52327,27 +52328,27 +52329,27 +52330,27 +52331,5 +52332,5 +52333,5 +52334,5 +52335,5 +52336,5 +52337,24 +52338,24 +52339,24 +52340,24 +52341,24 +52342,24 +52343,24 +52344,24 +52345,24 +52346,24 +52347,14 +52348,14 +52349,14 +52350,14 +52351,14 +52352,14 +52353,14 +52354,14 +52355,14 +52356,14 +52357,14 +52358,14 +52359,14 +52360,14 +52361,14 +52362,14 +52363,14 +52364,14 +52365,5 +52366,5 +52367,5 +52368,5 +52369,5 +52370,5 +52371,5 +52372,5 +52373,11 +52374,11 +52375,11 +52376,11 +52377,11 +52378,11 +52379,11 +52380,11 +52381,11 +52382,31 +52383,31 +52384,31 +52385,31 +52386,31 +52387,30 +52388,30 +52389,30 +52390,30 +52391,30 +52392,30 +52393,30 +52394,10 +52395,10 +52396,10 +52397,10 +52398,10 +52399,10 +52400,35 +52401,35 +52402,35 +52403,35 +52404,35 +52405,36 +52406,36 +52407,36 +52408,36 +52409,36 +52410,24 +52411,24 +52412,24 +52413,24 +52414,24 +52415,24 +52416,4 +52417,4 +52418,4 +52419,4 +52420,4 +52421,4 +52422,4 +52423,4 +52424,4 +52425,4 +52426,4 +52427,37 +52428,37 +52429,37 +52430,37 +52431,34 +52432,34 +52433,34 +52434,34 +52435,34 +52436,34 +52437,34 +52438,34 +52439,34 +52440,10 +52441,10 +52442,10 +52443,10 +52444,10 +52445,10 +52446,10 +52447,10 +52448,4 +52449,18 +52450,4 +52451,4 +52452,4 +52453,4 +52454,4 +52455,4 +52456,4 +52457,18 +52458,18 +52459,27 +52460,19 +52461,19 +52462,19 +52463,18 +52464,18 +52465,19 +52466,18 +52467,18 +52468,3 +52469,3 +52470,3 +52471,3 +52472,3 +52473,3 +52474,3 +52475,3 +52476,3 +52477,3 +52478,3 +52479,15 +52480,15 +52481,15 +52482,15 +52483,15 +52484,15 +52485,15 +52486,24 +52487,40 +52488,40 +52489,40 +52490,40 +52491,40 +52492,40 +52493,40 +52494,40 +52495,40 +52496,40 +52497,40 +52498,4 +52499,4 +52500,4 +52501,4 +52502,4 +52503,4 +52504,4 +52505,4 +52506,25 +52507,25 +52508,25 +52509,25 +52510,25 +52511,25 +52512,25 +52513,25 +52514,25 +52515,25 +52516,25 +52517,37 +52518,37 +52519,37 +52520,37 +52521,37 +52522,25 +52523,25 +52524,0 +52525,0 +52526,0 +52527,0 +52528,0 +52529,0 +52530,0 +52531,0 +52532,0 +52533,0 +52534,0 +52535,0 +52536,0 +52537,0 +52538,0 +52539,0 +52540,0 +52541,0 +52542,0 +52543,0 +52544,0 +52545,0 +52546,0 +52547,0 +52548,0 +52549,0 +52550,0 +52551,0 +52552,0 +52553,0 +52554,0 +52555,0 +52556,0 +52557,0 +52558,0 +52559,0 +52560,0 +52561,0 +52562,0 +52563,0 +52564,0 +52565,0 +52566,0 +52567,0 +52568,0 +52569,0 +52570,0 +52571,0 +52572,0 +52573,0 +52574,0 +52575,0 +52576,0 +52577,0 +52578,0 +52579,0 +52580,5 +52581,5 +52582,5 +52583,5 +52584,5 +52585,5 +52586,5 +52587,5 +52588,5 +52589,5 +52590,5 +52591,27 +52592,27 +52593,27 +52594,27 +52595,27 +52596,3 +52597,3 +52598,3 +52599,3 +52600,4 +52601,4 +52602,4 +52603,4 +52604,4 +52605,4 +52606,4 +52607,4 +52608,4 +52609,25 +52610,25 +52611,25 +52612,25 +52613,25 +52614,25 +52615,25 +52616,25 +52617,25 +52618,25 +52619,25 +52620,25 +52621,25 +52622,25 +52623,25 +52624,25 +52625,25 +52626,37 +52627,37 +52628,37 +52629,37 +52630,37 +52631,37 +52632,37 +52633,37 +52634,39 +52635,39 +52636,39 +52637,39 +52638,39 +52639,27 +52640,39 +52641,39 +52642,32 +52643,32 +52644,32 +52645,32 +52646,32 +52647,32 +52648,32 +52649,32 +52650,33 +52651,17 +52652,33 +52653,33 +52654,33 +52655,33 +52656,33 +52657,33 +52658,33 +52659,33 +52660,33 +52661,33 +52662,33 +52663,33 +52664,33 +52665,32 +52666,32 +52667,32 +52668,32 +52669,32 +52670,32 +52671,32 +52672,31 +52673,31 +52674,31 +52675,31 +52676,31 +52677,5 +52678,5 +52679,5 +52680,19 +52681,19 +52682,19 +52683,19 +52684,19 +52685,19 +52686,19 +52687,23 +52688,23 +52689,23 +52690,23 +52691,23 +52692,23 +52693,23 +52694,23 +52695,23 +52696,23 +52697,23 +52698,23 +52699,14 +52700,14 +52701,14 +52702,14 +52703,14 +52704,14 +52705,14 +52706,14 +52707,14 +52708,14 +52709,14 +52710,14 +52711,14 +52712,14 +52713,14 +52714,14 +52715,14 +52716,14 +52717,14 +52718,14 +52719,14 +52720,38 +52721,38 +52722,38 +52723,38 +52724,38 +52725,38 +52726,38 +52727,38 +52728,38 +52729,38 +52730,23 +52731,38 +52732,38 +52733,31 +52734,38 +52735,38 +52736,38 +52737,38 +52738,34 +52739,34 +52740,34 +52741,34 +52742,10 +52743,34 +52744,34 +52745,34 +52746,34 +52747,35 +52748,35 +52749,35 +52750,35 +52751,36 +52752,36 +52753,36 +52754,35 +52755,35 +52756,36 +52757,36 +52758,36 +52759,36 +52760,36 +52761,36 +52762,36 +52763,36 +52764,36 +52765,36 +52766,36 +52767,23 +52768,23 +52769,23 +52770,23 +52771,23 +52772,23 +52773,23 +52774,23 +52775,23 +52776,5 +52777,5 +52778,5 +52779,5 +52780,5 +52781,5 +52782,5 +52783,5 +52784,5 +52785,5 +52786,5 +52787,5 +52788,5 +52789,5 +52790,5 +52791,5 +52792,26 +52793,26 +52794,26 +52795,26 +52796,26 +52797,26 +52798,26 +52799,26 +52800,26 +52801,26 +52802,5 +52803,5 +52804,5 +52805,5 +52806,5 +52807,28 +52808,28 +52809,28 +52810,28 +52811,28 +52812,28 +52813,28 +52814,28 +52815,28 +52816,28 +52817,28 +52818,28 +52819,28 +52820,5 +52821,5 +52822,5 +52823,0 +52824,0 +52825,0 +52826,0 +52827,0 +52828,0 +52829,0 +52830,0 +52831,0 +52832,0 +52833,0 +52834,0 +52835,0 +52836,0 +52837,0 +52838,0 +52839,0 +52840,0 +52841,0 +52842,0 +52843,0 +52844,0 +52845,0 +52846,0 +52847,0 +52848,0 +52849,0 +52850,0 +52851,0 +52852,0 +52853,0 +52854,0 +52855,0 +52856,0 +52857,0 +52858,0 +52859,0 +52860,0 +52861,0 +52862,0 +52863,0 +52864,0 +52865,0 +52866,0 +52867,0 +52868,0 +52869,0 +52870,0 +52871,0 +52872,0 +52873,0 +52874,0 +52875,0 +52876,0 +52877,0 +52878,0 +52879,0 +52880,0 +52881,0 +52882,0 +52883,0 +52884,0 +52885,0 +52886,0 +52887,0 +52888,0 +52889,0 +52890,0 +52891,0 +52892,0 +52893,0 +52894,0 +52895,0 +52896,32 +52897,32 +52898,32 +52899,32 +52900,32 +52901,32 +52902,32 +52903,32 +52904,32 +52905,37 +52906,37 +52907,37 +52908,37 +52909,40 +52910,40 +52911,40 +52912,40 +52913,40 +52914,8 +52915,8 +52916,8 +52917,8 +52918,8 +52919,8 +52920,31 +52921,31 +52922,31 +52923,31 +52924,31 +52925,31 +52926,4 +52927,4 +52928,30 +52929,30 +52930,4 +52931,4 +52932,30 +52933,30 +52934,30 +52935,30 +52936,30 +52937,30 +52938,39 +52939,39 +52940,39 +52941,39 +52942,39 +52943,39 +52944,10 +52945,10 +52946,10 +52947,10 +52948,10 +52949,10 +52950,10 +52951,10 +52952,10 +52953,10 +52954,10 +52955,10 +52956,2 +52957,2 +52958,2 +52959,2 +52960,2 +52961,2 +52962,2 +52963,2 +52964,2 +52965,2 +52966,2 +52967,2 +52968,33 +52969,9 +52970,9 +52971,33 +52972,33 +52973,33 +52974,33 +52975,30 +52976,30 +52977,30 +52978,30 +52979,30 +52980,30 +52981,30 +52982,30 +52983,30 +52984,30 +52985,39 +52986,39 +52987,39 +52988,39 +52989,39 +52990,39 +52991,39 +52992,39 +52993,39 +52994,31 +52995,31 +52996,31 +52997,31 +52998,31 +52999,31 +53000,31 +53001,13 +53002,13 +53003,13 +53004,13 +53005,13 +53006,13 +53007,13 +53008,13 +53009,28 +53010,28 +53011,28 +53012,28 +53013,28 +53014,28 +53015,28 +53016,28 +53017,36 +53018,36 +53019,36 +53020,36 +53021,36 +53022,36 +53023,36 +53024,36 +53025,36 +53026,36 +53027,5 +53028,5 +53029,5 +53030,31 +53031,31 +53032,27 +53033,27 +53034,27 +53035,27 +53036,31 +53037,31 +53038,21 +53039,21 +53040,21 +53041,21 +53042,21 +53043,21 +53044,21 +53045,21 +53046,40 +53047,40 +53048,40 +53049,40 +53050,40 +53051,40 +53052,40 +53053,40 +53054,40 +53055,40 +53056,40 +53057,40 +53058,40 +53059,40 +53060,40 +53061,40 +53062,40 +53063,36 +53064,36 +53065,36 +53066,5 +53067,5 +53068,5 +53069,5 +53070,5 +53071,5 +53072,5 +53073,5 +53074,5 +53075,5 +53076,12 +53077,12 +53078,12 +53079,12 +53080,12 +53081,12 +53082,27 +53083,27 +53084,27 +53085,38 +53086,38 +53087,38 +53088,38 +53089,2 +53090,2 +53091,2 +53092,2 +53093,2 +53094,2 +53095,2 +53096,2 +53097,2 +53098,31 +53099,31 +53100,31 +53101,31 +53102,31 +53103,28 +53104,28 +53105,28 +53106,28 +53107,28 +53108,25 +53109,4 +53110,4 +53111,4 +53112,4 +53113,4 +53114,4 +53115,4 +53116,4 +53117,4 +53118,4 +53119,4 +53120,4 +53121,4 +53122,9 +53123,9 +53124,9 +53125,9 +53126,9 +53127,9 +53128,30 +53129,30 +53130,30 +53131,30 +53132,9 +53133,9 +53134,9 +53135,30 +53136,30 +53137,30 +53138,30 +53139,8 +53140,8 +53141,8 +53142,8 +53143,8 +53144,8 +53145,8 +53146,31 +53147,31 +53148,31 +53149,31 +53150,31 +53151,5 +53152,5 +53153,5 +53154,5 +53155,31 +53156,31 +53157,31 +53158,31 +53159,31 +53160,31 +53161,31 +53162,31 +53163,8 +53164,8 +53165,8 +53166,8 +53167,8 +53168,8 +53169,8 +53170,8 +53171,35 +53172,35 +53173,35 +53174,35 +53175,35 +53176,36 +53177,36 +53178,36 +53179,36 +53180,36 +53181,36 +53182,36 +53183,36 +53184,36 +53185,36 +53186,36 +53187,36 +53188,36 +53189,36 +53190,36 +53191,36 +53192,36 +53193,36 +53194,36 +53195,5 +53196,5 +53197,5 +53198,5 +53199,5 +53200,5 +53201,5 +53202,5 +53203,5 +53204,5 +53205,5 +53206,0 +53207,0 +53208,0 +53209,0 +53210,0 +53211,0 +53212,0 +53213,0 +53214,0 +53215,0 +53216,0 +53217,0 +53218,0 +53219,0 +53220,0 +53221,0 +53222,0 +53223,0 +53224,0 +53225,0 +53226,0 +53227,0 +53228,0 +53229,0 +53230,0 +53231,0 +53232,0 +53233,0 +53234,0 +53235,0 +53236,0 +53237,0 +53238,0 +53239,0 +53240,0 +53241,0 +53242,0 +53243,6 +53244,6 +53245,6 +53246,6 +53247,6 +53248,6 +53249,6 +53250,6 +53251,6 +53252,37 +53253,37 +53254,37 +53255,37 +53256,37 +53257,9 +53258,9 +53259,26 +53260,26 +53261,26 +53262,26 +53263,26 +53264,2 +53265,2 +53266,2 +53267,2 +53268,2 +53269,2 +53270,2 +53271,2 +53272,2 +53273,2 +53274,2 +53275,2 +53276,29 +53277,29 +53278,2 +53279,31 +53280,31 +53281,31 +53282,31 +53283,31 +53284,23 +53285,23 +53286,23 +53287,23 +53288,23 +53289,23 +53290,23 +53291,23 +53292,23 +53293,39 +53294,39 +53295,39 +53296,39 +53297,39 +53298,39 +53299,39 +53300,39 +53301,39 +53302,39 +53303,39 +53304,39 +53305,30 +53306,30 +53307,30 +53308,30 +53309,30 +53310,17 +53311,17 +53312,17 +53313,30 +53314,30 +53315,15 +53316,15 +53317,15 +53318,15 +53319,15 +53320,15 +53321,15 +53322,15 +53323,39 +53324,39 +53325,39 +53326,39 +53327,39 +53328,35 +53329,35 +53330,35 +53331,35 +53332,35 +53333,35 +53334,35 +53335,10 +53336,10 +53337,10 +53338,10 +53339,10 +53340,10 +53341,10 +53342,10 +53343,10 +53344,10 +53345,34 +53346,5 +53347,5 +53348,5 +53349,5 +53350,5 +53351,5 +53352,19 +53353,19 +53354,19 +53355,29 +53356,29 +53357,31 +53358,31 +53359,31 +53360,31 +53361,31 +53362,6 +53363,6 +53364,6 +53365,6 +53366,6 +53367,6 +53368,6 +53369,6 +53370,6 +53371,6 +53372,6 +53373,26 +53374,26 +53375,26 +53376,26 +53377,26 +53378,26 +53379,26 +53380,26 +53381,26 +53382,26 +53383,26 +53384,26 +53385,26 +53386,26 +53387,4 +53388,4 +53389,4 +53390,27 +53391,27 +53392,27 +53393,27 +53394,27 +53395,27 +53396,27 +53397,18 +53398,18 +53399,18 +53400,18 +53401,18 +53402,18 +53403,18 +53404,18 +53405,18 +53406,18 +53407,18 +53408,18 +53409,18 +53410,18 +53411,18 +53412,18 +53413,18 +53414,18 +53415,0 +53416,0 +53417,18 +53418,0 +53419,0 +53420,0 +53421,0 +53422,0 +53423,0 +53424,0 +53425,0 +53426,0 +53427,0 +53428,0 +53429,0 +53430,0 +53431,0 +53432,0 +53433,0 +53434,0 +53435,0 +53436,0 +53437,0 +53438,0 +53439,0 +53440,0 +53441,0 +53442,0 +53443,0 +53444,0 +53445,0 +53446,0 +53447,0 +53448,0 +53449,0 +53450,0 +53451,0 +53452,0 +53453,0 +53454,0 +53455,0 +53456,0 +53457,0 +53458,31 +53459,31 +53460,31 +53461,31 +53462,31 +53463,31 +53464,31 +53465,31 +53466,31 +53467,31 +53468,31 +53469,15 +53470,15 +53471,15 +53472,15 +53473,15 +53474,15 +53475,15 +53476,26 +53477,26 +53478,26 +53479,26 +53480,9 +53481,9 +53482,26 +53483,26 +53484,9 +53485,9 +53486,9 +53487,30 +53488,30 +53489,23 +53490,23 +53491,23 +53492,9 +53493,9 +53494,9 +53495,9 +53496,9 +53497,9 +53498,9 +53499,9 +53500,9 +53501,9 +53502,9 +53503,9 +53504,9 +53505,9 +53506,9 +53507,9 +53508,9 +53509,9 +53510,9 +53511,30 +53512,30 +53513,30 +53514,30 +53515,30 +53516,30 +53517,12 +53518,12 +53519,12 +53520,12 +53521,12 +53522,12 +53523,30 +53524,31 +53525,31 +53526,31 +53527,31 +53528,31 +53529,2 +53530,2 +53531,2 +53532,2 +53533,2 +53534,2 +53535,2 +53536,31 +53537,31 +53538,31 +53539,31 +53540,31 +53541,31 +53542,27 +53543,2 +53544,2 +53545,2 +53546,2 +53547,2 +53548,2 +53549,2 +53550,2 +53551,2 +53552,2 +53553,2 +53554,40 +53555,40 +53556,40 +53557,40 +53558,40 +53559,40 +53560,5 +53561,5 +53562,5 +53563,5 +53564,5 +53565,5 +53566,4 +53567,4 +53568,4 +53569,4 +53570,4 +53571,4 +53572,4 +53573,4 +53574,27 +53575,27 +53576,31 +53577,31 +53578,31 +53579,31 +53580,4 +53581,32 +53582,32 +53583,32 +53584,32 +53585,32 +53586,32 +53587,32 +53588,32 +53589,32 +53590,32 +53591,27 +53592,27 +53593,27 +53594,27 +53595,27 +53596,27 +53597,37 +53598,37 +53599,37 +53600,37 +53601,37 +53602,37 +53603,37 +53604,37 +53605,37 +53606,37 +53607,37 +53608,27 +53609,27 +53610,27 +53611,27 +53612,27 +53613,13 +53614,13 +53615,13 +53616,13 +53617,13 +53618,27 +53619,27 +53620,27 +53621,27 +53622,27 +53623,27 +53624,14 +53625,14 +53626,14 +53627,6 +53628,6 +53629,6 +53630,6 +53631,6 +53632,6 +53633,6 +53634,6 +53635,6 +53636,6 +53637,6 +53638,6 +53639,6 +53640,6 +53641,7 +53642,7 +53643,7 +53644,7 +53645,7 +53646,3 +53647,3 +53648,3 +53649,3 +53650,3 +53651,3 +53652,3 +53653,30 +53654,3 +53655,3 +53656,3 +53657,3 +53658,3 +53659,3 +53660,4 +53661,5 +53662,4 +53663,19 +53664,19 +53665,19 +53666,19 +53667,19 +53668,19 +53669,19 +53670,4 +53671,0 +53672,0 +53673,0 +53674,0 +53675,0 +53676,0 +53677,0 +53678,0 +53679,0 +53680,0 +53681,0 +53682,0 +53683,0 +53684,0 +53685,0 +53686,0 +53687,0 +53688,0 +53689,0 +53690,0 +53691,0 +53692,0 +53693,0 +53694,0 +53695,0 +53696,0 +53697,0 +53698,0 +53699,0 +53700,0 +53701,0 +53702,0 +53703,0 +53704,0 +53705,0 +53706,0 +53707,10 +53708,10 +53709,10 +53710,10 +53711,10 +53712,10 +53713,10 +53714,10 +53715,10 +53716,10 +53717,10 +53718,10 +53719,10 +53720,10 +53721,10 +53722,10 +53723,10 +53724,35 +53725,35 +53726,35 +53727,35 +53728,35 +53729,35 +53730,35 +53731,35 +53732,35 +53733,35 +53734,35 +53735,35 +53736,25 +53737,25 +53738,25 +53739,25 +53740,25 +53741,25 +53742,25 +53743,25 +53744,25 +53745,25 +53746,25 +53747,25 +53748,25 +53749,19 +53750,19 +53751,19 +53752,19 +53753,19 +53754,19 +53755,9 +53756,9 +53757,9 +53758,9 +53759,9 +53760,9 +53761,9 +53762,9 +53763,9 +53764,9 +53765,9 +53766,9 +53767,9 +53768,9 +53769,9 +53770,9 +53771,9 +53772,9 +53773,9 +53774,9 +53775,30 +53776,30 +53777,30 +53778,30 +53779,30 +53780,30 +53781,30 +53782,38 +53783,38 +53784,38 +53785,38 +53786,38 +53787,38 +53788,38 +53789,38 +53790,38 +53791,38 +53792,38 +53793,38 +53794,27 +53795,27 +53796,27 +53797,27 +53798,27 +53799,27 +53800,13 +53801,14 +53802,14 +53803,14 +53804,28 +53805,28 +53806,28 +53807,28 +53808,28 +53809,28 +53810,28 +53811,28 +53812,28 +53813,28 +53814,5 +53815,5 +53816,5 +53817,5 +53818,5 +53819,5 +53820,5 +53821,5 +53822,8 +53823,8 +53824,8 +53825,8 +53826,8 +53827,8 +53828,2 +53829,2 +53830,2 +53831,2 +53832,2 +53833,2 +53834,27 +53835,27 +53836,27 +53837,27 +53838,27 +53839,27 +53840,40 +53841,5 +53842,5 +53843,5 +53844,5 +53845,5 +53846,5 +53847,5 +53848,5 +53849,5 +53850,5 +53851,35 +53852,35 +53853,35 +53854,35 +53855,35 +53856,35 +53857,35 +53858,35 +53859,35 +53860,35 +53861,35 +53862,35 +53863,36 +53864,36 +53865,36 +53866,36 +53867,36 +53868,36 +53869,36 +53870,5 +53871,5 +53872,5 +53873,5 +53874,5 +53875,5 +53876,24 +53877,27 +53878,27 +53879,27 +53880,3 +53881,28 +53882,5 +53883,5 +53884,5 +53885,5 +53886,5 +53887,5 +53888,5 +53889,5 +53890,5 +53891,5 +53892,5 +53893,5 +53894,5 +53895,5 +53896,5 +53897,5 +53898,5 +53899,0 +53900,0 +53901,0 +53902,0 +53903,0 +53904,0 +53905,0 +53906,0 +53907,0 +53908,0 +53909,0 +53910,0 +53911,0 +53912,0 +53913,0 +53914,0 +53915,0 +53916,0 +53917,0 +53918,0 +53919,0 +53920,0 +53921,0 +53922,0 +53923,0 +53924,0 +53925,0 +53926,0 +53927,0 +53928,0 +53929,0 +53930,0 +53931,0 +53932,0 +53933,27 +53934,27 +53935,27 +53936,27 +53937,27 +53938,27 +53939,27 +53940,27 +53941,27 +53942,27 +53943,27 +53944,27 +53945,27 +53946,27 +53947,27 +53948,27 +53949,8 +53950,8 +53951,8 +53952,8 +53953,8 +53954,8 +53955,8 +53956,8 +53957,8 +53958,8 +53959,5 +53960,5 +53961,5 +53962,5 +53963,5 +53964,5 +53965,5 +53966,5 +53967,5 +53968,5 +53969,26 +53970,26 +53971,26 +53972,26 +53973,26 +53974,26 +53975,26 +53976,26 +53977,26 +53978,26 +53979,26 +53980,26 +53981,26 +53982,26 +53983,26 +53984,4 +53985,4 +53986,4 +53987,4 +53988,4 +53989,8 +53990,8 +53991,8 +53992,8 +53993,8 +53994,8 +53995,8 +53996,8 +53997,8 +53998,27 +53999,27 +54000,37 +54001,37 +54002,37 +54003,37 +54004,37 +54005,37 +54006,24 +54007,24 +54008,24 +54009,24 +54010,14 +54011,14 +54012,14 +54013,14 +54014,14 +54015,14 +54016,14 +54017,14 +54018,14 +54019,14 +54020,14 +54021,14 +54022,14 +54023,11 +54024,11 +54025,11 +54026,11 +54027,11 +54028,11 +54029,11 +54030,11 +54031,11 +54032,11 +54033,11 +54034,11 +54035,31 +54036,31 +54037,31 +54038,31 +54039,5 +54040,5 +54041,5 +54042,5 +54043,5 +54044,28 +54045,28 +54046,28 +54047,28 +54048,28 +54049,2 +54050,2 +54051,2 +54052,2 +54053,2 +54054,2 +54055,2 +54056,2 +54057,2 +54058,2 +54059,2 +54060,2 +54061,27 +54062,27 +54063,27 +54064,27 +54065,27 +54066,27 +54067,27 +54068,27 +54069,27 +54070,27 +54071,30 +54072,30 +54073,30 +54074,30 +54075,33 +54076,33 +54077,33 +54078,33 +54079,3 +54080,3 +54081,19 +54082,19 +54083,19 +54084,19 +54085,4 +54086,37 +54087,37 +54088,37 +54089,31 +54090,25 +54091,25 +54092,25 +54093,25 +54094,37 +54095,37 +54096,37 +54097,25 +54098,25 +54099,25 +54100,25 +54101,27 +54102,27 +54103,27 +54104,27 +54105,27 +54106,27 +54107,27 +54108,27 +54109,6 +54110,6 +54111,6 +54112,6 +54113,6 +54114,6 +54115,6 +54116,6 +54117,6 +54118,6 +54119,6 +54120,6 +54121,12 +54122,17 +54123,30 +54124,30 +54125,30 +54126,30 +54127,30 +54128,30 +54129,39 +54130,39 +54131,39 +54132,39 +54133,39 +54134,39 +54135,39 +54136,39 +54137,39 +54138,39 +54139,31 +54140,31 +54141,31 +54142,31 +54143,31 +54144,31 +54145,10 +54146,23 +54147,23 +54148,23 +54149,23 +54150,23 +54151,23 +54152,23 +54153,23 +54154,23 +54155,23 +54156,23 +54157,23 +54158,23 +54159,23 +54160,23 +54161,23 +54162,23 +54163,23 +54164,36 +54165,36 +54166,36 +54167,36 +54168,36 +54169,36 +54170,36 +54171,36 +54172,5 +54173,5 +54174,5 +54175,5 +54176,5 +54177,5 +54178,5 +54179,5 +54180,5 +54181,5 +54182,2 +54183,2 +54184,2 +54185,2 +54186,2 +54187,2 +54188,2 +54189,2 +54190,2 +54191,2 +54192,31 +54193,2 +54194,27 +54195,27 +54196,27 +54197,27 +54198,27 +54199,27 +54200,27 +54201,27 +54202,27 +54203,27 +54204,24 +54205,24 +54206,24 +54207,24 +54208,24 +54209,24 +54210,24 +54211,24 +54212,40 +54213,40 +54214,40 +54215,40 +54216,40 +54217,40 +54218,40 +54219,40 +54220,36 +54221,36 +54222,36 +54223,40 +54224,40 +54225,40 +54226,40 +54227,40 +54228,36 +54229,36 +54230,8 +54231,2 +54232,2 +54233,2 +54234,8 +54235,8 +54236,8 +54237,8 +54238,8 +54239,4 +54240,4 +54241,4 +54242,4 +54243,4 +54244,4 +54245,4 +54246,4 +54247,33 +54248,33 +54249,33 +54250,33 +54251,33 +54252,33 +54253,33 +54254,33 +54255,33 +54256,33 +54257,33 +54258,33 +54259,33 +54260,33 +54261,33 +54262,33 +54263,33 +54264,33 +54265,33 +54266,33 +54267,3 +54268,36 +54269,36 +54270,34 +54271,34 +54272,34 +54273,34 +54274,34 +54275,34 +54276,34 +54277,34 +54278,34 +54279,34 +54280,34 +54281,34 +54282,34 +54283,34 +54284,34 +54285,34 +54286,34 +54287,34 +54288,34 +54289,34 +54290,34 +54291,34 +54292,33 +54293,33 +54294,28 +54295,28 +54296,28 +54297,28 +54298,28 +54299,28 +54300,39 +54301,39 +54302,39 +54303,39 +54304,39 +54305,39 +54306,39 +54307,39 +54308,39 +54309,39 +54310,39 +54311,39 +54312,39 +54313,39 +54314,39 +54315,39 +54316,39 +54317,39 +54318,39 +54319,15 +54320,15 +54321,15 +54322,15 +54323,15 +54324,15 +54325,15 +54326,15 +54327,15 +54328,31 +54329,31 +54330,31 +54331,31 +54332,31 +54333,31 +54334,31 +54335,31 +54336,4 +54337,4 +54338,4 +54339,4 +54340,4 +54341,4 +54342,4 +54343,4 +54344,4 +54345,12 +54346,12 +54347,12 +54348,12 +54349,12 +54350,12 +54351,12 +54352,12 +54353,12 +54354,12 +54355,12 +54356,12 +54357,31 +54358,31 +54359,31 +54360,31 +54361,31 +54362,5 +54363,5 +54364,5 +54365,5 +54366,5 +54367,5 +54368,5 +54369,5 +54370,5 +54371,13 +54372,5 +54373,5 +54374,28 +54375,28 +54376,28 +54377,10 +54378,10 +54379,10 +54380,10 +54381,10 +54382,10 +54383,10 +54384,10 +54385,10 +54386,10 +54387,10 +54388,10 +54389,10 +54390,5 +54391,5 +54392,5 +54393,5 +54394,5 +54395,31 +54396,31 +54397,31 +54398,31 +54399,31 +54400,24 +54401,24 +54402,24 +54403,24 +54404,24 +54405,24 +54406,24 +54407,24 +54408,24 +54409,6 +54410,6 +54411,6 +54412,6 +54413,6 +54414,6 +54415,6 +54416,6 +54417,6 +54418,6 +54419,6 +54420,6 +54421,6 +54422,6 +54423,6 +54424,26 +54425,26 +54426,26 +54427,26 +54428,26 +54429,26 +54430,26 +54431,26 +54432,26 +54433,5 +54434,5 +54435,5 +54436,5 +54437,5 +54438,5 +54439,5 +54440,5 +54441,5 +54442,5 +54443,5 +54444,5 +54445,19 +54446,19 +54447,19 +54448,19 +54449,33 +54450,33 +54451,33 +54452,33 +54453,33 +54454,33 +54455,33 +54456,33 +54457,33 +54458,33 +54459,33 +54460,33 +54461,0 +54462,32 +54463,32 +54464,32 +54465,32 +54466,4 +54467,4 +54468,0 +54469,0 +54470,0 +54471,0 +54472,4 +54473,4 +54474,4 +54475,4 +54476,4 +54477,4 +54478,4 +54479,4 +54480,4 +54481,4 +54482,4 +54483,4 +54484,4 +54485,4 +54486,4 +54487,4 +54488,0 +54489,0 +54490,0 +54491,0 +54492,0 +54493,0 +54494,0 +54495,0 +54496,0 +54497,0 +54498,0 +54499,0 +54500,0 +54501,0 +54502,0 +54503,0 +54504,0 +54505,0 +54506,0 +54507,0 +54508,0 +54509,0 +54510,0 +54511,0 +54512,0 +54513,0 +54514,0 +54515,0 +54516,0 +54517,0 +54518,0 +54519,0 +54520,0 +54521,0 +54522,0 +54523,0 +54524,0 +54525,0 +54526,0 +54527,0 +54528,0 +54529,0 +54530,0 +54531,0 +54532,0 +54533,0 +54534,0 +54535,0 +54536,0 +54537,0 +54538,0 +54539,0 +54540,0 +54541,0 +54542,0 +54543,0 +54544,0 +54545,0 +54546,0 +54547,0 +54548,0 +54549,12 +54550,12 +54551,12 +54552,12 +54553,31 +54554,31 +54555,31 +54556,31 +54557,8 +54558,8 +54559,8 +54560,8 +54561,8 +54562,8 +54563,8 +54564,8 +54565,27 +54566,27 +54567,27 +54568,27 +54569,27 +54570,13 +54571,13 +54572,13 +54573,13 +54574,21 +54575,21 +54576,21 +54577,21 +54578,21 +54579,21 +54580,21 +54581,14 +54582,14 +54583,14 +54584,14 +54585,14 +54586,14 +54587,14 +54588,14 +54589,27 +54590,14 +54591,14 +54592,14 +54593,24 +54594,23 +54595,23 +54596,18 +54597,18 +54598,18 +54599,18 +54600,23 +54601,23 +54602,19 +54603,19 +54604,19 +54605,18 +54606,31 +54607,31 +54608,31 +54609,27 +54610,31 +54611,31 +54612,5 +54613,5 +54614,5 +54615,5 +54616,6 +54617,6 +54618,6 +54619,6 +54620,6 +54621,6 +54622,6 +54623,6 +54624,6 +54625,6 +54626,6 +54627,26 +54628,26 +54629,26 +54630,26 +54631,26 +54632,26 +54633,26 +54634,28 +54635,28 +54636,28 +54637,28 +54638,32 +54639,32 +54640,32 +54641,32 +54642,25 +54643,25 +54644,25 +54645,25 +54646,8 +54647,8 +54648,8 +54649,8 +54650,8 +54651,8 +54652,8 +54653,8 +54654,8 +54655,8 +54656,8 +54657,8 +54658,14 +54659,14 +54660,14 +54661,14 +54662,14 +54663,14 +54664,14 +54665,14 +54666,14 +54667,11 +54668,11 +54669,11 +54670,11 +54671,11 +54672,11 +54673,11 +54674,11 +54675,11 +54676,11 +54677,11 +54678,11 +54679,11 +54680,31 +54681,5 +54682,12 +54683,12 +54684,12 +54685,12 +54686,12 +54687,12 +54688,12 +54689,12 +54690,12 +54691,12 +54692,12 +54693,27 +54694,27 +54695,27 +54696,38 +54697,38 +54698,38 +54699,38 +54700,38 +54701,38 +54702,38 +54703,38 +54704,38 +54705,18 +54706,18 +54707,18 +54708,16 +54709,16 +54710,31 +54711,40 +54712,40 +54713,40 +54714,40 +54715,40 +54716,5 +54717,5 +54718,5 +54719,5 +54720,5 +54721,5 +54722,37 +54723,37 +54724,37 +54725,37 +54726,37 +54727,37 +54728,9 +54729,9 +54730,9 +54731,9 +54732,9 +54733,9 +54734,9 +54735,5 +54736,5 +54737,5 +54738,4 +54739,4 +54740,4 +54741,4 +54742,4 +54743,4 +54744,4 +54745,4 +54746,4 +54747,4 +54748,27 +54749,31 +54750,31 +54751,31 +54752,31 +54753,31 +54754,31 +54755,30 +54756,30 +54757,30 +54758,30 +54759,30 +54760,5 +54761,5 +54762,5 +54763,5 +54764,5 +54765,5 +54766,39 +54767,39 +54768,39 +54769,39 +54770,39 +54771,39 +54772,39 +54773,39 +54774,39 +54775,39 +54776,39 +54777,39 +54778,39 +54779,39 +54780,0 +54781,0 +54782,0 +54783,0 +54784,0 +54785,0 +54786,0 +54787,0 +54788,0 +54789,0 +54790,0 +54791,0 +54792,0 +54793,0 +54794,0 +54795,0 +54796,0 +54797,0 +54798,0 +54799,0 +54800,0 +54801,0 +54802,0 +54803,0 +54804,0 +54805,0 +54806,0 +54807,0 +54808,0 +54809,0 +54810,0 +54811,0 +54812,0 +54813,0 +54814,0 +54815,0 +54816,0 +54817,0 +54818,0 +54819,0 +54820,36 +54821,36 +54822,36 +54823,36 +54824,36 +54825,5 +54826,5 +54827,5 +54828,19 +54829,19 +54830,31 +54831,31 +54832,31 +54833,31 +54834,24 +54835,24 +54836,24 +54837,24 +54838,24 +54839,24 +54840,24 +54841,24 +54842,24 +54843,6 +54844,6 +54845,6 +54846,6 +54847,6 +54848,6 +54849,6 +54850,6 +54851,6 +54852,6 +54853,6 +54854,6 +54855,9 +54856,9 +54857,9 +54858,26 +54859,26 +54860,26 +54861,26 +54862,26 +54863,26 +54864,26 +54865,9 +54866,2 +54867,2 +54868,2 +54869,2 +54870,2 +54871,2 +54872,2 +54873,2 +54874,2 +54875,2 +54876,2 +54877,2 +54878,2 +54879,2 +54880,30 +54881,30 +54882,30 +54883,30 +54884,39 +54885,39 +54886,39 +54887,39 +54888,39 +54889,39 +54890,39 +54891,39 +54892,8 +54893,8 +54894,8 +54895,8 +54896,8 +54897,8 +54898,8 +54899,2 +54900,2 +54901,2 +54902,2 +54903,2 +54904,2 +54905,2 +54906,40 +54907,40 +54908,40 +54909,40 +54910,1 +54911,1 +54912,1 +54913,1 +54914,1 +54915,37 +54916,31 +54917,31 +54918,31 +54919,31 +54920,31 +54921,31 +54922,28 +54923,28 +54924,28 +54925,28 +54926,31 +54927,31 +54928,25 +54929,25 +54930,25 +54931,25 +54932,25 +54933,25 +54934,25 +54935,25 +54936,25 +54937,5 +54938,5 +54939,5 +54940,5 +54941,5 +54942,5 +54943,5 +54944,5 +54945,5 +54946,13 +54947,13 +54948,13 +54949,13 +54950,13 +54951,13 +54952,13 +54953,13 +54954,13 +54955,13 +54956,13 +54957,13 +54958,8 +54959,8 +54960,8 +54961,8 +54962,8 +54963,8 +54964,2 +54965,2 +54966,2 +54967,2 +54968,2 +54969,2 +54970,2 +54971,2 +54972,2 +54973,2 +54974,0 +54975,0 +54976,0 +54977,0 +54978,0 +54979,0 +54980,0 +54981,0 +54982,0 +54983,0 +54984,0 +54985,0 +54986,0 +54987,15 +54988,15 +54989,10 +54990,10 +54991,10 +54992,10 +54993,10 +54994,10 +54995,10 +54996,10 +54997,10 +54998,10 +54999,10 +55000,30 +55001,30 +55002,30 +55003,30 +55004,30 +55005,30 +55006,30 +55007,30 +55008,30 +55009,25 +55010,25 +55011,25 +55012,25 +55013,25 +55014,25 +55015,25 +55016,25 +55017,31 +55018,37 +55019,30 +55020,30 +55021,30 +55022,30 +55023,30 +55024,30 +55025,30 +55026,30 +55027,39 +55028,39 +55029,39 +55030,39 +55031,39 +55032,39 +55033,39 +55034,39 +55035,39 +55036,39 +55037,39 +55038,39 +55039,39 +55040,39 +55041,39 +55042,39 +55043,39 +55044,39 +55045,39 +55046,39 +55047,39 +55048,0 +55049,0 +55050,0 +55051,0 +55052,0 +55053,0 +55054,0 +55055,0 +55056,0 +55057,0 +55058,0 +55059,0 +55060,0 +55061,0 +55062,0 +55063,0 +55064,0 +55065,0 +55066,0 +55067,0 +55068,0 +55069,0 +55070,0 +55071,0 +55072,0 +55073,0 +55074,0 +55075,0 +55076,0 +55077,0 +55078,0 +55079,0 +55080,0 +55081,0 +55082,0 +55083,0 +55084,0 +55085,0 +55086,0 +55087,0 +55088,0 +55089,0 +55090,0 +55091,0 +55092,15 +55093,15 +55094,31 +55095,31 +55096,31 +55097,4 +55098,4 +55099,4 +55100,4 +55101,4 +55102,29 +55103,29 +55104,29 +55105,29 +55106,29 +55107,38 +55108,38 +55109,38 +55110,9 +55111,9 +55112,9 +55113,9 +55114,9 +55115,9 +55116,9 +55117,9 +55118,9 +55119,4 +55120,4 +55121,4 +55122,4 +55123,31 +55124,31 +55125,31 +55126,31 +55127,31 +55128,31 +55129,31 +55130,31 +55131,31 +55132,31 +55133,31 +55134,31 +55135,24 +55136,24 +55137,24 +55138,24 +55139,24 +55140,27 +55141,27 +55142,27 +55143,27 +55144,27 +55145,27 +55146,27 +55147,8 +55148,8 +55149,8 +55150,8 +55151,8 +55152,8 +55153,8 +55154,8 +55155,8 +55156,8 +55157,5 +55158,5 +55159,5 +55160,5 +55161,5 +55162,5 +55163,5 +55164,3 +55165,3 +55166,3 +55167,3 +55168,3 +55169,33 +55170,33 +55171,33 +55172,33 +55173,33 +55174,33 +55175,33 +55176,27 +55177,27 +55178,27 +55179,17 +55180,2 +55181,8 +55182,8 +55183,8 +55184,8 +55185,8 +55186,8 +55187,31 +55188,30 +55189,30 +55190,30 +55191,30 +55192,30 +55193,30 +55194,30 +55195,30 +55196,30 +55197,30 +55198,39 +55199,39 +55200,39 +55201,39 +55202,39 +55203,39 +55204,39 +55205,39 +55206,4 +55207,4 +55208,4 +55209,4 +55210,4 +55211,4 +55212,4 +55213,4 +55214,4 +55215,4 +55216,24 +55217,24 +55218,14 +55219,14 +55220,14 +55221,14 +55222,14 +55223,14 +55224,14 +55225,14 +55226,27 +55227,27 +55228,6 +55229,6 +55230,6 +55231,6 +55232,6 +55233,6 +55234,6 +55235,6 +55236,6 +55237,6 +55238,6 +55239,40 +55240,40 +55241,40 +55242,40 +55243,40 +55244,40 +55245,36 +55246,36 +55247,40 +55248,40 +55249,40 +55250,5 +55251,5 +55252,5 +55253,19 +55254,19 +55255,5 +55256,32 +55257,32 +55258,32 +55259,15 +55260,15 +55261,31 +55262,31 +55263,31 +55264,31 +55265,31 +55266,27 +55267,27 +55268,27 +55269,27 +55270,27 +55271,27 +55272,27 +55273,27 +55274,27 +55275,27 +55276,27 +55277,27 +55278,27 +55279,27 +55280,27 +55281,27 +55282,27 +55283,27 +55284,8 +55285,8 +55286,8 +55287,8 +55288,8 +55289,8 +55290,8 +55291,8 +55292,31 +55293,31 +55294,31 +55295,15 +55296,15 +55297,15 +55298,15 +55299,15 +55300,15 +55301,19 +55302,19 +55303,19 +55304,26 +55305,26 +55306,26 +55307,26 +55308,26 +55309,26 +55310,9 +55311,26 +55312,10 +55313,10 +55314,10 +55315,10 +55316,34 +55317,34 +55318,34 +55319,34 +55320,34 +55321,34 +55322,34 +55323,34 +55324,34 +55325,34 +55326,34 +55327,34 +55328,34 +55329,34 +55330,34 +55331,34 +55332,34 +55333,34 +55334,34 +55335,34 +55336,34 +55337,0 +55338,0 +55339,0 +55340,0 +55341,0 +55342,0 +55343,0 +55344,0 +55345,0 +55346,0 +55347,0 +55348,0 +55349,35 +55350,35 +55351,35 +55352,35 +55353,35 +55354,35 +55355,3 +55356,3 +55357,3 +55358,12 +55359,3 +55360,3 +55361,3 +55362,27 +55363,27 +55364,27 +55365,27 +55366,27 +55367,27 +55368,27 +55369,5 +55370,5 +55371,5 +55372,5 +55373,5 +55374,5 +55375,29 +55376,29 +55377,29 +55378,39 +55379,39 +55380,39 +55381,39 +55382,39 +55383,39 +55384,39 +55385,39 +55386,39 +55387,39 +55388,39 +55389,8 +55390,8 +55391,2 +55392,2 +55393,2 +55394,2 +55395,2 +55396,19 +55397,19 +55398,19 +55399,4 +55400,4 +55401,4 +55402,14 +55403,14 +55404,14 +55405,14 +55406,14 +55407,14 +55408,14 +55409,14 +55410,14 +55411,14 +55412,14 +55413,14 +55414,14 +55415,14 +55416,14 +55417,14 +55418,8 +55419,8 +55420,8 +55421,8 +55422,8 +55423,8 +55424,8 +55425,8 +55426,8 +55427,8 +55428,8 +55429,8 +55430,28 +55431,28 +55432,28 +55433,28 +55434,28 +55435,28 +55436,28 +55437,14 +55438,14 +55439,39 +55440,39 +55441,39 +55442,39 +55443,39 +55444,39 +55445,14 +55446,14 +55447,14 +55448,14 +55449,14 +55450,14 +55451,14 +55452,19 +55453,19 +55454,19 +55455,19 +55456,19 +55457,19 +55458,19 +55459,0 +55460,0 +55461,0 +55462,0 +55463,0 +55464,0 +55465,0 +55466,0 +55467,0 +55468,0 +55469,0 +55470,0 +55471,0 +55472,0 +55473,0 +55474,0 +55475,0 +55476,0 +55477,0 +55478,0 +55479,0 +55480,0 +55481,0 +55482,0 +55483,0 +55484,0 +55485,0 +55486,0 +55487,0 +55488,0 +55489,0 +55490,0 +55491,0 +55492,0 +55493,0 +55494,0 +55495,0 +55496,0 +55497,0 +55498,0 +55499,0 +55500,0 +55501,0 +55502,0 +55503,0 +55504,0 +55505,0 +55506,29 +55507,29 +55508,31 +55509,31 +55510,31 +55511,28 +55512,28 +55513,28 +55514,28 +55515,28 +55516,28 +55517,28 +55518,28 +55519,28 +55520,3 +55521,3 +55522,3 +55523,3 +55524,3 +55525,3 +55526,3 +55527,3 +55528,3 +55529,3 +55530,3 +55531,19 +55532,19 +55533,19 +55534,27 +55535,27 +55536,27 +55537,27 +55538,5 +55539,5 +55540,5 +55541,5 +55542,5 +55543,29 +55544,29 +55545,29 +55546,39 +55547,39 +55548,39 +55549,39 +55550,39 +55551,39 +55552,39 +55553,39 +55554,37 +55555,37 +55556,37 +55557,37 +55558,37 +55559,37 +55560,37 +55561,37 +55562,37 +55563,37 +55564,37 +55565,37 +55566,31 +55567,25 +55568,31 +55569,25 +55570,25 +55571,2 +55572,2 +55573,23 +55574,38 +55575,38 +55576,32 +55577,32 +55578,32 +55579,32 +55580,32 +55581,32 +55582,32 +55583,32 +55584,25 +55585,25 +55586,25 +55587,25 +55588,25 +55589,25 +55590,5 +55591,5 +55592,5 +55593,5 +55594,5 +55595,5 +55596,5 +55597,5 +55598,5 +55599,5 +55600,5 +55601,5 +55602,5 +55603,5 +55604,5 +55605,5 +55606,5 +55607,5 +55608,5 +55609,5 +55610,5 +55611,9 +55612,9 +55613,9 +55614,9 +55615,9 +55616,9 +55617,9 +55618,23 +55619,31 +55620,38 +55621,23 +55622,23 +55623,38 +55624,38 +55625,38 +55626,38 +55627,38 +55628,38 +55629,38 +55630,27 +55631,27 +55632,27 +55633,27 +55634,27 +55635,27 +55636,27 +55637,13 +55638,13 +55639,13 +55640,13 +55641,13 +55642,13 +55643,13 +55644,13 +55645,13 +55646,13 +55647,15 +55648,15 +55649,15 +55650,15 +55651,15 +55652,31 +55653,31 +55654,31 +55655,31 +55656,21 +55657,21 +55658,21 +55659,21 +55660,21 +55661,21 +55662,21 +55663,21 +55664,21 +55665,21 +55666,21 +55667,21 +55668,40 +55669,40 +55670,40 +55671,40 +55672,40 +55673,40 +55674,40 +55675,40 +55676,40 +55677,40 +55678,40 +55679,40 +55680,40 +55681,2 +55682,2 +55683,2 +55684,2 +55685,2 +55686,2 +55687,2 +55688,2 +55689,2 +55690,2 +55691,2 +55692,2 +55693,2 +55694,39 +55695,39 +55696,39 +55697,39 +55698,39 +55699,39 +55700,31 +55701,31 +55702,31 +55703,31 +55704,31 +55705,31 +55706,2 +55707,2 +55708,2 +55709,2 +55710,2 +55711,2 +55712,2 +55713,2 +55714,2 +55715,2 +55716,28 +55717,28 +55718,28 +55719,28 +55720,28 +55721,36 +55722,36 +55723,40 +55724,40 +55725,40 +55726,40 +55727,40 +55728,40 +55729,40 +55730,40 +55731,40 +55732,2 +55733,2 +55734,2 +55735,2 +55736,2 +55737,2 +55738,2 +55739,2 +55740,2 +55741,2 +55742,27 +55743,31 +55744,31 +55745,27 +55746,27 +55747,8 +55748,8 +55749,8 +55750,8 +55751,8 +55752,8 +55753,8 +55754,8 +55755,8 +55756,31 +55757,31 +55758,8 +55759,8 +55760,37 +55761,37 +55762,37 +55763,37 +55764,12 +55765,4 +55766,37 +55767,37 +55768,37 +55769,27 +55770,27 +55771,27 +55772,27 +55773,27 +55774,18 +55775,18 +55776,18 +55777,18 +55778,18 +55779,18 +55780,18 +55781,18 +55782,18 +55783,18 +55784,18 +55785,11 +55786,31 +55787,31 +55788,31 +55789,5 +55790,5 +55791,5 +55792,5 +55793,5 +55794,5 +55795,30 +55796,30 +55797,30 +55798,30 +55799,30 +55800,30 +55801,30 +55802,30 +55803,30 +55804,30 +55805,30 +55806,30 +55807,30 +55808,39 +55809,39 +55810,17 +55811,17 +55812,39 +55813,39 +55814,39 +55815,39 +55816,39 +55817,39 +55818,39 +55819,39 +55820,39 +55821,39 +55822,39 +55823,39 +55824,39 +55825,39 +55826,0 +55827,0 +55828,0 +55829,0 +55830,0 +55831,0 +55832,0 +55833,0 +55834,0 +55835,0 +55836,0 +55837,0 +55838,0 +55839,0 +55840,0 +55841,0 +55842,0 +55843,0 +55844,0 +55845,0 +55846,0 +55847,0 +55848,0 +55849,0 +55850,0 +55851,0 +55852,0 +55853,0 +55854,0 +55855,0 +55856,0 +55857,0 +55858,0 +55859,0 +55860,0 +55861,0 +55862,0 +55863,0 +55864,0 +55865,0 +55866,0 +55867,0 +55868,0 +55869,0 +55870,0 +55871,0 +55872,0 +55873,0 +55874,0 +55875,0 +55876,0 +55877,0 +55878,0 +55879,35 +55880,0 +55881,0 +55882,0 +55883,0 +55884,0 +55885,31 +55886,26 +55887,26 +55888,26 +55889,26 +55890,5 +55891,5 +55892,5 +55893,5 +55894,5 +55895,4 +55896,4 +55897,4 +55898,4 +55899,4 +55900,14 +55901,14 +55902,14 +55903,14 +55904,14 +55905,14 +55906,14 +55907,14 +55908,14 +55909,14 +55910,14 +55911,14 +55912,14 +55913,14 +55914,14 +55915,14 +55916,14 +55917,14 +55918,14 +55919,14 +55920,14 +55921,14 +55922,4 +55923,4 +55924,23 +55925,23 +55926,23 +55927,23 +55928,23 +55929,23 +55930,23 +55931,3 +55932,3 +55933,37 +55934,37 +55935,37 +55936,3 +55937,3 +55938,3 +55939,3 +55940,3 +55941,3 +55942,3 +55943,15 +55944,15 +55945,15 +55946,15 +55947,15 +55948,33 +55949,33 +55950,33 +55951,33 +55952,33 +55953,30 +55954,30 +55955,30 +55956,30 +55957,30 +55958,30 +55959,30 +55960,30 +55961,30 +55962,30 +55963,30 +55964,8 +55965,8 +55966,8 +55967,8 +55968,8 +55969,8 +55970,8 +55971,8 +55972,8 +55973,8 +55974,2 +55975,2 +55976,2 +55977,2 +55978,2 +55979,2 +55980,2 +55981,2 +55982,2 +55983,2 +55984,2 +55985,0 +55986,0 +55987,0 +55988,0 +55989,0 +55990,0 +55991,0 +55992,0 +55993,0 +55994,0 +55995,0 +55996,0 +55997,0 +55998,0 +55999,0 +56000,0 +56001,0 +56002,0 +56003,0 +56004,0 +56005,0 +56006,0 +56007,0 +56008,0 +56009,0 +56010,0 +56011,0 +56012,0 +56013,0 +56014,0 +56015,0 +56016,0 +56017,0 +56018,0 +56019,0 +56020,0 +56021,0 +56022,0 +56023,0 +56024,0 +56025,0 +56026,0 +56027,0 +56028,0 +56029,0 +56030,0 +56031,0 +56032,0 +56033,0 +56034,0 +56035,0 +56036,0 +56037,0 +56038,0 +56039,0 +56040,0 +56041,0 +56042,0 +56043,0 +56044,0 +56045,0 +56046,0 +56047,0 +56048,0 +56049,0 +56050,0 +56051,0 +56052,0 +56053,0 +56054,0 +56055,0 +56056,0 +56057,0 +56058,0 +56059,0 +56060,0 +56061,0 +56062,0 +56063,0 +56064,0 +56065,0 +56066,0 +56067,0 +56068,0 +56069,0 +56070,0 +56071,0 +56072,0 +56073,0 +56074,0 +56075,0 +56076,0 +56077,0 +56078,0 +56079,0 +56080,0 +56081,0 +56082,0 +56083,0 +56084,27 +56085,27 +56086,27 +56087,27 +56088,27 +56089,27 +56090,27 +56091,27 +56092,27 +56093,27 +56094,19 +56095,19 +56096,19 +56097,19 +56098,19 +56099,2 +56100,2 +56101,2 +56102,2 +56103,2 +56104,2 +56105,2 +56106,2 +56107,2 +56108,2 +56109,14 +56110,14 +56111,14 +56112,14 +56113,14 +56114,14 +56115,14 +56116,28 +56117,28 +56118,28 +56119,28 +56120,28 +56121,28 +56122,5 +56123,4 +56124,4 +56125,4 +56126,4 +56127,4 +56128,4 +56129,4 +56130,27 +56131,27 +56132,27 +56133,28 +56134,28 +56135,28 +56136,28 +56137,28 +56138,28 +56139,28 +56140,28 +56141,39 +56142,39 +56143,39 +56144,39 +56145,39 +56146,39 +56147,39 +56148,39 +56149,39 +56150,39 +56151,39 +56152,39 +56153,24 +56154,24 +56155,24 +56156,15 +56157,15 +56158,31 +56159,31 +56160,31 +56161,31 +56162,31 +56163,31 +56164,31 +56165,4 +56166,4 +56167,4 +56168,4 +56169,4 +56170,4 +56171,4 +56172,4 +56173,4 +56174,4 +56175,25 +56176,25 +56177,25 +56178,25 +56179,31 +56180,25 +56181,25 +56182,5 +56183,5 +56184,5 +56185,5 +56186,5 +56187,5 +56188,24 +56189,24 +56190,24 +56191,24 +56192,24 +56193,24 +56194,24 +56195,10 +56196,10 +56197,10 +56198,10 +56199,10 +56200,10 +56201,10 +56202,10 +56203,10 +56204,10 +56205,10 +56206,32 +56207,32 +56208,32 +56209,32 +56210,32 +56211,32 +56212,6 +56213,16 +56214,16 +56215,28 +56216,28 +56217,28 +56218,10 +56219,10 +56220,10 +56221,10 +56222,10 +56223,10 +56224,10 +56225,10 +56226,10 +56227,2 +56228,2 +56229,2 +56230,2 +56231,2 +56232,2 +56233,2 +56234,2 +56235,2 +56236,2 +56237,40 +56238,40 +56239,40 +56240,40 +56241,40 +56242,30 +56243,30 +56244,30 +56245,30 +56246,30 +56247,30 +56248,30 +56249,30 +56250,2 +56251,2 +56252,2 +56253,2 +56254,2 +56255,2 +56256,2 +56257,2 +56258,2 +56259,2 +56260,2 +56261,2 +56262,31 +56263,31 +56264,31 +56265,24 +56266,24 +56267,33 +56268,33 +56269,2 +56270,2 +56271,2 +56272,2 +56273,2 +56274,2 +56275,2 +56276,2 +56277,2 +56278,2 +56279,2 +56280,2 +56281,2 +56282,2 +56283,2 +56284,31 +56285,31 +56286,31 +56287,31 +56288,31 +56289,31 +56290,4 +56291,4 +56292,4 +56293,4 +56294,4 +56295,5 +56296,28 +56297,28 +56298,5 +56299,5 +56300,5 +56301,5 +56302,5 +56303,30 +56304,39 +56305,14 +56306,14 +56307,14 +56308,14 +56309,39 +56310,39 +56311,39 +56312,39 +56313,39 +56314,36 +56315,31 +56316,14 +56317,14 +56318,5 +56319,5 +56320,4 +56321,4 +56322,4 +56323,4 +56324,4 +56325,4 +56326,31 +56327,31 +56328,26 +56329,26 +56330,26 +56331,5 +56332,5 +56333,5 +56334,5 +56335,5 +56336,5 +56337,27 +56338,27 +56339,27 +56340,27 +56341,27 +56342,27 +56343,27 +56344,6 +56345,6 +56346,27 +56347,6 +56348,2 +56349,2 +56350,2 +56351,2 +56352,2 +56353,2 +56354,2 +56355,2 +56356,2 +56357,2 +56358,2 +56359,2 +56360,32 +56361,32 +56362,32 +56363,32 +56364,32 +56365,32 +56366,32 +56367,6 +56368,6 +56369,6 +56370,4 +56371,4 +56372,4 +56373,6 +56374,4 +56375,4 +56376,4 +56377,31 +56378,31 +56379,31 +56380,31 +56381,31 +56382,29 +56383,29 +56384,29 +56385,19 +56386,29 +56387,29 +56388,29 +56389,29 +56390,29 +56391,39 +56392,27 +56393,27 +56394,5 +56395,5 +56396,12 +56397,12 +56398,12 +56399,12 +56400,12 +56401,12 +56402,12 +56403,22 +56404,22 +56405,22 +56406,22 +56407,22 +56408,19 +56409,19 +56410,19 +56411,15 +56412,15 +56413,15 +56414,15 +56415,15 +56416,15 +56417,39 +56418,39 +56419,39 +56420,39 +56421,39 +56422,39 +56423,39 +56424,39 +56425,39 +56426,39 +56427,0 +56428,0 +56429,0 +56430,0 +56431,0 +56432,0 +56433,0 +56434,0 +56435,0 +56436,0 +56437,0 +56438,0 +56439,0 +56440,0 +56441,0 +56442,0 +56443,0 +56444,32 +56445,32 +56446,32 +56447,32 +56448,32 +56449,32 +56450,32 +56451,32 +56452,32 +56453,32 +56454,32 +56455,32 +56456,32 +56457,32 +56458,26 +56459,26 +56460,26 +56461,26 +56462,26 +56463,26 +56464,8 +56465,8 +56466,8 +56467,8 +56468,8 +56469,8 +56470,8 +56471,8 +56472,31 +56473,31 +56474,31 +56475,31 +56476,4 +56477,4 +56478,4 +56479,4 +56480,4 +56481,4 +56482,4 +56483,4 +56484,4 +56485,27 +56486,27 +56487,27 +56488,27 +56489,24 +56490,24 +56491,24 +56492,24 +56493,24 +56494,24 +56495,24 +56496,24 +56497,24 +56498,27 +56499,27 +56500,27 +56501,27 +56502,27 +56503,27 +56504,27 +56505,27 +56506,5 +56507,21 +56508,21 +56509,21 +56510,21 +56511,21 +56512,19 +56513,19 +56514,19 +56515,19 +56516,37 +56517,37 +56518,37 +56519,37 +56520,37 +56521,37 +56522,37 +56523,37 +56524,14 +56525,14 +56526,14 +56527,14 +56528,14 +56529,14 +56530,14 +56531,14 +56532,14 +56533,14 +56534,14 +56535,2 +56536,2 +56537,2 +56538,2 +56539,2 +56540,2 +56541,2 +56542,2 +56543,23 +56544,23 +56545,23 +56546,23 +56547,23 +56548,23 +56549,23 +56550,23 +56551,23 +56552,23 +56553,23 +56554,31 +56555,31 +56556,31 +56557,31 +56558,30 +56559,30 +56560,30 +56561,30 +56562,30 +56563,30 +56564,30 +56565,30 +56566,30 +56567,30 +56568,34 +56569,34 +56570,34 +56571,34 +56572,34 +56573,0 +56574,0 +56575,0 +56576,0 +56577,0 +56578,0 +56579,0 +56580,0 +56581,0 +56582,0 +56583,0 +56584,0 +56585,0 +56586,0 +56587,0 +56588,0 +56589,0 +56590,0 +56591,0 +56592,0 +56593,0 +56594,0 +56595,0 +56596,0 +56597,0 +56598,0 +56599,0 +56600,0 +56601,0 +56602,0 +56603,0 +56604,0 +56605,0 +56606,0 +56607,0 +56608,0 +56609,0 +56610,0 +56611,0 +56612,0 +56613,0 +56614,0 +56615,0 +56616,0 +56617,31 +56618,31 +56619,31 +56620,31 +56621,31 +56622,31 +56623,5 +56624,5 +56625,19 +56626,19 +56627,19 +56628,19 +56629,19 +56630,25 +56631,25 +56632,25 +56633,25 +56634,25 +56635,25 +56636,29 +56637,29 +56638,29 +56639,29 +56640,29 +56641,29 +56642,14 +56643,14 +56644,14 +56645,14 +56646,14 +56647,14 +56648,14 +56649,12 +56650,12 +56651,12 +56652,12 +56653,12 +56654,12 +56655,12 +56656,12 +56657,12 +56658,12 +56659,3 +56660,3 +56661,4 +56662,4 +56663,4 +56664,9 +56665,9 +56666,9 +56667,9 +56668,9 +56669,9 +56670,9 +56671,30 +56672,30 +56673,30 +56674,30 +56675,30 +56676,30 +56677,30 +56678,30 +56679,30 +56680,30 +56681,30 +56682,30 +56683,30 +56684,30 +56685,30 +56686,30 +56687,15 +56688,15 +56689,15 +56690,15 +56691,15 +56692,39 +56693,39 +56694,39 +56695,39 +56696,39 +56697,39 +56698,39 +56699,39 +56700,39 +56701,39 +56702,6 +56703,6 +56704,6 +56705,6 +56706,6 +56707,6 +56708,6 +56709,6 +56710,6 +56711,6 +56712,6 +56713,6 +56714,6 +56715,6 +56716,26 +56717,26 +56718,26 +56719,26 +56720,26 +56721,26 +56722,26 +56723,26 +56724,13 +56725,13 +56726,13 +56727,13 +56728,13 +56729,13 +56730,6 +56731,6 +56732,6 +56733,6 +56734,6 +56735,6 +56736,6 +56737,6 +56738,21 +56739,25 +56740,25 +56741,25 +56742,37 +56743,37 +56744,4 +56745,15 +56746,4 +56747,4 +56748,27 +56749,31 +56750,27 +56751,27 +56752,19 +56753,19 +56754,19 +56755,19 +56756,4 +56757,4 +56758,4 +56759,4 +56760,4 +56761,12 +56762,12 +56763,12 +56764,12 +56765,12 +56766,12 +56767,12 +56768,12 +56769,12 +56770,12 +56771,12 +56772,12 +56773,31 +56774,31 +56775,31 +56776,31 +56777,31 +56778,31 +56779,31 +56780,5 +56781,5 +56782,5 +56783,5 +56784,5 +56785,5 +56786,5 +56787,5 +56788,5 +56789,5 +56790,2 +56791,8 +56792,8 +56793,8 +56794,8 +56795,8 +56796,8 +56797,8 +56798,8 +56799,8 +56800,2 +56801,2 +56802,2 +56803,2 +56804,2 +56805,2 +56806,0 +56807,0 +56808,0 +56809,0 +56810,0 +56811,0 +56812,0 +56813,0 +56814,0 +56815,0 +56816,0 +56817,0 +56818,0 +56819,0 +56820,36 +56821,36 +56822,36 +56823,36 +56824,36 +56825,36 +56826,36 +56827,36 +56828,36 +56829,19 +56830,19 +56831,19 +56832,19 +56833,5 +56834,5 +56835,35 +56836,35 +56837,35 +56838,35 +56839,35 +56840,27 +56841,27 +56842,27 +56843,27 +56844,27 +56845,27 +56846,28 +56847,28 +56848,28 +56849,28 +56850,28 +56851,31 +56852,31 +56853,31 +56854,31 +56855,31 +56856,31 +56857,24 +56858,24 +56859,24 +56860,24 +56861,24 +56862,24 +56863,24 +56864,24 +56865,24 +56866,2 +56867,2 +56868,2 +56869,2 +56870,2 +56871,2 +56872,2 +56873,2 +56874,2 +56875,2 +56876,2 +56877,2 +56878,27 +56879,27 +56880,27 +56881,27 +56882,27 +56883,27 +56884,27 +56885,5 +56886,5 +56887,5 +56888,5 +56889,5 +56890,5 +56891,5 +56892,29 +56893,29 +56894,29 +56895,5 +56896,39 +56897,39 +56898,39 +56899,39 +56900,39 +56901,39 +56902,31 +56903,31 +56904,31 +56905,31 +56906,25 +56907,25 +56908,25 +56909,25 +56910,25 +56911,25 +56912,25 +56913,25 +56914,25 +56915,25 +56916,25 +56917,25 +56918,25 +56919,25 +56920,25 +56921,0 +56922,0 +56923,0 +56924,0 +56925,0 +56926,0 +56927,0 +56928,0 +56929,0 +56930,0 +56931,0 +56932,0 +56933,0 +56934,0 +56935,0 +56936,0 +56937,0 +56938,0 +56939,0 +56940,0 +56941,0 +56942,0 +56943,0 +56944,0 +56945,33 +56946,3 +56947,35 +56948,3 +56949,3 +56950,33 +56951,33 +56952,33 +56953,33 +56954,33 +56955,33 +56956,33 +56957,33 +56958,33 +56959,33 +56960,33 +56961,33 +56962,33 +56963,33 +56964,33 +56965,34 +56966,34 +56967,34 +56968,10 +56969,10 +56970,10 +56971,10 +56972,10 +56973,10 +56974,11 +56975,11 +56976,11 +56977,11 +56978,11 +56979,11 +56980,11 +56981,11 +56982,11 +56983,11 +56984,11 +56985,2 +56986,2 +56987,2 +56988,2 +56989,2 +56990,11 +56991,11 +56992,11 +56993,26 +56994,26 +56995,26 +56996,26 +56997,26 +56998,26 +56999,26 +57000,26 +57001,26 +57002,26 +57003,26 +57004,26 +57005,26 +57006,26 +57007,15 +57008,15 +57009,32 +57010,32 +57011,32 +57012,32 +57013,32 +57014,32 +57015,26 +57016,34 +57017,34 +57018,34 +57019,34 +57020,10 +57021,10 +57022,10 +57023,10 +57024,10 +57025,10 +57026,10 +57027,10 +57028,10 +57029,10 +57030,10 +57031,10 +57032,10 +57033,10 +57034,10 +57035,10 +57036,10 +57037,10 +57038,10 +57039,8 +57040,8 +57041,8 +57042,8 +57043,8 +57044,8 +57045,8 +57046,8 +57047,23 +57048,23 +57049,23 +57050,23 +57051,23 +57052,23 +57053,25 +57054,25 +57055,25 +57056,25 +57057,25 +57058,25 +57059,4 +57060,4 +57061,4 +57062,4 +57063,4 +57064,4 +57065,4 +57066,4 +57067,4 +57068,4 +57069,37 +57070,37 +57071,37 +57072,37 +57073,37 +57074,37 +57075,37 +57076,37 +57077,25 +57078,6 +57079,6 +57080,6 +57081,6 +57082,6 +57083,6 +57084,6 +57085,25 +57086,25 +57087,25 +57088,25 +57089,25 +57090,37 +57091,37 +57092,37 +57093,37 +57094,25 +57095,25 +57096,25 +57097,25 +57098,39 +57099,39 +57100,39 +57101,39 +57102,39 +57103,39 +57104,39 +57105,39 +57106,39 +57107,26 +57108,26 +57109,26 +57110,26 +57111,26 +57112,26 +57113,26 +57114,26 +57115,26 +57116,26 +57117,26 +57118,26 +57119,26 +57120,37 +57121,37 +57122,37 +57123,37 +57124,37 +57125,37 +57126,37 +57127,37 +57128,37 +57129,25 +57130,25 +57131,25 +57132,25 +57133,40 +57134,40 +57135,40 +57136,40 +57137,40 +57138,40 +57139,19 +57140,19 +57141,19 +57142,19 +57143,19 +57144,19 +57145,39 +57146,39 +57147,39 +57148,39 +57149,39 +57150,39 +57151,39 +57152,39 +57153,39 +57154,39 +57155,39 +57156,14 +57157,14 +57158,14 +57159,39 +57160,39 +57161,39 +57162,39 +57163,39 +57164,39 +57165,39 +57166,0 +57167,0 +57168,0 +57169,0 +57170,0 +57171,0 +57172,0 +57173,0 +57174,0 +57175,0 +57176,0 +57177,0 +57178,0 +57179,0 +57180,0 +57181,0 +57182,0 +57183,0 +57184,0 +57185,0 +57186,0 +57187,0 +57188,0 +57189,0 +57190,0 +57191,0 +57192,0 +57193,0 +57194,0 +57195,0 +57196,0 +57197,0 +57198,0 +57199,0 +57200,0 +57201,0 +57202,0 +57203,0 +57204,0 +57205,0 +57206,0 +57207,0 +57208,0 +57209,0 +57210,0 +57211,0 +57212,0 +57213,0 +57214,0 +57215,0 +57216,0 +57217,0 +57218,0 +57219,0 +57220,0 +57221,0 +57222,0 +57223,0 +57224,0 +57225,0 +57226,0 +57227,0 +57228,0 +57229,0 +57230,0 +57231,0 +57232,0 +57233,0 +57234,0 +57235,0 +57236,35 +57237,35 +57238,35 +57239,35 +57240,35 +57241,35 +57242,35 +57243,35 +57244,35 +57245,35 +57246,35 +57247,35 +57248,35 +57249,36 +57250,36 +57251,36 +57252,36 +57253,36 +57254,5 +57255,5 +57256,5 +57257,5 +57258,5 +57259,5 +57260,5 +57261,5 +57262,5 +57263,5 +57264,26 +57265,26 +57266,26 +57267,26 +57268,26 +57269,26 +57270,26 +57271,26 +57272,26 +57273,26 +57274,26 +57275,32 +57276,32 +57277,32 +57278,32 +57279,32 +57280,32 +57281,32 +57282,32 +57283,29 +57284,29 +57285,31 +57286,31 +57287,31 +57288,31 +57289,31 +57290,31 +57291,31 +57292,23 +57293,23 +57294,23 +57295,23 +57296,23 +57297,23 +57298,23 +57299,29 +57300,29 +57301,23 +57302,23 +57303,23 +57304,23 +57305,33 +57306,33 +57307,33 +57308,33 +57309,33 +57310,33 +57311,33 +57312,33 +57313,33 +57314,33 +57315,33 +57316,33 +57317,33 +57318,33 +57319,33 +57320,33 +57321,33 +57322,30 +57323,30 +57324,6 +57325,6 +57326,6 +57327,6 +57328,12 +57329,12 +57330,12 +57331,27 +57332,27 +57333,27 +57334,27 +57335,27 +57336,16 +57337,16 +57338,16 +57339,16 +57340,16 +57341,16 +57342,18 +57343,16 +57344,16 +57345,24 +57346,28 +57347,28 +57348,28 +57349,28 +57350,28 +57351,28 +57352,28 +57353,28 +57354,33 +57355,33 +57356,33 +57357,33 +57358,33 +57359,33 +57360,33 +57361,33 +57362,33 +57363,33 +57364,33 +57365,2 +57366,2 +57367,2 +57368,2 +57369,2 +57370,2 +57371,4 +57372,4 +57373,4 +57374,4 +57375,4 +57376,31 +57377,31 +57378,31 +57379,31 +57380,28 +57381,28 +57382,28 +57383,28 +57384,24 +57385,24 +57386,24 +57387,9 +57388,9 +57389,9 +57390,9 +57391,9 +57392,9 +57393,9 +57394,9 +57395,9 +57396,9 +57397,9 +57398,9 +57399,9 +57400,30 +57401,30 +57402,30 +57403,30 +57404,30 +57405,30 +57406,30 +57407,30 +57408,30 +57409,30 +57410,30 +57411,30 +57412,30 +57413,30 +57414,30 +57415,31 +57416,31 +57417,31 +57418,31 +57419,31 +57420,12 +57421,12 +57422,12 +57423,12 +57424,12 +57425,12 +57426,12 +57427,12 +57428,12 +57429,12 +57430,12 +57431,12 +57432,12 +57433,12 +57434,25 +57435,25 +57436,12 +57437,33 +57438,33 +57439,33 +57440,33 +57441,33 +57442,33 +57443,25 +57444,30 +57445,30 +57446,30 +57447,30 +57448,30 +57449,30 +57450,30 +57451,30 +57452,30 +57453,19 +57454,19 +57455,19 +57456,19 +57457,19 +57458,19 +57459,19 +57460,19 +57461,27 +57462,27 +57463,27 +57464,27 +57465,18 +57466,18 +57467,18 +57468,18 +57469,18 +57470,18 +57471,18 +57472,18 +57473,18 +57474,18 +57475,18 +57476,18 +57477,18 +57478,18 +57479,40 +57480,40 +57481,40 +57482,40 +57483,40 +57484,40 +57485,40 +57486,5 +57487,5 +57488,25 +57489,25 +57490,25 +57491,25 +57492,25 +57493,25 +57494,25 +57495,25 +57496,25 +57497,25 +57498,37 +57499,37 +57500,37 +57501,37 +57502,37 +57503,25 +57504,25 +57505,27 +57506,27 +57507,27 +57508,27 +57509,27 +57510,27 +57511,27 +57512,27 +57513,27 +57514,10 +57515,10 +57516,10 +57517,19 +57518,19 +57519,19 +57520,19 +57521,19 +57522,19 +57523,19 +57524,19 +57525,8 +57526,2 +57527,2 +57528,2 +57529,2 +57530,2 +57531,2 +57532,2 +57533,2 +57534,2 +57535,2 +57536,2 +57537,2 +57538,0 +57539,0 +57540,0 +57541,0 +57542,0 +57543,0 +57544,0 +57545,0 +57546,0 +57547,0 +57548,0 +57549,0 +57550,0 +57551,0 +57552,0 +57553,0 +57554,0 +57555,0 +57556,0 +57557,0 +57558,0 +57559,0 +57560,0 +57561,0 +57562,0 +57563,0 +57564,15 +57565,15 +57566,15 +57567,15 +57568,15 +57569,27 +57570,27 +57571,27 +57572,27 +57573,27 +57574,27 +57575,27 +57576,27 +57577,27 +57578,27 +57579,27 +57580,27 +57581,27 +57582,31 +57583,31 +57584,2 +57585,2 +57586,2 +57587,2 +57588,2 +57589,2 +57590,2 +57591,2 +57592,2 +57593,2 +57594,2 +57595,2 +57596,4 +57597,4 +57598,4 +57599,4 +57600,4 +57601,40 +57602,40 +57603,40 +57604,40 +57605,40 +57606,40 +57607,40 +57608,32 +57609,32 +57610,32 +57611,32 +57612,32 +57613,32 +57614,32 +57615,29 +57616,29 +57617,29 +57618,29 +57619,29 +57620,29 +57621,38 +57622,38 +57623,38 +57624,27 +57625,27 +57626,27 +57627,14 +57628,14 +57629,14 +57630,14 +57631,14 +57632,14 +57633,14 +57634,14 +57635,14 +57636,14 +57637,28 +57638,28 +57639,28 +57640,28 +57641,28 +57642,28 +57643,28 +57644,26 +57645,26 +57646,26 +57647,26 +57648,26 +57649,5 +57650,5 +57651,5 +57652,5 +57653,5 +57654,5 +57655,5 +57656,4 +57657,4 +57658,4 +57659,4 +57660,27 +57661,27 +57662,27 +57663,27 +57664,27 +57665,27 +57666,27 +57667,2 +57668,2 +57669,2 +57670,2 +57671,2 +57672,2 +57673,2 +57674,2 +57675,2 +57676,2 +57677,2 +57678,2 +57679,39 +57680,39 +57681,39 +57682,39 +57683,39 +57684,39 +57685,39 +57686,39 +57687,39 +57688,39 +57689,39 +57690,39 +57691,39 +57692,39 +57693,8 +57694,8 +57695,8 +57696,8 +57697,8 +57698,8 +57699,8 +57700,8 +57701,8 +57702,8 +57703,8 +57704,25 +57705,25 +57706,25 +57707,25 +57708,25 +57709,25 +57710,25 +57711,25 +57712,25 +57713,25 +57714,25 +57715,25 +57716,25 +57717,25 +57718,25 +57719,25 +57720,25 +57721,25 +57722,25 +57723,0 +57724,0 +57725,0 +57726,0 +57727,0 +57728,0 +57729,0 +57730,0 +57731,0 +57732,0 +57733,0 +57734,0 +57735,0 +57736,0 +57737,0 +57738,0 +57739,0 +57740,0 +57741,0 +57742,0 +57743,0 +57744,0 +57745,0 +57746,0 +57747,0 +57748,0 +57749,0 +57750,0 +57751,0 +57752,0 +57753,0 +57754,0 +57755,0 +57756,0 +57757,0 +57758,0 +57759,0 +57760,0 +57761,0 +57762,0 +57763,0 +57764,0 +57765,0 +57766,0 +57767,0 +57768,0 +57769,0 +57770,0 +57771,23 +57772,23 +57773,23 +57774,23 +57775,23 +57776,23 +57777,23 +57778,23 +57779,23 +57780,23 +57781,23 +57782,23 +57783,23 +57784,23 +57785,23 +57786,14 +57787,36 +57788,36 +57789,36 +57790,36 +57791,36 +57792,36 +57793,36 +57794,36 +57795,40 +57796,40 +57797,40 +57798,40 +57799,40 +57800,40 +57801,40 +57802,40 +57803,40 +57804,40 +57805,40 +57806,40 +57807,40 +57808,37 +57809,37 +57810,37 +57811,37 +57812,37 +57813,37 +57814,37 +57815,37 +57816,37 +57817,37 +57818,37 +57819,37 +57820,37 +57821,37 +57822,37 +57823,39 +57824,39 +57825,39 +57826,39 +57827,39 +57828,39 +57829,39 +57830,39 +57831,39 +57832,39 +57833,39 +57834,39 +57835,39 +57836,39 +57837,39 +57838,39 +57839,12 +57840,12 +57841,12 +57842,12 +57843,12 +57844,12 +57845,12 +57846,12 +57847,12 +57848,12 +57849,12 +57850,12 +57851,12 +57852,12 +57853,12 +57854,12 +57855,12 +57856,12 +57857,12 +57858,12 +57859,40 +57860,40 +57861,40 +57862,40 +57863,40 +57864,40 +57865,40 +57866,40 +57867,34 +57868,31 +57869,31 +57870,10 +57871,10 +57872,10 +57873,10 +57874,10 +57875,10 +57876,10 +57877,10 +57878,10 +57879,10 +57880,36 +57881,36 +57882,36 +57883,36 +57884,40 +57885,40 +57886,40 +57887,40 +57888,40 +57889,30 +57890,30 +57891,30 +57892,30 +57893,31 +57894,31 +57895,31 +57896,31 +57897,31 +57898,31 +57899,31 +57900,31 +57901,31 +57902,30 +57903,30 +57904,30 +57905,30 +57906,30 +57907,30 +57908,30 +57909,30 +57910,30 +57911,30 +57912,30 +57913,30 +57914,30 +57915,30 +57916,30 +57917,30 +57918,30 +57919,34 +57920,34 +57921,34 +57922,34 +57923,34 +57924,34 +57925,34 +57926,0 +57927,0 +57928,0 +57929,0 +57930,0 +57931,0 +57932,0 +57933,0 +57934,0 +57935,0 +57936,0 +57937,0 +57938,0 +57939,0 +57940,0 +57941,0 +57942,0 +57943,0 +57944,0 +57945,0 +57946,0 +57947,0 +57948,0 +57949,0 +57950,0 +57951,12 +57952,12 +57953,12 +57954,12 +57955,12 +57956,12 +57957,12 +57958,12 +57959,12 +57960,31 +57961,31 +57962,31 +57963,31 +57964,31 +57965,5 +57966,5 +57967,5 +57968,5 +57969,5 +57970,5 +57971,5 +57972,5 +57973,5 +57974,5 +57975,27 +57976,27 +57977,27 +57978,27 +57979,27 +57980,27 +57981,27 +57982,27 +57983,8 +57984,8 +57985,8 +57986,27 +57987,8 +57988,8 +57989,27 +57990,27 +57991,27 +57992,27 +57993,27 +57994,27 +57995,4 +57996,4 +57997,4 +57998,4 +57999,4 +58000,4 +58001,4 +58002,4 +58003,4 +58004,4 +58005,4 +58006,4 +58007,4 +58008,27 +58009,27 +58010,27 +58011,27 +58012,27 +58013,27 +58014,3 +58015,3 +58016,3 +58017,3 +58018,3 +58019,3 +58020,3 +58021,3 +58022,3 +58023,3 +58024,3 +58025,3 +58026,3 +58027,27 +58028,27 +58029,27 +58030,27 +58031,27 +58032,31 +58033,31 +58034,31 +58035,2 +58036,2 +58037,2 +58038,2 +58039,2 +58040,2 +58041,2 +58042,2 +58043,2 +58044,2 +58045,2 +58046,2 +58047,2 +58048,2 +58049,2 +58050,8 +58051,8 +58052,8 +58053,8 +58054,8 +58055,8 +58056,2 +58057,2 +58058,0 +58059,0 +58060,0 +58061,0 +58062,0 +58063,0 +58064,0 +58065,0 +58066,0 +58067,29 +58068,29 +58069,29 +58070,29 +58071,19 +58072,19 +58073,19 +58074,19 +58075,19 +58076,19 +58077,19 +58078,19 +58079,31 +58080,31 +58081,31 +58082,5 +58083,31 +58084,31 +58085,31 +58086,31 +58087,31 +58088,31 +58089,31 +58090,33 +58091,33 +58092,33 +58093,33 +58094,33 +58095,33 +58096,33 +58097,15 +58098,33 +58099,33 +58100,33 +58101,33 +58102,33 +58103,33 +58104,33 +58105,33 +58106,33 +58107,33 +58108,33 +58109,33 +58110,33 +58111,33 +58112,33 +58113,33 +58114,33 +58115,33 +58116,33 +58117,30 +58118,30 +58119,30 +58120,30 +58121,30 +58122,31 +58123,31 +58124,31 +58125,30 +58126,30 +58127,12 +58128,24 +58129,24 +58130,24 +58131,24 +58132,24 +58133,24 +58134,31 +58135,31 +58136,33 +58137,31 +58138,33 +58139,33 +58140,33 +58141,33 +58142,31 +58143,31 +58144,31 +58145,31 +58146,5 +58147,5 +58148,5 +58149,5 +58150,5 +58151,35 +58152,35 +58153,35 +58154,35 +58155,35 +58156,35 +58157,35 +58158,35 +58159,35 +58160,35 +58161,36 +58162,36 +58163,36 +58164,36 +58165,36 +58166,36 +58167,36 +58168,36 +58169,36 +58170,36 +58171,36 +58172,36 +58173,36 +58174,5 +58175,31 +58176,5 +58177,5 +58178,5 +58179,12 +58180,37 +58181,37 +58182,25 +58183,25 +58184,25 +58185,25 +58186,25 +58187,30 +58188,30 +58189,30 +58190,30 +58191,30 +58192,30 +58193,30 +58194,10 +58195,10 +58196,10 +58197,10 +58198,10 +58199,10 +58200,10 +58201,10 +58202,6 +58203,6 +58204,6 +58205,6 +58206,6 +58207,36 +58208,36 +58209,36 +58210,36 +58211,36 +58212,36 +58213,2 +58214,2 +58215,2 +58216,2 +58217,2 +58218,2 +58219,2 +58220,2 +58221,2 +58222,2 +58223,2 +58224,2 +58225,2 +58226,2 +58227,2 +58228,2 +58229,40 +58230,40 +58231,40 +58232,40 +58233,40 +58234,40 +58235,40 +58236,40 +58237,40 +58238,37 +58239,36 +58240,6 +58241,6 +58242,6 +58243,6 +58244,6 +58245,6 +58246,6 +58247,31 +58248,31 +58249,31 +58250,31 +58251,25 +58252,31 +58253,2 +58254,2 +58255,2 +58256,2 +58257,2 +58258,2 +58259,2 +58260,2 +58261,31 +58262,31 +58263,31 +58264,31 +58265,31 +58266,31 +58267,31 +58268,31 +58269,31 +58270,31 +58271,31 +58272,31 +58273,31 +58274,5 +58275,5 +58276,28 +58277,28 +58278,28 +58279,28 +58280,28 +58281,28 +58282,29 +58283,29 +58284,29 +58285,31 +58286,31 +58287,31 +58288,31 +58289,31 +58290,5 +58291,5 +58292,5 +58293,5 +58294,5 +58295,5 +58296,5 +58297,5 +58298,5 +58299,5 +58300,19 +58301,19 +58302,19 +58303,19 +58304,19 +58305,19 +58306,0 +58307,0 +58308,0 +58309,0 +58310,0 +58311,0 +58312,0 +58313,0 +58314,0 +58315,0 +58316,0 +58317,0 +58318,0 +58319,0 +58320,36 +58321,36 +58322,36 +58323,31 +58324,31 +58325,31 +58326,31 +58327,31 +58328,31 +58329,5 +58330,5 +58331,5 +58332,19 +58333,19 +58334,19 +58335,19 +58336,19 +58337,29 +58338,31 +58339,31 +58340,31 +58341,31 +58342,31 +58343,31 +58344,31 +58345,12 +58346,12 +58347,12 +58348,12 +58349,33 +58350,33 +58351,33 +58352,12 +58353,12 +58354,22 +58355,22 +58356,22 +58357,22 +58358,22 +58359,22 +58360,33 +58361,33 +58362,33 +58363,33 +58364,6 +58365,6 +58366,6 +58367,6 +58368,6 +58369,6 +58370,31 +58371,31 +58372,31 +58373,31 +58374,31 +58375,28 +58376,28 +58377,28 +58378,28 +58379,28 +58380,28 +58381,28 +58382,27 +58383,27 +58384,27 +58385,7 +58386,7 +58387,3 +58388,3 +58389,5 +58390,5 +58391,13 +58392,13 +58393,13 +58394,30 +58395,30 +58396,30 +58397,30 +58398,30 +58399,30 +58400,30 +58401,30 +58402,30 +58403,30 +58404,10 +58405,10 +58406,10 +58407,10 +58408,10 +58409,10 +58410,10 +58411,10 +58412,10 +58413,10 +58414,10 +58415,10 +58416,10 +58417,4 +58418,4 +58419,4 +58420,4 +58421,4 +58422,4 +58423,2 +58424,2 +58425,31 +58426,31 +58427,2 +58428,2 +58429,8 +58430,8 +58431,8 +58432,8 +58433,31 +58434,31 +58435,31 +58436,31 +58437,31 +58438,31 +58439,24 +58440,24 +58441,24 +58442,24 +58443,29 +58444,29 +58445,29 +58446,29 +58447,29 +58448,29 +58449,39 +58450,39 +58451,39 +58452,39 +58453,39 +58454,39 +58455,39 +58456,39 +58457,39 +58458,39 +58459,31 +58460,31 +58461,31 +58462,31 +58463,31 +58464,31 +58465,31 +58466,31 +58467,31 +58468,31 +58469,32 +58470,32 +58471,32 +58472,32 +58473,32 +58474,32 +58475,32 +58476,32 +58477,32 +58478,32 +58479,32 +58480,25 +58481,25 +58482,40 +58483,25 +58484,25 +58485,25 +58486,25 +58487,37 +58488,37 +58489,37 +58490,14 +58491,14 +58492,14 +58493,14 +58494,14 +58495,14 +58496,39 +58497,39 +58498,39 +58499,39 +58500,39 +58501,39 +58502,39 +58503,39 +58504,39 +58505,39 +58506,39 +58507,39 +58508,37 +58509,37 +58510,37 +58511,37 +58512,37 +58513,37 +58514,37 +58515,37 +58516,37 +58517,37 +58518,37 +58519,25 +58520,25 +58521,25 +58522,25 +58523,25 +58524,25 +58525,25 +58526,0 +58527,0 +58528,0 +58529,0 +58530,0 +58531,0 +58532,0 +58533,0 +58534,0 +58535,0 +58536,0 +58537,0 +58538,0 +58539,0 +58540,0 +58541,0 +58542,0 +58543,0 +58544,0 +58545,0 +58546,0 +58547,0 +58548,0 +58549,0 +58550,15 +58551,15 +58552,15 +58553,39 +58554,39 +58555,39 +58556,39 +58557,39 +58558,39 +58559,19 +58560,19 +58561,19 +58562,19 +58563,19 +58564,21 +58565,21 +58566,21 +58567,21 +58568,21 +58569,21 +58570,21 +58571,40 +58572,40 +58573,36 +58574,36 +58575,40 +58576,40 +58577,40 +58578,40 +58579,40 +58580,36 +58581,36 +58582,36 +58583,36 +58584,36 +58585,5 +58586,5 +58587,5 +58588,5 +58589,4 +58590,4 +58591,4 +58592,4 +58593,4 +58594,4 +58595,4 +58596,4 +58597,4 +58598,31 +58599,31 +58600,31 +58601,31 +58602,32 +58603,32 +58604,32 +58605,32 +58606,32 +58607,32 +58608,32 +58609,32 +58610,32 +58611,32 +58612,32 +58613,32 +58614,32 +58615,32 +58616,32 +58617,32 +58618,32 +58619,32 +58620,32 +58621,35 +58622,35 +58623,36 +58624,36 +58625,5 +58626,5 +58627,5 +58628,5 +58629,5 +58630,27 +58631,27 +58632,27 +58633,27 +58634,31 +58635,4 +58636,4 +58637,16 +58638,16 +58639,16 +58640,16 +58641,16 +58642,16 +58643,16 +58644,4 +58645,4 +58646,4 +58647,37 +58648,37 +58649,37 +58650,37 +58651,37 +58652,39 +58653,39 +58654,39 +58655,39 +58656,39 +58657,39 +58658,39 +58659,4 +58660,4 +58661,4 +58662,4 +58663,4 +58664,4 +58665,4 +58666,4 +58667,4 +58668,4 +58669,4 +58670,4 +58671,4 +58672,4 +58673,29 +58674,29 +58675,29 +58676,29 +58677,29 +58678,29 +58679,31 +58680,31 +58681,31 +58682,31 +58683,19 +58684,19 +58685,19 +58686,18 +58687,18 +58688,19 +58689,18 +58690,18 +58691,18 +58692,18 +58693,26 +58694,26 +58695,26 +58696,26 +58697,26 +58698,26 +58699,26 +58700,37 +58701,37 +58702,37 +58703,37 +58704,37 +58705,37 +58706,37 +58707,6 +58708,6 +58709,6 +58710,6 +58711,6 +58712,6 +58713,6 +58714,0 +58715,0 +58716,32 +58717,32 +58718,32 +58719,3 +58720,28 +58721,31 +58722,31 +58723,31 +58724,31 +58725,31 +58726,31 +58727,31 +58728,31 +58729,31 +58730,31 +58731,31 +58732,2 +58733,2 +58734,2 +58735,2 +58736,2 +58737,2 +58738,2 +58739,2 +58740,2 +58741,2 +58742,2 +58743,2 +58744,2 +58745,2 +58746,2 +58747,2 +58748,2 +58749,2 +58750,2 +58751,2 +58752,2 +58753,2 +58754,2 +58755,2 +58756,2 +58757,2 +58758,0 +58759,0 +58760,0 +58761,0 +58762,0 +58763,0 +58764,0 +58765,0 +58766,0 +58767,0 +58768,0 +58769,0 +58770,0 +58771,0 +58772,0 +58773,0 +58774,0 +58775,0 +58776,0 +58777,0 +58778,0 +58779,0 +58780,0 +58781,0 +58782,0 +58783,0 +58784,0 +58785,0 +58786,0 +58787,0 +58788,0 +58789,0 +58790,0 +58791,0 +58792,0 +58793,0 +58794,0 +58795,0 +58796,0 +58797,0 +58798,0 +58799,0 +58800,0 +58801,0 +58802,0 +58803,0 +58804,0 +58805,0 +58806,0 +58807,0 +58808,0 +58809,0 +58810,0 +58811,0 +58812,0 +58813,0 +58814,0 +58815,0 +58816,0 +58817,0 +58818,0 +58819,29 +58820,29 +58821,29 +58822,29 +58823,29 +58824,29 +58825,29 +58826,29 +58827,40 +58828,40 +58829,40 +58830,40 +58831,40 +58832,40 +58833,40 +58834,40 +58835,36 +58836,40 +58837,36 +58838,36 +58839,36 +58840,36 +58841,5 +58842,5 +58843,5 +58844,5 +58845,5 +58846,5 +58847,5 +58848,5 +58849,5 +58850,5 +58851,31 +58852,31 +58853,31 +58854,31 +58855,31 +58856,31 +58857,31 +58858,31 +58859,2 +58860,2 +58861,2 +58862,2 +58863,2 +58864,2 +58865,2 +58866,2 +58867,2 +58868,2 +58869,2 +58870,2 +58871,2 +58872,2 +58873,2 +58874,2 +58875,2 +58876,2 +58877,2 +58878,2 +58879,2 +58880,2 +58881,31 +58882,31 +58883,31 +58884,31 +58885,31 +58886,31 +58887,29 +58888,29 +58889,29 +58890,29 +58891,29 +58892,31 +58893,28 +58894,28 +58895,28 +58896,28 +58897,5 +58898,5 +58899,5 +58900,5 +58901,5 +58902,23 +58903,23 +58904,23 +58905,23 +58906,23 +58907,23 +58908,23 +58909,23 +58910,23 +58911,23 +58912,23 +58913,23 +58914,23 +58915,27 +58916,27 +58917,27 +58918,27 +58919,27 +58920,27 +58921,27 +58922,27 +58923,27 +58924,37 +58925,37 +58926,37 +58927,37 +58928,37 +58929,37 +58930,37 +58931,37 +58932,37 +58933,37 +58934,37 +58935,2 +58936,2 +58937,2 +58938,2 +58939,2 +58940,2 +58941,2 +58942,2 +58943,2 +58944,2 +58945,2 +58946,2 +58947,2 +58948,4 +58949,4 +58950,4 +58951,4 +58952,4 +58953,4 +58954,4 +58955,4 +58956,37 +58957,37 +58958,37 +58959,26 +58960,26 +58961,26 +58962,26 +58963,6 +58964,6 +58965,6 +58966,6 +58967,6 +58968,6 +58969,6 +58970,6 +58971,31 +58972,31 +58973,31 +58974,31 +58975,8 +58976,8 +58977,8 +58978,8 +58979,8 +58980,8 +58981,8 +58982,8 +58983,35 +58984,35 +58985,35 +58986,35 +58987,35 +58988,35 +58989,35 +58990,35 +58991,35 +58992,35 +58993,35 +58994,26 +58995,26 +58996,26 +58997,26 +58998,26 +58999,26 +59000,26 +59001,26 +59002,37 +59003,37 +59004,37 +59005,37 +59006,37 +59007,37 +59008,37 +59009,37 +59010,4 +59011,4 +59012,4 +59013,4 +59014,4 +59015,4 +59016,4 +59017,4 +59018,4 +59019,4 +59020,4 +59021,4 +59022,4 +59023,4 +59024,4 +59025,4 +59026,0 +59027,0 +59028,0 +59029,0 +59030,0 +59031,0 +59032,0 +59033,0 +59034,0 +59035,0 +59036,0 +59037,0 +59038,0 +59039,0 +59040,0 +59041,0 +59042,0 +59043,0 +59044,0 +59045,0 +59046,0 +59047,0 +59048,0 +59049,0 +59050,0 +59051,0 +59052,0 +59053,0 +59054,0 +59055,0 +59056,0 +59057,0 +59058,0 +59059,0 +59060,0 +59061,0 +59062,0 +59063,0 +59064,0 +59065,0 +59066,0 +59067,0 +59068,0 +59069,0 +59070,0 +59071,0 +59072,0 +59073,0 +59074,0 +59075,0 +59076,0 +59077,0 +59078,0 +59079,0 +59080,0 +59081,0 +59082,0 +59083,0 +59084,0 +59085,0 +59086,0 +59087,0 +59088,0 +59089,0 +59090,0 +59091,0 +59092,0 +59093,0 +59094,0 +59095,0 +59096,29 +59097,29 +59098,29 +59099,29 +59100,29 +59101,39 +59102,39 +59103,39 +59104,39 +59105,39 +59106,39 +59107,39 +59108,39 +59109,39 +59110,39 +59111,8 +59112,39 +59113,39 +59114,2 +59115,2 +59116,8 +59117,8 +59118,8 +59119,8 +59120,2 +59121,32 +59122,32 +59123,32 +59124,32 +59125,32 +59126,32 +59127,32 +59128,32 +59129,27 +59130,27 +59131,39 +59132,39 +59133,39 +59134,39 +59135,39 +59136,39 +59137,39 +59138,39 +59139,39 +59140,32 +59141,32 +59142,32 +59143,32 +59144,32 +59145,32 +59146,32 +59147,32 +59148,32 +59149,33 +59150,33 +59151,33 +59152,33 +59153,33 +59154,33 +59155,33 +59156,33 +59157,33 +59158,33 +59159,33 +59160,33 +59161,33 +59162,33 +59163,33 +59164,33 +59165,33 +59166,33 +59167,33 +59168,33 +59169,33 +59170,34 +59171,34 +59172,34 +59173,34 +59174,34 +59175,34 +59176,34 +59177,34 +59178,34 +59179,34 +59180,34 +59181,26 +59182,26 +59183,26 +59184,26 +59185,26 +59186,9 +59187,9 +59188,9 +59189,9 +59190,9 +59191,26 +59192,26 +59193,2 +59194,2 +59195,2 +59196,2 +59197,2 +59198,2 +59199,2 +59200,2 +59201,2 +59202,2 +59203,2 +59204,2 +59205,2 +59206,2 +59207,2 +59208,31 +59209,31 +59210,33 +59211,31 +59212,31 +59213,15 +59214,15 +59215,15 +59216,15 +59217,15 +59218,15 +59219,15 +59220,15 +59221,15 +59222,15 +59223,39 +59224,39 +59225,39 +59226,39 +59227,39 +59228,39 +59229,39 +59230,39 +59231,39 +59232,2 +59233,2 +59234,2 +59235,2 +59236,2 +59237,2 +59238,2 +59239,2 +59240,2 +59241,2 +59242,31 +59243,31 +59244,31 +59245,31 +59246,31 +59247,32 +59248,32 +59249,32 +59250,32 +59251,32 +59252,32 +59253,32 +59254,32 +59255,37 +59256,37 +59257,37 +59258,37 +59259,37 +59260,37 +59261,37 +59262,37 +59263,10 +59264,10 +59265,10 +59266,10 +59267,10 +59268,10 +59269,10 +59270,10 +59271,10 +59272,10 +59273,10 +59274,10 +59275,10 +59276,10 +59277,10 +59278,10 +59279,10 +59280,10 +59281,10 +59282,10 +59283,10 +59284,10 +59285,10 +59286,10 +59287,10 +59288,3 +59289,3 +59290,3 +59291,8 +59292,8 +59293,8 +59294,8 +59295,8 +59296,8 +59297,8 +59298,8 +59299,8 +59300,19 +59301,4 +59302,4 +59303,4 +59304,4 +59305,4 +59306,4 +59307,4 +59308,4 +59309,4 +59310,4 +59311,4 +59312,4 +59313,0 +59314,0 +59315,0 +59316,0 +59317,0 +59318,0 +59319,0 +59320,0 +59321,0 +59322,0 +59323,0 +59324,0 +59325,0 +59326,0 +59327,0 +59328,0 +59329,0 +59330,0 +59331,0 +59332,0 +59333,0 +59334,0 +59335,0 +59336,0 +59337,0 +59338,0 +59339,0 +59340,0 +59341,0 +59342,0 +59343,0 +59344,0 +59345,0 +59346,0 +59347,0 +59348,0 +59349,0 +59350,0 +59351,0 +59352,0 +59353,0 +59354,0 +59355,0 +59356,0 +59357,0 +59358,0 +59359,0 +59360,0 +59361,0 +59362,0 +59363,0 +59364,0 +59365,0 +59366,0 +59367,0 +59368,0 +59369,0 +59370,0 +59371,0 +59372,15 +59373,15 +59374,15 +59375,15 +59376,27 +59377,27 +59378,27 +59379,27 +59380,27 +59381,27 +59382,27 +59383,27 +59384,27 +59385,5 +59386,14 +59387,12 +59388,12 +59389,12 +59390,12 +59391,12 +59392,12 +59393,12 +59394,12 +59395,12 +59396,31 +59397,31 +59398,31 +59399,31 +59400,31 +59401,31 +59402,31 +59403,2 +59404,2 +59405,2 +59406,2 +59407,2 +59408,2 +59409,2 +59410,2 +59411,2 +59412,2 +59413,2 +59414,2 +59415,2 +59416,2 +59417,2 +59418,14 +59419,14 +59420,14 +59421,14 +59422,14 +59423,14 +59424,14 +59425,14 +59426,14 +59427,14 +59428,14 +59429,14 +59430,14 +59431,14 +59432,14 +59433,14 +59434,14 +59435,14 +59436,14 +59437,14 +59438,14 +59439,14 +59440,14 +59441,14 +59442,14 +59443,14 +59444,39 +59445,39 +59446,39 +59447,39 +59448,39 +59449,0 +59450,0 +59451,0 +59452,0 +59453,0 +59454,0 +59455,0 +59456,0 +59457,0 +59458,0 +59459,0 +59460,0 +59461,0 +59462,0 +59463,0 +59464,0 +59465,0 +59466,0 +59467,0 +59468,0 +59469,30 +59470,30 +59471,30 +59472,30 +59473,30 +59474,30 +59475,30 +59476,30 +59477,30 +59478,9 +59479,9 +59480,9 +59481,9 +59482,9 +59483,9 +59484,9 +59485,9 +59486,9 +59487,9 +59488,9 +59489,9 +59490,37 +59491,37 +59492,37 +59493,37 +59494,37 +59495,37 +59496,37 +59497,37 +59498,37 +59499,37 +59500,37 +59501,37 +59502,37 +59503,37 +59504,19 +59505,19 +59506,19 +59507,19 +59508,19 +59509,19 +59510,19 +59511,19 +59512,19 +59513,19 +59514,19 +59515,5 +59516,5 +59517,19 +59518,19 +59519,0 +59520,0 +59521,0 +59522,0 +59523,0 +59524,0 +59525,0 +59526,0 +59527,0 +59528,0 +59529,0 +59530,0 +59531,0 +59532,0 +59533,0 +59534,0 +59535,0 +59536,0 +59537,0 +59538,0 +59539,0 +59540,0 +59541,0 +59542,0 +59543,0 +59544,0 +59545,0 +59546,0 +59547,0 +59548,0 +59549,0 +59550,0 +59551,0 +59552,0 +59553,0 +59554,2 +59555,0 +59556,0 +59557,0 +59558,2 +59559,2 +59560,2 +59561,2 +59562,2 +59563,2 +59564,2 +59565,2 +59566,2 +59567,2 +59568,2 +59569,40 +59570,40 +59571,40 +59572,40 +59573,40 +59574,40 +59575,40 +59576,40 +59577,16 +59578,16 +59579,16 +59580,16 +59581,16 +59582,16 +59583,16 +59584,16 +59585,16 +59586,27 +59587,27 +59588,27 +59589,19 +59590,19 +59591,19 +59592,19 +59593,19 +59594,31 +59595,31 +59596,31 +59597,31 +59598,27 +59599,27 +59600,27 +59601,2 +59602,2 +59603,2 +59604,2 +59605,2 +59606,2 +59607,2 +59608,2 +59609,2 +59610,2 +59611,27 +59612,27 +59613,27 +59614,27 +59615,27 +59616,27 +59617,27 +59618,27 +59619,11 +59620,11 +59621,11 +59622,11 +59623,11 +59624,11 +59625,11 +59626,11 +59627,11 +59628,31 +59629,31 +59630,31 +59631,5 +59632,5 +59633,5 +59634,5 +59635,5 +59636,5 +59637,27 +59638,27 +59639,40 +59640,40 +59641,27 +59642,27 +59643,27 +59644,27 +59645,8 +59646,8 +59647,8 +59648,8 +59649,8 +59650,8 +59651,8 +59652,8 +59653,8 +59654,12 +59655,12 +59656,12 +59657,12 +59658,12 +59659,12 +59660,12 +59661,12 +59662,12 +59663,12 +59664,9 +59665,9 +59666,9 +59667,9 +59668,9 +59669,37 +59670,37 +59671,37 +59672,37 +59673,37 +59674,37 +59675,37 +59676,37 +59677,2 +59678,2 +59679,2 +59680,2 +59681,2 +59682,2 +59683,29 +59684,2 +59685,29 +59686,31 +59687,31 +59688,31 +59689,31 +59690,31 +59691,5 +59692,5 +59693,5 +59694,5 +59695,19 +59696,19 +59697,19 +59698,19 +59699,27 +59700,27 +59701,27 +59702,27 +59703,27 +59704,2 +59705,2 +59706,2 +59707,2 +59708,2 +59709,2 +59710,2 +59711,2 +59712,31 +59713,31 +59714,31 +59715,31 +59716,31 +59717,31 +59718,15 +59719,15 +59720,15 +59721,15 +59722,15 +59723,15 +59724,15 +59725,15 +59726,39 +59727,14 +59728,14 +59729,14 +59730,14 +59731,14 +59732,14 +59733,14 +59734,4 +59735,4 +59736,4 +59737,4 +59738,4 +59739,39 +59740,39 +59741,39 +59742,39 +59743,39 +59744,39 +59745,39 +59746,39 +59747,39 +59748,39 +59749,5 +59750,5 +59751,5 +59752,31 +59753,31 +59754,5 +59755,5 +59756,5 +59757,5 +59758,5 +59759,5 +59760,5 +59761,5 +59762,5 +59763,2 +59764,8 +59765,8 +59766,8 +59767,8 +59768,8 +59769,8 +59770,2 +59771,2 +59772,2 +59773,2 +59774,2 +59775,2 +59776,2 +59777,2 +59778,2 +59779,2 +59780,2 +59781,0 +59782,0 +59783,0 +59784,0 +59785,0 +59786,0 +59787,0 +59788,0 +59789,0 +59790,0 +59791,0 +59792,0 +59793,0 +59794,0 +59795,0 +59796,0 +59797,0 +59798,0 +59799,0 +59800,0 +59801,0 +59802,0 +59803,0 +59804,0 +59805,0 +59806,0 +59807,0 +59808,0 +59809,0 +59810,0 +59811,0 +59812,0 +59813,0 +59814,0 +59815,27 +59816,27 +59817,27 +59818,27 +59819,27 +59820,27 +59821,27 +59822,27 +59823,4 +59824,4 +59825,4 +59826,4 +59827,27 +59828,27 +59829,27 +59830,27 +59831,27 +59832,27 +59833,27 +59834,8 +59835,8 +59836,8 +59837,8 +59838,8 +59839,8 +59840,8 +59841,8 +59842,8 +59843,30 +59844,30 +59845,30 +59846,30 +59847,30 +59848,30 +59849,30 +59850,30 +59851,30 +59852,9 +59853,9 +59854,9 +59855,9 +59856,9 +59857,9 +59858,9 +59859,9 +59860,9 +59861,9 +59862,9 +59863,9 +59864,9 +59865,9 +59866,9 +59867,9 +59868,30 +59869,12 +59870,12 +59871,12 +59872,12 +59873,12 +59874,31 +59875,12 +59876,31 +59877,31 +59878,31 +59879,31 +59880,31 +59881,2 +59882,2 +59883,2 +59884,2 +59885,2 +59886,2 +59887,2 +59888,2 +59889,2 +59890,5 +59891,5 +59892,5 +59893,5 +59894,5 +59895,5 +59896,31 +59897,31 +59898,31 +59899,31 +59900,31 +59901,31 +59902,31 +59903,31 +59904,31 +59905,31 +59906,2 +59907,2 +59908,2 +59909,2 +59910,2 +59911,2 +59912,2 +59913,2 +59914,2 +59915,2 +59916,2 +59917,2 +59918,2 +59919,2 +59920,2 +59921,2 +59922,2 +59923,2 +59924,2 +59925,2 +59926,2 +59927,2 +59928,2 +59929,2 +59930,0 +59931,0 +59932,0 +59933,0 +59934,0 +59935,0 +59936,0 +59937,0 +59938,0 +59939,0 +59940,0 +59941,0 +59942,0 +59943,0 +59944,0 +59945,0 +59946,0 +59947,0 +59948,0 +59949,0 +59950,0 +59951,0 +59952,0 +59953,0 +59954,0 +59955,0 +59956,0 +59957,0 +59958,0 +59959,0 +59960,0 +59961,0 +59962,0 +59963,0 +59964,0 +59965,0 +59966,0 +59967,0 +59968,0 +59969,0 +59970,0 +59971,0 +59972,0 +59973,0 +59974,0 +59975,32 +59976,32 +59977,32 +59978,37 +59979,37 +59980,37 +59981,27 +59982,27 +59983,27 +59984,27 +59985,31 +59986,4 +59987,4 +59988,4 +59989,4 +59990,4 +59991,4 +59992,4 +59993,40 +59994,40 +59995,40 +59996,40 +59997,40 +59998,40 +59999,8 +60000,8 +60001,2 +60002,2 +60003,2 +60004,2 +60005,2 +60006,2 +60007,4 +60008,4 +60009,4 +60010,4 +60011,4 +60012,27 +60013,27 +60014,27 +60015,27 +60016,29 +60017,29 +60018,29 +60019,29 +60020,29 +60021,29 +60022,29 +60023,29 +60024,31 +60025,31 +60026,31 +60027,28 +60028,28 +60029,28 +60030,28 +60031,28 +60032,28 +60033,28 +60034,28 +60035,36 +60036,36 +60037,36 +60038,36 +60039,36 +60040,36 +60041,36 +60042,36 +60043,36 +60044,5 +60045,19 +60046,19 +60047,19 +60048,19 +60049,31 +60050,31 +60051,19 +60052,19 +60053,19 +60054,19 +60055,19 +60056,4 +60057,4 +60058,4 +60059,4 +60060,4 +60061,9 +60062,9 +60063,9 +60064,9 +60065,9 +60066,9 +60067,9 +60068,9 +60069,9 +60070,26 +60071,26 +60072,26 +60073,26 +60074,34 +60075,32 +60076,32 +60077,32 +60078,32 +60079,32 +60080,32 +60081,32 +60082,32 +60083,36 +60084,36 +60085,36 +60086,37 +60087,36 +60088,36 +60089,36 +60090,36 +60091,36 +60092,36 +60093,36 +60094,36 +60095,5 +60096,5 +60097,5 +60098,5 +60099,5 +60100,5 +60101,5 +60102,5 +60103,5 +60104,5 +60105,5 +60106,2 +60107,2 +60108,2 +60109,2 +60110,2 +60111,2 +60112,2 +60113,2 +60114,2 +60115,2 +60116,2 +60117,2 +60118,2 +60119,2 +60120,2 +60121,10 +60122,10 +60123,10 +60124,10 +60125,10 +60126,10 +60127,10 +60128,10 +60129,10 +60130,10 +60131,10 +60132,10 +60133,10 +60134,10 +60135,10 +60136,10 +60137,19 +60138,19 +60139,19 +60140,19 +60141,19 +60142,19 +60143,19 +60144,19 +60145,19 +60146,0 +60147,0 +60148,0 +60149,0 +60150,0 +60151,0 +60152,0 +60153,0 +60154,0 +60155,0 +60156,0 +60157,0 +60158,0 +60159,0 +60160,0 +60161,0 +60162,0 +60163,0 +60164,0 +60165,0 +60166,0 +60167,0 +60168,0 +60169,0 +60170,0 +60171,0 +60172,0 +60173,0 +60174,0 +60175,0 +60176,0 +60177,0 +60178,0 +60179,0 +60180,0 +60181,0 +60182,0 +60183,0 +60184,0 +60185,0 +60186,0 +60187,0 +60188,0 +60189,0 +60190,0 +60191,0 +60192,0 +60193,0 +60194,0 +60195,0 +60196,0 +60197,0 +60198,0 +60199,0 +60200,0 +60201,0 +60202,0 +60203,0 +60204,0 +60205,0 +60206,36 +60207,36 +60208,36 +60209,36 +60210,36 +60211,36 +60212,36 +60213,36 +60214,5 +60215,5 +60216,5 +60217,19 +60218,5 +60219,5 +60220,23 +60221,23 +60222,23 +60223,23 +60224,23 +60225,23 +60226,23 +60227,23 +60228,36 +60229,36 +60230,36 +60231,36 +60232,36 +60233,36 +60234,36 +60235,36 +60236,36 +60237,36 +60238,36 +60239,36 +60240,36 +60241,36 +60242,6 +60243,6 +60244,6 +60245,6 +60246,6 +60247,6 +60248,6 +60249,4 +60250,4 +60251,4 +60252,4 +60253,40 +60254,10 +60255,10 +60256,10 +60257,10 +60258,36 +60259,36 +60260,10 +60261,35 +60262,35 +60263,35 +60264,35 +60265,35 +60266,35 +60267,35 +60268,36 +60269,36 +60270,36 +60271,36 +60272,36 +60273,19 +60274,19 +60275,19 +60276,19 +60277,19 +60278,19 +60279,32 +60280,32 +60281,32 +60282,32 +60283,32 +60284,32 +60285,37 +60286,37 +60287,37 +60288,37 +60289,37 +60290,37 +60291,37 +60292,35 +60293,35 +60294,35 +60295,35 +60296,35 +60297,35 +60298,35 +60299,36 +60300,36 +60301,36 +60302,36 +60303,36 +60304,36 +60305,36 +60306,36 +60307,32 +60308,32 +60309,32 +60310,32 +60311,2 +60312,2 +60313,2 +60314,2 +60315,2 +60316,2 +60317,2 +60318,2 +60319,32 +60320,32 +60321,32 +60322,32 +60323,32 +60324,32 +60325,9 +60326,9 +60327,9 +60328,9 +60329,9 +60330,9 +60331,9 +60332,37 +60333,37 +60334,37 +60335,37 +60336,5 +60337,5 +60338,5 +60339,5 +60340,5 +60341,5 +60342,5 +60343,5 +60344,5 +60345,28 +60346,31 +60347,31 +60348,31 +60349,31 +60350,31 +60351,21 +60352,21 +60353,21 +60354,21 +60355,21 +60356,21 +60357,21 +60358,21 +60359,21 +60360,21 +60361,37 +60362,37 +60363,37 +60364,37 +60365,37 +60366,37 +60367,37 +60368,37 +60369,37 +60370,37 +60371,37 +60372,37 +60373,31 +60374,31 +60375,31 +60376,31 +60377,31 +60378,31 +60379,31 +60380,31 +60381,31 +60382,18 +60383,18 +60384,18 +60385,18 +60386,18 +60387,18 +60388,18 +60389,18 +60390,18 +60391,23 +60392,23 +60393,23 +60394,23 +60395,23 +60396,23 +60397,23 +60398,23 +60399,23 +60400,12 +60401,25 +60402,25 +60403,25 +60404,25 +60405,25 +60406,25 +60407,25 +60408,12 +60409,12 +60410,12 +60411,12 +60412,12 +60413,12 +60414,31 +60415,31 +60416,31 +60417,31 +60418,31 +60419,31 +60420,4 +60421,4 +60422,4 +60423,4 +60424,4 +60425,4 +60426,2 +60427,2 +60428,2 +60429,2 +60430,2 +60431,2 +60432,2 +60433,2 +60434,2 +60435,2 +60436,39 +60437,39 +60438,39 +60439,39 +60440,5 +60441,5 +60442,5 +60443,5 +60444,5 +60445,5 +60446,5 +60447,19 +60448,19 +60449,19 +60450,19 +60451,27 +60452,27 +60453,27 +60454,31 +60455,28 +60456,28 +60457,28 +60458,28 +60459,28 +60460,28 +60461,28 +60462,28 +60463,28 +60464,28 +60465,28 +60466,39 +60467,39 +60468,39 +60469,39 +60470,39 +60471,39 +60472,39 +60473,39 +60474,39 +60475,39 +60476,39 +60477,39 +60478,27 +60479,27 +60480,27 +60481,27 +60482,27 +60483,27 +60484,8 +60485,8 +60486,8 +60487,8 +60488,8 +60489,8 +60490,8 +60491,32 +60492,32 +60493,32 +60494,32 +60495,32 +60496,32 +60497,25 +60498,25 +60499,25 +60500,25 +60501,25 +60502,25 +60503,25 +60504,32 +60505,32 +60506,32 +60507,32 +60508,32 +60509,32 +60510,32 +60511,32 +60512,36 +60513,36 +60514,36 +60515,36 +60516,36 +60517,36 +60518,4 +60519,4 +60520,16 +60521,16 +60522,16 +60523,16 +60524,16 +60525,4 +60526,16 +60527,16 +60528,16 +60529,16 +60530,12 +60531,12 +60532,12 +60533,31 +60534,31 +60535,31 +60536,31 +60537,30 +60538,30 +60539,30 +60540,30 +60541,30 +60542,30 +60543,27 +60544,27 +60545,27 +60546,27 +60547,27 +60548,27 +60549,13 +60550,5 +60551,5 +60552,5 +60553,5 +60554,4 +60555,4 +60556,4 +60557,4 +60558,8 +60559,8 +60560,12 +60561,12 +60562,27 +60563,27 +60564,27 +60565,27 +60566,27 +60567,27 +60568,27 +60569,2 +60570,2 +60571,2 +60572,2 +60573,2 +60574,2 +60575,2 +60576,2 +60577,2 +60578,31 +60579,31 +60580,31 +60581,31 +60582,5 +60583,5 +60584,5 +60585,5 +60586,5 +60587,29 +60588,29 +60589,31 +60590,31 +60591,31 +60592,31 +60593,21 +60594,21 +60595,21 +60596,21 +60597,21 +60598,37 +60599,37 +60600,37 +60601,37 +60602,37 +60603,37 +60604,14 +60605,14 +60606,14 +60607,14 +60608,14 +60609,14 +60610,14 +60611,6 +60612,6 +60613,6 +60614,4 +60615,4 +60616,4 +60617,6 +60618,6 +60619,6 +60620,6 +60621,6 +60622,6 +60623,6 +60624,34 +60625,36 +60626,34 +60627,36 +60628,36 +60629,36 +60630,36 +60631,36 +60632,36 +60633,36 +60634,36 +60635,36 +60636,32 +60637,32 +60638,32 +60639,32 +60640,32 +60641,32 +60642,32 +60643,31 +60644,31 +60645,31 +60646,31 +60647,30 +60648,30 +60649,30 +60650,30 +60651,30 +60652,30 +60653,30 +60654,30 +60655,30 +60656,30 +60657,30 +60658,31 +60659,31 +60660,31 +60661,31 +60662,31 +60663,31 +60664,31 +60665,31 +60666,2 +60667,2 +60668,2 +60669,2 +60670,2 +60671,2 +60672,2 +60673,2 +60674,2 +60675,2 +60676,2 +60677,2 +60678,2 +60679,2 +60680,2 +60681,2 +60682,2 +60683,2 +60684,2 +60685,2 +60686,2 +60687,2 +60688,2 +60689,2 +60690,2 +60691,2 +60692,2 +60693,2 +60694,2 +60695,2 +60696,2 +60697,0 +60698,0 +60699,0 +60700,0 +60701,0 +60702,0 +60703,0 +60704,0 +60705,0 +60706,0 +60707,0 +60708,0 +60709,0 +60710,0 +60711,0 +60712,0 +60713,0 +60714,0 +60715,0 +60716,0 +60717,0 +60718,0 +60719,0 +60720,0 +60721,0 +60722,0 +60723,0 +60724,0 +60725,0 +60726,0 +60727,0 +60728,0 +60729,0 +60730,0 +60731,0 +60732,0 +60733,0 +60734,0 +60735,0 +60736,0 +60737,0 +60738,0 +60739,0 +60740,0 +60741,0 +60742,0 +60743,0 +60744,0 +60745,0 +60746,0 +60747,0 +60748,0 +60749,0 +60750,0 +60751,0 +60752,0 +60753,0 +60754,0 +60755,0 +60756,0 +60757,0 +60758,0 +60759,0 +60760,0 +60761,0 +60762,0 +60763,35 +60764,35 +60765,35 +60766,35 +60767,35 +60768,35 +60769,35 +60770,35 +60771,35 +60772,35 +60773,39 +60774,39 +60775,39 +60776,39 +60777,39 +60778,39 +60779,39 +60780,9 +60781,9 +60782,9 +60783,9 +60784,9 +60785,9 +60786,10 +60787,10 +60788,10 +60789,10 +60790,12 +60791,12 +60792,12 +60793,12 +60794,12 +60795,12 +60796,12 +60797,12 +60798,12 +60799,12 +60800,39 +60801,39 +60802,39 +60803,39 +60804,8 +60805,8 +60806,8 +60807,8 +60808,8 +60809,8 +60810,8 +60811,8 +60812,8 +60813,35 +60814,35 +60815,35 +60816,35 +60817,35 +60818,36 +60819,36 +60820,36 +60821,36 +60822,36 +60823,36 +60824,36 +60825,36 +60826,19 +60827,19 +60828,19 +60829,19 +60830,19 +60831,19 +60832,19 +60833,2 +60834,2 +60835,2 +60836,2 +60837,2 +60838,2 +60839,2 +60840,2 +60841,2 +60842,2 +60843,2 +60844,2 +60845,2 +60846,2 +60847,31 +60848,31 +60849,31 +60850,31 +60851,31 +60852,31 +60853,31 +60854,31 +60855,31 +60856,28 +60857,28 +60858,28 +60859,28 +60860,28 +60861,28 +60862,28 +60863,10 +60864,10 +60865,10 +60866,10 +60867,10 +60868,10 +60869,10 +60870,10 +60871,10 +60872,10 +60873,19 +60874,19 +60875,31 +60876,31 +60877,31 +60878,31 +60879,28 +60880,28 +60881,28 +60882,1 +60883,1 +60884,1 +60885,10 +60886,26 +60887,10 +60888,40 +60889,40 +60890,40 +60891,40 +60892,5 +60893,5 +60894,5 +60895,5 +60896,31 +60897,31 +60898,24 +60899,24 +60900,24 +60901,29 +60902,29 +60903,31 +60904,31 +60905,31 +60906,31 +60907,32 +60908,32 +60909,32 +60910,32 +60911,32 +60912,32 +60913,32 +60914,32 +60915,32 +60916,32 +60917,32 +60918,32 +60919,32 +60920,14 +60921,14 +60922,14 +60923,14 +60924,14 +60925,14 +60926,14 +60927,14 +60928,14 +60929,14 +60930,14 +60931,32 +60932,32 +60933,32 +60934,32 +60935,32 +60936,32 +60937,32 +60938,32 +60939,25 +60940,25 +60941,25 +60942,25 +60943,37 +60944,37 +60945,37 +60946,37 +60947,37 +60948,37 +60949,25 +60950,25 +60951,25 +60952,25 +60953,32 +60954,32 +60955,32 +60956,32 +60957,32 +60958,15 +60959,34 +60960,34 +60961,34 +60962,31 +60963,31 +60964,31 +60965,31 +60966,31 +60967,31 +60968,31 +60969,34 +60970,4 +60971,32 +60972,32 +60973,32 +60974,32 +60975,38 +60976,38 +60977,32 +60978,32 +60979,29 +60980,38 +60981,31 +60982,31 +60983,31 +60984,31 +60985,5 +60986,5 +60987,5 +60988,5 +60989,5 +60990,5 +60991,5 +60992,33 +60993,13 +60994,13 +60995,0 +60996,0 +60997,0 +60998,0 +60999,0 +61000,0 +61001,0 +61002,0 +61003,0 +61004,0 +61005,0 +61006,0 +61007,0 +61008,0 +61009,0 +61010,0 +61011,0 +61012,0 +61013,0 +61014,0 +61015,0 +61016,0 +61017,0 +61018,0 +61019,0 +61020,0 +61021,0 +61022,0 +61023,0 +61024,0 +61025,0 +61026,0 +61027,0 +61028,0 +61029,0 +61030,0 +61031,0 +61032,0 +61033,0 +61034,0 +61035,0 +61036,0 +61037,0 +61038,0 +61039,0 +61040,0 +61041,0 +61042,0 +61043,0 +61044,0 +61045,0 +61046,0 +61047,0 +61048,0 +61049,0 +61050,0 +61051,0 +61052,0 +61053,0 +61054,0 +61055,0 +61056,0 +61057,0 +61058,0 +61059,0 +61060,36 +61061,36 +61062,36 +61063,36 +61064,36 +61065,36 +61066,36 +61067,36 +61068,36 +61069,36 +61070,36 +61071,36 +61072,36 +61073,36 +61074,36 +61075,36 +61076,36 +61077,36 +61078,36 +61079,2 +61080,2 +61081,2 +61082,2 +61083,2 +61084,2 +61085,2 +61086,2 +61087,4 +61088,4 +61089,4 +61090,6 +61091,16 +61092,16 +61093,16 +61094,16 +61095,16 +61096,16 +61097,23 +61098,23 +61099,23 +61100,23 +61101,23 +61102,23 +61103,23 +61104,23 +61105,23 +61106,23 +61107,23 +61108,23 +61109,23 +61110,23 +61111,27 +61112,27 +61113,27 +61114,27 +61115,27 +61116,27 +61117,4 +61118,4 +61119,4 +61120,4 +61121,4 +61122,4 +61123,4 +61124,4 +61125,4 +61126,27 +61127,27 +61128,27 +61129,27 +61130,5 +61131,5 +61132,5 +61133,5 +61134,5 +61135,5 +61136,26 +61137,26 +61138,26 +61139,26 +61140,26 +61141,26 +61142,26 +61143,26 +61144,37 +61145,37 +61146,37 +61147,37 +61148,37 +61149,4 +61150,4 +61151,4 +61152,4 +61153,4 +61154,39 +61155,39 +61156,39 +61157,39 +61158,39 +61159,39 +61160,39 +61161,39 +61162,3 +61163,14 +61164,14 +61165,14 +61166,14 +61167,14 +61168,14 +61169,14 +61170,14 +61171,14 +61172,14 +61173,12 +61174,12 +61175,12 +61176,12 +61177,12 +61178,12 +61179,12 +61180,12 +61181,12 +61182,12 +61183,31 +61184,31 +61185,31 +61186,33 +61187,33 +61188,33 +61189,31 +61190,31 +61191,31 +61192,31 +61193,31 +61194,31 +61195,36 +61196,40 +61197,40 +61198,40 +61199,5 +61200,5 +61201,5 +61202,5 +61203,5 +61204,5 +61205,5 +61206,5 +61207,5 +61208,5 +61209,5 +61210,5 +61211,5 +61212,5 +61213,5 +61214,5 +61215,5 +61216,5 +61217,5 +61218,5 +61219,0 +61220,0 +61221,0 +61222,0 +61223,0 +61224,0 +61225,0 +61226,0 +61227,0 +61228,0 +61229,0 +61230,0 +61231,0 +61232,0 +61233,0 +61234,0 +61235,0 +61236,0 +61237,0 +61238,0 +61239,0 +61240,0 +61241,0 +61242,0 +61243,0 +61244,0 +61245,0 +61246,0 +61247,0 +61248,0 +61249,0 +61250,0 +61251,0 +61252,0 +61253,0 +61254,0 +61255,0 +61256,0 +61257,0 +61258,0 +61259,0 +61260,0 +61261,0 +61262,0 +61263,0 +61264,0 +61265,0 +61266,0 +61267,0 +61268,0 +61269,0 +61270,0 +61271,0 +61272,0 +61273,0 +61274,0 +61275,0 +61276,0 +61277,0 +61278,0 +61279,12 +61280,12 +61281,12 +61282,12 +61283,12 +61284,39 +61285,39 +61286,39 +61287,39 +61288,39 +61289,39 +61290,35 +61291,35 +61292,35 +61293,35 +61294,35 +61295,35 +61296,35 +61297,35 +61298,35 +61299,35 +61300,35 +61301,35 +61302,35 +61303,35 +61304,35 +61305,36 +61306,36 +61307,36 +61308,36 +61309,36 +61310,36 +61311,36 +61312,24 +61313,24 +61314,24 +61315,24 +61316,24 +61317,24 +61318,27 +61319,27 +61320,27 +61321,5 +61322,5 +61323,28 +61324,28 +61325,28 +61326,28 +61327,28 +61328,38 +61329,38 +61330,38 +61331,38 +61332,38 +61333,38 +61334,31 +61335,31 +61336,31 +61337,31 +61338,31 +61339,31 +61340,4 +61341,4 +61342,4 +61343,4 +61344,4 +61345,4 +61346,4 +61347,4 +61348,4 +61349,4 +61350,4 +61351,4 +61352,4 +61353,4 +61354,4 +61355,4 +61356,4 +61357,4 +61358,4 +61359,4 +61360,35 +61361,35 +61362,26 +61363,26 +61364,26 +61365,26 +61366,26 +61367,26 +61368,26 +61369,26 +61370,26 +61371,26 +61372,26 +61373,26 +61374,26 +61375,10 +61376,10 +61377,10 +61378,10 +61379,10 +61380,10 +61381,10 +61382,10 +61383,10 +61384,10 +61385,10 +61386,10 +61387,10 +61388,10 +61389,10 +61390,10 +61391,10 +61392,10 +61393,10 +61394,10 +61395,10 +61396,10 +61397,10 +61398,10 +61399,10 +61400,10 +61401,28 +61402,28 +61403,28 +61404,31 +61405,28 +61406,28 +61407,28 +61408,28 +61409,28 +61410,28 +61411,28 +61412,28 +61413,28 +61414,28 +61415,28 +61416,28 +61417,28 +61418,28 +61419,28 +61420,0 +61421,0 +61422,0 +61423,0 +61424,0 +61425,0 +61426,0 +61427,0 +61428,0 +61429,0 +61430,0 +61431,0 +61432,0 +61433,0 +61434,0 +61435,0 +61436,0 +61437,0 +61438,0 +61439,0 +61440,0 +61441,0 +61442,0 +61443,0 +61444,0 +61445,0 +61446,0 +61447,0 +61448,0 +61449,0 +61450,0 +61451,0 +61452,0 +61453,0 +61454,0 +61455,0 +61456,0 +61457,0 +61458,0 +61459,0 +61460,0 +61461,0 +61462,0 +61463,0 +61464,0 +61465,0 +61466,0 +61467,0 +61468,0 +61469,0 +61470,0 +61471,0 +61472,0 +61473,0 +61474,0 +61475,0 +61476,0 +61477,0 +61478,0 +61479,0 +61480,0 +61481,0 +61482,0 +61483,0 +61484,0 +61485,0 +61486,0 +61487,0 +61488,0 +61489,0 +61490,0 +61491,0 +61492,0 +61493,0 +61494,0 +61495,0 +61496,0 +61497,0 +61498,0 +61499,0 +61500,0 +61501,0 +61502,0 +61503,0 +61504,0 +61505,0 +61506,0 +61507,0 +61508,0 +61509,0 +61510,0 +61511,0 +61512,0 +61513,0 +61514,0 +61515,0 +61516,0 +61517,0 +61518,0 +61519,0 +61520,0 +61521,0 +61522,0 +61523,38 +61524,38 +61525,38 +61526,38 +61527,38 +61528,38 +61529,38 +61530,38 +61531,38 +61532,37 +61533,37 +61534,37 +61535,37 +61536,37 +61537,37 +61538,37 +61539,37 +61540,37 +61541,37 +61542,3 +61543,3 +61544,3 +61545,3 +61546,3 +61547,3 +61548,3 +61549,3 +61550,3 +61551,3 +61552,3 +61553,3 +61554,3 +61555,12 +61556,12 +61557,12 +61558,12 +61559,12 +61560,12 +61561,12 +61562,12 +61563,12 +61564,12 +61565,12 +61566,12 +61567,12 +61568,12 +61569,9 +61570,9 +61571,9 +61572,10 +61573,9 +61574,9 +61575,9 +61576,9 +61577,9 +61578,9 +61579,10 +61580,10 +61581,10 +61582,10 +61583,10 +61584,10 +61585,10 +61586,10 +61587,10 +61588,10 +61589,10 +61590,10 +61591,10 +61592,10 +61593,4 +61594,4 +61595,4 +61596,4 +61597,4 +61598,4 +61599,4 +61600,18 +61601,16 +61602,18 +61603,18 +61604,16 +61605,16 +61606,16 +61607,16 +61608,16 +61609,16 +61610,16 +61611,16 +61612,16 +61613,16 +61614,0 +61615,4 +61616,4 +61617,4 +61618,4 +61619,4 +61620,19 +61621,0 +61622,0 +61623,0 +61624,0 +61625,0 +61626,0 +61627,0 +61628,0 +61629,0 +61630,0 +61631,0 +61632,0 +61633,0 +61634,0 +61635,0 +61636,0 +61637,0 +61638,0 +61639,0 +61640,0 +61641,0 +61642,0 +61643,0 +61644,0 +61645,0 +61646,0 +61647,36 +61648,36 +61649,36 +61650,36 +61651,36 +61652,36 +61653,36 +61654,36 +61655,36 +61656,36 +61657,36 +61658,36 +61659,5 +61660,5 +61661,5 +61662,5 +61663,5 +61664,19 +61665,19 +61666,19 +61667,19 +61668,4 +61669,4 +61670,27 +61671,27 +61672,27 +61673,27 +61674,27 +61675,27 +61676,5 +61677,5 +61678,5 +61679,5 +61680,5 +61681,5 +61682,5 +61683,5 +61684,5 +61685,26 +61686,26 +61687,26 +61688,26 +61689,26 +61690,26 +61691,26 +61692,26 +61693,26 +61694,26 +61695,26 +61696,26 +61697,4 +61698,4 +61699,4 +61700,4 +61701,4 +61702,4 +61703,4 +61704,4 +61705,4 +61706,4 +61707,4 +61708,4 +61709,4 +61710,32 +61711,4 +61712,4 +61713,4 +61714,4 +61715,38 +61716,38 +61717,38 +61718,38 +61719,38 +61720,38 +61721,38 +61722,27 +61723,27 +61724,27 +61725,27 +61726,27 +61727,27 +61728,13 +61729,13 +61730,13 +61731,13 +61732,13 +61733,13 +61734,13 +61735,13 +61736,6 +61737,6 +61738,6 +61739,6 +61740,6 +61741,6 +61742,6 +61743,6 +61744,6 +61745,33 +61746,33 +61747,33 +61748,33 +61749,33 +61750,33 +61751,33 +61752,33 +61753,25 +61754,33 +61755,33 +61756,33 +61757,33 +61758,33 +61759,33 +61760,33 +61761,24 +61762,24 +61763,24 +61764,24 +61765,24 +61766,24 +61767,24 +61768,23 +61769,23 +61770,24 +61771,24 +61772,24 +61773,24 +61774,9 +61775,9 +61776,9 +61777,9 +61778,9 +61779,9 +61780,9 +61781,33 +61782,33 +61783,12 +61784,12 +61785,25 +61786,25 +61787,12 +61788,12 +61789,12 +61790,12 +61791,12 +61792,12 +61793,12 +61794,12 +61795,12 +61796,12 +61797,12 +61798,12 +61799,12 +61800,12 +61801,12 +61802,12 +61803,27 +61804,27 +61805,27 +61806,27 +61807,27 +61808,27 +61809,11 +61810,11 +61811,11 +61812,11 +61813,11 +61814,11 +61815,11 +61816,11 +61817,11 +61818,11 +61819,11 +61820,11 +61821,11 +61822,11 +61823,11 +61824,11 +61825,11 +61826,11 +61827,16 +61828,16 +61829,16 +61830,16 +61831,12 +61832,12 +61833,12 +61834,12 +61835,12 +61836,25 +61837,25 +61838,25 +61839,37 +61840,25 +61841,25 +61842,25 +61843,36 +61844,36 +61845,36 +61846,36 +61847,27 +61848,27 +61849,27 +61850,27 +61851,27 +61852,31 +61853,31 +61854,5 +61855,5 +61856,5 +61857,5 +61858,5 +61859,5 +61860,5 +61861,5 +61862,36 +61863,27 +61864,27 +61865,27 +61866,27 +61867,27 +61868,27 +61869,13 +61870,13 +61871,23 +61872,38 +61873,13 +61874,13 +61875,13 +61876,13 +61877,13 +61878,36 +61879,13 +61880,27 +61881,27 +61882,13 +61883,13 +61884,13 +61885,13 +61886,5 +61887,5 +61888,13 +61889,13 +61890,13 +61891,13 +61892,28 +61893,28 +61894,5 +61895,5 +61896,5 +61897,5 +61898,0 +61899,0 +61900,0 +61901,0 +61902,0 +61903,0 +61904,0 +61905,0 +61906,0 +61907,0 +61908,0 +61909,0 +61910,0 +61911,0 +61912,0 +61913,0 +61914,0 +61915,0 +61916,0 +61917,0 +61918,0 +61919,0 +61920,0 +61921,0 +61922,0 +61923,0 +61924,0 +61925,0 +61926,0 +61927,10 +61928,10 +61929,10 +61930,10 +61931,10 +61932,10 +61933,35 +61934,35 +61935,35 +61936,35 +61937,35 +61938,10 +61939,10 +61940,10 +61941,10 +61942,10 +61943,10 +61944,10 +61945,21 +61946,21 +61947,21 +61948,21 +61949,21 +61950,21 +61951,21 +61952,21 +61953,21 +61954,21 +61955,37 +61956,37 +61957,37 +61958,37 +61959,37 +61960,37 +61961,37 +61962,40 +61963,40 +61964,40 +61965,40 +61966,40 +61967,40 +61968,40 +61969,40 +61970,40 +61971,40 +61972,40 +61973,40 +61974,5 +61975,5 +61976,5 +61977,5 +61978,4 +61979,4 +61980,4 +61981,4 +61982,4 +61983,2 +61984,2 +61985,2 +61986,2 +61987,31 +61988,31 +61989,31 +61990,31 +61991,5 +61992,5 +61993,5 +61994,5 +61995,29 +61996,29 +61997,29 +61998,29 +61999,29 +62000,29 +62001,27 +62002,27 +62003,27 +62004,27 +62005,27 +62006,27 +62007,27 +62008,27 +62009,8 +62010,27 +62011,2 +62012,2 +62013,2 +62014,8 +62015,8 +62016,8 +62017,2 +62018,2 +62019,8 +62020,2 +62021,14 +62022,14 +62023,14 +62024,14 +62025,14 +62026,27 +62027,27 +62028,27 +62029,27 +62030,27 +62031,27 +62032,27 +62033,35 +62034,35 +62035,36 +62036,19 +62037,18 +62038,18 +62039,18 +62040,18 +62041,18 +62042,18 +62043,18 +62044,18 +62045,18 +62046,2 +62047,2 +62048,2 +62049,2 +62050,2 +62051,2 +62052,2 +62053,2 +62054,2 +62055,2 +62056,2 +62057,31 +62058,31 +62059,31 +62060,31 +62061,31 +62062,19 +62063,19 +62064,19 +62065,19 +62066,19 +62067,31 +62068,31 +62069,31 +62070,31 +62071,31 +62072,31 +62073,24 +62074,24 +62075,24 +62076,24 +62077,24 +62078,24 +62079,31 +62080,31 +62081,31 +62082,31 +62083,31 +62084,31 +62085,31 +62086,10 +62087,10 +62088,10 +62089,10 +62090,10 +62091,10 +62092,10 +62093,10 +62094,10 +62095,10 +62096,10 +62097,10 +62098,10 +62099,10 +62100,10 +62101,10 +62102,10 +62103,2 +62104,2 +62105,2 +62106,2 +62107,2 +62108,2 +62109,2 +62110,2 +62111,2 +62112,2 +62113,2 +62114,2 +62115,2 +62116,2 +62117,2 +62118,2 +62119,2 +62120,2 +62121,2 +62122,2 +62123,2 +62124,2 +62125,2 +62126,2 +62127,2 +62128,2 +62129,2 +62130,2 +62131,0 +62132,0 +62133,0 +62134,0 +62135,0 +62136,0 +62137,0 +62138,0 +62139,0 +62140,0 +62141,0 +62142,0 +62143,0 +62144,0 +62145,0 +62146,0 +62147,0 +62148,0 +62149,0 +62150,0 +62151,0 +62152,0 +62153,0 +62154,0 +62155,15 +62156,15 +62157,15 +62158,15 +62159,15 +62160,15 +62161,15 +62162,15 +62163,0 +62164,15 +62165,15 +62166,19 +62167,19 +62168,19 +62169,19 +62170,19 +62171,19 +62172,19 +62173,19 +62174,19 +62175,19 +62176,19 +62177,19 +62178,27 +62179,19 +62180,33 +62181,33 +62182,33 +62183,33 +62184,33 +62185,33 +62186,33 +62187,33 +62188,33 +62189,19 +62190,19 +62191,19 +62192,19 +62193,19 +62194,4 +62195,39 +62196,39 +62197,39 +62198,39 +62199,39 +62200,39 +62201,39 +62202,39 +62203,39 +62204,39 +62205,39 +62206,39 +62207,39 +62208,39 +62209,39 +62210,39 +62211,39 +62212,39 +62213,39 +62214,39 +62215,10 +62216,10 +62217,10 +62218,0 +62219,6 +62220,6 +62221,6 +62222,0 +62223,0 +62224,0 +62225,32 +62226,32 +62227,32 +62228,6 +62229,6 +62230,32 +62231,32 +62232,32 +62233,32 +62234,32 +62235,32 +62236,32 +62237,32 +62238,30 +62239,29 +62240,31 +62241,29 +62242,29 +62243,31 +62244,31 +62245,40 +62246,31 +62247,31 +62248,31 +62249,31 +62250,31 +62251,5 +62252,5 +62253,5 +62254,5 +62255,5 +62256,5 +62257,5 +62258,5 +62259,5 +62260,27 +62261,27 +62262,27 +62263,27 +62264,27 +62265,27 +62266,27 +62267,27 +62268,5 +62269,5 +62270,5 +62271,5 +62272,5 +62273,5 +62274,10 +62275,31 +62276,31 +62277,31 +62278,40 +62279,40 +62280,40 +62281,40 +62282,40 +62283,40 +62284,40 +62285,40 +62286,31 +62287,31 +62288,2 +62289,2 +62290,2 +62291,2 +62292,2 +62293,2 +62294,2 +62295,2 +62296,2 +62297,2 +62298,2 +62299,2 +62300,2 +62301,2 +62302,2 +62303,2 +62304,2 +62305,2 +62306,2 +62307,2 +62308,2 +62309,2 +62310,2 +62311,2 +62312,2 +62313,2 +62314,2 +62315,2 +62316,2 +62317,0 +62318,0 +62319,0 +62320,0 +62321,0 +62322,0 +62323,0 +62324,0 +62325,0 +62326,0 +62327,0 +62328,0 +62329,0 +62330,0 +62331,0 +62332,0 +62333,0 +62334,0 +62335,0 +62336,0 +62337,0 +62338,0 +62339,0 +62340,0 +62341,0 +62342,0 +62343,0 +62344,0 +62345,0 +62346,0 +62347,0 +62348,0 +62349,0 +62350,0 +62351,0 +62352,0 +62353,0 +62354,0 +62355,0 +62356,0 +62357,0 +62358,0 +62359,0 +62360,0 +62361,0 +62362,0 +62363,0 +62364,0 +62365,0 +62366,0 +62367,0 +62368,0 +62369,0 +62370,0 +62371,0 +62372,0 +62373,0 +62374,0 +62375,0 +62376,36 +62377,36 +62378,36 +62379,36 +62380,36 +62381,36 +62382,36 +62383,36 +62384,36 +62385,36 +62386,36 +62387,36 +62388,36 +62389,36 +62390,21 +62391,21 +62392,21 +62393,21 +62394,31 +62395,27 +62396,27 +62397,27 +62398,27 +62399,27 +62400,31 +62401,38 +62402,38 +62403,38 +62404,38 +62405,38 +62406,38 +62407,38 +62408,38 +62409,38 +62410,38 +62411,31 +62412,31 +62413,31 +62414,31 +62415,31 +62416,31 +62417,31 +62418,31 +62419,31 +62420,31 +62421,31 +62422,31 +62423,30 +62424,30 +62425,30 +62426,30 +62427,30 +62428,30 +62429,30 +62430,27 +62431,27 +62432,27 +62433,27 +62434,27 +62435,31 +62436,31 +62437,31 +62438,2 +62439,2 +62440,2 +62441,2 +62442,2 +62443,2 +62444,2 +62445,2 +62446,2 +62447,27 +62448,27 +62449,27 +62450,27 +62451,5 +62452,5 +62453,5 +62454,5 +62455,5 +62456,19 +62457,19 +62458,19 +62459,19 +62460,19 +62461,12 +62462,12 +62463,12 +62464,12 +62465,12 +62466,27 +62467,27 +62468,27 +62469,27 +62470,38 +62471,38 +62472,38 +62473,38 +62474,38 +62475,38 +62476,38 +62477,38 +62478,37 +62479,37 +62480,37 +62481,37 +62482,39 +62483,39 +62484,39 +62485,39 +62486,39 +62487,39 +62488,2 +62489,2 +62490,2 +62491,2 +62492,2 +62493,2 +62494,2 +62495,2 +62496,32 +62497,32 +62498,32 +62499,32 +62500,32 +62501,32 +62502,32 +62503,40 +62504,40 +62505,40 +62506,40 +62507,40 +62508,40 +62509,40 +62510,40 +62511,40 +62512,40 +62513,40 +62514,40 +62515,40 +62516,6 +62517,6 +62518,6 +62519,6 +62520,6 +62521,6 +62522,4 +62523,4 +62524,4 +62525,4 +62526,4 +62527,4 +62528,0 +62529,0 +62530,0 +62531,0 +62532,0 +62533,0 +62534,0 +62535,0 +62536,0 +62537,0 +62538,0 +62539,0 +62540,0 +62541,0 +62542,0 +62543,0 +62544,0 +62545,0 +62546,0 +62547,0 +62548,0 +62549,0 +62550,0 +62551,0 +62552,0 +62553,0 +62554,0 +62555,0 +62556,0 +62557,0 +62558,0 +62559,0 +62560,0 +62561,0 +62562,0 +62563,0 +62564,0 +62565,0 +62566,0 +62567,0 +62568,0 +62569,0 +62570,0 +62571,0 +62572,0 +62573,0 +62574,0 +62575,0 +62576,0 +62577,0 +62578,0 +62579,0 +62580,0 +62581,0 +62582,0 +62583,0 +62584,0 +62585,0 +62586,0 +62587,35 +62588,35 +62589,35 +62590,35 +62591,35 +62592,35 +62593,35 +62594,35 +62595,35 +62596,25 +62597,25 +62598,25 +62599,25 +62600,25 +62601,25 +62602,25 +62603,25 +62604,26 +62605,26 +62606,26 +62607,26 +62608,26 +62609,26 +62610,26 +62611,10 +62612,10 +62613,10 +62614,10 +62615,10 +62616,10 +62617,10 +62618,10 +62619,10 +62620,10 +62621,10 +62622,10 +62623,10 +62624,10 +62625,10 +62626,10 +62627,8 +62628,2 +62629,2 +62630,2 +62631,2 +62632,2 +62633,2 +62634,2 +62635,2 +62636,2 +62637,2 +62638,2 +62639,2 +62640,2 +62641,2 +62642,2 +62643,31 +62644,31 +62645,31 +62646,31 +62647,28 +62648,28 +62649,28 +62650,28 +62651,28 +62652,28 +62653,28 +62654,28 +62655,4 +62656,4 +62657,4 +62658,4 +62659,4 +62660,4 +62661,4 +62662,4 +62663,4 +62664,10 +62665,10 +62666,10 +62667,10 +62668,10 +62669,10 +62670,10 +62671,10 +62672,10 +62673,10 +62674,10 +62675,28 +62676,28 +62677,28 +62678,28 +62679,28 +62680,28 +62681,28 +62682,2 +62683,2 +62684,8 +62685,8 +62686,8 +62687,8 +62688,8 +62689,18 +62690,8 +62691,23 +62692,23 +62693,23 +62694,23 +62695,23 +62696,31 +62697,31 +62698,31 +62699,31 +62700,30 +62701,30 +62702,30 +62703,30 +62704,30 +62705,30 +62706,30 +62707,30 +62708,30 +62709,30 +62710,19 +62711,19 +62712,19 +62713,19 +62714,19 +62715,19 +62716,19 +62717,19 +62718,19 +62719,19 +62720,19 +62721,12 +62722,12 +62723,12 +62724,27 +62725,27 +62726,27 +62727,27 +62728,4 +62729,4 +62730,4 +62731,4 +62732,4 +62733,4 +62734,4 +62735,4 +62736,4 +62737,4 +62738,4 +62739,4 +62740,4 +62741,4 +62742,4 +62743,35 +62744,7 +62745,27 +62746,27 +62747,27 +62748,27 +62749,27 +62750,27 +62751,27 +62752,27 +62753,27 +62754,39 +62755,39 +62756,39 +62757,37 +62758,37 +62759,37 +62760,37 +62761,37 +62762,37 +62763,37 +62764,37 +62765,32 +62766,32 +62767,37 +62768,8 +62769,8 +62770,8 +62771,8 +62772,8 +62773,8 +62774,2 +62775,2 +62776,2 +62777,2 +62778,2 +62779,2 +62780,2 +62781,2 +62782,2 +62783,0 +62784,0 +62785,0 +62786,0 +62787,0 +62788,0 +62789,0 +62790,0 +62791,0 +62792,0 +62793,0 +62794,0 +62795,0 +62796,0 +62797,0 +62798,0 +62799,0 +62800,0 +62801,0 +62802,0 +62803,0 +62804,0 +62805,0 +62806,0 +62807,0 +62808,0 +62809,0 +62810,0 +62811,0 +62812,0 +62813,0 +62814,0 +62815,0 +62816,0 +62817,0 +62818,0 +62819,0 +62820,0 +62821,12 +62822,12 +62823,12 +62824,12 +62825,12 +62826,12 +62827,27 +62828,27 +62829,27 +62830,27 +62831,16 +62832,16 +62833,16 +62834,16 +62835,16 +62836,16 +62837,16 +62838,16 +62839,16 +62840,16 +62841,11 +62842,11 +62843,11 +62844,39 +62845,39 +62846,14 +62847,14 +62848,14 +62849,14 +62850,14 +62851,14 +62852,14 +62853,5 +62854,5 +62855,5 +62856,5 +62857,5 +62858,5 +62859,5 +62860,19 +62861,19 +62862,19 +62863,19 +62864,40 +62865,40 +62866,40 +62867,40 +62868,40 +62869,40 +62870,40 +62871,24 +62872,24 +62873,24 +62874,24 +62875,24 +62876,24 +62877,24 +62878,25 +62879,25 +62880,25 +62881,25 +62882,25 +62883,25 +62884,25 +62885,25 +62886,25 +62887,25 +62888,4 +62889,4 +62890,4 +62891,4 +62892,4 +62893,4 +62894,4 +62895,4 +62896,4 +62897,31 +62898,31 +62899,31 +62900,31 +62901,31 +62902,31 +62903,31 +62904,12 +62905,12 +62906,12 +62907,12 +62908,12 +62909,12 +62910,12 +62911,12 +62912,12 +62913,12 +62914,12 +62915,10 +62916,10 +62917,10 +62918,10 +62919,10 +62920,10 +62921,10 +62922,10 +62923,32 +62924,32 +62925,32 +62926,32 +62927,4 +62928,4 +62929,4 +62930,4 +62931,4 +62932,4 +62933,12 +62934,31 +62935,31 +62936,31 +62937,12 +62938,12 +62939,12 +62940,12 +62941,12 +62942,12 +62943,12 +62944,12 +62945,12 +62946,12 +62947,14 +62948,14 +62949,14 +62950,14 +62951,14 +62952,14 +62953,14 +62954,14 +62955,14 +62956,14 +62957,14 +62958,14 +62959,14 +62960,31 +62961,31 +62962,31 +62963,31 +62964,31 +62965,31 +62966,31 +62967,31 +62968,31 +62969,31 +62970,5 +62971,5 +62972,5 +62973,5 +62974,5 +62975,5 +62976,5 +62977,5 +62978,5 +62979,32 +62980,32 +62981,32 +62982,32 +62983,32 +62984,32 +62985,32 +62986,25 +62987,25 +62988,25 +62989,25 +62990,25 +62991,25 +62992,25 +62993,25 +62994,2 +62995,2 +62996,2 +62997,2 +62998,2 +62999,2 +63000,2 +63001,2 +63002,2 +63003,2 +63004,2 +63005,2 +63006,2 +63007,39 +63008,39 +63009,39 +63010,39 +63011,39 +63012,39 +63013,39 +63014,39 +63015,39 +63016,39 +63017,7 +63018,7 +63019,39 +63020,39 +63021,39 +63022,39 +63023,39 +63024,39 +63025,39 +63026,39 +63027,39 +63028,3 +63029,3 +63030,19 +63031,19 +63032,19 +63033,19 +63034,19 +63035,19 +63036,19 +63037,19 +63038,19 +63039,19 +63040,4 +63041,4 +63042,0 +63043,0 +63044,0 +63045,0 +63046,0 +63047,0 +63048,0 +63049,0 +63050,0 +63051,0 +63052,0 +63053,0 +63054,0 +63055,0 +63056,0 +63057,0 +63058,0 +63059,0 +63060,0 +63061,0 +63062,0 +63063,0 +63064,0 +63065,0 +63066,0 +63067,0 +63068,0 +63069,0 +63070,0 +63071,0 +63072,0 +63073,0 +63074,0 +63075,0 +63076,0 +63077,0 +63078,0 +63079,0 +63080,0 +63081,27 +63082,27 +63083,27 +63084,27 +63085,27 +63086,27 +63087,27 +63088,27 +63089,27 +63090,27 +63091,27 +63092,27 +63093,5 +63094,5 +63095,5 +63096,5 +63097,5 +63098,5 +63099,19 +63100,24 +63101,19 +63102,19 +63103,19 +63104,19 +63105,40 +63106,40 +63107,40 +63108,40 +63109,37 +63110,37 +63111,37 +63112,37 +63113,37 +63114,37 +63115,37 +63116,37 +63117,37 +63118,37 +63119,31 +63120,31 +63121,31 +63122,31 +63123,31 +63124,31 +63125,37 +63126,4 +63127,4 +63128,4 +63129,4 +63130,4 +63131,4 +63132,4 +63133,4 +63134,4 +63135,4 +63136,4 +63137,4 +63138,4 +63139,36 +63140,36 +63141,36 +63142,36 +63143,36 +63144,36 +63145,36 +63146,36 +63147,36 +63148,36 +63149,36 +63150,36 +63151,36 +63152,36 +63153,6 +63154,6 +63155,6 +63156,6 +63157,6 +63158,6 +63159,6 +63160,6 +63161,6 +63162,31 +63163,31 +63164,31 +63165,31 +63166,31 +63167,31 +63168,31 +63169,31 +63170,28 +63171,28 +63172,28 +63173,28 +63174,28 +63175,28 +63176,29 +63177,31 +63178,31 +63179,31 +63180,31 +63181,31 +63182,35 +63183,35 +63184,35 +63185,35 +63186,35 +63187,35 +63188,35 +63189,35 +63190,35 +63191,35 +63192,10 +63193,10 +63194,10 +63195,10 +63196,10 +63197,10 +63198,10 +63199,10 +63200,10 +63201,10 +63202,10 +63203,10 +63204,10 +63205,10 +63206,10 +63207,10 +63208,10 +63209,25 +63210,25 +63211,26 +63212,26 +63213,26 +63214,26 +63215,26 +63216,37 +63217,37 +63218,37 +63219,37 +63220,37 +63221,37 +63222,37 +63223,37 +63224,37 +63225,6 +63226,6 +63227,6 +63228,6 +63229,6 +63230,6 +63231,6 +63232,39 +63233,39 +63234,39 +63235,39 +63236,39 +63237,39 +63238,39 +63239,39 +63240,39 +63241,39 +63242,39 +63243,39 +63244,39 +63245,39 +63246,39 +63247,39 +63248,39 +63249,39 +63250,39 +63251,39 +63252,39 +63253,39 +63254,39 +63255,0 +63256,0 +63257,0 +63258,0 +63259,0 +63260,0 +63261,0 +63262,0 +63263,0 +63264,0 +63265,0 +63266,0 +63267,0 +63268,0 +63269,0 +63270,0 +63271,0 +63272,0 +63273,0 +63274,0 +63275,29 +63276,29 +63277,29 +63278,29 +63279,29 +63280,29 +63281,14 +63282,14 +63283,14 +63284,14 +63285,14 +63286,14 +63287,14 +63288,14 +63289,14 +63290,14 +63291,2 +63292,2 +63293,2 +63294,2 +63295,2 +63296,2 +63297,2 +63298,2 +63299,2 +63300,2 +63301,2 +63302,2 +63303,2 +63304,2 +63305,2 +63306,2 +63307,4 +63308,4 +63309,4 +63310,4 +63311,4 +63312,27 +63313,27 +63314,27 +63315,27 +63316,27 +63317,27 +63318,27 +63319,14 +63320,30 +63321,3 +63322,3 +63323,3 +63324,3 +63325,3 +63326,3 +63327,3 +63328,3 +63329,3 +63330,3 +63331,3 +63332,3 +63333,3 +63334,3 +63335,3 +63336,28 +63337,28 +63338,28 +63339,28 +63340,28 +63341,28 +63342,28 +63343,28 +63344,28 +63345,28 +63346,9 +63347,9 +63348,9 +63349,9 +63350,9 +63351,9 +63352,9 +63353,9 +63354,9 +63355,9 +63356,9 +63357,37 +63358,37 +63359,37 +63360,37 +63361,37 +63362,37 +63363,25 +63364,32 +63365,32 +63366,37 +63367,37 +63368,33 +63369,33 +63370,33 +63371,33 +63372,33 +63373,33 +63374,33 +63375,33 +63376,33 +63377,33 +63378,33 +63379,33 +63380,33 +63381,33 +63382,33 +63383,32 +63384,32 +63385,32 +63386,32 +63387,32 +63388,32 +63389,32 +63390,31 +63391,31 +63392,31 +63393,31 +63394,31 +63395,31 +63396,5 +63397,5 +63398,5 +63399,5 +63400,28 +63401,28 +63402,5 +63403,5 +63404,30 +63405,30 +63406,39 +63407,39 +63408,39 +63409,39 +63410,39 +63411,39 +63412,39 +63413,39 +63414,39 +63415,39 +63416,39 +63417,32 +63418,32 +63419,32 +63420,32 +63421,32 +63422,32 +63423,32 +63424,32 +63425,32 +63426,32 +63427,32 +63428,32 +63429,32 +63430,32 +63431,32 +63432,36 +63433,36 +63434,36 +63435,36 +63436,36 +63437,36 +63438,36 +63439,36 +63440,36 +63441,36 +63442,36 +63443,36 +63444,36 +63445,36 +63446,36 +63447,2 +63448,2 +63449,2 +63450,2 +63451,2 +63452,2 +63453,2 +63454,2 +63455,2 +63456,2 +63457,4 +63458,4 +63459,4 +63460,4 +63461,4 +63462,37 +63463,37 +63464,37 +63465,37 +63466,37 +63467,37 +63468,37 +63469,9 +63470,9 +63471,9 +63472,30 +63473,30 +63474,33 +63475,30 +63476,30 +63477,33 +63478,33 +63479,30 +63480,15 +63481,15 +63482,15 +63483,15 +63484,15 +63485,15 +63486,15 +63487,15 +63488,15 +63489,15 +63490,15 +63491,15 +63492,15 +63493,15 +63494,15 +63495,15 +63496,15 +63497,10 +63498,10 +63499,10 +63500,10 +63501,10 +63502,10 +63503,10 +63504,10 +63505,10 +63506,10 +63507,10 +63508,10 +63509,10 +63510,10 +63511,34 +63512,34 +63513,34 +63514,34 +63515,34 +63516,34 +63517,34 +63518,34 +63519,34 +63520,34 +63521,34 +63522,5 +63523,5 +63524,5 +63525,5 +63526,5 +63527,5 +63528,5 +63529,5 +63530,5 +63531,5 +63532,5 +63533,5 +63534,5 +63535,8 +63536,8 +63537,8 +63538,8 +63539,8 +63540,8 +63541,8 +63542,31 +63543,31 +63544,31 +63545,31 +63546,31 +63547,31 +63548,24 +63549,24 +63550,24 +63551,24 +63552,24 +63553,24 +63554,24 +63555,24 +63556,24 +63557,28 +63558,28 +63559,28 +63560,28 +63561,28 +63562,28 +63563,28 +63564,34 +63565,34 +63566,34 +63567,9 +63568,9 +63569,9 +63570,9 +63571,9 +63572,9 +63573,34 +63574,34 +63575,4 +63576,4 +63577,4 +63578,4 +63579,4 +63580,25 +63581,25 +63582,25 +63583,25 +63584,25 +63585,25 +63586,25 +63587,25 +63588,25 +63589,25 +63590,25 +63591,25 +63592,25 +63593,25 +63594,25 +63595,25 +63596,14 +63597,14 +63598,14 +63599,14 +63600,14 +63601,14 +63602,14 +63603,14 +63604,14 +63605,14 +63606,14 +63607,14 +63608,14 +63609,11 +63610,11 +63611,11 +63612,11 +63613,11 +63614,11 +63615,11 +63616,11 +63617,11 +63618,11 +63619,11 +63620,11 +63621,11 +63622,11 +63623,11 +63624,31 +63625,31 +63626,31 +63627,31 +63628,31 +63629,5 +63630,5 +63631,5 +63632,5 +63633,5 +63634,5 +63635,5 +63636,5 +63637,5 +63638,5 +63639,5 +63640,5 +63641,5 +63642,5 +63643,5 +63644,5 +63645,5 +63646,5 +63647,0 +63648,0 +63649,0 +63650,0 +63651,0 +63652,0 +63653,0 +63654,0 +63655,0 +63656,0 +63657,0 +63658,0 +63659,0 +63660,0 +63661,0 +63662,0 +63663,0 +63664,0 +63665,0 +63666,0 +63667,0 +63668,0 +63669,0 +63670,0 +63671,0 +63672,0 +63673,0 +63674,0 +63675,0 +63676,0 +63677,0 +63678,0 +63679,0 +63680,0 +63681,0 +63682,0 +63683,0 +63684,0 +63685,0 +63686,0 +63687,0 +63688,0 +63689,0 +63690,0 +63691,0 +63692,36 +63693,36 +63694,36 +63695,36 +63696,36 +63697,36 +63698,36 +63699,36 +63700,36 +63701,36 +63702,36 +63703,36 +63704,14 +63705,14 +63706,14 +63707,14 +63708,14 +63709,36 +63710,36 +63711,36 +63712,36 +63713,36 +63714,36 +63715,36 +63716,36 +63717,36 +63718,36 +63719,2 +63720,2 +63721,2 +63722,2 +63723,2 +63724,2 +63725,2 +63726,2 +63727,2 +63728,2 +63729,2 +63730,2 +63731,2 +63732,2 +63733,2 +63734,2 +63735,31 +63736,31 +63737,31 +63738,31 +63739,31 +63740,31 +63741,32 +63742,32 +63743,32 +63744,32 +63745,32 +63746,32 +63747,32 +63748,32 +63749,32 +63750,6 +63751,32 +63752,32 +63753,32 +63754,33 +63755,33 +63756,33 +63757,33 +63758,31 +63759,31 +63760,34 +63761,34 +63762,30 +63763,33 +63764,33 +63765,33 +63766,33 +63767,33 +63768,33 +63769,33 +63770,33 +63771,33 +63772,33 +63773,33 +63774,8 +63775,8 +63776,8 +63777,8 +63778,8 +63779,2 +63780,2 +63781,2 +63782,2 +63783,2 +63784,2 +63785,2 +63786,27 +63787,27 +63788,27 +63789,27 +63790,27 +63791,27 +63792,27 +63793,27 +63794,27 +63795,13 +63796,13 +63797,13 +63798,13 +63799,13 +63800,13 +63801,13 +63802,13 +63803,13 +63804,13 +63805,13 +63806,5 +63807,5 +63808,5 +63809,5 +63810,5 +63811,5 +63812,5 +63813,5 +63814,5 +63815,0 +63816,0 +63817,0 +63818,0 +63819,0 +63820,0 +63821,0 +63822,0 +63823,0 +63824,0 +63825,0 +63826,0 +63827,0 +63828,0 +63829,0 +63830,0 +63831,0 +63832,0 +63833,0 +63834,5 +63835,5 +63836,5 +63837,5 +63838,5 +63839,5 +63840,5 +63841,5 +63842,5 +63843,5 +63844,5 +63845,5 +63846,5 +63847,5 +63848,5 +63849,5 +63850,5 +63851,33 +63852,33 +63853,33 +63854,33 +63855,33 +63856,33 +63857,33 +63858,33 +63859,33 +63860,33 +63861,33 +63862,33 +63863,33 +63864,33 +63865,33 +63866,33 +63867,19 +63868,19 +63869,19 +63870,19 +63871,19 +63872,19 +63873,19 +63874,19 +63875,34 +63876,34 +63877,34 +63878,10 +63879,10 +63880,10 +63881,10 +63882,34 +63883,34 +63884,34 +63885,34 +63886,34 +63887,34 +63888,34 +63889,34 +63890,34 +63891,34 +63892,34 +63893,34 +63894,34 +63895,34 +63896,34 +63897,34 +63898,34 +63899,34 +63900,34 +63901,32 +63902,32 +63903,32 +63904,32 +63905,32 +63906,32 +63907,33 +63908,4 +63909,4 +63910,4 +63911,4 +63912,4 +63913,4 +63914,4 +63915,4 +63916,4 +63917,4 +63918,4 +63919,4 +63920,4 +63921,4 +63922,4 +63923,4 +63924,4 +63925,0 +63926,0 +63927,0 +63928,0 +63929,0 +63930,0 +63931,0 +63932,0 +63933,0 +63934,0 +63935,0 +63936,0 +63937,0 +63938,0 +63939,0 +63940,0 +63941,0 +63942,0 +63943,0 +63944,0 +63945,0 +63946,0 +63947,0 +63948,0 +63949,0 +63950,0 +63951,0 +63952,0 +63953,0 +63954,0 +63955,0 +63956,0 +63957,0 +63958,0 +63959,0 +63960,0 +63961,0 +63962,0 +63963,0 +63964,0 +63965,0 +63966,0 +63967,0 +63968,0 +63969,0 +63970,0 +63971,0 +63972,0 +63973,0 +63974,0 +63975,0 +63976,0 +63977,29 +63978,29 +63979,29 +63980,29 +63981,40 +63982,40 +63983,40 +63984,40 +63985,40 +63986,37 +63987,37 +63988,37 +63989,12 +63990,12 +63991,12 +63992,12 +63993,12 +63994,31 +63995,31 +63996,31 +63997,27 +63998,27 +63999,8 +64000,8 +64001,8 +64002,8 +64003,8 +64004,5 +64005,5 +64006,5 +64007,5 +64008,5 +64009,5 +64010,5 +64011,5 +64012,33 +64013,33 +64014,33 +64015,33 +64016,33 +64017,33 +64018,33 +64019,33 +64020,33 +64021,30 +64022,30 +64023,30 +64024,30 +64025,30 +64026,30 +64027,30 +64028,30 +64029,30 +64030,30 +64031,30 +64032,36 +64033,36 +64034,36 +64035,36 +64036,36 +64037,36 +64038,36 +64039,36 +64040,36 +64041,6 +64042,6 +64043,6 +64044,6 +64045,6 +64046,6 +64047,6 +64048,31 +64049,31 +64050,31 +64051,31 +64052,31 +64053,31 +64054,15 +64055,24 +64056,24 +64057,24 +64058,24 +64059,24 +64060,26 +64061,26 +64062,26 +64063,34 +64064,26 +64065,26 +64066,26 +64067,26 +64068,26 +64069,26 +64070,26 +64071,26 +64072,6 +64073,6 +64074,6 +64075,6 +64076,6 +64077,6 +64078,6 +64079,6 +64080,2 +64081,2 +64082,2 +64083,2 +64084,2 +64085,2 +64086,27 +64087,27 +64088,27 +64089,27 +64090,27 +64091,16 +64092,8 +64093,8 +64094,18 +64095,18 +64096,18 +64097,18 +64098,18 +64099,18 +64100,16 +64101,31 +64102,31 +64103,31 +64104,31 +64105,31 +64106,31 +64107,5 +64108,5 +64109,5 +64110,5 +64111,5 +64112,5 +64113,5 +64114,5 +64115,5 +64116,19 +64117,5 +64118,5 +64119,5 +64120,5 +64121,0 +64122,0 +64123,0 +64124,0 +64125,0 +64126,0 +64127,0 +64128,0 +64129,0 +64130,0 +64131,0 +64132,0 +64133,0 +64134,0 +64135,0 +64136,0 +64137,0 +64138,0 +64139,0 +64140,0 +64141,0 +64142,0 +64143,0 +64144,0 +64145,0 +64146,0 +64147,0 +64148,0 +64149,0 +64150,0 +64151,0 +64152,0 +64153,0 +64154,0 +64155,0 +64156,0 +64157,0 +64158,0 +64159,0 +64160,0 +64161,0 +64162,0 +64163,33 +64164,0 +64165,0 +64166,0 +64167,0 +64168,0 +64169,0 +64170,9 +64171,9 +64172,9 +64173,9 +64174,9 +64175,9 +64176,9 +64177,9 +64178,9 +64179,9 +64180,9 +64181,9 +64182,9 +64183,9 +64184,9 +64185,9 +64186,9 +64187,9 +64188,9 +64189,9 +64190,9 +64191,9 +64192,9 +64193,9 +64194,9 +64195,9 +64196,30 +64197,30 +64198,30 +64199,30 +64200,30 +64201,30 +64202,29 +64203,29 +64204,29 +64205,29 +64206,29 +64207,29 +64208,27 +64209,27 +64210,27 +64211,27 +64212,27 +64213,27 +64214,27 +64215,27 +64216,2 +64217,2 +64218,2 +64219,2 +64220,2 +64221,2 +64222,2 +64223,2 +64224,2 +64225,2 +64226,2 +64227,2 +64228,2 +64229,12 +64230,12 +64231,12 +64232,12 +64233,12 +64234,12 +64235,9 +64236,9 +64237,9 +64238,9 +64239,9 +64240,9 +64241,9 +64242,9 +64243,9 +64244,34 +64245,35 +64246,35 +64247,35 +64248,35 +64249,35 +64250,35 +64251,35 +64252,35 +64253,35 +64254,35 +64255,35 +64256,35 +64257,25 +64258,25 +64259,25 +64260,25 +64261,25 +64262,25 +64263,6 +64264,6 +64265,6 +64266,6 +64267,6 +64268,6 +64269,6 +64270,6 +64271,31 +64272,31 +64273,31 +64274,31 +64275,5 +64276,5 +64277,5 +64278,5 +64279,5 +64280,4 +64281,4 +64282,4 +64283,4 +64284,4 +64285,14 +64286,14 +64287,14 +64288,14 +64289,14 +64290,14 +64291,14 +64292,14 +64293,14 +64294,14 +64295,14 +64296,14 +64297,14 +64298,19 +64299,19 +64300,19 +64301,19 +64302,19 +64303,27 +64304,27 +64305,27 +64306,27 +64307,6 +64308,6 +64309,6 +64310,6 +64311,6 +64312,6 +64313,6 +64314,6 +64315,31 +64316,31 +64317,31 +64318,31 +64319,5 +64320,5 +64321,5 +64322,5 +64323,5 +64324,5 +64325,5 +64326,5 +64327,5 +64328,5 +64329,2 +64330,2 +64331,2 +64332,2 +64333,2 +64334,2 +64335,2 +64336,2 +64337,2 +64338,2 +64339,2 +64340,2 +64341,27 +64342,27 +64343,27 +64344,27 +64345,27 +64346,19 +64347,19 +64348,19 +64349,19 +64350,19 +64351,19 +64352,24 +64353,25 +64354,25 +64355,25 +64356,25 +64357,25 +64358,31 +64359,31 +64360,31 +64361,15 +64362,15 +64363,15 +64364,15 +64365,31 +64366,31 +64367,31 +64368,31 +64369,31 +64370,30 +64371,30 +64372,30 +64373,30 +64374,30 +64375,30 +64376,30 +64377,30 +64378,30 +64379,22 +64380,22 +64381,22 +64382,22 +64383,28 +64384,28 +64385,28 +64386,28 +64387,28 +64388,28 +64389,28 +64390,28 +64391,36 +64392,36 +64393,36 +64394,36 +64395,34 +64396,34 +64397,34 +64398,34 +64399,34 +64400,34 +64401,34 +64402,34 +64403,34 +64404,5 +64405,5 +64406,5 +64407,5 +64408,5 +64409,5 +64410,5 +64411,4 +64412,4 +64413,4 +64414,4 +64415,4 +64416,4 +64417,19 +64418,19 +64419,19 +64420,4 +64421,4 +64422,0 +64423,0 +64424,0 +64425,0 +64426,0 +64427,0 +64428,0 +64429,0 +64430,0 +64431,0 +64432,0 +64433,0 +64434,0 +64435,0 +64436,0 +64437,0 +64438,0 +64439,0 +64440,0 +64441,0 +64442,0 +64443,0 +64444,0 +64445,0 +64446,0 +64447,0 +64448,0 +64449,0 +64450,0 +64451,0 +64452,0 +64453,0 +64454,0 +64455,0 +64456,0 +64457,0 +64458,0 +64459,0 +64460,0 +64461,0 +64462,0 +64463,0 +64464,0 +64465,0 +64466,29 +64467,29 +64468,29 +64469,29 +64470,29 +64471,29 +64472,40 +64473,40 +64474,40 +64475,40 +64476,40 +64477,40 +64478,40 +64479,40 +64480,40 +64481,40 +64482,40 +64483,40 +64484,40 +64485,40 +64486,5 +64487,5 +64488,5 +64489,5 +64490,5 +64491,5 +64492,5 +64493,5 +64494,5 +64495,5 +64496,5 +64497,27 +64498,27 +64499,27 +64500,27 +64501,27 +64502,27 +64503,27 +64504,27 +64505,27 +64506,27 +64507,27 +64508,27 +64509,27 +64510,8 +64511,23 +64512,23 +64513,23 +64514,23 +64515,23 +64516,23 +64517,23 +64518,8 +64519,8 +64520,8 +64521,8 +64522,0 +64523,0 +64524,0 +64525,0 +64526,0 +64527,40 +64528,36 +64529,36 +64530,36 +64531,36 +64532,36 +64533,36 +64534,36 +64535,36 +64536,36 +64537,5 +64538,5 +64539,5 +64540,5 +64541,5 +64542,5 +64543,5 +64544,39 +64545,39 +64546,39 +64547,39 +64548,39 +64549,39 +64550,14 +64551,14 +64552,14 +64553,14 +64554,14 +64555,28 +64556,28 +64557,28 +64558,28 +64559,28 +64560,28 +64561,28 +64562,28 +64563,28 +64564,28 +64565,28 +64566,28 +64567,36 +64568,36 +64569,36 +64570,36 +64571,36 +64572,36 +64573,36 +64574,36 +64575,36 +64576,36 +64577,36 +64578,36 +64579,36 +64580,36 +64581,36 +64582,36 +64583,36 +64584,36 +64585,36 +64586,5 +64587,5 +64588,5 +64589,5 +64590,5 +64591,5 +64592,5 +64593,5 +64594,5 +64595,5 +64596,5 +64597,5 +64598,5 +64599,5 +64600,5 +64601,11 +64602,11 +64603,11 +64604,11 +64605,11 +64606,11 +64607,11 +64608,11 +64609,11 +64610,11 +64611,11 +64612,36 +64613,36 +64614,34 +64615,36 +64616,10 +64617,30 +64618,30 +64619,30 +64620,30 +64621,30 +64622,30 +64623,30 +64624,30 +64625,2 +64626,2 +64627,2 +64628,2 +64629,2 +64630,2 +64631,2 +64632,2 +64633,2 +64634,2 +64635,2 +64636,2 +64637,14 +64638,14 +64639,14 +64640,14 +64641,14 +64642,14 +64643,14 +64644,14 +64645,14 +64646,14 +64647,14 +64648,14 +64649,14 +64650,14 +64651,31 +64652,31 +64653,31 +64654,31 +64655,31 +64656,31 +64657,31 +64658,31 +64659,31 +64660,31 +64661,31 +64662,5 +64663,5 +64664,5 +64665,5 +64666,5 +64667,5 +64668,4 +64669,4 +64670,4 +64671,4 +64672,4 +64673,4 +64674,4 +64675,3 +64676,3 +64677,3 +64678,3 +64679,3 +64680,39 +64681,39 +64682,39 +64683,39 +64684,39 +64685,39 +64686,39 +64687,7 +64688,7 +64689,7 +64690,7 +64691,7 +64692,3 +64693,3 +64694,3 +64695,3 +64696,3 +64697,3 +64698,3 +64699,3 +64700,3 +64701,3 +64702,3 +64703,3 +64704,3 +64705,3 +64706,3 +64707,3 +64708,3 +64709,3 +64710,3 +64711,3 +64712,3 +64713,3 +64714,3 +64715,3 +64716,3 +64717,3 +64718,3 +64719,0 +64720,0 +64721,30 +64722,30 +64723,30 +64724,30 +64725,30 +64726,30 +64727,30 +64728,30 +64729,30 +64730,30 +64731,30 +64732,30 +64733,30 +64734,30 +64735,22 +64736,22 +64737,22 +64738,22 +64739,33 +64740,33 +64741,33 +64742,33 +64743,33 +64744,33 +64745,33 +64746,33 +64747,33 +64748,33 +64749,33 +64750,33 +64751,33 +64752,33 +64753,33 +64754,33 +64755,33 +64756,33 +64757,33 +64758,33 +64759,33 +64760,33 +64761,33 +64762,30 +64763,30 +64764,30 +64765,30 +64766,30 +64767,30 +64768,30 +64769,30 +64770,30 +64771,0 +64772,0 +64773,0 +64774,0 +64775,0 +64776,0 +64777,0 +64778,0 +64779,0 +64780,0 +64781,0 +64782,35 +64783,35 +64784,35 +64785,35 +64786,35 +64787,35 +64788,35 +64789,6 +64790,14 +64791,14 +64792,14 +64793,14 +64794,14 +64795,27 +64796,27 +64797,27 +64798,27 +64799,27 +64800,27 +64801,27 +64802,27 +64803,14 +64804,25 +64805,25 +64806,25 +64807,27 +64808,27 +64809,27 +64810,27 +64811,37 +64812,37 +64813,37 +64814,37 +64815,27 +64816,27 +64817,39 +64818,39 +64819,39 +64820,39 +64821,39 +64822,27 +64823,27 +64824,27 +64825,27 +64826,27 +64827,27 +64828,8 +64829,8 +64830,8 +64831,8 +64832,8 +64833,8 +64834,8 +64835,8 +64836,8 +64837,8 +64838,6 +64839,6 +64840,6 +64841,6 +64842,6 +64843,6 +64844,6 +64845,37 +64846,37 +64847,37 +64848,37 +64849,37 +64850,10 +64851,10 +64852,10 +64853,10 +64854,10 +64855,10 +64856,10 +64857,10 +64858,10 +64859,10 +64860,10 +64861,10 +64862,10 +64863,10 +64864,10 +64865,10 +64866,10 +64867,8 +64868,8 +64869,8 +64870,8 +64871,2 +64872,2 +64873,2 +64874,2 +64875,2 +64876,2 +64877,2 +64878,2 +64879,2 +64880,2 +64881,2 +64882,6 +64883,6 +64884,32 +64885,6 +64886,6 +64887,6 +64888,6 +64889,6 +64890,6 +64891,6 +64892,6 +64893,6 +64894,31 +64895,12 +64896,12 +64897,31 +64898,12 +64899,12 +64900,12 +64901,12 +64902,25 +64903,37 +64904,25 +64905,37 +64906,37 +64907,37 +64908,29 +64909,29 +64910,29 +64911,29 +64912,29 +64913,29 +64914,29 +64915,14 +64916,14 +64917,14 +64918,14 +64919,14 +64920,14 +64921,14 +64922,25 +64923,25 +64924,25 +64925,25 +64926,40 +64927,40 +64928,40 +64929,40 +64930,37 +64931,37 +64932,37 +64933,37 +64934,37 +64935,37 +64936,37 +64937,37 +64938,37 +64939,37 +64940,37 +64941,37 +64942,37 +64943,37 +64944,37 +64945,37 +64946,37 +64947,25 +64948,25 +64949,25 +64950,25 +64951,25 +64952,25 +64953,25 +64954,25 +64955,25 +64956,0 +64957,0 +64958,0 +64959,0 +64960,0 +64961,0 +64962,0 +64963,0 +64964,0 +64965,0 +64966,0 +64967,0 +64968,0 +64969,0 +64970,0 +64971,0 +64972,0 +64973,0 +64974,0 +64975,0 +64976,0 +64977,0 +64978,0 +64979,0 +64980,0 +64981,0 +64982,0 +64983,0 +64984,0 +64985,0 +64986,28 +64987,28 +64988,0 +64989,29 +64990,29 +64991,15 +64992,15 +64993,15 +64994,15 +64995,15 +64996,15 +64997,15 +64998,15 +64999,15 +65000,39 +65001,39 +65002,39 +65003,39 +65004,39 +65005,39 +65006,39 +65007,39 +65008,30 +65009,30 +65010,30 +65011,30 +65012,30 +65013,30 +65014,30 +65015,39 +65016,39 +65017,39 +65018,39 +65019,39 +65020,39 +65021,39 +65022,39 +65023,39 +65024,24 +65025,24 +65026,24 +65027,24 +65028,31 +65029,31 +65030,27 +65031,31 +65032,31 +65033,27 +65034,27 +65035,27 +65036,4 +65037,4 +65038,4 +65039,4 +65040,4 +65041,4 +65042,4 +65043,4 +65044,28 +65045,28 +65046,5 +65047,5 +65048,5 +65049,5 +65050,5 +65051,5 +65052,5 +65053,26 +65054,26 +65055,26 +65056,26 +65057,26 +65058,9 +65059,9 +65060,26 +65061,26 +65062,26 +65063,26 +65064,26 +65065,26 +65066,26 +65067,4 +65068,4 +65069,4 +65070,4 +65071,4 +65072,4 +65073,4 +65074,4 +65075,4 +65076,4 +65077,4 +65078,4 +65079,4 +65080,4 +65081,4 +65082,4 +65083,4 +65084,4 +65085,4 +65086,0 +65087,0 +65088,0 +65089,0 +65090,0 +65091,0 +65092,0 +65093,0 +65094,0 +65095,0 +65096,0 +65097,0 +65098,0 +65099,0 +65100,0 +65101,0 +65102,0 +65103,0 +65104,0 +65105,0 +65106,0 +65107,0 +65108,0 +65109,0 +65110,0 +65111,0 +65112,0 +65113,0 +65114,0 +65115,0 +65116,0 +65117,0 +65118,0 +65119,0 +65120,0 +65121,0 +65122,0 +65123,0 +65124,0 +65125,0 +65126,0 +65127,0 +65128,0 +65129,28 +65130,28 +65131,28 +65132,28 +65133,28 +65134,28 +65135,28 +65136,28 +65137,28 +65138,28 +65139,28 +65140,28 +65141,27 +65142,40 +65143,40 +65144,40 +65145,40 +65146,40 +65147,40 +65148,40 +65149,40 +65150,40 +65151,40 +65152,40 +65153,40 +65154,38 +65155,38 +65156,38 +65157,38 +65158,38 +65159,38 +65160,38 +65161,7 +65162,7 +65163,7 +65164,7 +65165,7 +65166,7 +65167,27 +65168,27 +65169,27 +65170,3 +65171,24 +65172,24 +65173,24 +65174,3 +65175,3 +65176,3 +65177,3 +65178,3 +65179,3 +65180,37 +65181,13 +65182,13 +65183,13 +65184,0 +65185,0 +65186,0 +65187,0 +65188,0 +65189,0 +65190,0 +65191,0 +65192,0 +65193,0 +65194,0 +65195,0 +65196,0 +65197,0 +65198,0 +65199,0 +65200,0 +65201,0 +65202,0 +65203,0 +65204,0 +65205,0 +65206,0 +65207,0 +65208,0 +65209,29 +65210,29 +65211,29 +65212,29 +65213,29 +65214,36 +65215,36 +65216,36 +65217,36 +65218,36 +65219,36 +65220,36 +65221,36 +65222,36 +65223,36 +65224,6 +65225,6 +65226,6 +65227,6 +65228,6 +65229,6 +65230,6 +65231,6 +65232,6 +65233,6 +65234,6 +65235,6 +65236,6 +65237,6 +65238,6 +65239,6 +65240,6 +65241,6 +65242,6 +65243,14 +65244,14 +65245,14 +65246,14 +65247,14 +65248,14 +65249,14 +65250,14 +65251,14 +65252,14 +65253,14 +65254,14 +65255,14 +65256,23 +65257,23 +65258,23 +65259,23 +65260,23 +65261,23 +65262,23 +65263,23 +65264,23 +65265,23 +65266,23 +65267,23 +65268,23 +65269,40 +65270,40 +65271,40 +65272,40 +65273,40 +65274,37 +65275,37 +65276,37 +65277,37 +65278,37 +65279,37 +65280,37 +65281,37 +65282,37 +65283,25 +65284,25 +65285,25 +65286,2 +65287,2 +65288,2 +65289,2 +65290,2 +65291,2 +65292,2 +65293,27 +65294,27 +65295,27 +65296,27 +65297,27 +65298,8 +65299,8 +65300,8 +65301,8 +65302,8 +65303,8 +65304,8 +65305,8 +65306,36 +65307,36 +65308,36 +65309,36 +65310,36 +65311,36 +65312,36 +65313,36 +65314,36 +65315,37 +65316,36 +65317,6 +65318,6 +65319,6 +65320,6 +65321,6 +65322,11 +65323,16 +65324,2 +65325,11 +65326,11 +65327,11 +65328,11 +65329,16 +65330,16 +65331,11 +65332,11 +65333,30 +65334,30 +65335,30 +65336,30 +65337,39 +65338,39 +65339,39 +65340,39 +65341,39 +65342,39 +65343,6 +65344,6 +65345,6 +65346,6 +65347,6 +65348,6 +65349,6 +65350,6 +65351,6 +65352,6 +65353,6 +65354,6 +65355,31 +65356,31 +65357,31 +65358,31 +65359,31 +65360,31 +65361,31 +65362,28 +65363,28 +65364,28 +65365,28 +65366,27 +65367,27 +65368,27 +65369,27 +65370,27 +65371,13 +65372,13 +65373,13 +65374,13 +65375,13 +65376,13 +65377,5 +65378,5 +65379,5 +65380,5 +65381,23 +65382,38 +65383,38 +65384,38 +65385,38 +65386,38 +65387,38 +65388,38 +65389,38 +65390,38 +65391,37 +65392,37 +65393,37 +65394,37 +65395,37 +65396,37 +65397,37 +65398,37 +65399,25 +65400,25 +65401,25 +65402,25 +65403,25 +65404,25 +65405,34 +65406,34 +65407,33 +65408,34 +65409,34 +65410,33 +65411,33 +65412,33 +65413,33 +65414,33 +65415,33 +65416,5 +65417,5 +65418,13 +65419,13 +65420,13 +65421,29 +65422,29 +65423,14 +65424,14 +65425,14 +65426,39 +65427,39 +65428,39 +65429,39 +65430,31 +65431,31 +65432,31 +65433,31 +65434,31 +65435,31 +65436,29 +65437,29 +65438,29 +65439,29 +65440,29 +65441,29 +65442,29 +65443,25 +65444,25 +65445,25 +65446,25 +65447,25 +65448,25 +65449,25 +65450,2 +65451,2 +65452,2 +65453,2 +65454,2 +65455,2 +65456,2 +65457,2 +65458,2 +65459,2 +65460,2 +65461,2 +65462,2 +65463,2 +65464,2 +65465,2 +65466,9 +65467,9 +65468,9 +65469,9 +65470,9 +65471,9 +65472,9 +65473,9 +65474,10 +65475,10 +65476,26 +65477,10 +65478,10 +65479,10 +65480,10 +65481,10 +65482,10 +65483,10 +65484,10 +65485,10 +65486,10 +65487,10 +65488,10 +65489,10 +65490,10 +65491,10 +65492,10 +65493,10 +65494,10 +65495,10 +65496,14 +65497,14 +65498,14 +65499,14 +65500,14 +65501,19 +65502,19 +65503,19 +65504,19 +65505,19 +65506,19 +65507,19 +65508,19 +65509,19 +65510,19 +65511,19 +65512,19 +65513,19 +65514,0 +65515,0 +65516,0 +65517,0 +65518,0 +65519,0 +65520,0 +65521,0 +65522,0 +65523,0 +65524,0 +65525,0 +65526,0 +65527,0 +65528,0 +65529,0 +65530,0 +65531,0 +65532,0 +65533,0 +65534,0 +65535,0 +65536,0 +65537,0 +65538,0 +65539,0 +65540,0 +65541,0 +65542,0 +65543,0 +65544,0 +65545,0 +65546,0 +65547,0 +65548,0 +65549,0 +65550,0 +65551,0 +65552,0 +65553,0 +65554,0 +65555,0 +65556,0 +65557,0 +65558,0 +65559,0 +65560,0 +65561,27 +65562,27 +65563,27 +65564,27 +65565,27 +65566,23 +65567,23 +65568,11 +65569,11 +65570,11 +65571,11 +65572,11 +65573,11 +65574,11 +65575,11 +65576,16 +65577,39 +65578,39 +65579,39 +65580,39 +65581,39 +65582,39 +65583,39 +65584,16 +65585,16 +65586,16 +65587,16 +65588,16 +65589,16 +65590,16 +65591,16 +65592,16 +65593,16 +65594,16 +65595,16 +65596,16 +65597,16 +65598,16 +65599,14 +65600,14 +65601,14 +65602,14 +65603,14 +65604,14 +65605,14 +65606,14 +65607,14 +65608,14 +65609,5 +65610,5 +65611,5 +65612,30 +65613,18 +65614,18 +65615,18 +65616,7 +65617,31 +65618,22 +65619,35 +65620,35 +65621,35 +65622,35 +65623,35 +65624,35 +65625,35 +65626,35 +65627,35 +65628,35 +65629,35 +65630,35 +65631,35 +65632,35 +65633,25 +65634,25 +65635,25 +65636,25 +65637,28 +65638,28 +65639,28 +65640,28 +65641,28 +65642,28 +65643,28 +65644,28 +65645,28 +65646,28 +65647,28 +65648,28 +65649,10 +65650,10 +65651,10 +65652,10 +65653,10 +65654,10 +65655,10 +65656,34 +65657,34 +65658,10 +65659,10 +65660,10 +65661,10 +65662,19 +65663,19 +65664,19 +65665,19 +65666,27 +65667,27 +65668,27 +65669,5 +65670,5 +65671,19 +65672,19 +65673,28 +65674,28 +65675,31 +65676,31 +65677,31 +65678,31 +65679,31 +65680,5 +65681,5 +65682,5 +65683,39 +65684,39 +65685,39 +65686,39 +65687,39 +65688,28 +65689,28 +65690,28 +65691,28 +65692,28 +65693,28 +65694,28 +65695,28 +65696,28 +65697,28 +65698,28 +65699,28 +65700,9 +65701,9 +65702,9 +65703,9 +65704,9 +65705,9 +65706,9 +65707,9 +65708,37 +65709,37 +65710,37 +65711,37 +65712,37 +65713,37 +65714,37 +65715,37 +65716,4 +65717,4 +65718,4 +65719,4 +65720,4 +65721,6 +65722,6 +65723,6 +65724,4 +65725,4 +65726,10 +65727,10 +65728,10 +65729,10 +65730,10 +65731,10 +65732,10 +65733,26 +65734,26 +65735,10 +65736,10 +65737,10 +65738,10 +65739,10 +65740,10 +65741,10 +65742,10 +65743,31 +65744,31 +65745,31 +65746,31 +65747,31 +65748,31 +65749,31 +65750,5 +65751,5 +65752,5 +65753,5 +65754,5 +65755,5 +65756,5 +65757,8 +65758,8 +65759,8 +65760,8 +65761,8 +65762,8 +65763,8 +65764,8 +65765,8 +65766,8 +65767,8 +65768,8 +65769,2 +65770,2 +65771,2 +65772,2 +65773,2 +65774,2 +65775,2 +65776,0 +65777,0 +65778,0 +65779,0 +65780,0 +65781,0 +65782,0 +65783,0 +65784,0 +65785,0 +65786,0 +65787,0 +65788,0 +65789,0 +65790,0 +65791,0 +65792,0 +65793,0 +65794,0 +65795,0 +65796,0 +65797,0 +65798,0 +65799,0 +65800,0 +65801,0 +65802,29 +65803,29 +65804,29 +65805,29 +65806,29 +65807,29 +65808,29 +65809,29 +65810,29 +65811,40 +65812,40 +65813,40 +65814,37 +65815,37 +65816,37 +65817,37 +65818,37 +65819,37 +65820,37 +65821,30 +65822,30 +65823,30 +65824,33 +65825,33 +65826,33 +65827,33 +65828,22 +65829,33 +65830,28 +65831,28 +65832,28 +65833,28 +65834,32 +65835,32 +65836,32 +65837,32 +65838,32 +65839,32 +65840,32 +65841,39 +65842,39 +65843,39 +65844,39 +65845,39 +65846,39 +65847,39 +65848,39 +65849,39 +65850,39 +65851,39 +65852,39 +65853,31 +65854,31 +65855,31 +65856,31 +65857,5 +65858,5 +65859,5 +65860,5 +65861,39 +65862,39 +65863,39 +65864,39 +65865,39 +65866,14 +65867,14 +65868,14 +65869,14 +65870,14 +65871,23 +65872,23 +65873,23 +65874,23 +65875,23 +65876,23 +65877,23 +65878,27 +65879,27 +65880,27 +65881,27 +65882,27 +65883,5 +65884,13 +65885,13 +65886,5 +65887,5 +65888,5 +65889,5 +65890,5 +65891,33 +65892,33 +65893,33 +65894,33 +65895,33 +65896,33 +65897,30 +65898,30 +65899,30 +65900,30 +65901,34 +65902,34 +65903,34 +65904,34 +65905,36 +65906,36 +65907,36 +65908,36 +65909,36 +65910,31 +65911,31 +65912,31 +65913,31 +65914,31 +65915,31 +65916,36 +65917,36 +65918,23 +65919,23 +65920,23 +65921,23 +65922,23 +65923,23 +65924,23 +65925,23 +65926,23 +65927,23 +65928,23 +65929,4 +65930,4 +65931,4 +65932,4 +65933,4 +65934,4 +65935,4 +65936,4 +65937,2 +65938,2 +65939,2 +65940,2 +65941,2 +65942,2 +65943,2 +65944,0 +65945,0 +65946,0 +65947,0 +65948,0 +65949,0 +65950,0 +65951,0 +65952,0 +65953,0 +65954,0 +65955,0 +65956,0 +65957,0 +65958,0 +65959,0 +65960,0 +65961,0 +65962,0 +65963,0 +65964,0 +65965,0 +65966,0 +65967,0 +65968,0 +65969,0 +65970,0 +65971,0 +65972,0 +65973,0 +65974,0 +65975,0 +65976,0 +65977,0 +65978,0 +65979,0 +65980,0 +65981,0 +65982,0 +65983,0 +65984,0 +65985,0 +65986,0 +65987,0 +65988,0 +65989,0 +65990,0 +65991,0 +65992,0 +65993,0 +65994,0 +65995,0 +65996,0 +65997,0 +65998,0 +65999,0 +66000,0 +66001,0 +66002,0 +66003,0 +66004,0 +66005,0 +66006,0 +66007,0 +66008,0 +66009,5 +66010,5 +66011,5 +66012,5 +66013,5 +66014,5 +66015,5 +66016,5 +66017,5 +66018,9 +66019,9 +66020,22 +66021,22 +66022,22 +66023,37 +66024,37 +66025,37 +66026,37 +66027,37 +66028,25 +66029,25 +66030,12 +66031,12 +66032,12 +66033,12 +66034,12 +66035,12 +66036,12 +66037,12 +66038,12 +66039,12 +66040,31 +66041,31 +66042,31 +66043,31 +66044,31 +66045,31 +66046,31 +66047,31 +66048,8 +66049,8 +66050,8 +66051,8 +66052,8 +66053,8 +66054,8 +66055,8 +66056,8 +66057,8 +66058,40 +66059,40 +66060,40 +66061,40 +66062,40 +66063,40 +66064,37 +66065,37 +66066,37 +66067,37 +66068,37 +66069,28 +66070,28 +66071,28 +66072,28 +66073,28 +66074,28 +66075,28 +66076,31 +66077,31 +66078,31 +66079,31 +66080,31 +66081,31 +66082,31 +66083,31 +66084,16 +66085,16 +66086,16 +66087,16 +66088,16 +66089,11 +66090,11 +66091,11 +66092,31 +66093,31 +66094,21 +66095,21 +66096,21 +66097,21 +66098,21 +66099,21 +66100,33 +66101,33 +66102,33 +66103,33 +66104,22 +66105,31 +66106,31 +66107,31 +66108,31 +66109,27 +66110,27 +66111,27 +66112,27 +66113,27 +66114,4 +66115,4 +66116,4 +66117,4 +66118,4 +66119,25 +66120,25 +66121,25 +66122,25 +66123,25 +66124,25 +66125,25 +66126,25 +66127,25 +66128,25 +66129,31 +66130,31 +66131,31 +66132,25 +66133,23 +66134,23 +66135,23 +66136,23 +66137,23 +66138,23 +66139,23 +66140,23 +66141,23 +66142,23 +66143,0 +66144,0 +66145,0 +66146,0 +66147,0 +66148,0 +66149,32 +66150,32 +66151,32 +66152,6 +66153,32 +66154,32 +66155,6 +66156,30 +66157,30 +66158,30 +66159,39 +66160,39 +66161,39 +66162,39 +66163,39 +66164,39 +66165,39 +66166,39 +66167,39 +66168,4 +66169,4 +66170,4 +66171,4 +66172,4 +66173,4 +66174,31 +66175,27 +66176,27 +66177,27 +66178,32 +66179,32 +66180,32 +66181,32 +66182,32 +66183,32 +66184,32 +66185,32 +66186,32 +66187,26 +66188,26 +66189,26 +66190,26 +66191,26 +66192,26 +66193,26 +66194,26 +66195,26 +66196,26 +66197,26 +66198,5 +66199,5 +66200,5 +66201,5 +66202,5 +66203,36 +66204,36 +66205,36 +66206,36 +66207,36 +66208,36 +66209,36 +66210,36 +66211,36 +66212,36 +66213,36 +66214,4 +66215,4 +66216,0 +66217,0 +66218,0 +66219,0 +66220,0 +66221,0 +66222,0 +66223,0 +66224,0 +66225,0 +66226,0 +66227,0 +66228,0 +66229,0 +66230,0 +66231,0 +66232,0 +66233,0 +66234,0 +66235,0 +66236,0 +66237,0 +66238,0 +66239,0 +66240,0 +66241,0 +66242,0 +66243,0 +66244,0 +66245,0 +66246,0 +66247,0 +66248,37 +66249,37 +66250,37 +66251,37 +66252,37 +66253,37 +66254,3 +66255,3 +66256,3 +66257,3 +66258,29 +66259,29 +66260,29 +66261,29 +66262,29 +66263,29 +66264,29 +66265,39 +66266,39 +66267,39 +66268,39 +66269,39 +66270,39 +66271,39 +66272,25 +66273,25 +66274,25 +66275,25 +66276,25 +66277,25 +66278,25 +66279,25 +66280,25 +66281,25 +66282,25 +66283,25 +66284,25 +66285,30 +66286,30 +66287,30 +66288,30 +66289,30 +66290,30 +66291,30 +66292,30 +66293,39 +66294,39 +66295,39 +66296,39 +66297,39 +66298,39 +66299,39 +66300,39 +66301,39 +66302,39 +66303,39 +66304,39 +66305,19 +66306,19 +66307,19 +66308,19 +66309,19 +66310,19 +66311,27 +66312,27 +66313,27 +66314,27 +66315,27 +66316,27 +66317,27 +66318,27 +66319,5 +66320,5 +66321,5 +66322,25 +66323,25 +66324,25 +66325,25 +66326,25 +66327,25 +66328,25 +66329,25 +66330,25 +66331,25 +66332,25 +66333,25 +66334,25 +66335,25 +66336,10 +66337,10 +66338,10 +66339,10 +66340,10 +66341,10 +66342,34 +66343,34 +66344,34 +66345,10 +66346,10 +66347,34 +66348,34 +66349,34 +66350,34 +66351,34 +66352,34 +66353,34 +66354,34 +66355,34 +66356,25 +66357,25 +66358,25 +66359,25 +66360,25 +66361,25 +66362,25 +66363,37 +66364,37 +66365,25 +66366,25 +66367,25 +66368,25 +66369,25 +66370,15 +66371,15 +66372,15 +66373,37 +66374,37 +66375,37 +66376,40 +66377,40 +66378,40 +66379,40 +66380,40 +66381,40 +66382,5 +66383,5 +66384,5 +66385,5 +66386,5 +66387,19 +66388,19 +66389,19 +66390,19 +66391,19 +66392,25 +66393,25 +66394,25 +66395,25 +66396,25 +66397,25 +66398,25 +66399,32 +66400,32 +66401,19 +66402,19 +66403,19 +66404,19 +66405,6 +66406,6 +66407,6 +66408,6 +66409,6 +66410,6 +66411,6 +66412,6 +66413,6 +66414,6 +66415,27 +66416,27 +66417,27 +66418,27 +66419,27 +66420,27 +66421,27 +66422,27 +66423,27 +66424,5 +66425,5 +66426,5 +66427,29 +66428,29 +66429,29 +66430,19 +66431,31 +66432,31 +66433,31 +66434,31 +66435,31 +66436,30 +66437,30 +66438,30 +66439,30 +66440,30 +66441,2 +66442,2 +66443,2 +66444,2 +66445,2 +66446,2 +66447,2 +66448,2 +66449,2 +66450,4 +66451,4 +66452,4 +66453,4 +66454,4 +66455,27 +66456,27 +66457,27 +66458,27 +66459,27 +66460,27 +66461,27 +66462,6 +66463,6 +66464,6 +66465,6 +66466,6 +66467,2 +66468,2 +66469,2 +66470,2 +66471,2 +66472,2 +66473,2 +66474,2 +66475,2 +66476,2 +66477,2 +66478,31 +66479,31 +66480,31 +66481,31 +66482,31 +66483,31 +66484,5 +66485,5 +66486,5 +66487,5 +66488,5 +66489,5 +66490,5 +66491,5 +66492,5 +66493,5 +66494,5 +66495,5 +66496,5 +66497,5 +66498,5 +66499,31 +66500,31 +66501,31 +66502,40 +66503,40 +66504,40 +66505,40 +66506,40 +66507,40 +66508,40 +66509,2 +66510,2 +66511,2 +66512,2 +66513,2 +66514,2 +66515,2 +66516,2 +66517,2 +66518,27 +66519,27 +66520,31 +66521,31 +66522,31 +66523,31 +66524,31 +66525,2 +66526,2 +66527,2 +66528,2 +66529,2 +66530,2 +66531,2 +66532,2 +66533,2 +66534,2 +66535,2 +66536,40 +66537,40 +66538,40 +66539,40 +66540,40 +66541,37 +66542,37 +66543,37 +66544,37 +66545,37 +66546,37 +66547,37 +66548,37 +66549,37 +66550,37 +66551,37 +66552,37 +66553,39 +66554,39 +66555,39 +66556,39 +66557,39 +66558,14 +66559,14 +66560,14 +66561,14 +66562,14 +66563,14 +66564,14 +66565,39 +66566,39 +66567,39 +66568,39 +66569,39 +66570,39 +66571,39 +66572,0 +66573,0 +66574,0 +66575,0 +66576,0 +66577,0 +66578,0 +66579,0 +66580,0 +66581,0 +66582,0 +66583,0 +66584,0 +66585,0 +66586,0 +66587,0 +66588,0 +66589,0 +66590,0 +66591,0 +66592,0 +66593,0 +66594,0 +66595,0 +66596,0 +66597,0 +66598,0 +66599,0 +66600,0 +66601,0 +66602,0 +66603,0 +66604,0 +66605,0 +66606,0 +66607,0 +66608,0 +66609,0 +66610,0 +66611,31 +66612,0 +66613,0 +66614,31 +66615,31 +66616,31 +66617,31 +66618,31 +66619,31 +66620,31 +66621,31 +66622,23 +66623,23 +66624,23 +66625,23 +66626,23 +66627,11 +66628,23 +66629,23 +66630,23 +66631,23 +66632,23 +66633,23 +66634,23 +66635,23 +66636,23 +66637,23 +66638,30 +66639,30 +66640,30 +66641,30 +66642,36 +66643,36 +66644,36 +66645,36 +66646,36 +66647,10 +66648,10 +66649,10 +66650,4 +66651,4 +66652,36 +66653,36 +66654,36 +66655,2 +66656,2 +66657,2 +66658,2 +66659,2 +66660,2 +66661,2 +66662,2 +66663,2 +66664,2 +66665,2 +66666,2 +66667,2 +66668,2 +66669,33 +66670,33 +66671,33 +66672,33 +66673,33 +66674,30 +66675,30 +66676,30 +66677,30 +66678,30 +66679,30 +66680,31 +66681,31 +66682,31 +66683,24 +66684,24 +66685,24 +66686,24 +66687,24 +66688,24 +66689,24 +66690,24 +66691,2 +66692,2 +66693,2 +66694,2 +66695,2 +66696,2 +66697,2 +66698,2 +66699,2 +66700,2 +66701,2 +66702,2 +66703,2 +66704,2 +66705,33 +66706,33 +66707,33 +66708,33 +66709,33 +66710,33 +66711,33 +66712,33 +66713,33 +66714,33 +66715,33 +66716,33 +66717,33 +66718,33 +66719,33 +66720,33 +66721,30 +66722,30 +66723,30 +66724,30 +66725,30 +66726,30 +66727,2 +66728,2 +66729,2 +66730,2 +66731,2 +66732,2 +66733,2 +66734,2 +66735,2 +66736,2 +66737,2 +66738,2 +66739,2 +66740,2 +66741,2 +66742,2 +66743,2 +66744,2 +66745,2 +66746,2 +66747,8 +66748,0 +66749,0 +66750,0 +66751,0 +66752,0 +66753,0 +66754,0 +66755,0 +66756,0 +66757,0 +66758,0 +66759,0 +66760,0 +66761,0 +66762,0 +66763,0 +66764,0 +66765,0 +66766,0 +66767,0 +66768,0 +66769,0 +66770,0 +66771,0 +66772,0 +66773,0 +66774,0 +66775,0 +66776,0 +66777,0 +66778,0 +66779,0 +66780,0 +66781,0 +66782,0 +66783,12 +66784,12 +66785,12 +66786,12 +66787,27 +66788,27 +66789,27 +66790,16 +66791,16 +66792,16 +66793,16 +66794,16 +66795,16 +66796,16 +66797,16 +66798,39 +66799,39 +66800,39 +66801,39 +66802,39 +66803,39 +66804,23 +66805,23 +66806,23 +66807,23 +66808,23 +66809,23 +66810,23 +66811,23 +66812,23 +66813,23 +66814,23 +66815,23 +66816,23 +66817,23 +66818,36 +66819,36 +66820,36 +66821,36 +66822,36 +66823,36 +66824,36 +66825,36 +66826,36 +66827,36 +66828,36 +66829,36 +66830,36 +66831,36 +66832,2 +66833,2 +66834,2 +66835,2 +66836,2 +66837,2 +66838,2 +66839,2 +66840,2 +66841,5 +66842,5 +66843,5 +66844,5 +66845,5 +66846,5 +66847,4 +66848,4 +66849,4 +66850,4 +66851,31 +66852,31 +66853,31 +66854,31 +66855,31 +66856,28 +66857,28 +66858,28 +66859,12 +66860,12 +66861,12 +66862,12 +66863,12 +66864,10 +66865,10 +66866,10 +66867,10 +66868,10 +66869,10 +66870,10 +66871,10 +66872,10 +66873,10 +66874,10 +66875,19 +66876,15 +66877,15 +66878,15 +66879,15 +66880,15 +66881,15 +66882,15 +66883,15 +66884,15 +66885,10 +66886,10 +66887,40 +66888,40 +66889,34 +66890,34 +66891,34 +66892,34 +66893,34 +66894,33 +66895,33 +66896,33 +66897,33 +66898,34 +66899,34 +66900,34 +66901,34 +66902,9 +66903,9 +66904,9 +66905,9 +66906,4 +66907,4 +66908,4 +66909,4 +66910,4 +66911,4 +66912,4 +66913,4 +66914,15 +66915,15 +66916,4 +66917,23 +66918,23 +66919,23 +66920,15 +66921,15 +66922,10 +66923,10 +66924,10 +66925,10 +66926,10 +66927,10 +66928,10 +66929,10 +66930,10 +66931,10 +66932,10 +66933,10 +66934,10 +66935,10 +66936,4 +66937,4 +66938,8 +66939,4 +66940,8 +66941,8 +66942,8 +66943,8 +66944,8 +66945,8 +66946,2 +66947,8 +66948,30 +66949,30 +66950,30 +66951,30 +66952,30 +66953,27 +66954,27 +66955,27 +66956,8 +66957,8 +66958,8 +66959,8 +66960,30 +66961,30 +66962,30 +66963,30 +66964,30 +66965,5 +66966,5 +66967,5 +66968,5 +66969,5 +66970,11 +66971,11 +66972,11 +66973,11 +66974,11 +66975,16 +66976,16 +66977,16 +66978,11 +66979,11 +66980,16 +66981,16 +66982,14 +66983,14 +66984,14 +66985,14 +66986,14 +66987,14 +66988,14 +66989,14 +66990,14 +66991,14 +66992,14 +66993,14 +66994,14 +66995,14 +66996,14 +66997,14 +66998,14 +66999,14 +67000,14 +67001,14 +67002,14 +67003,39 +67004,39 +67005,39 +67006,39 +67007,39 +67008,5 +67009,5 +67010,5 +67011,5 +67012,5 +67013,5 +67014,5 +67015,5 +67016,5 +67017,0 +67018,0 +67019,0 +67020,0 +67021,0 +67022,0 +67023,0 +67024,0 +67025,0 +67026,0 +67027,0 +67028,0 +67029,0 +67030,0 +67031,0 +67032,0 +67033,0 +67034,0 +67035,0 +67036,0 +67037,0 +67038,0 +67039,0 +67040,0 +67041,0 +67042,0 +67043,0 +67044,0 +67045,0 +67046,0 +67047,0 +67048,0 +67049,0 +67050,36 +67051,36 +67052,36 +67053,36 +67054,36 +67055,36 +67056,36 +67057,36 +67058,36 +67059,5 +67060,5 +67061,5 +67062,5 +67063,19 +67064,19 +67065,19 +67066,19 +67067,2 +67068,2 +67069,2 +67070,2 +67071,2 +67072,2 +67073,2 +67074,2 +67075,40 +67076,40 +67077,40 +67078,40 +67079,40 +67080,40 +67081,4 +67082,4 +67083,4 +67084,31 +67085,31 +67086,31 +67087,31 +67088,31 +67089,31 +67090,21 +67091,21 +67092,21 +67093,21 +67094,21 +67095,21 +67096,40 +67097,40 +67098,40 +67099,40 +67100,40 +67101,40 +67102,40 +67103,40 +67104,40 +67105,40 +67106,40 +67107,40 +67108,40 +67109,40 +67110,40 +67111,40 +67112,40 +67113,40 +67114,5 +67115,5 +67116,5 +67117,5 +67118,5 +67119,5 +67120,5 +67121,5 +67122,5 +67123,5 +67124,5 +67125,5 +67126,5 +67127,5 +67128,5 +67129,5 +67130,5 +67131,5 +67132,0 +67133,0 +67134,0 +67135,0 +67136,0 +67137,0 +67138,0 +67139,0 +67140,0 +67141,0 +67142,0 +67143,0 +67144,0 +67145,0 +67146,0 +67147,0 +67148,0 +67149,0 +67150,0 +67151,0 +67152,0 +67153,0 +67154,0 +67155,0 +67156,0 +67157,0 +67158,0 +67159,0 +67160,0 +67161,0 +67162,0 +67163,0 +67164,0 +67165,0 +67166,0 +67167,0 +67168,0 +67169,0 +67170,0 +67171,5 +67172,5 +67173,5 +67174,5 +67175,5 +67176,5 +67177,5 +67178,5 +67179,5 +67180,5 +67181,19 +67182,21 +67183,21 +67184,21 +67185,21 +67186,21 +67187,21 +67188,21 +67189,21 +67190,9 +67191,9 +67192,9 +67193,9 +67194,9 +67195,9 +67196,9 +67197,9 +67198,9 +67199,37 +67200,37 +67201,37 +67202,37 +67203,37 +67204,37 +67205,37 +67206,37 +67207,25 +67208,25 +67209,25 +67210,25 +67211,25 +67212,25 +67213,12 +67214,12 +67215,12 +67216,12 +67217,12 +67218,33 +67219,33 +67220,33 +67221,33 +67222,33 +67223,33 +67224,33 +67225,33 +67226,33 +67227,33 +67228,33 +67229,33 +67230,0 +67231,0 +67232,0 +67233,0 +67234,0 +67235,0 +67236,0 +67237,0 +67238,0 +67239,0 +67240,0 +67241,0 +67242,0 +67243,0 +67244,0 +67245,0 +67246,0 +67247,0 +67248,0 +67249,0 +67250,0 +67251,0 +67252,0 +67253,0 +67254,0 +67255,0 +67256,0 +67257,0 +67258,0 +67259,0 +67260,0 +67261,0 +67262,0 +67263,0 +67264,0 +67265,0 +67266,0 +67267,0 +67268,0 +67269,0 +67270,0 +67271,0 +67272,0 +67273,0 +67274,0 +67275,0 +67276,0 +67277,0 +67278,0 +67279,0 +67280,0 +67281,0 +67282,0 +67283,0 +67284,0 +67285,0 +67286,0 +67287,0 +67288,0 +67289,0 +67290,0 +67291,0 +67292,0 +67293,0 +67294,0 +67295,0 +67296,0 +67297,0 +67298,0 +67299,0 +67300,0 +67301,0 +67302,0 +67303,0 +67304,0 +67305,0 +67306,0 +67307,31 +67308,31 +67309,31 +67310,31 +67311,31 +67312,31 +67313,4 +67314,4 +67315,4 +67316,3 +67317,3 +67318,3 +67319,33 +67320,4 +67321,3 +67322,3 +67323,3 +67324,3 +67325,3 +67326,3 +67327,6 +67328,6 +67329,6 +67330,6 +67331,6 +67332,6 +67333,6 +67334,6 +67335,6 +67336,6 +67337,6 +67338,6 +67339,6 +67340,6 +67341,6 +67342,26 +67343,26 +67344,26 +67345,26 +67346,26 +67347,26 +67348,37 +67349,37 +67350,37 +67351,37 +67352,3 +67353,37 +67354,37 +67355,37 +67356,37 +67357,37 +67358,27 +67359,27 +67360,27 +67361,27 +67362,5 +67363,5 +67364,5 +67365,28 +67366,28 +67367,28 +67368,28 +67369,28 +67370,28 +67371,28 +67372,28 +67373,28 +67374,39 +67375,39 +67376,39 +67377,39 +67378,39 +67379,39 +67380,39 +67381,39 +67382,2 +67383,2 +67384,2 +67385,2 +67386,2 +67387,2 +67388,2 +67389,2 +67390,2 +67391,14 +67392,14 +67393,14 +67394,14 +67395,14 +67396,40 +67397,40 +67398,40 +67399,40 +67400,27 +67401,27 +67402,27 +67403,27 +67404,27 +67405,19 +67406,19 +67407,19 +67408,19 +67409,19 +67410,19 +67411,19 +67412,19 +67413,19 +67414,19 +67415,19 +67416,0 +67417,0 +67418,0 +67419,0 +67420,0 +67421,0 +67422,0 +67423,0 +67424,0 +67425,0 +67426,0 +67427,0 +67428,0 +67429,0 +67430,0 +67431,0 +67432,0 +67433,0 +67434,0 +67435,0 +67436,0 +67437,0 +67438,0 +67439,0 +67440,0 +67441,0 +67442,0 +67443,0 +67444,27 +67445,27 +67446,27 +67447,27 +67448,27 +67449,27 +67450,27 +67451,27 +67452,27 +67453,27 +67454,27 +67455,27 +67456,5 +67457,5 +67458,5 +67459,5 +67460,5 +67461,8 +67462,8 +67463,8 +67464,8 +67465,8 +67466,8 +67467,8 +67468,8 +67469,29 +67470,29 +67471,29 +67472,24 +67473,29 +67474,31 +67475,31 +67476,31 +67477,31 +67478,31 +67479,24 +67480,24 +67481,24 +67482,24 +67483,24 +67484,24 +67485,24 +67486,24 +67487,14 +67488,14 +67489,14 +67490,14 +67491,14 +67492,14 +67493,14 +67494,14 +67495,14 +67496,14 +67497,14 +67498,6 +67499,6 +67500,6 +67501,6 +67502,6 +67503,6 +67504,6 +67505,31 +67506,40 +67507,40 +67508,40 +67509,40 +67510,5 +67511,31 +67512,31 +67513,31 +67514,5 +67515,31 +67516,28 +67517,28 +67518,28 +67519,28 +67520,28 +67521,28 +67522,28 +67523,36 +67524,36 +67525,36 +67526,36 +67527,36 +67528,36 +67529,36 +67530,4 +67531,19 +67532,19 +67533,19 +67534,25 +67535,25 +67536,25 +67537,25 +67538,25 +67539,25 +67540,25 +67541,25 +67542,25 +67543,2 +67544,2 +67545,2 +67546,2 +67547,2 +67548,2 +67549,2 +67550,2 +67551,2 +67552,2 +67553,29 +67554,29 +67555,29 +67556,29 +67557,29 +67558,14 +67559,14 +67560,14 +67561,14 +67562,14 +67563,14 +67564,17 +67565,17 +67566,17 +67567,17 +67568,17 +67569,17 +67570,17 +67571,2 +67572,2 +67573,2 +67574,2 +67575,2 +67576,2 +67577,2 +67578,2 +67579,2 +67580,2 +67581,2 +67582,2 +67583,31 +67584,31 +67585,31 +67586,31 +67587,31 +67588,5 +67589,31 +67590,5 +67591,5 +67592,5 +67593,5 +67594,5 +67595,5 +67596,5 +67597,5 +67598,2 +67599,2 +67600,2 +67601,2 +67602,2 +67603,8 +67604,8 +67605,2 +67606,2 +67607,2 +67608,2 +67609,2 +67610,2 +67611,2 +67612,2 +67613,2 +67614,0 +67615,0 +67616,0 +67617,0 +67618,0 +67619,0 +67620,0 +67621,0 +67622,0 +67623,0 +67624,0 +67625,0 +67626,0 +67627,0 +67628,0 +67629,0 +67630,0 +67631,0 +67632,0 +67633,0 +67634,0 +67635,0 +67636,0 +67637,0 +67638,0 +67639,0 +67640,0 +67641,0 +67642,0 +67643,0 +67644,0 +67645,0 +67646,0 +67647,0 +67648,0 +67649,0 +67650,0 +67651,0 +67652,0 +67653,0 +67654,0 +67655,0 +67656,0 +67657,0 +67658,0 +67659,0 +67660,0 +67661,0 +67662,0 +67663,0 +67664,0 +67665,0 +67666,0 +67667,0 +67668,0 +67669,0 +67670,0 +67671,0 +67672,0 +67673,0 +67674,0 +67675,0 +67676,0 +67677,0 +67678,0 +67679,0 +67680,0 +67681,0 +67682,0 +67683,0 +67684,0 +67685,32 +67686,35 +67687,35 +67688,35 +67689,35 +67690,35 +67691,35 +67692,35 +67693,32 +67694,32 +67695,35 +67696,35 +67697,35 +67698,35 +67699,39 +67700,39 +67701,39 +67702,39 +67703,39 +67704,39 +67705,12 +67706,12 +67707,12 +67708,12 +67709,12 +67710,12 +67711,12 +67712,12 +67713,12 +67714,12 +67715,12 +67716,12 +67717,12 +67718,12 +67719,26 +67720,10 +67721,10 +67722,10 +67723,10 +67724,26 +67725,26 +67726,37 +67727,37 +67728,37 +67729,2 +67730,2 +67731,2 +67732,2 +67733,2 +67734,2 +67735,2 +67736,2 +67737,2 +67738,2 +67739,2 +67740,2 +67741,2 +67742,16 +67743,16 +67744,16 +67745,2 +67746,4 +67747,2 +67748,27 +67749,27 +67750,25 +67751,25 +67752,25 +67753,25 +67754,25 +67755,25 +67756,25 +67757,25 +67758,8 +67759,8 +67760,8 +67761,8 +67762,8 +67763,8 +67764,8 +67765,2 +67766,2 +67767,2 +67768,2 +67769,2 +67770,2 +67771,2 +67772,33 +67773,33 +67774,33 +67775,33 +67776,33 +67777,33 +67778,33 +67779,33 +67780,33 +67781,33 +67782,33 +67783,23 +67784,23 +67785,23 +67786,23 +67787,23 +67788,23 +67789,23 +67790,23 +67791,23 +67792,5 +67793,5 +67794,5 +67795,5 +67796,5 +67797,29 +67798,29 +67799,36 +67800,14 +67801,14 +67802,14 +67803,14 +67804,14 +67805,14 +67806,14 +67807,36 +67808,14 +67809,14 +67810,10 +67811,2 +67812,2 +67813,2 +67814,2 +67815,2 +67816,2 +67817,2 +67818,2 +67819,2 +67820,2 +67821,2 +67822,2 +67823,2 +67824,2 +67825,2 +67826,2 +67827,39 +67828,39 +67829,39 +67830,39 +67831,39 +67832,39 +67833,39 +67834,39 +67835,39 +67836,39 +67837,39 +67838,39 +67839,39 +67840,39 +67841,39 +67842,39 +67843,39 +67844,39 +67845,39 +67846,39 +67847,39 +67848,39 +67849,39 +67850,39 +67851,39 +67852,39 +67853,39 +67854,39 +67855,0 +67856,0 +67857,0 +67858,0 +67859,0 +67860,0 +67861,0 +67862,0 +67863,2 +67864,2 +67865,2 +67866,2 +67867,2 +67868,2 +67869,2 +67870,27 +67871,27 +67872,27 +67873,27 +67874,27 +67875,27 +67876,6 +67877,6 +67878,6 +67879,6 +67880,6 +67881,6 +67882,6 +67883,6 +67884,6 +67885,29 +67886,29 +67887,29 +67888,31 +67889,31 +67890,31 +67891,31 +67892,31 +67893,31 +67894,23 +67895,23 +67896,23 +67897,23 +67898,23 +67899,23 +67900,23 +67901,2 +67902,2 +67903,2 +67904,2 +67905,34 +67906,34 +67907,34 +67908,34 +67909,34 +67910,34 +67911,34 +67912,34 +67913,34 +67914,34 +67915,34 +67916,34 +67917,32 +67918,32 +67919,32 +67920,6 +67921,6 +67922,6 +67923,6 +67924,31 +67925,31 +67926,31 +67927,31 +67928,31 +67929,31 +67930,31 +67931,31 +67932,5 +67933,5 +67934,5 +67935,5 +67936,5 +67937,31 +67938,31 +67939,31 +67940,31 +67941,31 +67942,31 +67943,31 +67944,31 +67945,5 +67946,5 +67947,5 +67948,5 +67949,4 +67950,4 +67951,35 +67952,35 +67953,35 +67954,35 +67955,35 +67956,27 +67957,27 +67958,27 +67959,27 +67960,27 +67961,27 +67962,11 +67963,11 +67964,11 +67965,11 +67966,11 +67967,11 +67968,11 +67969,11 +67970,11 +67971,11 +67972,11 +67973,11 +67974,11 +67975,11 +67976,11 +67977,31 +67978,31 +67979,31 +67980,31 +67981,31 +67982,31 +67983,31 +67984,31 +67985,30 +67986,30 +67987,30 +67988,30 +67989,30 +67990,30 +67991,30 +67992,30 +67993,19 +67994,19 +67995,19 +67996,19 +67997,19 +67998,19 +67999,19 +68000,25 +68001,25 +68002,25 +68003,25 +68004,25 +68005,25 +68006,25 +68007,25 +68008,25 +68009,25 +68010,25 +68011,25 +68012,25 +68013,25 +68014,25 +68015,25 +68016,25 +68017,25 +68018,0 +68019,0 +68020,0 +68021,0 +68022,0 +68023,0 +68024,0 +68025,0 +68026,0 +68027,0 +68028,0 +68029,0 +68030,0 +68031,0 +68032,0 +68033,0 +68034,0 +68035,0 +68036,0 +68037,0 +68038,0 +68039,0 +68040,0 +68041,0 +68042,0 +68043,0 +68044,0 +68045,0 +68046,0 +68047,0 +68048,0 +68049,0 +68050,0 +68051,0 +68052,0 +68053,0 +68054,0 +68055,29 +68056,29 +68057,29 +68058,29 +68059,29 +68060,29 +68061,29 +68062,36 +68063,36 +68064,36 +68065,31 +68066,35 +68067,35 +68068,35 +68069,35 +68070,35 +68071,35 +68072,35 +68073,35 +68074,34 +68075,34 +68076,34 +68077,34 +68078,10 +68079,34 +68080,26 +68081,31 +68082,31 +68083,26 +68084,26 +68085,26 +68086,26 +68087,26 +68088,31 +68089,5 +68090,5 +68091,5 +68092,5 +68093,8 +68094,8 +68095,8 +68096,8 +68097,8 +68098,8 +68099,8 +68100,15 +68101,15 +68102,15 +68103,15 +68104,15 +68105,15 +68106,15 +68107,15 +68108,10 +68109,10 +68110,10 +68111,10 +68112,10 +68113,10 +68114,10 +68115,10 +68116,10 +68117,10 +68118,10 +68119,10 +68120,10 +68121,10 +68122,10 +68123,10 +68124,10 +68125,10 +68126,10 +68127,10 +68128,10 +68129,10 +68130,10 +68131,5 +68132,5 +68133,5 +68134,5 +68135,5 +68136,5 +68137,4 +68138,4 +68139,4 +68140,4 +68141,14 +68142,14 +68143,14 +68144,14 +68145,14 +68146,14 +68147,14 +68148,14 +68149,14 +68150,27 +68151,28 +68152,28 +68153,28 +68154,28 +68155,28 +68156,28 +68157,28 +68158,28 +68159,28 +68160,28 +68161,5 +68162,5 +68163,3 +68164,3 +68165,3 +68166,3 +68167,3 +68168,3 +68169,0 +68170,0 +68171,0 +68172,0 +68173,0 +68174,0 +68175,0 +68176,0 +68177,0 +68178,0 +68179,0 +68180,0 +68181,0 +68182,0 +68183,0 +68184,0 +68185,0 +68186,0 +68187,0 +68188,0 +68189,0 +68190,0 +68191,0 +68192,0 +68193,36 +68194,36 +68195,36 +68196,36 +68197,36 +68198,36 +68199,36 +68200,36 +68201,36 +68202,5 +68203,5 +68204,5 +68205,5 +68206,19 +68207,19 +68208,19 +68209,5 +68210,29 +68211,29 +68212,31 +68213,31 +68214,31 +68215,31 +68216,31 +68217,31 +68218,15 +68219,15 +68220,15 +68221,15 +68222,15 +68223,15 +68224,15 +68225,15 +68226,36 +68227,36 +68228,36 +68229,36 +68230,36 +68231,36 +68232,36 +68233,36 +68234,36 +68235,36 +68236,36 +68237,36 +68238,36 +68239,5 +68240,5 +68241,5 +68242,5 +68243,31 +68244,32 +68245,32 +68246,32 +68247,32 +68248,32 +68249,32 +68250,32 +68251,32 +68252,32 +68253,32 +68254,32 +68255,31 +68256,10 +68257,10 +68258,10 +68259,10 +68260,10 +68261,10 +68262,10 +68263,10 +68264,10 +68265,24 +68266,32 +68267,32 +68268,32 +68269,32 +68270,32 +68271,32 +68272,24 +68273,2 +68274,2 +68275,2 +68276,2 +68277,2 +68278,2 +68279,2 +68280,2 +68281,2 +68282,31 +68283,31 +68284,31 +68285,31 +68286,31 +68287,31 +68288,5 +68289,5 +68290,5 +68291,5 +68292,5 +68293,5 +68294,5 +68295,29 +68296,29 +68297,29 +68298,29 +68299,25 +68300,25 +68301,25 +68302,25 +68303,25 +68304,25 +68305,35 +68306,35 +68307,35 +68308,35 +68309,35 +68310,35 +68311,27 +68312,27 +68313,27 +68314,27 +68315,27 +68316,27 +68317,8 +68318,8 +68319,8 +68320,8 +68321,8 +68322,8 +68323,8 +68324,8 +68325,8 +68326,8 +68327,26 +68328,26 +68329,26 +68330,26 +68331,26 +68332,26 +68333,26 +68334,26 +68335,26 +68336,26 +68337,26 +68338,26 +68339,37 +68340,37 +68341,37 +68342,37 +68343,37 +68344,37 +68345,37 +68346,37 +68347,37 +68348,28 +68349,28 +68350,28 +68351,28 +68352,28 +68353,28 +68354,28 +68355,28 +68356,28 +68357,28 +68358,28 +68359,28 +68360,28 +68361,28 +68362,28 +68363,28 +68364,28 +68365,28 +68366,0 +68367,0 +68368,0 +68369,0 +68370,0 +68371,0 +68372,0 +68373,0 +68374,0 +68375,0 +68376,0 +68377,0 +68378,0 +68379,0 +68380,0 +68381,0 +68382,0 +68383,0 +68384,0 +68385,0 +68386,0 +68387,0 +68388,0 +68389,0 +68390,0 +68391,0 +68392,0 +68393,0 +68394,0 +68395,0 +68396,0 +68397,0 +68398,0 +68399,0 +68400,0 +68401,0 +68402,0 +68403,0 +68404,32 +68405,32 +68406,32 +68407,32 +68408,32 +68409,32 +68410,32 +68411,32 +68412,14 +68413,14 +68414,14 +68415,14 +68416,14 +68417,14 +68418,14 +68419,14 +68420,14 +68421,14 +68422,14 +68423,14 +68424,14 +68425,14 +68426,14 +68427,14 +68428,14 +68429,19 +68430,19 +68431,19 +68432,19 +68433,19 +68434,27 +68435,27 +68436,27 +68437,27 +68438,27 +68439,27 +68440,27 +68441,27 +68442,27 +68443,2 +68444,8 +68445,8 +68446,8 +68447,8 +68448,2 +68449,2 +68450,35 +68451,35 +68452,35 +68453,2 +68454,35 +68455,39 +68456,39 +68457,39 +68458,39 +68459,39 +68460,39 +68461,39 +68462,39 +68463,39 +68464,12 +68465,12 +68466,12 +68467,12 +68468,12 +68469,12 +68470,12 +68471,12 +68472,12 +68473,12 +68474,40 +68475,40 +68476,40 +68477,40 +68478,40 +68479,40 +68480,40 +68481,40 +68482,34 +68483,5 +68484,5 +68485,5 +68486,5 +68487,5 +68488,5 +68489,5 +68490,5 +68491,5 +68492,5 +68493,2 +68494,2 +68495,2 +68496,2 +68497,2 +68498,2 +68499,2 +68500,2 +68501,2 +68502,2 +68503,2 +68504,2 +68505,2 +68506,2 +68507,2 +68508,2 +68509,2 +68510,0 +68511,0 +68512,0 +68513,0 +68514,0 +68515,0 +68516,0 +68517,0 +68518,0 +68519,0 +68520,0 +68521,5 +68522,5 +68523,5 +68524,5 +68525,18 +68526,18 +68527,18 +68528,18 +68529,19 +68530,37 +68531,37 +68532,37 +68533,37 +68534,25 +68535,25 +68536,25 +68537,37 +68538,33 +68539,33 +68540,33 +68541,33 +68542,33 +68543,33 +68544,33 +68545,33 +68546,33 +68547,33 +68548,33 +68549,33 +68550,33 +68551,33 +68552,24 +68553,33 +68554,8 +68555,8 +68556,8 +68557,8 +68558,8 +68559,8 +68560,8 +68561,8 +68562,8 +68563,27 +68564,27 +68565,27 +68566,27 +68567,27 +68568,11 +68569,11 +68570,11 +68571,11 +68572,11 +68573,11 +68574,11 +68575,11 +68576,11 +68577,11 +68578,11 +68579,11 +68580,11 +68581,11 +68582,11 +68583,39 +68584,39 +68585,39 +68586,39 +68587,39 +68588,39 +68589,39 +68590,39 +68591,39 +68592,39 +68593,39 +68594,39 +68595,39 +68596,39 +68597,39 +68598,39 +68599,39 +68600,32 +68601,32 +68602,32 +68603,32 +68604,32 +68605,32 +68606,0 +68607,0 +68608,0 +68609,0 +68610,0 +68611,0 +68612,0 +68613,0 +68614,0 +68615,0 +68616,0 +68617,0 +68618,0 +68619,0 +68620,0 +68621,0 +68622,0 +68623,0 +68624,0 +68625,0 +68626,0 +68627,0 +68628,0 +68629,0 +68630,0 +68631,0 +68632,0 +68633,0 +68634,0 +68635,0 +68636,0 +68637,0 +68638,0 +68639,6 +68640,6 +68641,6 +68642,6 +68643,9 +68644,9 +68645,9 +68646,9 +68647,9 +68648,9 +68649,9 +68650,9 +68651,9 +68652,9 +68653,9 +68654,9 +68655,30 +68656,30 +68657,30 +68658,30 +68659,30 +68660,30 +68661,30 +68662,19 +68663,19 +68664,19 +68665,19 +68666,19 +68667,19 +68668,19 +68669,19 +68670,19 +68671,19 +68672,19 +68673,19 +68674,19 +68675,19 +68676,34 +68677,34 +68678,34 +68679,34 +68680,34 +68681,34 +68682,34 +68683,34 +68684,34 +68685,34 +68686,34 +68687,34 +68688,30 +68689,30 +68690,34 +68691,5 +68692,5 +68693,5 +68694,33 +68695,33 +68696,33 +68697,33 +68698,33 +68699,30 +68700,30 +68701,31 +68702,32 +68703,32 +68704,32 +68705,32 +68706,32 +68707,4 +68708,4 +68709,4 +68710,32 +68711,9 +68712,9 +68713,9 +68714,9 +68715,9 +68716,9 +68717,9 +68718,9 +68719,5 +68720,5 +68721,5 +68722,5 +68723,5 +68724,5 +68725,27 +68726,27 +68727,27 +68728,27 +68729,27 +68730,28 +68731,28 +68732,28 +68733,28 +68734,28 +68735,28 +68736,28 +68737,2 +68738,2 +68739,2 +68740,2 +68741,2 +68742,2 +68743,2 +68744,40 +68745,40 +68746,40 +68747,40 +68748,40 +68749,30 +68750,30 +68751,30 +68752,30 +68753,30 +68754,30 +68755,32 +68756,32 +68757,32 +68758,32 +68759,32 +68760,32 +68761,32 +68762,32 +68763,32 +68764,32 +68765,31 +68766,31 +68767,31 +68768,31 +68769,31 +68770,31 +68771,38 +68772,38 +68773,38 +68774,38 +68775,38 +68776,38 +68777,38 +68778,38 +68779,38 +68780,29 +68781,38 +68782,38 +68783,38 +68784,38 +68785,38 +68786,38 +68787,38 +68788,34 +68789,34 +68790,34 +68791,34 +68792,36 +68793,36 +68794,36 +68795,36 +68796,34 +68797,34 +68798,34 +68799,34 +68800,34 +68801,34 +68802,34 +68803,8 +68804,8 +68805,8 +68806,8 +68807,8 +68808,8 +68809,8 +68810,8 +68811,8 +68812,31 +68813,31 +68814,31 +68815,31 +68816,31 +68817,5 +68818,5 +68819,5 +68820,5 +68821,5 +68822,13 +68823,5 +68824,5 +68825,5 +68826,6 +68827,6 +68828,6 +68829,6 +68830,6 +68831,35 +68832,35 +68833,35 +68834,35 +68835,35 +68836,6 +68837,6 +68838,6 +68839,6 +68840,25 +68841,25 +68842,25 +68843,25 +68844,25 +68845,25 +68846,25 +68847,25 +68848,25 +68849,2 +68850,2 +68851,2 +68852,2 +68853,2 +68854,2 +68855,2 +68856,2 +68857,2 +68858,27 +68859,27 +68860,27 +68861,27 +68862,27 +68863,27 +68864,27 +68865,27 +68866,27 +68867,8 +68868,8 +68869,8 +68870,8 +68871,8 +68872,8 +68873,8 +68874,8 +68875,35 +68876,35 +68877,35 +68878,35 +68879,35 +68880,35 +68881,40 +68882,40 +68883,40 +68884,40 +68885,40 +68886,37 +68887,37 +68888,37 +68889,37 +68890,37 +68891,37 +68892,37 +68893,37 +68894,36 +68895,36 +68896,36 +68897,36 +68898,36 +68899,36 +68900,36 +68901,36 +68902,36 +68903,23 +68904,23 +68905,23 +68906,23 +68907,23 +68908,23 +68909,23 +68910,4 +68911,4 +68912,4 +68913,4 +68914,4 +68915,25 +68916,25 +68917,25 +68918,25 +68919,25 +68920,25 +68921,25 +68922,11 +68923,11 +68924,11 +68925,8 +68926,8 +68927,8 +68928,11 +68929,11 +68930,11 +68931,11 +68932,11 +68933,11 +68934,31 +68935,31 +68936,31 +68937,31 +68938,31 +68939,19 +68940,19 +68941,19 +68942,19 +68943,35 +68944,35 +68945,35 +68946,35 +68947,35 +68948,39 +68949,39 +68950,39 +68951,39 +68952,39 +68953,39 +68954,39 +68955,23 +68956,23 +68957,23 +68958,32 +68959,23 +68960,23 +68961,23 +68962,23 +68963,32 +68964,23 +68965,23 +68966,23 +68967,23 +68968,23 +68969,14 +68970,14 +68971,14 +68972,14 +68973,14 +68974,14 +68975,14 +68976,14 +68977,14 +68978,14 +68979,14 +68980,33 +68981,33 +68982,33 +68983,34 +68984,34 +68985,34 +68986,34 +68987,34 +68988,4 +68989,4 +68990,4 +68991,4 +68992,4 +68993,4 +68994,4 +68995,4 +68996,4 +68997,4 +68998,4 +68999,39 +69000,39 +69001,39 +69002,6 +69003,6 +69004,6 +69005,6 +69006,6 +69007,6 +69008,6 +69009,6 +69010,6 +69011,39 +69012,39 +69013,39 +69014,39 +69015,39 +69016,39 +69017,39 +69018,39 +69019,39 +69020,32 +69021,32 +69022,32 +69023,32 +69024,32 +69025,27 +69026,27 +69027,27 +69028,27 +69029,27 +69030,27 +69031,27 +69032,8 +69033,8 +69034,8 +69035,8 +69036,8 +69037,8 +69038,8 +69039,8 +69040,8 +69041,15 +69042,15 +69043,15 +69044,15 +69045,32 +69046,32 +69047,37 +69048,37 +69049,37 +69050,37 +69051,37 +69052,37 +69053,37 +69054,31 +69055,31 +69056,31 +69057,31 +69058,31 +69059,31 +69060,28 +69061,28 +69062,28 +69063,28 +69064,28 +69065,28 +69066,31 +69067,31 +69068,31 +69069,31 +69070,31 +69071,31 +69072,31 +69073,31 +69074,2 +69075,2 +69076,8 +69077,8 +69078,8 +69079,8 +69080,8 +69081,8 +69082,8 +69083,2 +69084,2 +69085,2 +69086,2 +69087,2 +69088,2 +69089,2 +69090,2 +69091,2 +69092,8 +69093,0 +69094,0 +69095,0 +69096,0 +69097,0 +69098,0 +69099,0 +69100,0 +69101,0 +69102,0 +69103,0 +69104,0 +69105,0 +69106,0 +69107,0 +69108,0 +69109,0 +69110,0 +69111,0 +69112,0 +69113,0 +69114,0 +69115,0 +69116,0 +69117,0 +69118,0 +69119,0 +69120,0 +69121,0 +69122,0 +69123,0 +69124,0 +69125,0 +69126,0 +69127,11 +69128,11 +69129,11 +69130,11 +69131,11 +69132,11 +69133,11 +69134,11 +69135,11 +69136,11 +69137,11 +69138,11 +69139,11 +69140,11 +69141,11 +69142,11 +69143,27 +69144,27 +69145,27 +69146,40 +69147,40 +69148,40 +69149,40 +69150,40 +69151,19 +69152,19 +69153,19 +69154,19 +69155,19 +69156,19 +69157,19 +69158,19 +69159,28 +69160,28 +69161,28 +69162,28 +69163,28 +69164,28 +69165,28 +69166,28 +69167,28 +69168,28 +69169,28 +69170,9 +69171,9 +69172,9 +69173,9 +69174,9 +69175,9 +69176,9 +69177,9 +69178,9 +69179,9 +69180,9 +69181,37 +69182,37 +69183,37 +69184,37 +69185,37 +69186,37 +69187,37 +69188,37 +69189,16 +69190,16 +69191,16 +69192,16 +69193,16 +69194,4 +69195,4 +69196,4 +69197,4 +69198,27 +69199,27 +69200,27 +69201,27 +69202,27 +69203,27 +69204,37 +69205,37 +69206,37 +69207,37 +69208,37 +69209,37 +69210,37 +69211,37 +69212,37 +69213,37 +69214,37 +69215,37 +69216,37 +69217,8 +69218,8 +69219,8 +69220,8 +69221,8 +69222,8 +69223,8 +69224,8 +69225,8 +69226,8 +69227,8 +69228,8 +69229,0 +69230,0 +69231,0 +69232,0 +69233,0 +69234,0 +69235,0 +69236,0 +69237,0 +69238,0 +69239,0 +69240,0 +69241,0 +69242,0 +69243,0 +69244,37 +69245,0 +69246,37 +69247,37 +69248,37 +69249,37 +69250,37 +69251,37 +69252,37 +69253,37 +69254,39 +69255,39 +69256,39 +69257,39 +69258,39 +69259,39 +69260,39 +69261,19 +69262,19 +69263,19 +69264,19 +69265,19 +69266,19 +69267,19 +69268,19 +69269,19 +69270,19 +69271,19 +69272,31 +69273,31 +69274,31 +69275,31 +69276,31 +69277,31 +69278,31 +69279,15 +69280,15 +69281,15 +69282,15 +69283,15 +69284,15 +69285,30 +69286,30 +69287,30 +69288,30 +69289,30 +69290,30 +69291,30 +69292,19 +69293,19 +69294,19 +69295,19 +69296,19 +69297,35 +69298,35 +69299,35 +69300,35 +69301,27 +69302,27 +69303,27 +69304,27 +69305,27 +69306,27 +69307,8 +69308,8 +69309,8 +69310,8 +69311,2 +69312,2 +69313,2 +69314,2 +69315,2 +69316,2 +69317,2 +69318,2 +69319,2 +69320,2 +69321,2 +69322,2 +69323,2 +69324,2 +69325,2 +69326,2 +69327,2 +69328,10 +69329,10 +69330,10 +69331,10 +69332,10 +69333,10 +69334,10 +69335,10 +69336,10 +69337,10 +69338,10 +69339,10 +69340,10 +69341,10 +69342,10 +69343,10 +69344,10 +69345,10 +69346,10 +69347,10 +69348,10 +69349,10 +69350,10 +69351,10 +69352,10 +69353,10 +69354,10 +69355,10 +69356,10 +69357,10 +69358,10 +69359,8 +69360,8 +69361,8 +69362,8 +69363,8 +69364,8 +69365,8 +69366,8 +69367,8 +69368,8 +69369,8 +69370,8 +69371,8 +69372,0 +69373,0 +69374,0 +69375,0 +69376,0 +69377,0 +69378,0 +69379,0 +69380,0 +69381,0 +69382,0 +69383,0 +69384,0 +69385,0 +69386,0 +69387,0 +69388,0 +69389,0 +69390,0 +69391,0 +69392,0 +69393,0 +69394,0 +69395,0 +69396,0 +69397,0 +69398,0 +69399,0 +69400,0 +69401,0 +69402,10 +69403,10 +69404,10 +69405,10 +69406,10 +69407,31 +69408,31 +69409,31 +69410,10 +69411,10 +69412,10 +69413,31 +69414,10 +69415,28 +69416,28 +69417,28 +69418,28 +69419,28 +69420,28 +69421,28 +69422,28 +69423,28 +69424,28 +69425,36 +69426,36 +69427,36 +69428,36 +69429,36 +69430,36 +69431,36 +69432,36 +69433,36 +69434,36 +69435,36 +69436,36 +69437,36 +69438,36 +69439,5 +69440,5 +69441,5 +69442,5 +69443,5 +69444,5 +69445,5 +69446,5 +69447,23 +69448,23 +69449,23 +69450,23 +69451,23 +69452,23 +69453,23 +69454,23 +69455,23 +69456,23 +69457,23 +69458,23 +69459,23 +69460,23 +69461,23 +69462,7 +69463,7 +69464,7 +69465,7 +69466,7 +69467,7 +69468,3 +69469,3 +69470,39 +69471,39 +69472,39 +69473,39 +69474,39 +69475,30 +69476,30 +69477,30 +69478,30 +69479,30 +69480,30 +69481,8 +69482,8 +69483,8 +69484,8 +69485,8 +69486,8 +69487,8 +69488,8 +69489,8 +69490,31 +69491,31 +69492,31 +69493,31 +69494,31 +69495,31 +69496,0 +69497,0 +69498,0 +69499,0 +69500,0 +69501,0 +69502,0 +69503,0 +69504,0 +69505,0 +69506,0 +69507,0 +69508,0 +69509,0 +69510,36 +69511,36 +69512,36 +69513,36 +69514,36 +69515,13 +69516,13 +69517,13 +69518,13 +69519,13 +69520,13 +69521,13 +69522,13 +69523,13 +69524,28 +69525,21 +69526,28 +69527,28 +69528,28 +69529,26 +69530,26 +69531,26 +69532,31 +69533,31 +69534,31 +69535,31 +69536,31 +69537,37 +69538,37 +69539,2 +69540,2 +69541,2 +69542,2 +69543,2 +69544,2 +69545,2 +69546,2 +69547,2 +69548,2 +69549,2 +69550,2 +69551,12 +69552,12 +69553,12 +69554,12 +69555,12 +69556,12 +69557,12 +69558,12 +69559,12 +69560,12 +69561,12 +69562,12 +69563,12 +69564,12 +69565,12 +69566,12 +69567,27 +69568,27 +69569,27 +69570,27 +69571,27 +69572,27 +69573,11 +69574,11 +69575,11 +69576,11 +69577,11 +69578,11 +69579,11 +69580,11 +69581,11 +69582,11 +69583,11 +69584,11 +69585,11 +69586,11 +69587,11 +69588,11 +69589,11 +69590,11 +69591,11 +69592,11 +69593,11 +69594,11 +69595,11 +69596,11 +69597,22 +69598,22 +69599,22 +69600,3 +69601,3 +69602,25 +69603,25 +69604,3 +69605,4 +69606,4 +69607,4 +69608,4 +69609,4 +69610,4 +69611,4 +69612,4 +69613,26 +69614,26 +69615,26 +69616,26 +69617,26 +69618,26 +69619,26 +69620,26 +69621,26 +69622,26 +69623,26 +69624,26 +69625,26 +69626,6 +69627,6 +69628,6 +69629,6 +69630,6 +69631,6 +69632,6 +69633,31 +69634,31 +69635,31 +69636,15 +69637,15 +69638,15 +69639,15 +69640,15 +69641,15 +69642,15 +69643,26 +69644,26 +69645,26 +69646,26 +69647,34 +69648,34 +69649,34 +69650,34 +69651,34 +69652,34 +69653,9 +69654,34 +69655,5 +69656,5 +69657,5 +69658,5 +69659,5 +69660,36 +69661,36 +69662,36 +69663,36 +69664,36 +69665,36 +69666,36 +69667,4 +69668,4 +69669,4 +69670,4 +69671,4 +69672,4 +69673,4 +69674,0 +69675,0 +69676,0 +69677,0 +69678,0 +69679,0 +69680,0 +69681,0 +69682,0 +69683,0 +69684,0 +69685,0 +69686,0 +69687,0 +69688,0 +69689,0 +69690,0 +69691,0 +69692,0 +69693,0 +69694,0 +69695,0 +69696,0 +69697,0 +69698,0 +69699,0 +69700,0 +69701,0 +69702,0 +69703,0 +69704,0 +69705,0 +69706,0 +69707,0 +69708,0 +69709,0 +69710,0 +69711,0 +69712,0 +69713,0 +69714,0 +69715,0 +69716,0 +69717,0 +69718,0 +69719,0 +69720,0 +69721,0 +69722,0 +69723,0 +69724,0 +69725,0 +69726,0 +69727,0 +69728,0 +69729,0 +69730,0 +69731,0 +69732,0 +69733,0 +69734,0 +69735,0 +69736,0 +69737,0 +69738,0 +69739,0 +69740,0 +69741,0 +69742,0 +69743,31 +69744,31 +69745,31 +69746,31 +69747,31 +69748,31 +69749,31 +69750,31 +69751,31 +69752,31 +69753,31 +69754,31 +69755,28 +69756,28 +69757,28 +69758,28 +69759,28 +69760,28 +69761,28 +69762,28 +69763,28 +69764,28 +69765,28 +69766,12 +69767,12 +69768,12 +69769,12 +69770,12 +69771,12 +69772,31 +69773,31 +69774,31 +69775,9 +69776,4 +69777,4 +69778,4 +69779,4 +69780,4 +69781,31 +69782,31 +69783,31 +69784,31 +69785,31 +69786,30 +69787,30 +69788,5 +69789,5 +69790,5 +69791,5 +69792,5 +69793,5 +69794,5 +69795,5 +69796,27 +69797,27 +69798,27 +69799,27 +69800,40 +69801,40 +69802,40 +69803,40 +69804,27 +69805,27 +69806,27 +69807,36 +69808,40 +69809,40 +69810,40 +69811,27 +69812,27 +69813,27 +69814,27 +69815,27 +69816,27 +69817,5 +69818,5 +69819,13 +69820,13 +69821,13 +69822,13 +69823,13 +69824,13 +69825,13 +69826,13 +69827,13 +69828,12 +69829,12 +69830,12 +69831,12 +69832,12 +69833,12 +69834,27 +69835,3 +69836,3 +69837,3 +69838,11 +69839,11 +69840,11 +69841,11 +69842,11 +69843,11 +69844,11 +69845,11 +69846,11 +69847,11 +69848,11 +69849,11 +69850,27 +69851,27 +69852,27 +69853,27 +69854,27 +69855,27 +69856,8 +69857,8 +69858,8 +69859,8 +69860,8 +69861,8 +69862,8 +69863,8 +69864,4 +69865,4 +69866,4 +69867,4 +69868,4 +69869,4 +69870,4 +69871,22 +69872,31 +69873,31 +69874,31 +69875,31 +69876,31 +69877,31 +69878,31 +69879,4 +69880,4 +69881,4 +69882,4 +69883,4 +69884,4 +69885,4 +69886,4 +69887,10 +69888,36 +69889,36 +69890,36 +69891,26 +69892,26 +69893,36 +69894,36 +69895,36 +69896,36 +69897,26 +69898,26 +69899,26 +69900,26 +69901,6 +69902,6 +69903,6 +69904,6 +69905,6 +69906,6 +69907,6 +69908,31 +69909,31 +69910,31 +69911,31 +69912,31 +69913,15 +69914,15 +69915,15 +69916,15 +69917,15 +69918,37 +69919,37 +69920,37 +69921,37 +69922,37 +69923,37 +69924,37 +69925,25 +69926,37 +69927,37 +69928,37 +69929,25 +69930,37 +69931,37 +69932,37 +69933,37 +69934,37 +69935,37 +69936,37 +69937,0 +69938,0 +69939,0 +69940,0 +69941,0 +69942,0 +69943,0 +69944,0 +69945,0 +69946,0 +69947,0 +69948,0 +69949,0 +69950,0 +69951,35 +69952,35 +69953,35 +69954,35 +69955,35 +69956,35 +69957,35 +69958,35 +69959,35 +69960,35 +69961,35 +69962,35 +69963,39 +69964,39 +69965,39 +69966,39 +69967,39 +69968,39 +69969,39 +69970,39 +69971,39 +69972,39 +69973,5 +69974,5 +69975,5 +69976,5 +69977,28 +69978,28 +69979,28 +69980,28 +69981,28 +69982,28 +69983,28 +69984,28 +69985,14 +69986,14 +69987,14 +69988,14 +69989,14 +69990,14 +69991,14 +69992,14 +69993,14 +69994,14 +69995,14 +69996,14 +69997,14 +69998,14 +69999,14 +70000,14 +70001,37 +70002,37 +70003,37 +70004,37 +70005,37 +70006,37 +70007,37 +70008,37 +70009,37 +70010,37 +70011,37 +70012,37 +70013,37 +70014,37 +70015,25 +70016,10 +70017,10 +70018,10 +70019,10 +70020,10 +70021,10 +70022,10 +70023,10 +70024,10 +70025,10 +70026,10 +70027,10 +70028,10 +70029,10 +70030,10 +70031,10 +70032,4 +70033,4 +70034,4 +70035,4 +70036,4 +70037,4 +70038,4 +70039,4 +70040,4 +70041,4 +70042,4 +70043,4 +70044,4 +70045,4 +70046,4 +70047,4 +70048,4 +70049,0 +70050,0 +70051,0 +70052,0 +70053,0 +70054,0 +70055,0 +70056,0 +70057,0 +70058,0 +70059,0 +70060,0 +70061,0 +70062,0 +70063,0 +70064,0 +70065,0 +70066,0 +70067,0 +70068,0 +70069,0 +70070,0 +70071,0 +70072,0 +70073,0 +70074,0 +70075,0 +70076,0 +70077,0 +70078,0 +70079,0 +70080,0 +70081,0 +70082,0 +70083,0 +70084,0 +70085,0 +70086,0 +70087,0 +70088,0 +70089,0 +70090,0 +70091,0 +70092,0 +70093,0 +70094,0 +70095,0 +70096,0 +70097,0 +70098,12 +70099,12 +70100,12 +70101,12 +70102,12 +70103,12 +70104,12 +70105,12 +70106,12 +70107,12 +70108,12 +70109,12 +70110,12 +70111,12 +70112,12 +70113,12 +70114,31 +70115,31 +70116,31 +70117,31 +70118,31 +70119,31 +70120,38 +70121,38 +70122,2 +70123,2 +70124,2 +70125,38 +70126,2 +70127,2 +70128,2 +70129,2 +70130,2 +70131,2 +70132,2 +70133,4 +70134,4 +70135,4 +70136,4 +70137,4 +70138,4 +70139,4 +70140,27 +70141,27 +70142,27 +70143,28 +70144,28 +70145,28 +70146,28 +70147,28 +70148,28 +70149,28 +70150,14 +70151,14 +70152,14 +70153,14 +70154,14 +70155,14 +70156,14 +70157,14 +70158,14 +70159,14 +70160,14 +70161,4 +70162,4 +70163,4 +70164,4 +70165,4 +70166,28 +70167,28 +70168,28 +70169,7 +70170,39 +70171,39 +70172,39 +70173,39 +70174,11 +70175,11 +70176,11 +70177,11 +70178,11 +70179,11 +70180,11 +70181,11 +70182,11 +70183,11 +70184,11 +70185,11 +70186,11 +70187,11 +70188,11 +70189,11 +70190,11 +70191,22 +70192,22 +70193,22 +70194,22 +70195,22 +70196,22 +70197,37 +70198,37 +70199,37 +70200,25 +70201,25 +70202,25 +70203,25 +70204,25 +70205,25 +70206,25 +70207,25 +70208,25 +70209,25 +70210,25 +70211,25 +70212,25 +70213,25 +70214,25 +70215,25 +70216,25 +70217,25 +70218,25 +70219,25 +70220,37 +70221,37 +70222,37 +70223,25 +70224,0 +70225,0 +70226,0 +70227,0 +70228,0 +70229,0 +70230,0 +70231,0 +70232,0 +70233,0 +70234,0 +70235,0 +70236,0 +70237,0 +70238,0 +70239,0 +70240,0 +70241,0 +70242,0 +70243,0 +70244,0 +70245,0 +70246,0 +70247,0 +70248,0 +70249,0 +70250,0 +70251,0 +70252,0 +70253,0 +70254,0 +70255,0 +70256,0 +70257,0 +70258,0 +70259,0 +70260,0 +70261,0 +70262,0 +70263,0 +70264,0 +70265,36 +70266,36 +70267,36 +70268,36 +70269,36 +70270,36 +70271,36 +70272,36 +70273,36 +70274,36 +70275,36 +70276,36 +70277,8 +70278,8 +70279,8 +70280,8 +70281,8 +70282,8 +70283,8 +70284,8 +70285,29 +70286,29 +70287,29 +70288,31 +70289,31 +70290,31 +70291,31 +70292,31 +70293,35 +70294,35 +70295,35 +70296,35 +70297,35 +70298,35 +70299,35 +70300,35 +70301,35 +70302,35 +70303,35 +70304,35 +70305,35 +70306,36 +70307,36 +70308,34 +70309,34 +70310,34 +70311,34 +70312,34 +70313,34 +70314,34 +70315,34 +70316,34 +70317,10 +70318,10 +70319,34 +70320,34 +70321,34 +70322,30 +70323,30 +70324,30 +70325,30 +70326,30 +70327,30 +70328,30 +70329,2 +70330,2 +70331,2 +70332,2 +70333,2 +70334,2 +70335,2 +70336,2 +70337,2 +70338,2 +70339,2 +70340,2 +70341,2 +70342,2 +70343,2 +70344,2 +70345,2 +70346,2 +70347,2 +70348,2 +70349,2 +70350,2 +70351,0 +70352,0 +70353,0 +70354,0 +70355,0 +70356,0 +70357,0 +70358,0 +70359,0 +70360,0 +70361,0 +70362,0 +70363,0 +70364,0 +70365,12 +70366,12 +70367,33 +70368,12 +70369,12 +70370,31 +70371,33 +70372,33 +70373,33 +70374,33 +70375,33 +70376,33 +70377,33 +70378,15 +70379,15 +70380,15 +70381,15 +70382,15 +70383,15 +70384,15 +70385,15 +70386,12 +70387,39 +70388,39 +70389,39 +70390,39 +70391,39 +70392,39 +70393,39 +70394,32 +70395,32 +70396,32 +70397,32 +70398,32 +70399,32 +70400,32 +70401,32 +70402,32 +70403,32 +70404,32 +70405,22 +70406,30 +70407,30 +70408,30 +70409,30 +70410,27 +70411,1 +70412,1 +70413,1 +70414,27 +70415,27 +70416,27 +70417,27 +70418,27 +70419,31 +70420,31 +70421,36 +70422,36 +70423,36 +70424,15 +70425,15 +70426,15 +70427,15 +70428,15 +70429,15 +70430,15 +70431,15 +70432,15 +70433,15 +70434,15 +70435,17 +70436,17 +70437,9 +70438,9 +70439,9 +70440,9 +70441,9 +70442,9 +70443,9 +70444,9 +70445,9 +70446,9 +70447,37 +70448,37 +70449,37 +70450,37 +70451,37 +70452,37 +70453,19 +70454,19 +70455,19 +70456,19 +70457,19 +70458,19 +70459,19 +70460,19 +70461,12 +70462,12 +70463,12 +70464,12 +70465,12 +70466,12 +70467,12 +70468,12 +70469,14 +70470,14 +70471,14 +70472,14 +70473,14 +70474,14 +70475,14 +70476,14 +70477,14 +70478,14 +70479,14 +70480,14 +70481,14 +70482,14 +70483,14 +70484,14 +70485,14 +70486,14 +70487,18 +70488,18 +70489,18 +70490,18 +70491,19 +70492,19 +70493,19 +70494,19 +70495,18 +70496,18 +70497,18 +70498,18 +70499,18 +70500,18 +70501,18 +70502,16 +70503,16 +70504,16 +70505,16 +70506,16 +70507,18 +70508,18 +70509,16 +70510,0 +70511,16 +70512,0 +70513,0 +70514,0 +70515,0 +70516,0 +70517,0 +70518,0 +70519,0 +70520,0 +70521,31 +70522,31 +70523,31 +70524,31 +70525,24 +70526,31 +70527,31 +70528,31 +70529,23 +70530,23 +70531,23 +70532,23 +70533,23 +70534,23 +70535,23 +70536,23 +70537,23 +70538,23 +70539,23 +70540,23 +70541,9 +70542,9 +70543,9 +70544,9 +70545,9 +70546,9 +70547,9 +70548,9 +70549,9 +70550,37 +70551,37 +70552,37 +70553,37 +70554,37 +70555,37 +70556,37 +70557,12 +70558,12 +70559,12 +70560,12 +70561,12 +70562,12 +70563,12 +70564,12 +70565,12 +70566,12 +70567,12 +70568,12 +70569,25 +70570,25 +70571,25 +70572,25 +70573,28 +70574,28 +70575,28 +70576,28 +70577,28 +70578,28 +70579,28 +70580,28 +70581,36 +70582,40 +70583,40 +70584,40 +70585,40 +70586,40 +70587,40 +70588,5 +70589,5 +70590,5 +70591,5 +70592,5 +70593,39 +70594,39 +70595,39 +70596,27 +70597,27 +70598,27 +70599,39 +70600,28 +70601,28 +70602,13 +70603,28 +70604,13 +70605,28 +70606,28 +70607,28 +70608,28 +70609,28 +70610,31 +70611,31 +70612,31 +70613,31 +70614,31 +70615,31 +70616,31 +70617,31 +70618,31 +70619,5 +70620,5 +70621,5 +70622,5 +70623,5 +70624,5 +70625,2 +70626,2 +70627,2 +70628,2 +70629,2 +70630,2 +70631,2 +70632,8 +70633,8 +70634,8 +70635,8 +70636,8 +70637,30 +70638,30 +70639,30 +70640,30 +70641,30 +70642,30 +70643,30 +70644,30 +70645,30 +70646,30 +70647,30 +70648,30 +70649,30 +70650,30 +70651,30 +70652,30 +70653,30 +70654,30 +70655,30 +70656,30 +70657,30 +70658,19 +70659,19 +70660,19 +70661,19 +70662,19 +70663,19 +70664,25 +70665,25 +70666,25 +70667,25 +70668,25 +70669,25 +70670,25 +70671,25 +70672,25 +70673,25 +70674,25 +70675,25 +70676,25 +70677,25 +70678,25 +70679,25 +70680,25 +70681,37 +70682,37 +70683,0 +70684,0 +70685,0 +70686,0 +70687,0 +70688,0 +70689,0 +70690,0 +70691,0 +70692,0 +70693,0 +70694,0 +70695,0 +70696,0 +70697,0 +70698,0 +70699,0 +70700,0 +70701,0 +70702,0 +70703,0 +70704,0 +70705,0 +70706,0 +70707,0 +70708,0 +70709,0 +70710,0 +70711,0 +70712,0 +70713,0 +70714,0 +70715,0 +70716,0 +70717,0 +70718,0 +70719,0 +70720,0 +70721,0 +70722,0 +70723,0 +70724,0 +70725,0 +70726,0 +70727,0 +70728,0 +70729,0 +70730,0 +70731,0 +70732,0 +70733,0 +70734,0 +70735,0 +70736,0 +70737,0 +70738,0 +70739,0 +70740,0 +70741,0 +70742,0 +70743,0 +70744,0 +70745,0 +70746,0 +70747,0 +70748,0 +70749,0 +70750,0 +70751,0 +70752,0 +70753,36 +70754,36 +70755,36 +70756,36 +70757,36 +70758,36 +70759,36 +70760,36 +70761,36 +70762,36 +70763,36 +70764,5 +70765,5 +70766,5 +70767,5 +70768,5 +70769,5 +70770,5 +70771,5 +70772,5 +70773,5 +70774,19 +70775,19 +70776,19 +70777,29 +70778,29 +70779,29 +70780,29 +70781,36 +70782,36 +70783,36 +70784,36 +70785,36 +70786,36 +70787,36 +70788,36 +70789,36 +70790,36 +70791,36 +70792,36 +70793,36 +70794,36 +70795,36 +70796,36 +70797,36 +70798,36 +70799,36 +70800,36 +70801,36 +70802,36 +70803,5 +70804,5 +70805,5 +70806,5 +70807,5 +70808,5 +70809,5 +70810,5 +70811,5 +70812,5 +70813,5 +70814,5 +70815,5 +70816,5 +70817,5 +70818,5 +70819,5 +70820,5 +70821,0 +70822,0 +70823,0 +70824,0 +70825,0 +70826,0 +70827,0 +70828,0 +70829,0 +70830,0 +70831,0 +70832,0 +70833,0 +70834,0 +70835,0 +70836,0 +70837,0 +70838,0 +70839,0 +70840,0 +70841,0 +70842,0 +70843,0 +70844,0 +70845,0 +70846,0 +70847,0 +70848,0 +70849,2 +70850,2 +70851,2 +70852,2 +70853,2 +70854,2 +70855,2 +70856,2 +70857,2 +70858,2 +70859,40 +70860,40 +70861,40 +70862,40 +70863,40 +70864,40 +70865,27 +70866,32 +70867,32 +70868,32 +70869,32 +70870,32 +70871,15 +70872,15 +70873,32 +70874,32 +70875,32 +70876,26 +70877,26 +70878,26 +70879,26 +70880,26 +70881,26 +70882,26 +70883,37 +70884,37 +70885,37 +70886,15 +70887,15 +70888,15 +70889,15 +70890,15 +70891,27 +70892,27 +70893,27 +70894,27 +70895,27 +70896,6 +70897,6 +70898,6 +70899,6 +70900,6 +70901,6 +70902,6 +70903,6 +70904,6 +70905,6 +70906,6 +70907,36 +70908,14 +70909,14 +70910,14 +70911,14 +70912,14 +70913,14 +70914,14 +70915,14 +70916,14 +70917,5 +70918,5 +70919,5 +70920,27 +70921,27 +70922,27 +70923,27 +70924,27 +70925,27 +70926,27 +70927,27 +70928,27 +70929,27 +70930,27 +70931,27 +70932,27 +70933,27 +70934,27 +70935,27 +70936,27 +70937,27 +70938,27 +70939,27 +70940,2 +70941,2 +70942,2 +70943,2 +70944,2 +70945,2 +70946,2 +70947,2 +70948,2 +70949,2 +70950,2 +70951,2 +70952,2 +70953,2 +70954,2 +70955,2 +70956,2 +70957,2 +70958,2 +70959,39 +70960,39 +70961,39 +70962,27 +70963,27 +70964,39 +70965,37 +70966,37 +70967,37 +70968,37 +70969,37 +70970,37 +70971,19 +70972,19 +70973,19 +70974,37 +70975,39 +70976,39 +70977,39 +70978,39 +70979,39 +70980,31 +70981,31 +70982,31 +70983,31 +70984,14 +70985,2 +70986,2 +70987,8 +70988,8 +70989,8 +70990,8 +70991,8 +70992,8 +70993,8 +70994,23 +70995,23 +70996,23 +70997,23 +70998,23 +70999,23 +71000,23 +71001,31 +71002,31 +71003,31 +71004,31 +71005,12 +71006,17 +71007,17 +71008,17 +71009,17 +71010,17 +71011,17 +71012,17 +71013,17 +71014,17 +71015,17 +71016,17 +71017,17 +71018,2 +71019,2 +71020,2 +71021,2 +71022,2 +71023,2 +71024,8 +71025,8 +71026,8 +71027,8 +71028,2 +71029,0 +71030,0 +71031,0 +71032,0 +71033,0 +71034,0 +71035,0 +71036,0 +71037,0 +71038,0 +71039,0 +71040,0 +71041,0 +71042,0 +71043,0 +71044,0 +71045,0 +71046,0 +71047,0 +71048,0 +71049,0 +71050,0 +71051,0 +71052,0 +71053,0 +71054,0 +71055,0 +71056,0 +71057,0 +71058,35 +71059,35 +71060,35 +71061,5 +71062,5 +71063,5 +71064,5 +71065,5 +71066,5 +71067,28 +71068,28 +71069,28 +71070,28 +71071,28 +71072,28 +71073,28 +71074,40 +71075,40 +71076,40 +71077,40 +71078,40 +71079,40 +71080,40 +71081,36 +71082,36 +71083,36 +71084,24 +71085,24 +71086,24 +71087,29 +71088,40 +71089,40 +71090,40 +71091,40 +71092,40 +71093,40 +71094,40 +71095,40 +71096,40 +71097,40 +71098,2 +71099,2 +71100,2 +71101,2 +71102,2 +71103,2 +71104,2 +71105,2 +71106,2 +71107,2 +71108,2 +71109,2 +71110,2 +71111,2 +71112,32 +71113,32 +71114,32 +71115,32 +71116,32 +71117,37 +71118,37 +71119,37 +71120,37 +71121,37 +71122,37 +71123,39 +71124,39 +71125,39 +71126,39 +71127,39 +71128,32 +71129,32 +71130,32 +71131,32 +71132,32 +71133,32 +71134,32 +71135,32 +71136,32 +71137,32 +71138,32 +71139,32 +71140,32 +71141,32 +71142,14 +71143,14 +71144,14 +71145,14 +71146,14 +71147,14 +71148,14 +71149,14 +71150,14 +71151,40 +71152,40 +71153,40 +71154,40 +71155,40 +71156,40 +71157,40 +71158,40 +71159,37 +71160,37 +71161,37 +71162,37 +71163,37 +71164,37 +71165,37 +71166,37 +71167,37 +71168,37 +71169,37 +71170,37 +71171,37 +71172,37 +71173,37 +71174,37 +71175,37 +71176,25 +71177,25 +71178,0 +71179,0 +71180,0 +71181,0 +71182,0 +71183,0 +71184,0 +71185,0 +71186,0 +71187,0 +71188,0 +71189,0 +71190,0 +71191,0 +71192,0 +71193,0 +71194,0 +71195,0 +71196,0 +71197,0 +71198,0 +71199,0 +71200,0 +71201,0 +71202,0 +71203,0 +71204,0 +71205,0 +71206,0 +71207,0 +71208,0 +71209,0 +71210,0 +71211,0 +71212,0 +71213,0 +71214,0 +71215,0 +71216,0 +71217,0 +71218,0 +71219,0 +71220,0 +71221,0 +71222,0 +71223,0 +71224,0 +71225,0 +71226,0 +71227,0 +71228,0 +71229,0 +71230,0 +71231,0 +71232,0 +71233,0 +71234,0 +71235,0 +71236,0 +71237,0 +71238,0 +71239,0 +71240,0 +71241,0 +71242,0 +71243,0 +71244,0 +71245,0 +71246,0 +71247,0 +71248,0 +71249,0 +71250,0 +71251,0 +71252,0 +71253,35 +71254,35 +71255,35 +71256,35 +71257,35 +71258,35 +71259,35 +71260,35 +71261,35 +71262,39 +71263,39 +71264,39 +71265,28 +71266,28 +71267,28 +71268,28 +71269,28 +71270,28 +71271,28 +71272,28 +71273,28 +71274,28 +71275,28 +71276,28 +71277,14 +71278,36 +71279,36 +71280,36 +71281,14 +71282,14 +71283,14 +71284,14 +71285,14 +71286,14 +71287,4 +71288,4 +71289,4 +71290,27 +71291,27 +71292,27 +71293,27 +71294,30 +71295,30 +71296,30 +71297,30 +71298,30 +71299,30 +71300,30 +71301,30 +71302,30 +71303,30 +71304,27 +71305,27 +71306,27 +71307,27 +71308,27 +71309,27 +71310,27 +71311,29 +71312,29 +71313,31 +71314,31 +71315,31 +71316,30 +71317,30 +71318,30 +71319,30 +71320,30 +71321,30 +71322,30 +71323,19 +71324,19 +71325,19 +71326,19 +71327,19 +71328,19 +71329,19 +71330,19 +71331,19 +71332,19 +71333,19 +71334,40 +71335,40 +71336,40 +71337,40 +71338,40 +71339,40 +71340,32 +71341,32 +71342,32 +71343,32 +71344,32 +71345,32 +71346,32 +71347,32 +71348,32 +71349,32 +71350,32 +71351,32 +71352,32 +71353,25 +71354,25 +71355,25 +71356,6 +71357,6 +71358,6 +71359,6 +71360,6 +71361,6 +71362,6 +71363,6 +71364,6 +71365,6 +71366,32 +71367,14 +71368,27 +71369,27 +71370,27 +71371,14 +71372,14 +71373,14 +71374,14 +71375,14 +71376,19 +71377,19 +71378,19 +71379,19 +71380,19 +71381,27 +71382,27 +71383,27 +71384,27 +71385,13 +71386,13 +71387,13 +71388,13 +71389,13 +71390,13 +71391,13 +71392,13 +71393,28 +71394,28 +71395,28 +71396,28 +71397,28 +71398,28 +71399,3 +71400,3 +71401,3 +71402,3 +71403,3 +71404,24 +71405,24 +71406,24 +71407,24 +71408,24 +71409,24 +71410,24 +71411,24 +71412,28 +71413,28 +71414,28 +71415,28 +71416,28 +71417,28 +71418,33 +71419,31 +71420,31 +71421,31 +71422,33 +71423,31 +71424,31 +71425,12 +71426,12 +71427,12 +71428,12 +71429,12 +71430,12 +71431,12 +71432,12 +71433,27 +71434,27 +71435,38 +71436,38 +71437,38 +71438,38 +71439,38 +71440,38 +71441,38 +71442,38 +71443,31 +71444,31 +71445,31 +71446,31 +71447,31 +71448,31 +71449,8 +71450,8 +71451,8 +71452,8 +71453,8 +71454,8 +71455,8 +71456,8 +71457,35 +71458,35 +71459,35 +71460,35 +71461,35 +71462,35 +71463,35 +71464,35 +71465,36 +71466,36 +71467,36 +71468,36 +71469,36 +71470,36 +71471,36 +71472,36 +71473,36 +71474,36 +71475,36 +71476,36 +71477,36 +71478,36 +71479,36 +71480,36 +71481,36 +71482,5 +71483,5 +71484,5 +71485,5 +71486,5 +71487,5 +71488,5 +71489,5 +71490,5 +71491,5 +71492,2 +71493,2 +71494,2 +71495,2 +71496,2 +71497,2 +71498,2 +71499,2 +71500,2 +71501,2 +71502,2 +71503,2 +71504,2 +71505,2 +71506,2 +71507,2 +71508,0 +71509,0 +71510,0 +71511,0 +71512,0 +71513,0 +71514,0 +71515,0 +71516,0 +71517,0 +71518,0 +71519,0 +71520,0 +71521,0 +71522,0 +71523,0 +71524,0 +71525,0 +71526,0 +71527,0 +71528,0 +71529,0 +71530,0 +71531,0 +71532,0 +71533,0 +71534,0 +71535,0 +71536,0 +71537,0 +71538,0 +71539,0 +71540,0 +71541,0 +71542,0 +71543,0 +71544,0 +71545,0 +71546,0 +71547,0 +71548,0 +71549,0 +71550,0 +71551,0 +71552,0 +71553,0 +71554,0 +71555,0 +71556,0 +71557,0 +71558,0 +71559,0 +71560,0 +71561,0 +71562,0 +71563,0 +71564,0 +71565,0 +71566,0 +71567,0 +71568,0 +71569,0 +71570,0 +71571,0 +71572,0 +71573,0 +71574,0 +71575,0 +71576,0 +71577,0 +71578,0 +71579,0 +71580,0 +71581,0 +71582,29 +71583,29 +71584,29 +71585,29 +71586,29 +71587,29 +71588,29 +71589,29 +71590,29 +71591,29 +71592,27 +71593,27 +71594,27 +71595,27 +71596,27 +71597,27 +71598,27 +71599,8 +71600,8 +71601,8 +71602,8 +71603,8 +71604,8 +71605,5 +71606,5 +71607,5 +71608,5 +71609,5 +71610,26 +71611,26 +71612,26 +71613,26 +71614,26 +71615,26 +71616,26 +71617,26 +71618,4 +71619,4 +71620,4 +71621,4 +71622,4 +71623,4 +71624,2 +71625,2 +71626,2 +71627,2 +71628,2 +71629,2 +71630,2 +71631,2 +71632,2 +71633,25 +71634,25 +71635,25 +71636,25 +71637,25 +71638,25 +71639,25 +71640,4 +71641,4 +71642,4 +71643,31 +71644,31 +71645,31 +71646,31 +71647,5 +71648,31 +71649,5 +71650,5 +71651,5 +71652,5 +71653,31 +71654,31 +71655,31 +71656,31 +71657,31 +71658,31 +71659,31 +71660,31 +71661,11 +71662,11 +71663,11 +71664,11 +71665,11 +71666,11 +71667,11 +71668,11 +71669,11 +71670,11 +71671,11 +71672,11 +71673,3 +71674,3 +71675,3 +71676,30 +71677,12 +71678,12 +71679,12 +71680,30 +71681,30 +71682,30 +71683,30 +71684,22 +71685,22 +71686,30 +71687,22 +71688,19 +71689,19 +71690,19 +71691,19 +71692,19 +71693,19 +71694,19 +71695,19 +71696,19 +71697,19 +71698,19 +71699,26 +71700,26 +71701,26 +71702,10 +71703,10 +71704,10 +71705,10 +71706,10 +71707,10 +71708,10 +71709,10 +71710,10 +71711,10 +71712,10 +71713,10 +71714,10 +71715,10 +71716,10 +71717,10 +71718,10 +71719,10 +71720,10 +71721,10 +71722,27 +71723,27 +71724,27 +71725,27 +71726,27 +71727,27 +71728,14 +71729,14 +71730,14 +71731,27 +71732,27 +71733,27 +71734,27 +71735,4 +71736,4 +71737,4 +71738,4 +71739,4 +71740,4 +71741,4 +71742,4 +71743,27 +71744,27 +71745,27 +71746,27 +71747,27 +71748,27 +71749,27 +71750,19 +71751,19 +71752,19 +71753,19 +71754,19 +71755,0 +71756,0 +71757,4 +71758,0 +71759,0 +71760,0 +71761,0 +71762,0 +71763,0 +71764,0 +71765,0 +71766,0 +71767,0 +71768,0 +71769,0 +71770,0 +71771,0 +71772,0 +71773,0 +71774,0 +71775,0 +71776,0 +71777,0 +71778,0 +71779,0 +71780,0 +71781,0 +71782,0 +71783,0 +71784,0 +71785,0 +71786,0 +71787,0 +71788,0 +71789,0 +71790,29 +71791,29 +71792,29 +71793,29 +71794,29 +71795,29 +71796,29 +71797,29 +71798,29 +71799,29 +71800,29 +71801,33 +71802,33 +71803,33 +71804,33 +71805,34 +71806,34 +71807,34 +71808,34 +71809,33 +71810,33 +71811,34 +71812,34 +71813,34 +71814,34 +71815,34 +71816,34 +71817,34 +71818,25 +71819,25 +71820,10 +71821,12 +71822,12 +71823,37 +71824,37 +71825,12 +71826,12 +71827,12 +71828,12 +71829,12 +71830,12 +71831,12 +71832,31 +71833,31 +71834,31 +71835,31 +71836,5 +71837,5 +71838,5 +71839,5 +71840,27 +71841,27 +71842,27 +71843,27 +71844,27 +71845,27 +71846,27 +71847,19 +71848,19 +71849,19 +71850,19 +71851,19 +71852,19 +71853,19 +71854,19 +71855,19 +71856,19 +71857,19 +71858,19 +71859,19 +71860,19 +71861,19 +71862,27 +71863,27 +71864,27 +71865,27 +71866,7 +71867,27 +71868,27 +71869,27 +71870,27 +71871,27 +71872,3 +71873,3 +71874,3 +71875,27 +71876,27 +71877,3 +71878,19 +71879,19 +71880,4 +71881,4 +71882,4 +71883,4 +71884,27 +71885,27 +71886,27 +71887,27 +71888,27 +71889,2 +71890,2 +71891,2 +71892,2 +71893,8 +71894,8 +71895,8 +71896,35 +71897,35 +71898,35 +71899,2 +71900,39 +71901,39 +71902,39 +71903,39 +71904,39 +71905,39 +71906,29 +71907,24 +71908,24 +71909,19 +71910,19 +71911,27 +71912,27 +71913,27 +71914,27 +71915,4 +71916,4 +71917,4 +71918,4 +71919,4 +71920,4 +71921,4 +71922,4 +71923,4 +71924,4 +71925,4 +71926,4 +71927,4 +71928,4 +71929,4 +71930,39 +71931,39 +71932,39 +71933,39 +71934,39 +71935,39 +71936,39 +71937,39 +71938,39 +71939,39 +71940,39 +71941,32 +71942,32 +71943,32 +71944,32 +71945,32 +71946,32 +71947,32 +71948,26 +71949,26 +71950,26 +71951,26 +71952,26 +71953,26 +71954,26 +71955,26 +71956,26 +71957,9 +71958,9 +71959,9 +71960,9 +71961,9 +71962,4 +71963,4 +71964,4 +71965,4 +71966,4 +71967,4 +71968,4 +71969,4 +71970,4 +71971,4 +71972,4 +71973,4 +71974,4 +71975,4 +71976,4 +71977,4 +71978,4 +71979,4 +71980,4 +71981,4 +71982,4 +71983,4 +71984,4 +71985,3 +71986,3 +71987,3 +71988,3 +71989,3 +71990,3 +71991,3 +71992,3 +71993,3 +71994,3 +71995,3 +71996,3 +71997,3 +71998,3 +71999,3 +72000,3 +72001,3 +72002,3 +72003,3 +72004,3 +72005,3 +72006,3 +72007,3 +72008,3 +72009,3 +72010,3 +72011,3 +72012,3 +72013,3 +72014,3 +72015,0 +72016,0 +72017,0 +72018,0 +72019,0 +72020,0 +72021,0 +72022,0 +72023,0 +72024,0 +72025,0 +72026,0 +72027,0 +72028,0 +72029,0 +72030,0 +72031,0 +72032,0 +72033,0 +72034,0 +72035,0 +72036,0 +72037,0 +72038,0 +72039,0 +72040,0 +72041,0 +72042,0 +72043,0 +72044,0 +72045,0 +72046,0 +72047,0 +72048,0 +72049,0 +72050,0 +72051,0 +72052,0 +72053,36 +72054,36 +72055,0 +72056,0 +72057,36 +72058,36 +72059,36 +72060,36 +72061,36 +72062,36 +72063,36 +72064,36 +72065,36 +72066,36 +72067,36 +72068,5 +72069,5 +72070,5 +72071,5 +72072,5 +72073,5 +72074,39 +72075,39 +72076,39 +72077,39 +72078,39 +72079,39 +72080,39 +72081,39 +72082,39 +72083,39 +72084,39 +72085,39 +72086,39 +72087,27 +72088,27 +72089,31 +72090,24 +72091,24 +72092,24 +72093,13 +72094,28 +72095,28 +72096,28 +72097,13 +72098,28 +72099,28 +72100,5 +72101,5 +72102,5 +72103,29 +72104,29 +72105,40 +72106,40 +72107,40 +72108,40 +72109,40 +72110,27 +72111,27 +72112,27 +72113,27 +72114,27 +72115,27 +72116,27 +72117,2 +72118,2 +72119,2 +72120,2 +72121,2 +72122,2 +72123,2 +72124,2 +72125,2 +72126,2 +72127,28 +72128,28 +72129,28 +72130,28 +72131,28 +72132,28 +72133,28 +72134,10 +72135,10 +72136,10 +72137,10 +72138,10 +72139,10 +72140,10 +72141,10 +72142,10 +72143,4 +72144,4 +72145,31 +72146,31 +72147,31 +72148,31 +72149,31 +72150,15 +72151,15 +72152,15 +72153,15 +72154,15 +72155,15 +72156,15 +72157,15 +72158,15 +72159,15 +72160,27 +72161,27 +72162,27 +72163,27 +72164,27 +72165,27 +72166,27 +72167,13 +72168,13 +72169,13 +72170,6 +72171,6 +72172,6 +72173,6 +72174,6 +72175,6 +72176,6 +72177,22 +72178,31 +72179,31 +72180,31 +72181,19 +72182,19 +72183,19 +72184,19 +72185,19 +72186,19 +72187,19 +72188,19 +72189,2 +72190,2 +72191,2 +72192,2 +72193,2 +72194,2 +72195,2 +72196,2 +72197,2 +72198,2 +72199,27 +72200,27 +72201,27 +72202,27 +72203,27 +72204,4 +72205,4 +72206,4 +72207,4 +72208,4 +72209,4 +72210,4 +72211,25 +72212,25 +72213,25 +72214,4 +72215,4 +72216,4 +72217,4 +72218,4 +72219,4 +72220,25 +72221,25 +72222,25 +72223,25 +72224,25 +72225,25 +72226,4 +72227,12 +72228,4 +72229,12 +72230,12 +72231,12 +72232,12 +72233,12 +72234,12 +72235,12 +72236,12 +72237,12 +72238,12 +72239,9 +72240,9 +72241,30 +72242,30 +72243,9 +72244,9 +72245,30 +72246,30 +72247,9 +72248,30 +72249,30 +72250,30 +72251,30 +72252,30 +72253,30 +72254,30 +72255,8 +72256,8 +72257,27 +72258,27 +72259,27 +72260,27 +72261,27 +72262,27 +72263,8 +72264,8 +72265,8 +72266,8 +72267,8 +72268,8 +72269,8 +72270,10 +72271,10 +72272,10 +72273,10 +72274,10 +72275,10 +72276,10 +72277,10 +72278,10 +72279,10 +72280,10 +72281,10 +72282,10 +72283,10 +72284,10 +72285,5 +72286,5 +72287,5 +72288,5 +72289,5 +72290,35 +72291,35 +72292,35 +72293,35 +72294,35 +72295,35 +72296,35 +72297,35 +72298,35 +72299,33 +72300,33 +72301,33 +72302,33 +72303,33 +72304,33 +72305,33 +72306,33 +72307,33 +72308,33 +72309,33 +72310,33 +72311,33 +72312,33 +72313,33 +72314,33 +72315,6 +72316,6 +72317,6 +72318,6 +72319,2 +72320,2 +72321,2 +72322,2 +72323,2 +72324,2 +72325,2 +72326,2 +72327,2 +72328,2 +72329,2 +72330,2 +72331,2 +72332,2 +72333,2 +72334,2 +72335,2 +72336,2 +72337,2 +72338,0 +72339,0 +72340,0 +72341,0 +72342,0 +72343,0 +72344,0 +72345,0 +72346,0 +72347,0 +72348,0 +72349,0 +72350,0 +72351,0 +72352,0 +72353,0 +72354,0 +72355,0 +72356,0 +72357,0 +72358,0 +72359,0 +72360,0 +72361,0 +72362,31 +72363,31 +72364,31 +72365,31 +72366,31 +72367,31 +72368,31 +72369,5 +72370,5 +72371,5 +72372,5 +72373,5 +72374,5 +72375,37 +72376,37 +72377,37 +72378,37 +72379,37 +72380,37 +72381,37 +72382,39 +72383,39 +72384,39 +72385,39 +72386,39 +72387,21 +72388,21 +72389,21 +72390,21 +72391,21 +72392,21 +72393,21 +72394,21 +72395,21 +72396,26 +72397,26 +72398,26 +72399,26 +72400,26 +72401,26 +72402,26 +72403,26 +72404,26 +72405,37 +72406,37 +72407,37 +72408,37 +72409,37 +72410,37 +72411,37 +72412,4 +72413,4 +72414,4 +72415,4 +72416,4 +72417,4 +72418,8 +72419,8 +72420,40 +72421,40 +72422,31 +72423,31 +72424,31 +72425,31 +72426,31 +72427,31 +72428,31 +72429,35 +72430,35 +72431,35 +72432,35 +72433,35 +72434,35 +72435,35 +72436,35 +72437,35 +72438,35 +72439,35 +72440,35 +72441,34 +72442,34 +72443,34 +72444,34 +72445,34 +72446,34 +72447,34 +72448,34 +72449,34 +72450,34 +72451,9 +72452,9 +72453,9 +72454,9 +72455,9 +72456,9 +72457,9 +72458,9 +72459,9 +72460,9 +72461,9 +72462,5 +72463,5 +72464,5 +72465,5 +72466,5 +72467,5 +72468,5 +72469,5 +72470,5 +72471,5 +72472,5 +72473,5 +72474,5 +72475,5 +72476,5 +72477,5 +72478,5 +72479,5 +72480,5 +72481,5 +72482,0 +72483,0 +72484,0 +72485,0 +72486,0 +72487,0 +72488,0 +72489,0 +72490,0 +72491,0 +72492,0 +72493,0 +72494,0 +72495,0 +72496,0 +72497,0 +72498,0 +72499,0 +72500,0 +72501,0 +72502,0 +72503,0 +72504,0 +72505,0 +72506,0 +72507,0 +72508,0 +72509,0 +72510,0 +72511,0 +72512,0 +72513,0 +72514,0 +72515,0 +72516,0 +72517,0 +72518,0 +72519,0 +72520,0 +72521,0 +72522,0 +72523,12 +72524,12 +72525,12 +72526,10 +72527,10 +72528,10 +72529,10 +72530,10 +72531,10 +72532,10 +72533,10 +72534,6 +72535,6 +72536,6 +72537,6 +72538,6 +72539,31 +72540,31 +72541,31 +72542,31 +72543,31 +72544,31 +72545,31 +72546,4 +72547,4 +72548,4 +72549,4 +72550,4 +72551,4 +72552,4 +72553,4 +72554,4 +72555,4 +72556,4 +72557,4 +72558,4 +72559,4 +72560,4 +72561,37 +72562,37 +72563,37 +72564,37 +72565,37 +72566,36 +72567,36 +72568,36 +72569,36 +72570,36 +72571,36 +72572,36 +72573,36 +72574,5 +72575,5 +72576,5 +72577,5 +72578,5 +72579,5 +72580,5 +72581,5 +72582,2 +72583,2 +72584,2 +72585,2 +72586,2 +72587,2 +72588,2 +72589,2 +72590,2 +72591,2 +72592,32 +72593,32 +72594,32 +72595,32 +72596,32 +72597,32 +72598,32 +72599,32 +72600,32 +72601,3 +72602,3 +72603,9 +72604,9 +72605,9 +72606,9 +72607,9 +72608,9 +72609,9 +72610,9 +72611,37 +72612,37 +72613,37 +72614,37 +72615,37 +72616,18 +72617,18 +72618,18 +72619,18 +72620,18 +72621,19 +72622,16 +72623,16 +72624,16 +72625,16 +72626,16 +72627,16 +72628,11 +72629,11 +72630,11 +72631,11 +72632,11 +72633,11 +72634,11 +72635,11 +72636,11 +72637,11 +72638,11 +72639,27 +72640,27 +72641,27 +72642,27 +72643,27 +72644,27 +72645,27 +72646,27 +72647,27 +72648,27 +72649,36 +72650,36 +72651,27 +72652,4 +72653,4 +72654,4 +72655,4 +72656,4 +72657,4 +72658,4 +72659,4 +72660,23 +72661,23 +72662,23 +72663,23 +72664,38 +72665,38 +72666,38 +72667,38 +72668,23 +72669,23 +72670,23 +72671,23 +72672,23 +72673,23 +72674,27 +72675,27 +72676,27 +72677,27 +72678,27 +72679,27 +72680,27 +72681,27 +72682,27 +72683,27 +72684,30 +72685,30 +72686,30 +72687,30 +72688,30 +72689,30 +72690,30 +72691,30 +72692,30 +72693,30 +72694,33 +72695,33 +72696,33 +72697,33 +72698,24 +72699,24 +72700,24 +72701,24 +72702,24 +72703,24 +72704,24 +72705,24 +72706,24 +72707,12 +72708,12 +72709,12 +72710,12 +72711,12 +72712,12 +72713,12 +72714,12 +72715,27 +72716,27 +72717,27 +72718,27 +72719,27 +72720,38 +72721,38 +72722,38 +72723,38 +72724,38 +72725,24 +72726,23 +72727,23 +72728,38 +72729,38 +72730,38 +72731,38 +72732,38 +72733,38 +72734,4 +72735,4 +72736,4 +72737,4 +72738,4 +72739,4 +72740,37 +72741,37 +72742,3 +72743,3 +72744,3 +72745,3 +72746,3 +72747,3 +72748,3 +72749,3 +72750,3 +72751,3 +72752,3 +72753,3 +72754,3 +72755,3 +72756,3 +72757,32 +72758,32 +72759,32 +72760,32 +72761,32 +72762,32 +72763,32 +72764,15 +72765,15 +72766,2 +72767,2 +72768,2 +72769,2 +72770,2 +72771,2 +72772,2 +72773,2 +72774,2 +72775,2 +72776,8 +72777,8 +72778,8 +72779,0 +72780,0 +72781,0 +72782,0 +72783,0 +72784,0 +72785,0 +72786,0 +72787,0 +72788,0 +72789,0 +72790,0 +72791,0 +72792,0 +72793,0 +72794,0 +72795,0 +72796,0 +72797,0 +72798,0 +72799,0 +72800,0 +72801,0 +72802,0 +72803,0 +72804,12 +72805,12 +72806,12 +72807,12 +72808,27 +72809,27 +72810,16 +72811,16 +72812,16 +72813,16 +72814,16 +72815,16 +72816,16 +72817,16 +72818,16 +72819,18 +72820,28 +72821,28 +72822,28 +72823,28 +72824,28 +72825,28 +72826,28 +72827,31 +72828,31 +72829,31 +72830,31 +72831,31 +72832,8 +72833,8 +72834,8 +72835,8 +72836,8 +72837,2 +72838,8 +72839,8 +72840,8 +72841,21 +72842,21 +72843,21 +72844,21 +72845,21 +72846,21 +72847,33 +72848,33 +72849,33 +72850,33 +72851,33 +72852,33 +72853,33 +72854,33 +72855,33 +72856,33 +72857,2 +72858,2 +72859,2 +72860,2 +72861,2 +72862,2 +72863,2 +72864,2 +72865,2 +72866,2 +72867,2 +72868,2 +72869,2 +72870,2 +72871,2 +72872,14 +72873,14 +72874,14 +72875,14 +72876,14 +72877,14 +72878,14 +72879,14 +72880,14 +72881,14 +72882,14 +72883,30 +72884,30 +72885,30 +72886,30 +72887,30 +72888,39 +72889,39 +72890,39 +72891,39 +72892,39 +72893,39 +72894,39 +72895,39 +72896,39 +72897,39 +72898,5 +72899,5 +72900,5 +72901,5 +72902,5 +72903,5 +72904,37 +72905,37 +72906,37 +72907,37 +72908,37 +72909,37 +72910,37 +72911,37 +72912,37 +72913,37 +72914,34 +72915,34 +72916,34 +72917,34 +72918,34 +72919,34 +72920,34 +72921,34 +72922,34 +72923,34 +72924,34 +72925,34 +72926,34 +72927,34 +72928,5 +72929,5 +72930,5 +72931,5 +72932,5 +72933,29 +72934,29 +72935,29 +72936,29 +72937,31 +72938,31 +72939,31 +72940,31 +72941,31 +72942,31 +72943,31 +72944,11 +72945,11 +72946,11 +72947,11 +72948,11 +72949,11 +72950,11 +72951,11 +72952,11 +72953,11 +72954,11 +72955,11 +72956,11 +72957,11 +72958,11 +72959,9 +72960,9 +72961,9 +72962,9 +72963,9 +72964,9 +72965,9 +72966,9 +72967,9 +72968,9 +72969,9 +72970,9 +72971,9 +72972,9 +72973,9 +72974,9 +72975,9 +72976,9 +72977,37 +72978,37 +72979,37 +72980,37 +72981,37 +72982,37 +72983,37 +72984,37 +72985,8 +72986,8 +72987,8 +72988,8 +72989,8 +72990,8 +72991,8 +72992,8 +72993,8 +72994,8 +72995,8 +72996,8 +72997,8 +72998,8 +72999,31 +73000,31 +73001,31 +73002,31 +73003,31 +73004,31 +73005,31 +73006,31 +73007,31 +73008,24 +73009,24 +73010,24 +73011,24 +73012,24 +73013,24 +73014,31 +73015,31 +73016,31 +73017,31 +73018,31 +73019,5 +73020,5 +73021,5 +73022,5 +73023,5 +73024,27 +73025,27 +73026,27 +73027,27 +73028,27 +73029,27 +73030,27 +73031,27 +73032,5 +73033,5 +73034,5 +73035,5 +73036,5 +73037,5 +73038,5 +73039,24 +73040,24 +73041,24 +73042,24 +73043,24 +73044,24 +73045,14 +73046,14 +73047,14 +73048,14 +73049,14 +73050,14 +73051,14 +73052,14 +73053,14 +73054,14 +73055,14 +73056,14 +73057,19 +73058,19 +73059,4 +73060,4 +73061,4 +73062,27 +73063,27 +73064,27 +73065,27 +73066,27 +73067,27 +73068,27 +73069,19 +73070,19 +73071,19 +73072,19 +73073,19 +73074,19 +73075,36 +73076,36 +73077,36 +73078,36 +73079,36 +73080,36 +73081,36 +73082,34 +73083,34 +73084,34 +73085,34 +73086,34 +73087,34 +73088,34 +73089,34 +73090,34 +73091,34 +73092,34 +73093,34 +73094,34 +73095,34 +73096,34 +73097,34 +73098,34 +73099,34 +73100,34 +73101,34 +73102,34 +73103,34 +73104,9 +73105,9 +73106,9 +73107,9 +73108,9 +73109,9 +73110,10 +73111,10 +73112,10 +73113,10 +73114,10 +73115,10 +73116,10 +73117,10 +73118,10 +73119,10 +73120,10 +73121,10 +73122,10 +73123,10 +73124,10 +73125,10 +73126,10 +73127,14 +73128,14 +73129,10 +73130,14 +73131,14 +73132,14 +73133,14 +73134,14 +73135,39 +73136,39 +73137,39 +73138,39 +73139,39 +73140,39 +73141,39 +73142,0 +73143,0 +73144,0 +73145,0 +73146,0 +73147,0 +73148,0 +73149,0 +73150,0 +73151,0 +73152,0 +73153,0 +73154,0 +73155,0 +73156,0 +73157,0 +73158,0 +73159,0 +73160,0 +73161,0 +73162,0 +73163,0 +73164,0 +73165,0 +73166,0 +73167,0 +73168,0 +73169,0 +73170,0 +73171,0 +73172,0 +73173,0 +73174,0 +73175,0 +73176,0 +73177,0 +73178,0 +73179,0 +73180,0 +73181,0 +73182,36 +73183,36 +73184,31 +73185,31 +73186,31 +73187,31 +73188,31 +73189,31 +73190,31 +73191,31 +73192,31 +73193,31 +73194,5 +73195,5 +73196,5 +73197,5 +73198,5 +73199,5 +73200,5 +73201,35 +73202,35 +73203,35 +73204,35 +73205,35 +73206,35 +73207,27 +73208,27 +73209,27 +73210,27 +73211,27 +73212,27 +73213,8 +73214,8 +73215,8 +73216,2 +73217,2 +73218,2 +73219,2 +73220,2 +73221,2 +73222,2 +73223,2 +73224,2 +73225,2 +73226,2 +73227,2 +73228,2 +73229,2 +73230,2 +73231,12 +73232,12 +73233,12 +73234,12 +73235,12 +73236,12 +73237,12 +73238,31 +73239,31 +73240,31 +73241,31 +73242,31 +73243,31 +73244,31 +73245,31 +73246,5 +73247,5 +73248,13 +73249,30 +73250,30 +73251,30 +73252,30 +73253,30 +73254,27 +73255,27 +73256,27 +73257,5 +73258,5 +73259,5 +73260,5 +73261,5 +73262,19 +73263,19 +73264,19 +73265,19 +73266,19 +73267,5 +73268,5 +73269,0 +73270,0 +73271,0 +73272,29 +73273,29 +73274,29 +73275,29 +73276,29 +73277,29 +73278,29 +73279,29 +73280,29 +73281,29 +73282,29 +73283,40 +73284,40 +73285,40 +73286,27 +73287,27 +73288,27 +73289,27 +73290,27 +73291,27 +73292,27 +73293,27 +73294,27 +73295,27 +73296,27 +73297,27 +73298,27 +73299,27 +73300,2 +73301,2 +73302,2 +73303,2 +73304,2 +73305,2 +73306,2 +73307,2 +73308,2 +73309,2 +73310,2 +73311,2 +73312,2 +73313,2 +73314,2 +73315,2 +73316,2 +73317,2 +73318,2 +73319,0 +73320,0 +73321,0 +73322,0 +73323,0 +73324,0 +73325,0 +73326,0 +73327,0 +73328,0 +73329,0 +73330,0 +73331,0 +73332,0 +73333,0 +73334,35 +73335,35 +73336,35 +73337,35 +73338,35 +73339,35 +73340,35 +73341,35 +73342,35 +73343,26 +73344,26 +73345,26 +73346,26 +73347,26 +73348,26 +73349,26 +73350,9 +73351,9 +73352,9 +73353,13 +73354,13 +73355,13 +73356,13 +73357,13 +73358,28 +73359,28 +73360,28 +73361,28 +73362,28 +73363,13 +73364,13 +73365,13 +73366,13 +73367,13 +73368,13 +73369,13 +73370,13 +73371,5 +73372,5 +73373,5 +73374,5 +73375,19 +73376,19 +73377,19 +73378,19 +73379,19 +73380,19 +73381,19 +73382,19 +73383,19 +73384,19 +73385,19 +73386,19 +73387,19 +73388,19 +73389,34 +73390,34 +73391,34 +73392,34 +73393,34 +73394,34 +73395,34 +73396,34 +73397,34 +73398,34 +73399,34 +73400,34 +73401,34 +73402,34 +73403,34 +73404,34 +73405,34 +73406,34 +73407,34 +73408,34 +73409,5 +73410,5 +73411,5 +73412,5 +73413,5 +73414,5 +73415,5 +73416,5 +73417,5 +73418,5 +73419,0 +73420,0 +73421,0 +73422,0 +73423,34 +73424,34 +73425,34 +73426,34 +73427,34 +73428,34 +73429,34 +73430,34 +73431,34 +73432,34 +73433,34 +73434,34 +73435,34 +73436,34 +73437,4 +73438,4 +73439,4 +73440,4 +73441,4 +73442,4 +73443,2 +73444,2 +73445,2 +73446,2 +73447,2 +73448,2 +73449,2 +73450,2 +73451,40 +73452,10 +73453,10 +73454,40 +73455,40 +73456,40 +73457,40 +73458,40 +73459,40 +73460,10 +73461,10 +73462,19 +73463,19 +73464,19 +73465,19 +73466,19 +73467,29 +73468,29 +73469,31 +73470,31 +73471,31 +73472,31 +73473,31 +73474,15 +73475,15 +73476,15 +73477,15 +73478,15 +73479,15 +73480,15 +73481,15 +73482,15 +73483,40 +73484,40 +73485,40 +73486,40 +73487,40 +73488,40 +73489,40 +73490,40 +73491,40 +73492,40 +73493,40 +73494,40 +73495,40 +73496,40 +73497,40 +73498,19 +73499,19 +73500,19 +73501,19 +73502,19 +73503,19 +73504,19 +73505,31 +73506,32 +73507,32 +73508,32 +73509,32 +73510,32 +73511,32 +73512,32 +73513,32 +73514,32 +73515,32 +73516,32 +73517,26 +73518,26 +73519,26 +73520,26 +73521,26 +73522,26 +73523,26 +73524,26 +73525,5 +73526,5 +73527,5 +73528,5 +73529,5 +73530,5 +73531,29 +73532,29 +73533,31 +73534,31 +73535,31 +73536,31 +73537,6 +73538,6 +73539,6 +73540,6 +73541,6 +73542,6 +73543,6 +73544,6 +73545,6 +73546,6 +73547,6 +73548,26 +73549,26 +73550,26 +73551,26 +73552,26 +73553,26 +73554,37 +73555,37 +73556,37 +73557,37 +73558,37 +73559,37 +73560,37 +73561,32 +73562,32 +73563,32 +73564,32 +73565,32 +73566,27 +73567,27 +73568,27 +73569,37 +73570,27 +73571,27 +73572,27 +73573,27 +73574,27 +73575,27 +73576,4 +73577,4 +73578,4 +73579,4 +73580,4 +73581,4 +73582,4 +73583,0 +73584,0 +73585,0 +73586,0 +73587,0 +73588,0 +73589,0 +73590,0 +73591,0 +73592,0 +73593,0 +73594,0 +73595,0 +73596,0 +73597,0 +73598,0 +73599,0 +73600,0 +73601,0 +73602,0 +73603,0 +73604,0 +73605,0 +73606,0 +73607,0 +73608,0 +73609,0 +73610,0 +73611,0 +73612,0 +73613,0 +73614,0 +73615,0 +73616,0 +73617,0 +73618,0 +73619,0 +73620,0 +73621,0 +73622,0 +73623,0 +73624,0 +73625,0 +73626,0 +73627,0 +73628,0 +73629,0 +73630,0 +73631,0 +73632,0 +73633,0 +73634,0 +73635,0 +73636,0 +73637,0 +73638,0 +73639,0 +73640,0 +73641,0 +73642,0 +73643,0 +73644,0 +73645,0 +73646,0 +73647,0 +73648,0 +73649,0 +73650,0 +73651,0 +73652,0 +73653,0 +73654,0 +73655,0 +73656,0 +73657,0 +73658,0 +73659,0 +73660,0 +73661,0 +73662,0 +73663,0 +73664,0 +73665,0 +73666,0 +73667,0 +73668,0 +73669,0 +73670,0 +73671,0 +73672,0 +73673,0 +73674,0 +73675,0 +73676,0 +73677,0 +73678,0 +73679,0 +73680,0 +73681,35 +73682,35 +73683,35 +73684,35 +73685,12 +73686,12 +73687,12 +73688,12 +73689,40 +73690,40 +73691,27 +73692,27 +73693,40 +73694,40 +73695,40 +73696,5 +73697,5 +73698,5 +73699,5 +73700,5 +73701,5 +73702,5 +73703,5 +73704,5 +73705,8 +73706,8 +73707,8 +73708,8 +73709,8 +73710,8 +73711,31 +73712,8 +73713,8 +73714,30 +73715,30 +73716,30 +73717,30 +73718,30 +73719,30 +73720,30 +73721,27 +73722,27 +73723,27 +73724,27 +73725,27 +73726,5 +73727,5 +73728,5 +73729,5 +73730,5 +73731,5 +73732,5 +73733,5 +73734,30 +73735,30 +73736,30 +73737,30 +73738,30 +73739,22 +73740,22 +73741,22 +73742,22 +73743,22 +73744,6 +73745,6 +73746,6 +73747,6 +73748,6 +73749,6 +73750,6 +73751,6 +73752,6 +73753,6 +73754,6 +73755,4 +73756,4 +73757,4 +73758,4 +73759,4 +73760,4 +73761,4 +73762,4 +73763,9 +73764,9 +73765,9 +73766,37 +73767,37 +73768,37 +73769,37 +73770,37 +73771,37 +73772,25 +73773,29 +73774,29 +73775,29 +73776,29 +73777,29 +73778,29 +73779,29 +73780,31 +73781,31 +73782,31 +73783,31 +73784,31 +73785,31 +73786,12 +73787,12 +73788,12 +73789,12 +73790,12 +73791,12 +73792,12 +73793,12 +73794,27 +73795,27 +73796,27 +73797,27 +73798,5 +73799,5 +73800,5 +73801,5 +73802,5 +73803,5 +73804,5 +73805,5 +73806,19 +73807,19 +73808,19 +73809,3 +73810,3 +73811,3 +73812,3 +73813,3 +73814,3 +73815,3 +73816,3 +73817,3 +73818,3 +73819,3 +73820,22 +73821,22 +73822,22 +73823,22 +73824,22 +73825,22 +73826,22 +73827,6 +73828,21 +73829,21 +73830,21 +73831,21 +73832,21 +73833,21 +73834,21 +73835,36 +73836,36 +73837,36 +73838,36 +73839,36 +73840,40 +73841,40 +73842,40 +73843,40 +73844,40 +73845,40 +73846,40 +73847,40 +73848,36 +73849,36 +73850,36 +73851,5 +73852,5 +73853,5 +73854,5 +73855,5 +73856,5 +73857,5 +73858,5 +73859,5 +73860,12 +73861,12 +73862,12 +73863,12 +73864,12 +73865,27 +73866,27 +73867,27 +73868,27 +73869,38 +73870,38 +73871,38 +73872,38 +73873,38 +73874,38 +73875,38 +73876,38 +73877,31 +73878,31 +73879,5 +73880,5 +73881,5 +73882,5 +73883,27 +73884,27 +73885,27 +73886,27 +73887,27 +73888,6 +73889,6 +73890,6 +73891,6 +73892,6 +73893,6 +73894,2 +73895,2 +73896,2 +73897,2 +73898,2 +73899,2 +73900,2 +73901,2 +73902,2 +73903,32 +73904,32 +73905,32 +73906,32 +73907,32 +73908,32 +73909,32 +73910,37 +73911,37 +73912,37 +73913,40 +73914,40 +73915,40 +73916,40 +73917,40 +73918,40 +73919,11 +73920,11 +73921,11 +73922,11 +73923,11 +73924,11 +73925,11 +73926,11 +73927,11 +73928,11 +73929,11 +73930,11 +73931,11 +73932,31 +73933,31 +73934,31 +73935,5 +73936,5 +73937,5 +73938,5 +73939,5 +73940,5 +73941,5 +73942,5 +73943,12 +73944,12 +73945,12 +73946,27 +73947,27 +73948,27 +73949,27 +73950,27 +73951,27 +73952,16 +73953,16 +73954,16 +73955,16 +73956,16 +73957,16 +73958,16 +73959,16 +73960,2 +73961,2 +73962,2 +73963,2 +73964,2 +73965,2 +73966,2 +73967,2 +73968,2 +73969,2 +73970,2 +73971,2 +73972,2 +73973,39 +73974,39 +73975,39 +73976,39 +73977,39 +73978,39 +73979,39 +73980,39 +73981,39 +73982,39 +73983,28 +73984,28 +73985,28 +73986,28 +73987,28 +73988,28 +73989,28 +73990,28 +73991,28 +73992,4 +73993,4 +73994,2 +73995,2 +73996,2 +73997,2 +73998,2 +73999,4 +74000,30 +74001,30 +74002,30 +74003,10 +74004,10 +74005,10 +74006,10 +74007,10 +74008,10 +74009,6 +74010,6 +74011,6 +74012,6 +74013,6 +74014,10 +74015,10 +74016,31 +74017,36 +74018,31 +74019,31 +74020,31 +74021,31 +74022,31 +74023,21 +74024,21 +74025,21 +74026,21 +74027,21 +74028,21 +74029,21 +74030,21 +74031,21 +74032,37 +74033,37 +74034,37 +74035,37 +74036,37 +74037,37 +74038,37 +74039,37 +74040,37 +74041,37 +74042,36 +74043,36 +74044,36 +74045,36 +74046,36 +74047,36 +74048,36 +74049,36 +74050,36 +74051,36 +74052,36 +74053,18 +74054,18 +74055,18 +74056,18 +74057,18 +74058,18 +74059,18 +74060,18 +74061,31 +74062,31 +74063,31 +74064,31 +74065,3 +74066,3 +74067,3 +74068,3 +74069,3 +74070,3 +74071,30 +74072,30 +74073,30 +74074,30 +74075,30 +74076,30 +74077,30 +74078,30 +74079,30 +74080,30 +74081,30 +74082,30 +74083,30 +74084,30 +74085,30 +74086,30 +74087,30 +74088,30 +74089,30 +74090,33 +74091,33 +74092,33 +74093,31 +74094,31 +74095,31 +74096,31 +74097,31 +74098,12 +74099,12 +74100,12 +74101,31 +74102,12 +74103,12 +74104,12 +74105,12 +74106,12 +74107,12 +74108,12 +74109,12 +74110,12 +74111,12 +74112,12 +74113,12 +74114,14 +74115,14 +74116,14 +74117,14 +74118,14 +74119,14 +74120,14 +74121,14 +74122,6 +74123,6 +74124,6 +74125,6 +74126,6 +74127,6 +74128,6 +74129,6 +74130,6 +74131,31 +74132,31 +74133,31 +74134,31 +74135,31 +74136,5 +74137,5 +74138,5 +74139,5 +74140,27 +74141,27 +74142,27 +74143,27 +74144,27 +74145,27 +74146,27 +74147,27 +74148,27 +74149,14 +74150,5 +74151,5 +74152,5 +74153,13 +74154,13 +74155,5 +74156,13 +74157,13 +74158,13 +74159,13 +74160,5 +74161,4 +74162,4 +74163,4 +74164,4 +74165,4 +74166,4 +74167,4 +74168,4 +74169,4 +74170,4 +74171,4 +74172,27 +74173,27 +74174,27 +74175,27 +74176,19 +74177,19 +74178,5 +74179,5 +74180,5 +74181,5 +74182,5 +74183,5 +74184,5 +74185,5 +74186,5 +74187,5 +74188,3 +74189,3 +74190,3 +74191,3 +74192,3 +74193,3 +74194,3 +74195,3 +74196,3 +74197,3 +74198,3 +74199,3 +74200,3 +74201,3 +74202,3 +74203,3 +74204,3 +74205,38 +74206,38 +74207,38 +74208,38 +74209,38 +74210,38 +74211,38 +74212,38 +74213,38 +74214,38 +74215,38 +74216,38 +74217,38 +74218,9 +74219,9 +74220,9 +74221,9 +74222,9 +74223,9 +74224,9 +74225,9 +74226,26 +74227,26 +74228,26 +74229,26 +74230,26 +74231,26 +74232,26 +74233,26 +74234,26 +74235,26 +74236,26 +74237,26 +74238,26 +74239,26 +74240,26 +74241,26 +74242,4 +74243,4 +74244,4 +74245,4 +74246,4 +74247,4 +74248,4 +74249,4 +74250,4 +74251,2 +74252,2 +74253,2 +74254,2 +74255,2 +74256,2 +74257,2 +74258,2 +74259,2 +74260,2 +74261,2 +74262,2 +74263,2 +74264,2 +74265,2 +74266,2 +74267,2 +74268,2 +74269,2 +74270,2 +74271,2 +74272,2 +74273,2 +74274,0 +74275,0 +74276,0 +74277,0 +74278,0 +74279,0 +74280,0 +74281,0 +74282,0 +74283,0 +74284,0 +74285,0 +74286,0 +74287,0 +74288,0 +74289,0 +74290,0 +74291,0 +74292,0 +74293,0 +74294,0 +74295,0 +74296,0 +74297,0 +74298,0 +74299,0 +74300,0 +74301,0 +74302,0 +74303,0 +74304,0 +74305,0 +74306,0 +74307,0 +74308,0 +74309,0 +74310,0 +74311,0 +74312,0 +74313,0 +74314,0 +74315,0 +74316,0 +74317,0 +74318,0 +74319,0 +74320,0 +74321,0 +74322,0 +74323,0 +74324,0 +74325,0 +74326,0 +74327,0 +74328,0 +74329,0 +74330,0 +74331,0 +74332,0 +74333,0 +74334,0 +74335,0 +74336,0 +74337,0 +74338,29 +74339,29 +74340,29 +74341,29 +74342,31 +74343,31 +74344,4 +74345,4 +74346,4 +74347,4 +74348,4 +74349,4 +74350,4 +74351,4 +74352,4 +74353,4 +74354,4 +74355,4 +74356,4 +74357,4 +74358,4 +74359,4 +74360,12 +74361,12 +74362,12 +74363,12 +74364,12 +74365,10 +74366,10 +74367,10 +74368,10 +74369,10 +74370,10 +74371,10 +74372,10 +74373,10 +74374,10 +74375,10 +74376,30 +74377,30 +74378,30 +74379,30 +74380,30 +74381,30 +74382,30 +74383,30 +74384,30 +74385,10 +74386,10 +74387,10 +74388,10 +74389,10 +74390,10 +74391,10 +74392,10 +74393,10 +74394,10 +74395,10 +74396,10 +74397,10 +74398,10 +74399,10 +74400,10 +74401,4 +74402,4 +74403,4 +74404,4 +74405,4 +74406,4 +74407,12 +74408,12 +74409,12 +74410,12 +74411,12 +74412,31 +74413,31 +74414,31 +74415,8 +74416,8 +74417,8 +74418,8 +74419,8 +74420,8 +74421,8 +74422,2 +74423,2 +74424,32 +74425,32 +74426,32 +74427,32 +74428,32 +74429,32 +74430,32 +74431,32 +74432,37 +74433,37 +74434,37 +74435,37 +74436,27 +74437,27 +74438,39 +74439,25 +74440,2 +74441,2 +74442,2 +74443,2 +74444,2 +74445,2 +74446,2 +74447,2 +74448,2 +74449,2 +74450,2 +74451,2 +74452,40 +74453,40 +74454,40 +74455,40 +74456,40 +74457,40 +74458,32 +74459,32 +74460,32 +74461,32 +74462,32 +74463,32 +74464,32 +74465,32 +74466,32 +74467,4 +74468,4 +74469,4 +74470,4 +74471,31 +74472,31 +74473,31 +74474,31 +74475,15 +74476,15 +74477,15 +74478,15 +74479,15 +74480,15 +74481,15 +74482,15 +74483,30 +74484,31 +74485,30 +74486,30 +74487,30 +74488,30 +74489,30 +74490,39 +74491,39 +74492,39 +74493,39 +74494,39 +74495,39 +74496,39 +74497,19 +74498,19 +74499,19 +74500,19 +74501,19 +74502,19 +74503,19 +74504,19 +74505,39 +74506,39 +74507,39 +74508,39 +74509,39 +74510,39 +74511,39 +74512,39 +74513,39 +74514,39 +74515,39 +74516,39 +74517,4 +74518,4 +74519,4 +74520,4 +74521,4 +74522,38 +74523,38 +74524,29 +74525,29 +74526,31 +74527,31 +74528,31 +74529,5 +74530,5 +74531,5 +74532,5 +74533,5 +74534,14 +74535,14 +74536,14 +74537,14 +74538,14 +74539,27 +74540,27 +74541,27 +74542,14 +74543,14 +74544,14 +74545,14 +74546,14 +74547,14 +74548,5 +74549,5 +74550,5 +74551,5 +74552,5 +74553,13 +74554,13 +74555,13 +74556,13 +74557,13 +74558,13 +74559,13 +74560,13 +74561,0 +74562,0 +74563,0 +74564,0 +74565,0 +74566,0 +74567,0 +74568,0 +74569,0 +74570,0 +74571,0 +74572,0 +74573,0 +74574,0 +74575,0 +74576,0 +74577,0 +74578,0 +74579,0 +74580,0 +74581,0 +74582,0 +74583,0 +74584,0 +74585,0 +74586,0 +74587,0 +74588,0 +74589,0 +74590,0 +74591,0 +74592,0 +74593,0 +74594,0 +74595,0 +74596,0 +74597,0 +74598,0 +74599,36 +74600,36 +74601,36 +74602,36 +74603,36 +74604,36 +74605,36 +74606,36 +74607,36 +74608,5 +74609,5 +74610,19 +74611,19 +74612,19 +74613,19 +74614,19 +74615,19 +74616,5 +74617,12 +74618,12 +74619,12 +74620,12 +74621,12 +74622,12 +74623,12 +74624,27 +74625,27 +74626,27 +74627,27 +74628,27 +74629,38 +74630,38 +74631,38 +74632,38 +74633,35 +74634,35 +74635,35 +74636,35 +74637,35 +74638,35 +74639,25 +74640,25 +74641,25 +74642,25 +74643,25 +74644,25 +74645,25 +74646,35 +74647,35 +74648,35 +74649,35 +74650,35 +74651,35 +74652,35 +74653,35 +74654,35 +74655,36 +74656,36 +74657,36 +74658,36 +74659,36 +74660,36 +74661,36 +74662,36 +74663,36 +74664,36 +74665,36 +74666,36 +74667,36 +74668,36 +74669,36 +74670,36 +74671,36 +74672,36 +74673,5 +74674,5 +74675,5 +74676,5 +74677,5 +74678,5 +74679,5 +74680,5 +74681,5 +74682,5 +74683,32 +74684,32 +74685,32 +74686,32 +74687,32 +74688,32 +74689,32 +74690,32 +74691,32 +74692,32 +74693,32 +74694,37 +74695,37 +74696,37 +74697,37 +74698,40 +74699,40 +74700,40 +74701,40 +74702,40 +74703,40 +74704,40 +74705,2 +74706,2 +74707,2 +74708,2 +74709,2 +74710,2 +74711,2 +74712,2 +74713,2 +74714,4 +74715,4 +74716,4 +74717,4 +74718,4 +74719,4 +74720,3 +74721,3 +74722,3 +74723,3 +74724,3 +74725,3 +74726,3 +74727,3 +74728,3 +74729,3 +74730,3 +74731,35 +74732,35 +74733,35 +74734,35 +74735,3 +74736,25 +74737,25 +74738,25 +74739,25 +74740,25 +74741,25 +74742,25 +74743,25 +74744,25 +74745,25 +74746,25 +74747,25 +74748,39 +74749,39 +74750,39 +74751,27 +74752,27 +74753,27 +74754,27 +74755,27 +74756,27 +74757,27 +74758,27 +74759,37 +74760,37 +74761,37 +74762,37 +74763,37 +74764,37 +74765,37 +74766,37 +74767,37 +74768,37 +74769,37 +74770,37 +74771,37 +74772,37 +74773,25 +74774,25 +74775,25 +74776,25 +74777,25 +74778,25 +74779,25 +74780,25 +74781,25 +74782,25 +74783,25 +74784,25 +74785,25 +74786,25 +74787,25 +74788,25 +74789,25 +74790,25 +74791,25 +74792,25 +74793,25 +74794,25 +74795,25 +74796,0 +74797,0 +74798,0 +74799,0 +74800,0 +74801,0 +74802,0 +74803,0 +74804,0 +74805,0 +74806,0 +74807,2 +74808,2 +74809,2 +74810,2 +74811,2 +74812,2 +74813,2 +74814,2 +74815,2 +74816,2 +74817,2 +74818,40 +74819,40 +74820,40 +74821,40 +74822,40 +74823,40 +74824,19 +74825,19 +74826,19 +74827,19 +74828,19 +74829,19 +74830,24 +74831,24 +74832,24 +74833,24 +74834,24 +74835,24 +74836,24 +74837,25 +74838,25 +74839,25 +74840,25 +74841,25 +74842,25 +74843,25 +74844,37 +74845,37 +74846,25 +74847,37 +74848,37 +74849,37 +74850,37 +74851,37 +74852,37 +74853,39 +74854,39 +74855,39 +74856,39 +74857,39 +74858,39 +74859,39 +74860,23 +74861,23 +74862,23 +74863,23 +74864,23 +74865,23 +74866,23 +74867,35 +74868,27 +74869,27 +74870,27 +74871,27 +74872,27 +74873,27 +74874,40 +74875,36 +74876,36 +74877,36 +74878,36 +74879,27 +74880,27 +74881,27 +74882,30 +74883,13 +74884,30 +74885,30 +74886,30 +74887,30 +74888,30 +74889,30 +74890,30 +74891,30 +74892,39 +74893,39 +74894,39 +74895,39 +74896,39 +74897,39 +74898,39 +74899,39 +74900,39 +74901,39 +74902,39 +74903,39 +74904,39 +74905,39 +74906,39 +74907,39 +74908,39 +74909,39 +74910,39 +74911,39 +74912,0 +74913,0 +74914,0 +74915,0 +74916,0 +74917,0 +74918,0 +74919,0 +74920,0 +74921,0 +74922,0 +74923,0 +74924,0 +74925,0 +74926,0 +74927,0 +74928,0 +74929,0 +74930,0 +74931,0 +74932,0 +74933,0 +74934,0 +74935,0 +74936,0 +74937,0 +74938,0 +74939,0 +74940,0 +74941,0 +74942,0 +74943,0 +74944,0 +74945,0 +74946,0 +74947,0 +74948,0 +74949,0 +74950,0 +74951,0 +74952,0 +74953,0 +74954,0 +74955,0 +74956,0 +74957,0 +74958,0 +74959,0 +74960,0 +74961,0 +74962,0 +74963,0 +74964,0 +74965,0 +74966,0 +74967,0 +74968,39 +74969,39 +74970,39 +74971,39 +74972,39 +74973,39 +74974,39 +74975,39 +74976,39 +74977,39 +74978,39 +74979,39 +74980,39 +74981,39 +74982,39 +74983,2 +74984,2 +74985,2 +74986,2 +74987,2 +74988,2 +74989,2 +74990,2 +74991,2 +74992,2 +74993,2 +74994,3 +74995,33 +74996,33 +74997,31 +74998,31 +74999,31 +75000,33 +75001,31 +75002,31 +75003,31 +75004,31 +75005,21 +75006,21 +75007,21 +75008,21 +75009,21 +75010,21 +75011,21 +75012,21 +75013,21 +75014,22 +75015,22 +75016,22 +75017,22 +75018,22 +75019,22 +75020,22 +75021,22 +75022,22 +75023,31 +75024,27 +75025,27 +75026,27 +75027,4 +75028,4 +75029,4 +75030,4 +75031,4 +75032,4 +75033,4 +75034,4 +75035,4 +75036,4 +75037,4 +75038,4 +75039,4 +75040,4 +75041,27 +75042,27 +75043,27 +75044,27 +75045,27 +75046,27 +75047,27 +75048,4 +75049,4 +75050,4 +75051,4 +75052,4 +75053,4 +75054,4 +75055,4 +75056,4 +75057,4 +75058,4 +75059,10 +75060,10 +75061,31 +75062,31 +75063,31 +75064,31 +75065,31 +75066,31 +75067,31 +75068,31 +75069,30 +75070,31 +75071,29 +75072,30 +75073,30 +75074,7 +75075,39 +75076,39 +75077,39 +75078,39 +75079,39 +75080,27 +75081,30 +75082,30 +75083,30 +75084,30 +75085,35 +75086,35 +75087,30 +75088,30 +75089,30 +75090,30 +75091,30 +75092,23 +75093,23 +75094,23 +75095,23 +75096,23 +75097,23 +75098,23 +75099,23 +75100,23 +75101,23 +75102,23 +75103,23 +75104,23 +75105,23 +75106,23 +75107,10 +75108,10 +75109,10 +75110,36 +75111,36 +75112,36 +75113,31 +75114,31 +75115,31 +75116,31 +75117,31 +75118,31 +75119,31 +75120,5 +75121,5 +75122,5 +75123,5 +75124,5 +75125,4 +75126,4 +75127,19 +75128,35 +75129,35 +75130,4 +75131,4 +75132,35 +75133,35 +75134,35 +75135,35 +75136,35 +75137,35 +75138,34 +75139,34 +75140,34 +75141,34 +75142,34 +75143,34 +75144,7 +75145,7 +75146,7 +75147,7 +75148,7 +75149,7 +75150,7 +75151,39 +75152,39 +75153,39 +75154,39 +75155,39 +75156,39 +75157,39 +75158,39 +75159,39 +75160,2 +75161,2 +75162,2 +75163,2 +75164,2 +75165,2 +75166,2 +75167,2 +75168,2 +75169,2 +75170,2 +75171,2 +75172,2 +75173,2 +75174,2 +75175,2 +75176,2 +75177,39 +75178,39 +75179,39 +75180,39 +75181,39 +75182,27 +75183,5 +75184,5 +75185,5 +75186,5 +75187,5 +75188,5 +75189,5 +75190,5 +75191,5 +75192,5 +75193,39 +75194,39 +75195,39 +75196,39 +75197,39 +75198,39 +75199,39 +75200,39 +75201,39 +75202,39 +75203,39 +75204,39 +75205,39 +75206,39 +75207,39 +75208,39 +75209,39 +75210,39 +75211,39 +75212,39 +75213,39 +75214,39 +75215,39 +75216,39 +75217,39 +75218,0 +75219,0 +75220,0 +75221,0 +75222,0 +75223,0 +75224,0 +75225,0 +75226,0 +75227,0 +75228,0 +75229,0 +75230,0 +75231,0 +75232,0 +75233,0 +75234,0 +75235,0 +75236,0 +75237,0 +75238,0 +75239,0 +75240,0 +75241,0 +75242,0 +75243,0 +75244,0 +75245,0 +75246,0 +75247,0 +75248,0 +75249,0 +75250,0 +75251,0 +75252,0 +75253,0 +75254,0 +75255,0 +75256,31 +75257,31 +75258,31 +75259,31 +75260,31 +75261,31 +75262,31 +75263,5 +75264,5 +75265,5 +75266,5 +75267,5 +75268,5 +75269,4 +75270,4 +75271,32 +75272,4 +75273,4 +75274,4 +75275,32 +75276,40 +75277,40 +75278,40 +75279,40 +75280,40 +75281,40 +75282,40 +75283,34 +75284,34 +75285,34 +75286,34 +75287,34 +75288,34 +75289,10 +75290,10 +75291,10 +75292,10 +75293,10 +75294,10 +75295,10 +75296,10 +75297,10 +75298,10 +75299,10 +75300,10 +75301,10 +75302,10 +75303,2 +75304,2 +75305,2 +75306,2 +75307,2 +75308,2 +75309,2 +75310,2 +75311,2 +75312,2 +75313,2 +75314,2 +75315,40 +75316,40 +75317,40 +75318,40 +75319,40 +75320,40 +75321,24 +75322,24 +75323,24 +75324,24 +75325,24 +75326,24 +75327,24 +75328,35 +75329,35 +75330,35 +75331,23 +75332,26 +75333,10 +75334,25 +75335,33 +75336,33 +75337,33 +75338,33 +75339,33 +75340,33 +75341,33 +75342,33 +75343,33 +75344,33 +75345,33 +75346,33 +75347,33 +75348,33 +75349,33 +75350,33 +75351,33 +75352,33 +75353,33 +75354,33 +75355,33 +75356,3 +75357,3 +75358,3 +75359,0 +75360,0 +75361,0 +75362,0 +75363,0 +75364,0 +75365,0 +75366,0 +75367,0 +75368,0 +75369,0 +75370,0 +75371,0 +75372,0 +75373,0 +75374,0 +75375,0 +75376,0 +75377,0 +75378,0 +75379,0 +75380,0 +75381,0 +75382,0 +75383,0 +75384,0 +75385,0 +75386,0 +75387,0 +75388,0 +75389,0 +75390,0 +75391,0 +75392,0 +75393,0 +75394,0 +75395,0 +75396,0 +75397,0 +75398,0 +75399,0 +75400,0 +75401,0 +75402,0 +75403,36 +75404,36 +75405,36 +75406,36 +75407,36 +75408,36 +75409,36 +75410,5 +75411,5 +75412,19 +75413,19 +75414,19 +75415,29 +75416,29 +75417,14 +75418,14 +75419,14 +75420,14 +75421,14 +75422,14 +75423,14 +75424,14 +75425,14 +75426,14 +75427,2 +75428,2 +75429,2 +75430,2 +75431,2 +75432,2 +75433,2 +75434,2 +75435,2 +75436,2 +75437,2 +75438,2 +75439,2 +75440,2 +75441,2 +75442,2 +75443,2 +75444,34 +75445,34 +75446,34 +75447,34 +75448,36 +75449,34 +75450,34 +75451,34 +75452,34 +75453,34 +75454,34 +75455,34 +75456,34 +75457,34 +75458,4 +75459,4 +75460,40 +75461,30 +75462,30 +75463,26 +75464,26 +75465,9 +75466,9 +75467,9 +75468,9 +75469,13 +75470,13 +75471,13 +75472,13 +75473,13 +75474,13 +75475,13 +75476,29 +75477,29 +75478,29 +75479,36 +75480,36 +75481,36 +75482,36 +75483,36 +75484,36 +75485,36 +75486,36 +75487,36 +75488,36 +75489,36 +75490,36 +75491,36 +75492,4 +75493,4 +75494,4 +75495,4 +75496,4 +75497,4 +75498,4 +75499,4 +75500,4 +75501,4 +75502,4 +75503,16 +75504,4 +75505,4 +75506,4 +75507,37 +75508,4 +75509,25 +75510,25 +75511,25 +75512,25 +75513,25 +75514,25 +75515,25 +75516,25 +75517,37 +75518,37 +75519,37 +75520,25 +75521,25 +75522,25 +75523,25 +75524,37 +75525,10 +75526,34 +75527,36 +75528,36 +75529,36 +75530,36 +75531,36 +75532,36 +75533,36 +75534,36 +75535,36 +75536,24 +75537,24 +75538,24 +75539,24 +75540,24 +75541,2 +75542,2 +75543,2 +75544,2 +75545,2 +75546,2 +75547,2 +75548,2 +75549,2 +75550,2 +75551,2 +75552,2 +75553,2 +75554,2 +75555,2 +75556,2 +75557,2 +75558,4 +75559,4 +75560,4 +75561,4 +75562,4 +75563,4 +75564,4 +75565,4 +75566,4 +75567,4 +75568,4 +75569,4 +75570,4 +75571,4 +75572,0 +75573,0 +75574,0 +75575,0 +75576,0 +75577,0 +75578,0 +75579,0 +75580,0 +75581,0 +75582,0 +75583,0 +75584,0 +75585,0 +75586,0 +75587,0 +75588,0 +75589,0 +75590,0 +75591,0 +75592,0 +75593,0 +75594,0 +75595,0 +75596,0 +75597,0 +75598,0 +75599,0 +75600,0 +75601,0 +75602,0 +75603,0 +75604,0 +75605,0 +75606,0 +75607,0 +75608,0 +75609,0 +75610,0 +75611,0 +75612,0 +75613,0 +75614,0 +75615,0 +75616,0 +75617,0 +75618,0 +75619,0 +75620,0 +75621,0 +75622,0 +75623,0 +75624,0 +75625,0 +75626,0 +75627,0 +75628,0 +75629,0 +75630,0 +75631,0 +75632,15 +75633,15 +75634,15 +75635,15 +75636,15 +75637,15 +75638,31 +75639,31 +75640,31 +75641,31 +75642,31 +75643,31 +75644,24 +75645,24 +75646,24 +75647,27 +75648,27 +75649,27 +75650,27 +75651,27 +75652,27 +75653,21 +75654,21 +75655,21 +75656,21 +75657,31 +75658,31 +75659,31 +75660,31 +75661,31 +75662,31 +75663,2 +75664,2 +75665,2 +75666,2 +75667,2 +75668,2 +75669,2 +75670,2 +75671,2 +75672,4 +75673,2 +75674,2 +75675,31 +75676,2 +75677,31 +75678,31 +75679,31 +75680,31 +75681,31 +75682,4 +75683,4 +75684,4 +75685,4 +75686,33 +75687,33 +75688,33 +75689,30 +75690,30 +75691,30 +75692,6 +75693,6 +75694,6 +75695,6 +75696,6 +75697,6 +75698,6 +75699,6 +75700,6 +75701,6 +75702,37 +75703,37 +75704,37 +75705,37 +75706,37 +75707,14 +75708,14 +75709,14 +75710,14 +75711,14 +75712,14 +75713,39 +75714,39 +75715,39 +75716,39 +75717,39 +75718,23 +75719,23 +75720,23 +75721,23 +75722,23 +75723,23 +75724,23 +75725,23 +75726,23 +75727,27 +75728,27 +75729,27 +75730,27 +75731,27 +75732,27 +75733,27 +75734,27 +75735,27 +75736,27 +75737,11 +75738,11 +75739,11 +75740,11 +75741,11 +75742,11 +75743,11 +75744,11 +75745,11 +75746,11 +75747,11 +75748,35 +75749,35 +75750,35 +75751,35 +75752,35 +75753,35 +75754,35 +75755,35 +75756,36 +75757,36 +75758,36 +75759,36 +75760,19 +75761,19 +75762,19 +75763,19 +75764,19 +75765,19 +75766,19 +75767,19 +75768,19 +75769,15 +75770,15 +75771,15 +75772,15 +75773,39 +75774,39 +75775,39 +75776,39 +75777,39 +75778,39 +75779,39 +75780,39 +75781,39 +75782,39 +75783,39 +75784,39 +75785,39 +75786,5 +75787,5 +75788,5 +75789,5 +75790,5 +75791,5 +75792,5 +75793,5 +75794,5 +75795,5 +75796,5 +75797,5 +75798,5 +75799,5 +75800,5 +75801,5 +75802,5 +75803,5 +75804,5 +75805,5 +75806,5 +75807,5 +75808,5 +75809,5 +75810,5 +75811,0 +75812,0 +75813,0 +75814,0 +75815,0 +75816,0 +75817,0 +75818,0 +75819,0 +75820,0 +75821,0 +75822,0 +75823,0 +75824,0 +75825,0 +75826,0 +75827,0 +75828,0 +75829,0 +75830,0 +75831,0 +75832,0 +75833,0 +75834,0 +75835,0 +75836,0 +75837,0 +75838,0 +75839,0 +75840,0 +75841,0 +75842,0 +75843,0 +75844,0 +75845,0 +75846,0 +75847,0 +75848,0 +75849,0 +75850,0 +75851,0 +75852,0 +75853,0 +75854,0 +75855,0 +75856,0 +75857,0 +75858,0 +75859,0 +75860,0 +75861,0 +75862,0 +75863,35 +75864,35 +75865,35 +75866,35 +75867,35 +75868,35 +75869,3 +75870,3 +75871,3 +75872,3 +75873,3 +75874,3 +75875,5 +75876,5 +75877,5 +75878,33 +75879,33 +75880,33 +75881,9 +75882,9 +75883,9 +75884,9 +75885,9 +75886,9 +75887,9 +75888,9 +75889,9 +75890,9 +75891,9 +75892,33 +75893,24 +75894,24 +75895,24 +75896,24 +75897,24 +75898,24 +75899,24 +75900,25 +75901,25 +75902,25 +75903,25 +75904,27 +75905,27 +75906,27 +75907,16 +75908,16 +75909,16 +75910,16 +75911,16 +75912,16 +75913,16 +75914,16 +75915,16 +75916,16 +75917,16 +75918,16 +75919,16 +75920,26 +75921,26 +75922,25 +75923,25 +75924,26 +75925,26 +75926,26 +75927,26 +75928,26 +75929,26 +75930,37 +75931,37 +75932,37 +75933,37 +75934,37 +75935,37 +75936,37 +75937,37 +75938,25 +75939,18 +75940,18 +75941,18 +75942,18 +75943,18 +75944,18 +75945,18 +75946,16 +75947,16 +75948,16 +75949,16 +75950,16 +75951,16 +75952,16 +75953,16 +75954,16 +75955,16 +75956,16 +75957,12 +75958,12 +75959,12 +75960,12 +75961,12 +75962,27 +75963,27 +75964,27 +75965,27 +75966,38 +75967,38 +75968,38 +75969,38 +75970,38 +75971,38 +75972,38 +75973,9 +75974,9 +75975,9 +75976,9 +75977,9 +75978,9 +75979,9 +75980,26 +75981,9 +75982,26 +75983,26 +75984,26 +75985,26 +75986,26 +75987,26 +75988,26 +75989,9 +75990,9 +75991,9 +75992,9 +75993,9 +75994,26 +75995,26 +75996,26 +75997,26 +75998,26 +75999,26 +76000,26 +76001,31 +76002,26 +76003,26 +76004,31 +76005,31 +76006,31 +76007,31 +76008,31 +76009,31 +76010,31 +76011,1 +76012,2 +76013,1 +76014,0 +76015,0 +76016,0 +76017,0 +76018,0 +76019,0 +76020,0 +76021,0 +76022,0 +76023,0 +76024,0 +76025,0 +76026,0 +76027,0 +76028,0 +76029,0 +76030,0 +76031,0 +76032,0 +76033,0 +76034,0 +76035,0 +76036,0 +76037,0 +76038,0 +76039,0 +76040,0 +76041,0 +76042,0 +76043,0 +76044,0 +76045,0 +76046,0 +76047,0 +76048,0 +76049,0 +76050,0 +76051,0 +76052,0 +76053,0 +76054,0 +76055,0 +76056,0 +76057,0 +76058,0 +76059,0 +76060,0 +76061,0 +76062,0 +76063,0 +76064,0 +76065,0 +76066,0 +76067,0 +76068,0 +76069,0 +76070,0 +76071,0 +76072,0 +76073,0 +76074,0 +76075,0 +76076,0 +76077,0 +76078,0 +76079,0 +76080,0 +76081,0 +76082,0 +76083,0 +76084,0 +76085,0 +76086,0 +76087,0 +76088,0 +76089,0 +76090,0 +76091,0 +76092,0 +76093,0 +76094,10 +76095,10 +76096,10 +76097,10 +76098,10 +76099,10 +76100,10 +76101,10 +76102,10 +76103,10 +76104,10 +76105,10 +76106,10 +76107,5 +76108,5 +76109,5 +76110,5 +76111,5 +76112,5 +76113,3 +76114,3 +76115,3 +76116,3 +76117,3 +76118,3 +76119,3 +76120,3 +76121,3 +76122,3 +76123,3 +76124,8 +76125,8 +76126,8 +76127,8 +76128,8 +76129,27 +76130,27 +76131,27 +76132,27 +76133,27 +76134,27 +76135,27 +76136,2 +76137,2 +76138,2 +76139,2 +76140,2 +76141,2 +76142,2 +76143,2 +76144,2 +76145,2 +76146,2 +76147,2 +76148,2 +76149,2 +76150,34 +76151,34 +76152,34 +76153,34 +76154,34 +76155,34 +76156,34 +76157,34 +76158,34 +76159,34 +76160,34 +76161,34 +76162,34 +76163,34 +76164,5 +76165,5 +76166,5 +76167,5 +76168,5 +76169,19 +76170,19 +76171,19 +76172,19 +76173,19 +76174,19 +76175,12 +76176,12 +76177,12 +76178,12 +76179,12 +76180,12 +76181,12 +76182,12 +76183,40 +76184,40 +76185,40 +76186,10 +76187,10 +76188,10 +76189,40 +76190,40 +76191,40 +76192,30 +76193,30 +76194,30 +76195,30 +76196,30 +76197,30 +76198,30 +76199,30 +76200,30 +76201,30 +76202,30 +76203,30 +76204,30 +76205,30 +76206,30 +76207,30 +76208,30 +76209,30 +76210,30 +76211,30 +76212,30 +76213,30 +76214,30 +76215,30 +76216,30 +76217,30 +76218,30 +76219,0 +76220,0 +76221,0 +76222,0 +76223,0 +76224,0 +76225,0 +76226,0 +76227,0 +76228,0 +76229,0 +76230,0 +76231,0 +76232,0 +76233,0 +76234,0 +76235,0 +76236,0 +76237,0 +76238,0 +76239,0 +76240,0 +76241,0 +76242,0 +76243,0 +76244,0 +76245,0 +76246,0 +76247,0 +76248,0 +76249,0 +76250,0 +76251,0 +76252,0 +76253,0 +76254,0 +76255,0 +76256,0 +76257,0 +76258,0 +76259,0 +76260,0 +76261,0 +76262,0 +76263,0 +76264,0 +76265,0 +76266,0 +76267,0 +76268,28 +76269,28 +76270,28 +76271,28 +76272,28 +76273,28 +76274,28 +76275,28 +76276,28 +76277,28 +76278,28 +76279,14 +76280,14 +76281,14 +76282,14 +76283,14 +76284,40 +76285,27 +76286,5 +76287,5 +76288,5 +76289,5 +76290,5 +76291,39 +76292,39 +76293,14 +76294,14 +76295,14 +76296,14 +76297,14 +76298,14 +76299,14 +76300,14 +76301,14 +76302,14 +76303,14 +76304,14 +76305,5 +76306,5 +76307,5 +76308,5 +76309,5 +76310,5 +76311,5 +76312,5 +76313,5 +76314,10 +76315,10 +76316,10 +76317,10 +76318,10 +76319,10 +76320,10 +76321,10 +76322,10 +76323,10 +76324,10 +76325,10 +76326,10 +76327,10 +76328,10 +76329,10 +76330,10 +76331,14 +76332,14 +76333,4 +76334,4 +76335,4 +76336,4 +76337,4 +76338,4 +76339,4 +76340,4 +76341,4 +76342,4 +76343,4 +76344,0 +76345,0 +76346,0 +76347,0 +76348,0 +76349,0 +76350,0 +76351,0 +76352,0 +76353,0 +76354,0 +76355,0 +76356,0 +76357,0 +76358,0 +76359,0 +76360,18 +76361,18 +76362,18 +76363,18 +76364,18 +76365,18 +76366,18 +76367,27 +76368,27 +76369,27 +76370,27 +76371,27 +76372,27 +76373,27 +76374,2 +76375,2 +76376,2 +76377,2 +76378,2 +76379,2 +76380,2 +76381,4 +76382,4 +76383,4 +76384,4 +76385,4 +76386,4 +76387,27 +76388,27 +76389,27 +76390,27 +76391,19 +76392,19 +76393,19 +76394,19 +76395,28 +76396,28 +76397,28 +76398,28 +76399,28 +76400,28 +76401,28 +76402,28 +76403,28 +76404,27 +76405,27 +76406,27 +76407,27 +76408,27 +76409,27 +76410,27 +76411,19 +76412,19 +76413,5 +76414,19 +76415,19 +76416,19 +76417,19 +76418,5 +76419,5 +76420,5 +76421,5 +76422,5 +76423,5 +76424,36 +76425,36 +76426,40 +76427,27 +76428,27 +76429,35 +76430,35 +76431,35 +76432,39 +76433,10 +76434,10 +76435,10 +76436,10 +76437,10 +76438,10 +76439,10 +76440,10 +76441,4 +76442,4 +76443,4 +76444,4 +76445,4 +76446,4 +76447,4 +76448,4 +76449,4 +76450,4 +76451,0 +76452,0 +76453,0 +76454,0 +76455,0 +76456,0 +76457,0 +76458,0 +76459,0 +76460,0 +76461,0 +76462,0 +76463,0 +76464,0 +76465,0 +76466,0 +76467,0 +76468,0 +76469,0 +76470,0 +76471,0 +76472,0 +76473,0 +76474,0 +76475,0 +76476,12 +76477,12 +76478,12 +76479,12 +76480,12 +76481,31 +76482,31 +76483,31 +76484,31 +76485,4 +76486,4 +76487,4 +76488,4 +76489,9 +76490,9 +76491,9 +76492,9 +76493,9 +76494,9 +76495,9 +76496,9 +76497,9 +76498,9 +76499,9 +76500,9 +76501,9 +76502,9 +76503,30 +76504,30 +76505,30 +76506,30 +76507,30 +76508,30 +76509,30 +76510,30 +76511,30 +76512,8 +76513,8 +76514,8 +76515,8 +76516,12 +76517,12 +76518,12 +76519,12 +76520,12 +76521,12 +76522,12 +76523,12 +76524,12 +76525,12 +76526,12 +76527,12 +76528,12 +76529,12 +76530,12 +76531,12 +76532,12 +76533,25 +76534,25 +76535,25 +76536,25 +76537,25 +76538,25 +76539,25 +76540,30 +76541,30 +76542,30 +76543,30 +76544,30 +76545,30 +76546,30 +76547,30 +76548,30 +76549,30 +76550,30 +76551,2 +76552,2 +76553,2 +76554,2 +76555,2 +76556,8 +76557,2 +76558,2 +76559,2 +76560,2 +76561,2 +76562,2 +76563,2 +76564,2 +76565,2 +76566,30 +76567,30 +76568,30 +76569,30 +76570,30 +76571,40 +76572,40 +76573,40 +76574,40 +76575,40 +76576,40 +76577,40 +76578,31 +76579,31 +76580,40 +76581,32 +76582,32 +76583,32 +76584,32 +76585,32 +76586,32 +76587,32 +76588,32 +76589,32 +76590,32 +76591,32 +76592,4 +76593,4 +76594,4 +76595,4 +76596,4 +76597,4 +76598,4 +76599,0 +76600,0 +76601,0 +76602,0 +76603,0 +76604,0 +76605,0 +76606,0 +76607,0 +76608,0 +76609,0 +76610,0 +76611,0 +76612,0 +76613,0 +76614,0 +76615,0 +76616,0 +76617,0 +76618,0 +76619,0 +76620,0 +76621,0 +76622,0 +76623,0 +76624,0 +76625,0 +76626,0 +76627,0 +76628,0 +76629,0 +76630,0 +76631,0 +76632,0 +76633,0 +76634,0 +76635,0 +76636,0 +76637,0 +76638,0 +76639,0 +76640,29 +76641,29 +76642,29 +76643,29 +76644,29 +76645,29 +76646,29 +76647,29 +76648,31 +76649,31 +76650,27 +76651,27 +76652,27 +76653,27 +76654,27 +76655,27 +76656,27 +76657,5 +76658,5 +76659,5 +76660,5 +76661,19 +76662,19 +76663,19 +76664,19 +76665,19 +76666,19 +76667,5 +76668,36 +76669,36 +76670,36 +76671,36 +76672,36 +76673,36 +76674,36 +76675,36 +76676,36 +76677,36 +76678,36 +76679,36 +76680,19 +76681,5 +76682,5 +76683,5 +76684,5 +76685,5 +76686,31 +76687,31 +76688,31 +76689,31 +76690,28 +76691,28 +76692,28 +76693,5 +76694,5 +76695,5 +76696,5 +76697,14 +76698,14 +76699,14 +76700,14 +76701,14 +76702,14 +76703,14 +76704,14 +76705,14 +76706,14 +76707,6 +76708,6 +76709,6 +76710,6 +76711,6 +76712,6 +76713,6 +76714,6 +76715,6 +76716,6 +76717,6 +76718,31 +76719,31 +76720,5 +76721,5 +76722,5 +76723,5 +76724,5 +76725,5 +76726,5 +76727,5 +76728,5 +76729,9 +76730,9 +76731,9 +76732,9 +76733,9 +76734,9 +76735,9 +76736,9 +76737,9 +76738,9 +76739,9 +76740,9 +76741,9 +76742,9 +76743,9 +76744,9 +76745,9 +76746,9 +76747,9 +76748,9 +76749,9 +76750,9 +76751,28 +76752,28 +76753,5 +76754,5 +76755,5 +76756,5 +76757,28 +76758,28 +76759,28 +76760,28 +76761,5 +76762,30 +76763,30 +76764,3 +76765,3 +76766,3 +76767,3 +76768,3 +76769,3 +76770,3 +76771,32 +76772,32 +76773,32 +76774,32 +76775,32 +76776,39 +76777,39 +76778,39 +76779,39 +76780,39 +76781,39 +76782,30 +76783,30 +76784,3 +76785,30 +76786,30 +76787,30 +76788,30 +76789,30 +76790,30 +76791,30 +76792,30 +76793,30 +76794,31 +76795,31 +76796,31 +76797,31 +76798,31 +76799,31 +76800,10 +76801,24 +76802,24 +76803,24 +76804,24 +76805,24 +76806,24 +76807,2 +76808,2 +76809,2 +76810,2 +76811,2 +76812,2 +76813,32 +76814,32 +76815,32 +76816,32 +76817,32 +76818,32 +76819,32 +76820,15 +76821,15 +76822,10 +76823,10 +76824,10 +76825,10 +76826,10 +76827,10 +76828,10 +76829,10 +76830,10 +76831,19 +76832,19 +76833,19 +76834,19 +76835,19 +76836,19 +76837,19 +76838,4 +76839,31 +76840,31 +76841,31 +76842,31 +76843,24 +76844,23 +76845,24 +76846,24 +76847,32 +76848,32 +76849,32 +76850,32 +76851,23 +76852,23 +76853,24 +76854,10 +76855,10 +76856,10 +76857,10 +76858,10 +76859,10 +76860,10 +76861,10 +76862,10 +76863,10 +76864,10 +76865,10 +76866,10 +76867,10 +76868,10 +76869,10 +76870,10 +76871,10 +76872,10 +76873,5 +76874,5 +76875,5 +76876,5 +76877,5 +76878,31 +76879,30 +76880,30 +76881,30 +76882,30 +76883,30 +76884,30 +76885,30 +76886,30 +76887,30 +76888,30 +76889,30 +76890,30 +76891,9 +76892,9 +76893,9 +76894,9 +76895,9 +76896,9 +76897,9 +76898,9 +76899,9 +76900,9 +76901,9 +76902,26 +76903,24 +76904,24 +76905,24 +76906,24 +76907,24 +76908,24 +76909,24 +76910,24 +76911,24 +76912,24 +76913,24 +76914,24 +76915,24 +76916,23 +76917,23 +76918,23 +76919,38 +76920,38 +76921,2 +76922,2 +76923,2 +76924,2 +76925,2 +76926,2 +76927,2 +76928,2 +76929,0 +76930,0 +76931,0 +76932,0 +76933,0 +76934,0 +76935,0 +76936,0 +76937,0 +76938,0 +76939,0 +76940,0 +76941,0 +76942,0 +76943,0 +76944,0 +76945,0 +76946,0 +76947,0 +76948,0 +76949,0 +76950,0 +76951,0 +76952,0 +76953,0 +76954,0 +76955,0 +76956,0 +76957,0 +76958,0 +76959,0 +76960,0 +76961,0 +76962,0 +76963,0 +76964,0 +76965,0 +76966,0 +76967,0 +76968,0 +76969,0 +76970,0 +76971,23 +76972,23 +76973,23 +76974,23 +76975,23 +76976,25 +76977,25 +76978,25 +76979,25 +76980,25 +76981,25 +76982,25 +76983,25 +76984,25 +76985,23 +76986,23 +76987,23 +76988,23 +76989,23 +76990,23 +76991,23 +76992,23 +76993,23 +76994,23 +76995,23 +76996,23 +76997,23 +76998,23 +76999,27 +77000,27 +77001,27 +77002,27 +77003,27 +77004,27 +77005,27 +77006,27 +77007,27 +77008,27 +77009,37 +77010,37 +77011,37 +77012,37 +77013,37 +77014,37 +77015,37 +77016,37 +77017,37 +77018,37 +77019,37 +77020,37 +77021,37 +77022,37 +77023,37 +77024,25 +77025,25 +77026,25 +77027,37 +77028,37 +77029,25 +77030,25 +77031,12 +77032,12 +77033,12 +77034,3 +77035,3 +77036,3 +77037,3 +77038,3 +77039,28 +77040,28 +77041,28 +77042,28 +77043,28 +77044,21 +77045,21 +77046,21 +77047,21 +77048,21 +77049,21 +77050,21 +77051,21 +77052,21 +77053,21 +77054,21 +77055,27 +77056,27 +77057,27 +77058,27 +77059,27 +77060,27 +77061,27 +77062,29 +77063,29 +77064,29 +77065,31 +77066,31 +77067,31 +77068,31 +77069,31 +77070,27 +77071,31 +77072,31 +77073,4 +77074,4 +77075,4 +77076,4 +77077,4 +77078,4 +77079,4 +77080,23 +77081,23 +77082,23 +77083,23 +77084,23 +77085,23 +77086,23 +77087,23 +77088,23 +77089,23 +77090,25 +77091,25 +77092,25 +77093,25 +77094,25 +77095,25 +77096,25 +77097,25 +77098,28 +77099,28 +77100,28 +77101,28 +77102,28 +77103,28 +77104,28 +77105,28 +77106,28 +77107,28 +77108,28 +77109,28 +77110,39 +77111,39 +77112,39 +77113,39 +77114,39 +77115,39 +77116,39 +77117,39 +77118,39 +77119,39 +77120,39 +77121,39 +77122,39 +77123,39 +77124,39 +77125,39 +77126,39 +77127,0 +77128,0 +77129,0 +77130,0 +77131,0 +77132,0 +77133,0 +77134,0 +77135,0 +77136,0 +77137,0 +77138,0 +77139,0 +77140,0 +77141,0 +77142,0 +77143,0 +77144,0 +77145,0 +77146,0 +77147,0 +77148,0 +77149,0 +77150,0 +77151,0 +77152,0 +77153,0 +77154,0 +77155,0 +77156,0 +77157,0 +77158,0 +77159,0 +77160,0 +77161,0 +77162,0 +77163,0 +77164,0 +77165,0 +77166,0 +77167,0 +77168,0 +77169,0 +77170,0 +77171,0 +77172,0 +77173,0 +77174,0 +77175,0 +77176,0 +77177,0 +77178,0 +77179,0 +77180,0 +77181,0 +77182,0 +77183,0 +77184,0 +77185,0 +77186,0 +77187,0 +77188,0 +77189,0 +77190,0 +77191,0 +77192,0 +77193,0 +77194,0 +77195,0 +77196,0 +77197,0 +77198,0 +77199,0 +77200,0 +77201,31 +77202,31 +77203,31 +77204,31 +77205,31 +77206,31 +77207,31 +77208,31 +77209,31 +77210,31 +77211,31 +77212,31 +77213,31 +77214,5 +77215,5 +77216,5 +77217,5 +77218,19 +77219,19 +77220,19 +77221,19 +77222,19 +77223,29 +77224,29 +77225,29 +77226,29 +77227,29 +77228,40 +77229,40 +77230,40 +77231,40 +77232,40 +77233,40 +77234,40 +77235,40 +77236,40 +77237,40 +77238,25 +77239,25 +77240,25 +77241,25 +77242,25 +77243,25 +77244,25 +77245,25 +77246,25 +77247,25 +77248,25 +77249,25 +77250,31 +77251,31 +77252,30 +77253,30 +77254,30 +77255,30 +77256,5 +77257,5 +77258,28 +77259,5 +77260,5 +77261,5 +77262,33 +77263,33 +77264,33 +77265,33 +77266,33 +77267,30 +77268,30 +77269,30 +77270,14 +77271,14 +77272,14 +77273,14 +77274,14 +77275,14 +77276,14 +77277,14 +77278,14 +77279,31 +77280,10 +77281,10 +77282,10 +77283,10 +77284,14 +77285,14 +77286,14 +77287,9 +77288,9 +77289,9 +77290,9 +77291,9 +77292,9 +77293,9 +77294,9 +77295,9 +77296,9 +77297,9 +77298,9 +77299,9 +77300,9 +77301,9 +77302,9 +77303,9 +77304,9 +77305,9 +77306,9 +77307,9 +77308,9 +77309,9 +77310,9 +77311,9 +77312,9 +77313,9 +77314,9 +77315,9 +77316,29 +77317,29 +77318,30 +77319,30 +77320,30 +77321,30 +77322,40 +77323,40 +77324,40 +77325,40 +77326,31 +77327,31 +77328,31 +77329,31 +77330,36 +77331,36 +77332,36 +77333,36 +77334,36 +77335,4 +77336,4 +77337,4 +77338,4 +77339,4 +77340,4 +77341,4 +77342,4 +77343,29 +77344,29 +77345,29 +77346,29 +77347,29 +77348,29 +77349,14 +77350,14 +77351,14 +77352,14 +77353,14 +77354,14 +77355,14 +77356,14 +77357,14 +77358,14 +77359,40 +77360,40 +77361,40 +77362,40 +77363,40 +77364,40 +77365,40 +77366,40 +77367,40 +77368,3 +77369,3 +77370,3 +77371,3 +77372,3 +77373,3 +77374,5 +77375,5 +77376,5 +77377,5 +77378,5 +77379,5 +77380,5 +77381,5 +77382,5 +77383,5 +77384,5 +77385,5 +77386,29 +77387,10 +77388,10 +77389,10 +77390,10 +77391,10 +77392,10 +77393,10 +77394,10 +77395,10 +77396,10 +77397,10 +77398,10 +77399,10 +77400,10 +77401,10 +77402,10 +77403,10 +77404,10 +77405,10 +77406,19 +77407,4 +77408,19 +77409,19 +77410,19 +77411,3 +77412,6 +77413,6 +77414,27 +77415,27 +77416,31 +77417,27 +77418,5 +77419,5 +77420,5 +77421,12 +77422,12 +77423,12 +77424,12 +77425,12 +77426,12 +77427,12 +77428,12 +77429,28 +77430,10 +77431,10 +77432,10 +77433,10 +77434,10 +77435,10 +77436,10 +77437,27 +77438,2 +77439,2 +77440,2 +77441,2 +77442,2 +77443,2 +77444,2 +77445,2 +77446,2 +77447,2 +77448,2 +77449,2 +77450,2 +77451,2 +77452,2 +77453,2 +77454,2 +77455,2 +77456,2 +77457,4 +77458,4 +77459,4 +77460,4 +77461,4 +77462,4 +77463,4 +77464,4 +77465,27 +77466,27 +77467,27 +77468,27 +77469,27 +77470,13 +77471,13 +77472,5 +77473,5 +77474,5 +77475,5 +77476,6 +77477,6 +77478,6 +77479,6 +77480,6 +77481,39 +77482,27 +77483,27 +77484,27 +77485,27 +77486,27 +77487,13 +77488,13 +77489,13 +77490,13 +77491,39 +77492,39 +77493,39 +77494,28 +77495,28 +77496,28 +77497,32 +77498,32 +77499,32 +77500,32 +77501,32 +77502,32 +77503,32 +77504,32 +77505,32 +77506,32 +77507,32 +77508,32 +77509,32 +77510,26 +77511,26 +77512,26 +77513,26 +77514,26 +77515,26 +77516,26 +77517,26 +77518,26 +77519,26 +77520,26 +77521,26 +77522,6 +77523,6 +77524,6 +77525,6 +77526,6 +77527,6 +77528,6 +77529,6 +77530,6 +77531,6 +77532,14 +77533,14 +77534,14 +77535,14 +77536,14 +77537,14 +77538,14 +77539,14 +77540,39 +77541,38 +77542,38 +77543,38 +77544,38 +77545,0 +77546,0 +77547,23 +77548,23 +77549,38 +77550,38 +77551,0 +77552,0 +77553,0 +77554,0 +77555,0 +77556,0 +77557,0 +77558,0 +77559,0 +77560,0 +77561,0 +77562,0 +77563,0 +77564,0 +77565,0 +77566,0 +77567,0 +77568,0 +77569,0 +77570,0 +77571,0 +77572,0 +77573,0 +77574,0 +77575,0 +77576,0 +77577,0 +77578,0 +77579,0 +77580,0 +77581,0 +77582,0 +77583,0 +77584,0 +77585,0 +77586,0 +77587,0 +77588,0 +77589,0 +77590,0 +77591,0 +77592,0 +77593,0 +77594,0 +77595,0 +77596,0 +77597,0 +77598,0 +77599,0 +77600,21 +77601,21 +77602,21 +77603,21 +77604,21 +77605,29 +77606,27 +77607,27 +77608,27 +77609,27 +77610,27 +77611,6 +77612,6 +77613,6 +77614,6 +77615,6 +77616,6 +77617,6 +77618,30 +77619,30 +77620,30 +77621,30 +77622,30 +77623,30 +77624,40 +77625,40 +77626,40 +77627,40 +77628,40 +77629,40 +77630,37 +77631,25 +77632,25 +77633,25 +77634,25 +77635,25 +77636,25 +77637,29 +77638,29 +77639,29 +77640,29 +77641,31 +77642,31 +77643,31 +77644,31 +77645,31 +77646,31 +77647,40 +77648,15 +77649,15 +77650,15 +77651,15 +77652,32 +77653,32 +77654,32 +77655,32 +77656,15 +77657,25 +77658,25 +77659,25 +77660,25 +77661,5 +77662,5 +77663,5 +77664,5 +77665,5 +77666,5 +77667,9 +77668,9 +77669,9 +77670,9 +77671,26 +77672,26 +77673,26 +77674,9 +77675,26 +77676,26 +77677,26 +77678,37 +77679,37 +77680,37 +77681,37 +77682,37 +77683,37 +77684,37 +77685,37 +77686,37 +77687,11 +77688,11 +77689,11 +77690,11 +77691,11 +77692,11 +77693,11 +77694,11 +77695,11 +77696,11 +77697,11 +77698,11 +77699,11 +77700,11 +77701,11 +77702,11 +77703,11 +77704,11 +77705,9 +77706,9 +77707,9 +77708,9 +77709,9 +77710,9 +77711,9 +77712,9 +77713,9 +77714,9 +77715,9 +77716,9 +77717,5 +77718,5 +77719,5 +77720,5 +77721,5 +77722,19 +77723,19 +77724,29 +77725,29 +77726,29 +77727,40 +77728,31 +77729,31 +77730,31 +77731,31 +77732,40 +77733,40 +77734,40 +77735,40 +77736,31 +77737,36 +77738,36 +77739,36 +77740,36 +77741,8 +77742,8 +77743,8 +77744,8 +77745,8 +77746,8 +77747,4 +77748,4 +77749,4 +77750,4 +77751,4 +77752,19 +77753,27 +77754,27 +77755,31 +77756,31 +77757,31 +77758,32 +77759,32 +77760,32 +77761,32 +77762,32 +77763,32 +77764,32 +77765,32 +77766,39 +77767,39 +77768,39 +77769,39 +77770,39 +77771,39 +77772,6 +77773,6 +77774,6 +77775,39 +77776,39 +77777,6 +77778,6 +77779,6 +77780,6 +77781,6 +77782,6 +77783,6 +77784,6 +77785,6 +77786,40 +77787,40 +77788,40 +77789,40 +77790,27 +77791,27 +77792,37 +77793,37 +77794,37 +77795,37 +77796,37 +77797,37 +77798,37 +77799,37 +77800,37 +77801,25 +77802,25 +77803,25 +77804,4 +77805,19 +77806,19 +77807,19 +77808,19 +77809,0 +77810,0 +77811,19 +77812,19 +77813,19 +77814,19 +77815,19 +77816,19 +77817,19 +77818,19 +77819,19 +77820,19 +77821,19 +77822,19 +77823,19 +77824,18 +77825,18 +77826,35 +77827,35 +77828,35 +77829,35 +77830,35 +77831,18 +77832,18 +77833,18 +77834,18 +77835,18 +77836,11 +77837,0 +77838,0 +77839,0 +77840,0 +77841,0 +77842,0 +77843,0 +77844,0 +77845,0 +77846,0 +77847,0 +77848,0 +77849,0 +77850,0 +77851,0 +77852,0 +77853,0 +77854,0 +77855,0 +77856,0 +77857,0 +77858,0 +77859,0 +77860,0 +77861,0 +77862,0 +77863,0 +77864,0 +77865,0 +77866,0 +77867,0 +77868,0 +77869,0 +77870,0 +77871,0 +77872,0 +77873,0 +77874,0 +77875,0 +77876,0 +77877,0 +77878,0 +77879,0 +77880,0 +77881,0 +77882,0 +77883,0 +77884,0 +77885,0 +77886,0 +77887,0 +77888,0 +77889,0 +77890,0 +77891,0 +77892,0 +77893,0 +77894,0 +77895,0 +77896,0 +77897,0 +77898,0 +77899,11 +77900,0 +77901,0 +77902,11 +77903,11 +77904,11 +77905,11 +77906,11 +77907,11 +77908,11 +77909,11 +77910,39 +77911,39 +77912,39 +77913,39 +77914,39 +77915,39 +77916,28 +77917,28 +77918,28 +77919,28 +77920,28 +77921,28 +77922,28 +77923,31 +77924,31 +77925,31 +77926,31 +77927,31 +77928,31 +77929,31 +77930,31 +77931,36 +77932,26 +77933,2 +77934,2 +77935,2 +77936,2 +77937,2 +77938,2 +77939,2 +77940,2 +77941,2 +77942,2 +77943,2 +77944,2 +77945,2 +77946,2 +77947,2 +77948,2 +77949,2 +77950,2 +77951,2 +77952,2 +77953,2 +77954,2 +77955,2 +77956,2 +77957,39 +77958,39 +77959,39 +77960,39 +77961,39 +77962,39 +77963,39 +77964,6 +77965,6 +77966,6 +77967,6 +77968,6 +77969,6 +77970,6 +77971,6 +77972,6 +77973,29 +77974,29 +77975,29 +77976,29 +77977,29 +77978,36 +77979,36 +77980,36 +77981,36 +77982,5 +77983,5 +77984,28 +77985,28 +77986,5 +77987,5 +77988,5 +77989,31 +77990,31 +77991,31 +77992,31 +77993,31 +77994,15 +77995,15 +77996,15 +77997,15 +77998,15 +77999,15 +78000,15 +78001,37 +78002,37 +78003,37 +78004,37 +78005,37 +78006,37 +78007,37 +78008,37 +78009,37 +78010,9 +78011,9 +78012,9 +78013,9 +78014,10 +78015,10 +78016,9 +78017,9 +78018,9 +78019,26 +78020,26 +78021,26 +78022,26 +78023,26 +78024,26 +78025,26 +78026,26 +78027,26 +78028,26 +78029,26 +78030,19 +78031,19 +78032,19 +78033,31 +78034,5 +78035,5 +78036,5 +78037,5 +78038,32 +78039,5 +78040,5 +78041,5 +78042,5 +78043,19 +78044,0 +78045,0 +78046,0 +78047,0 +78048,0 +78049,0 +78050,0 +78051,0 +78052,0 +78053,0 +78054,0 +78055,0 +78056,0 +78057,0 +78058,0 +78059,0 +78060,0 +78061,0 +78062,0 +78063,0 +78064,0 +78065,0 +78066,0 +78067,0 +78068,0 +78069,0 +78070,0 +78071,0 +78072,0 +78073,0 +78074,0 +78075,0 +78076,0 +78077,0 +78078,0 +78079,0 +78080,0 +78081,0 +78082,0 +78083,0 +78084,0 +78085,0 +78086,0 +78087,0 +78088,0 +78089,0 +78090,0 +78091,0 +78092,0 +78093,0 +78094,0 +78095,0 +78096,0 +78097,0 +78098,0 +78099,0 +78100,0 +78101,0 +78102,0 +78103,0 +78104,0 +78105,0 +78106,0 +78107,0 +78108,0 +78109,0 +78110,0 +78111,0 +78112,0 +78113,0 +78114,0 +78115,0 +78116,0 +78117,0 +78118,0 +78119,0 +78120,0 +78121,0 +78122,0 +78123,0 +78124,0 +78125,0 +78126,0 +78127,0 +78128,0 +78129,0 +78130,0 +78131,0 +78132,36 +78133,36 +78134,36 +78135,36 +78136,36 +78137,36 +78138,36 +78139,36 +78140,5 +78141,5 +78142,28 +78143,28 +78144,28 +78145,5 +78146,5 +78147,5 +78148,5 +78149,24 +78150,24 +78151,24 +78152,24 +78153,24 +78154,24 +78155,24 +78156,24 +78157,10 +78158,10 +78159,10 +78160,10 +78161,10 +78162,10 +78163,10 +78164,10 +78165,10 +78166,10 +78167,10 +78168,10 +78169,10 +78170,4 +78171,4 +78172,4 +78173,27 +78174,27 +78175,27 +78176,27 +78177,27 +78178,27 +78179,19 +78180,19 +78181,19 +78182,19 +78183,19 +78184,19 +78185,19 +78186,35 +78187,35 +78188,35 +78189,35 +78190,35 +78191,35 +78192,35 +78193,35 +78194,25 +78195,25 +78196,25 +78197,25 +78198,25 +78199,25 +78200,25 +78201,25 +78202,25 +78203,25 +78204,25 +78205,25 +78206,4 +78207,4 +78208,4 +78209,4 +78210,4 +78211,4 +78212,27 +78213,27 +78214,27 +78215,27 +78216,21 +78217,21 +78218,21 +78219,21 +78220,21 +78221,21 +78222,21 +78223,21 +78224,21 +78225,21 +78226,33 +78227,33 +78228,33 +78229,33 +78230,33 +78231,33 +78232,33 +78233,31 +78234,33 +78235,33 +78236,33 +78237,31 +78238,1 +78239,12 +78240,12 +78241,12 +78242,27 +78243,27 +78244,27 +78245,27 +78246,27 +78247,25 +78248,38 +78249,23 +78250,23 +78251,23 +78252,23 +78253,23 +78254,23 +78255,23 +78256,23 +78257,23 +78258,23 +78259,23 +78260,23 +78261,23 +78262,23 +78263,36 +78264,36 +78265,36 +78266,40 +78267,40 +78268,40 +78269,40 +78270,40 +78271,40 +78272,28 +78273,28 +78274,28 +78275,28 +78276,28 +78277,28 +78278,28 +78279,5 +78280,5 +78281,5 +78282,5 +78283,5 +78284,5 +78285,0 +78286,0 +78287,0 +78288,0 +78289,0 +78290,0 +78291,0 +78292,0 +78293,0 +78294,0 +78295,0 +78296,0 +78297,0 +78298,0 +78299,0 +78300,0 +78301,0 +78302,0 +78303,0 +78304,0 +78305,0 +78306,0 +78307,0 +78308,0 +78309,0 +78310,0 +78311,0 +78312,0 +78313,0 +78314,0 +78315,0 +78316,0 +78317,0 +78318,0 +78319,0 +78320,0 +78321,0 +78322,0 +78323,0 +78324,36 +78325,36 +78326,36 +78327,36 +78328,36 +78329,36 +78330,5 +78331,19 +78332,19 +78333,19 +78334,19 +78335,19 +78336,5 +78337,5 +78338,29 +78339,29 +78340,36 +78341,40 +78342,40 +78343,40 +78344,40 +78345,36 +78346,36 +78347,36 +78348,36 +78349,36 +78350,36 +78351,36 +78352,32 +78353,32 +78354,32 +78355,32 +78356,32 +78357,35 +78358,35 +78359,35 +78360,35 +78361,35 +78362,35 +78363,35 +78364,9 +78365,9 +78366,9 +78367,9 +78368,9 +78369,9 +78370,9 +78371,9 +78372,9 +78373,9 +78374,9 +78375,37 +78376,37 +78377,37 +78378,37 +78379,37 +78380,37 +78381,37 +78382,25 +78383,25 +78384,25 +78385,25 +78386,25 +78387,25 +78388,25 +78389,25 +78390,25 +78391,25 +78392,25 +78393,25 +78394,25 +78395,0 +78396,0 +78397,0 +78398,0 +78399,0 +78400,0 +78401,0 +78402,0 +78403,0 +78404,0 +78405,0 +78406,0 +78407,0 +78408,0 +78409,0 +78410,0 +78411,0 +78412,0 +78413,0 +78414,0 +78415,0 +78416,0 +78417,0 +78418,0 +78419,0 +78420,0 +78421,10 +78422,26 +78423,26 +78424,26 +78425,26 +78426,26 +78427,26 +78428,26 +78429,26 +78430,26 +78431,5 +78432,5 +78433,5 +78434,5 +78435,5 +78436,5 +78437,39 +78438,14 +78439,14 +78440,14 +78441,14 +78442,14 +78443,14 +78444,14 +78445,14 +78446,14 +78447,15 +78448,15 +78449,15 +78450,15 +78451,15 +78452,31 +78453,31 +78454,31 +78455,31 +78456,31 +78457,31 +78458,31 +78459,30 +78460,30 +78461,30 +78462,30 +78463,30 +78464,30 +78465,30 +78466,30 +78467,30 +78468,30 +78469,10 +78470,10 +78471,10 +78472,10 +78473,10 +78474,10 +78475,10 +78476,10 +78477,10 +78478,10 +78479,10 +78480,10 +78481,10 +78482,29 +78483,29 +78484,29 +78485,29 +78486,29 +78487,29 +78488,29 +78489,29 +78490,25 +78491,25 +78492,25 +78493,25 +78494,25 +78495,25 +78496,4 +78497,4 +78498,4 +78499,4 +78500,4 +78501,4 +78502,4 +78503,4 +78504,4 +78505,4 +78506,35 +78507,35 +78508,35 +78509,35 +78510,35 +78511,35 +78512,27 +78513,27 +78514,27 +78515,27 +78516,8 +78517,8 +78518,8 +78519,2 +78520,2 +78521,2 +78522,2 +78523,2 +78524,2 +78525,2 +78526,2 +78527,2 +78528,2 +78529,2 +78530,2 +78531,25 +78532,25 +78533,25 +78534,25 +78535,25 +78536,25 +78537,25 +78538,25 +78539,25 +78540,25 +78541,25 +78542,7 +78543,7 +78544,7 +78545,7 +78546,19 +78547,39 +78548,39 +78549,39 +78550,27 +78551,27 +78552,27 +78553,39 +78554,8 +78555,8 +78556,8 +78557,8 +78558,8 +78559,8 +78560,8 +78561,8 +78562,8 +78563,27 +78564,27 +78565,27 +78566,27 +78567,29 +78568,29 +78569,29 +78570,29 +78571,38 +78572,38 +78573,38 +78574,38 +78575,38 +78576,38 +78577,38 +78578,38 +78579,29 +78580,31 +78581,31 +78582,9 +78583,37 +78584,37 +78585,37 +78586,37 +78587,9 +78588,9 +78589,37 +78590,37 +78591,37 +78592,37 +78593,37 +78594,37 +78595,37 +78596,37 +78597,37 +78598,4 +78599,19 +78600,19 +78601,19 +78602,39 +78603,27 +78604,27 +78605,39 +78606,39 +78607,39 +78608,39 +78609,27 +78610,27 +78611,27 +78612,27 +78613,27 +78614,13 +78615,13 +78616,13 +78617,13 +78618,13 +78619,13 +78620,13 +78621,13 +78622,13 +78623,13 +78624,35 +78625,7 +78626,7 +78627,7 +78628,7 +78629,7 +78630,7 +78631,7 +78632,25 +78633,25 +78634,25 +78635,25 +78636,25 +78637,4 +78638,4 +78639,4 +78640,19 +78641,19 +78642,19 +78643,19 +78644,26 +78645,26 +78646,31 +78647,31 +78648,31 +78649,31 +78650,31 +78651,31 +78652,25 +78653,25 +78654,25 +78655,25 +78656,31 +78657,31 +78658,31 +78659,31 +78660,31 +78661,31 +78662,31 +78663,31 +78664,31 +78665,31 +78666,31 +78667,31 +78668,0 +78669,0 +78670,0 +78671,0 +78672,0 +78673,0 +78674,0 +78675,0 +78676,0 +78677,0 +78678,0 +78679,0 +78680,0 +78681,0 +78682,0 +78683,0 +78684,0 +78685,0 +78686,0 +78687,23 +78688,23 +78689,23 +78690,23 +78691,23 +78692,23 +78693,23 +78694,23 +78695,25 +78696,25 +78697,29 +78698,29 +78699,29 +78700,29 +78701,29 +78702,29 +78703,31 +78704,31 +78705,31 +78706,31 +78707,31 +78708,15 +78709,15 +78710,15 +78711,15 +78712,15 +78713,15 +78714,15 +78715,37 +78716,37 +78717,37 +78718,37 +78719,37 +78720,37 +78721,27 +78722,27 +78723,27 +78724,27 +78725,27 +78726,18 +78727,18 +78728,19 +78729,19 +78730,19 +78731,19 +78732,19 +78733,19 +78734,19 +78735,19 +78736,27 +78737,27 +78738,27 +78739,27 +78740,8 +78741,8 +78742,8 +78743,8 +78744,8 +78745,8 +78746,8 +78747,5 +78748,5 +78749,5 +78750,5 +78751,5 +78752,5 +78753,5 +78754,34 +78755,34 +78756,34 +78757,34 +78758,34 +78759,34 +78760,34 +78761,34 +78762,34 +78763,34 +78764,34 +78765,34 +78766,34 +78767,34 +78768,34 +78769,34 +78770,34 +78771,34 +78772,34 +78773,9 +78774,9 +78775,9 +78776,9 +78777,9 +78778,9 +78779,9 +78780,30 +78781,30 +78782,30 +78783,30 +78784,30 +78785,30 +78786,30 +78787,30 +78788,30 +78789,30 +78790,30 +78791,4 +78792,4 +78793,4 +78794,4 +78795,4 +78796,4 +78797,4 +78798,27 +78799,27 +78800,27 +78801,21 +78802,21 +78803,21 +78804,21 +78805,21 +78806,21 +78807,14 +78808,14 +78809,14 +78810,14 +78811,14 +78812,14 +78813,14 +78814,4 +78815,4 +78816,29 +78817,29 +78818,29 +78819,29 +78820,25 +78821,25 +78822,25 +78823,25 +78824,25 +78825,25 +78826,15 +78827,15 +78828,15 +78829,15 +78830,15 +78831,15 +78832,15 +78833,32 +78834,15 +78835,37 +78836,37 +78837,37 +78838,37 +78839,37 +78840,37 +78841,33 +78842,33 +78843,33 +78844,33 +78845,33 +78846,33 +78847,33 +78848,21 +78849,6 +78850,6 +78851,6 +78852,6 +78853,6 +78854,31 +78855,31 +78856,31 +78857,22 +78858,19 +78859,5 +78860,5 +78861,5 +78862,19 +78863,5 +78864,19 +78865,19 +78866,19 +78867,19 +78868,19 +78869,19 +78870,19 +78871,19 +78872,40 +78873,40 +78874,40 +78875,34 +78876,34 +78877,34 +78878,40 +78879,34 +78880,40 +78881,40 +78882,34 +78883,34 +78884,34 +78885,34 +78886,34 +78887,34 +78888,34 +78889,34 +78890,34 +78891,34 +78892,28 +78893,28 +78894,28 +78895,28 +78896,28 +78897,5 +78898,5 +78899,5 +78900,0 +78901,0 +78902,0 +78903,0 +78904,0 +78905,0 +78906,0 +78907,0 +78908,0 +78909,0 +78910,0 +78911,0 +78912,0 +78913,0 +78914,0 +78915,0 +78916,0 +78917,0 +78918,0 +78919,0 +78920,0 +78921,0 +78922,0 +78923,0 +78924,0 +78925,0 +78926,0 +78927,0 +78928,0 +78929,0 +78930,0 +78931,0 +78932,0 +78933,0 +78934,0 +78935,0 +78936,0 +78937,0 +78938,0 +78939,0 +78940,0 +78941,0 +78942,0 +78943,0 +78944,0 +78945,0 +78946,0 +78947,0 +78948,0 +78949,0 +78950,0 +78951,36 +78952,36 +78953,36 +78954,36 +78955,36 +78956,36 +78957,36 +78958,36 +78959,36 +78960,36 +78961,4 +78962,4 +78963,4 +78964,30 +78965,30 +78966,30 +78967,30 +78968,30 +78969,30 +78970,30 +78971,27 +78972,27 +78973,27 +78974,27 +78975,27 +78976,27 +78977,27 +78978,13 +78979,13 +78980,28 +78981,28 +78982,28 +78983,28 +78984,28 +78985,28 +78986,28 +78987,28 +78988,32 +78989,32 +78990,32 +78991,32 +78992,32 +78993,32 +78994,32 +78995,32 +78996,32 +78997,32 +78998,32 +78999,32 +79000,39 +79001,39 +79002,39 +79003,39 +79004,39 +79005,39 +79006,39 +79007,12 +79008,12 +79009,12 +79010,12 +79011,12 +79012,40 +79013,40 +79014,40 +79015,40 +79016,40 +79017,5 +79018,5 +79019,5 +79020,5 +79021,5 +79022,5 +79023,4 +79024,4 +79025,4 +79026,4 +79027,4 +79028,31 +79029,27 +79030,27 +79031,15 +79032,15 +79033,15 +79034,15 +79035,15 +79036,15 +79037,15 +79038,15 +79039,15 +79040,29 +79041,40 +79042,40 +79043,40 +79044,40 +79045,40 +79046,40 +79047,40 +79048,40 +79049,40 +79050,40 +79051,40 +79052,40 +79053,40 +79054,40 +79055,40 +79056,40 +79057,40 +79058,40 +79059,19 +79060,19 +79061,19 +79062,19 +79063,19 +79064,19 +79065,19 +79066,19 +79067,19 +79068,19 +79069,19 +79070,5 +79071,0 +79072,0 +79073,0 +79074,0 +79075,0 +79076,0 +79077,0 +79078,0 +79079,23 +79080,38 +79081,23 +79082,23 +79083,23 +79084,23 +79085,23 +79086,23 +79087,23 +79088,23 +79089,40 +79090,40 +79091,40 +79092,40 +79093,40 +79094,40 +79095,40 +79096,30 +79097,30 +79098,30 +79099,30 +79100,30 +79101,30 +79102,30 +79103,30 +79104,30 +79105,31 +79106,31 +79107,31 +79108,31 +79109,31 +79110,31 +79111,31 +79112,2 +79113,2 +79114,2 +79115,2 +79116,2 +79117,2 +79118,2 +79119,2 +79120,2 +79121,2 +79122,2 +79123,2 +79124,2 +79125,2 +79126,2 +79127,2 +79128,2 +79129,30 +79130,30 +79131,30 +79132,39 +79133,39 +79134,39 +79135,39 +79136,39 +79137,39 +79138,39 +79139,39 +79140,39 +79141,39 +79142,39 +79143,39 +79144,5 +79145,28 +79146,28 +79147,28 +79148,28 +79149,32 +79150,32 +79151,32 +79152,32 +79153,32 +79154,32 +79155,4 +79156,32 +79157,19 +79158,36 +79159,36 +79160,36 +79161,36 +79162,36 +79163,36 +79164,36 +79165,36 +79166,36 +79167,36 +79168,36 +79169,5 +79170,5 +79171,5 +79172,5 +79173,5 +79174,5 +79175,5 +79176,35 +79177,35 +79178,35 +79179,35 +79180,35 +79181,35 +79182,35 +79183,36 +79184,36 +79185,36 +79186,36 +79187,36 +79188,36 +79189,5 +79190,5 +79191,5 +79192,19 +79193,19 +79194,19 +79195,19 +79196,19 +79197,19 +79198,21 +79199,21 +79200,21 +79201,21 +79202,21 +79203,21 +79204,21 +79205,21 +79206,21 +79207,21 +79208,21 +79209,33 +79210,33 +79211,33 +79212,33 +79213,33 +79214,33 +79215,30 +79216,30 +79217,30 +79218,30 +79219,30 +79220,30 +79221,30 +79222,30 +79223,30 +79224,19 +79225,19 +79226,19 +79227,19 +79228,19 +79229,32 +79230,32 +79231,28 +79232,28 +79233,5 +79234,5 +79235,5 +79236,5 +79237,5 +79238,5 +79239,5 +79240,5 +79241,5 +79242,16 +79243,16 +79244,4 +79245,16 +79246,4 +79247,37 +79248,16 +79249,25 +79250,25 +79251,25 +79252,25 +79253,25 +79254,25 +79255,39 +79256,39 +79257,39 +79258,27 +79259,27 +79260,27 +79261,27 +79262,27 +79263,27 +79264,27 +79265,27 +79266,27 +79267,28 +79268,28 +79269,28 +79270,28 +79271,28 +79272,28 +79273,28 +79274,28 +79275,28 +79276,28 +79277,28 +79278,28 +79279,28 +79280,2 +79281,2 +79282,2 +79283,2 +79284,2 +79285,8 +79286,8 +79287,2 +79288,8 +79289,8 +79290,2 +79291,2 +79292,2 +79293,0 +79294,0 +79295,0 +79296,0 +79297,0 +79298,0 +79299,0 +79300,0 +79301,0 +79302,0 +79303,0 +79304,0 +79305,0 +79306,0 +79307,0 +79308,0 +79309,0 +79310,0 +79311,0 +79312,0 +79313,0 +79314,0 +79315,0 +79316,0 +79317,0 +79318,0 +79319,0 +79320,0 +79321,0 +79322,0 +79323,0 +79324,0 +79325,0 +79326,0 +79327,0 +79328,0 +79329,0 +79330,0 +79331,0 +79332,0 +79333,0 +79334,0 +79335,0 +79336,0 +79337,0 +79338,0 +79339,0 +79340,0 +79341,0 +79342,0 +79343,0 +79344,0 +79345,0 +79346,0 +79347,0 +79348,32 +79349,32 +79350,32 +79351,32 +79352,0 +79353,0 +79354,0 +79355,0 +79356,0 +79357,0 +79358,0 +79359,0 +79360,0 +79361,32 +79362,0 +79363,0 +79364,0 +79365,0 +79366,0 +79367,0 +79368,0 +79369,40 +79370,40 +79371,40 +79372,40 +79373,40 +79374,40 +79375,40 +79376,40 +79377,40 +79378,40 +79379,40 +79380,40 +79381,30 +79382,30 +79383,30 +79384,30 +79385,30 +79386,30 +79387,30 +79388,30 +79389,30 +79390,31 +79391,5 +79392,5 +79393,5 +79394,5 +79395,5 +79396,5 +79397,5 +79398,5 +79399,27 +79400,27 +79401,27 +79402,27 +79403,31 +79404,27 +79405,27 +79406,27 +79407,5 +79408,5 +79409,5 +79410,5 +79411,4 +79412,4 +79413,4 +79414,4 +79415,4 +79416,4 +79417,27 +79418,27 +79419,27 +79420,27 +79421,27 +79422,27 +79423,27 +79424,27 +79425,27 +79426,5 +79427,5 +79428,5 +79429,5 +79430,5 +79431,5 +79432,5 +79433,5 +79434,5 +79435,5 +79436,5 +79437,5 +79438,39 +79439,39 +79440,39 +79441,39 +79442,39 +79443,39 +79444,39 +79445,39 +79446,39 +79447,39 +79448,39 +79449,8 +79450,8 +79451,8 +79452,8 +79453,8 +79454,8 +79455,8 +79456,8 +79457,8 +79458,27 +79459,27 +79460,27 +79461,27 +79462,27 +79463,27 +79464,27 +79465,27 +79466,6 +79467,6 +79468,6 +79469,6 +79470,6 +79471,6 +79472,6 +79473,6 +79474,6 +79475,6 +79476,6 +79477,6 +79478,6 +79479,6 +79480,6 +79481,6 +79482,14 +79483,0 +79484,0 +79485,0 +79486,36 +79487,36 +79488,36 +79489,36 +79490,36 +79491,36 +79492,36 +79493,36 +79494,36 +79495,36 +79496,36 +79497,36 +79498,36 +79499,36 +79500,36 +79501,36 +79502,5 +79503,5 +79504,5 +79505,5 +79506,5 +79507,5 +79508,5 +79509,5 +79510,5 +79511,5 +79512,5 +79513,13 +79514,19 +79515,19 +79516,19 +79517,19 +79518,19 +79519,19 +79520,30 +79521,30 +79522,30 +79523,30 +79524,30 +79525,30 +79526,30 +79527,30 +79528,30 +79529,30 +79530,30 +79531,30 +79532,30 +79533,14 +79534,14 +79535,14 +79536,14 +79537,14 +79538,14 +79539,14 +79540,14 +79541,14 +79542,14 +79543,14 +79544,14 +79545,14 +79546,14 +79547,14 +79548,14 +79549,15 +79550,15 +79551,15 +79552,15 +79553,15 +79554,15 +79555,15 +79556,15 +79557,15 +79558,19 +79559,29 +79560,29 +79561,31 +79562,31 +79563,31 +79564,31 +79565,6 +79566,6 +79567,6 +79568,6 +79569,6 +79570,6 +79571,6 +79572,6 +79573,6 +79574,6 +79575,6 +79576,6 +79577,6 +79578,6 +79579,6 +79580,9 +79581,9 +79582,9 +79583,9 +79584,9 +79585,9 +79586,9 +79587,9 +79588,37 +79589,37 +79590,37 +79591,5 +79592,5 +79593,5 +79594,5 +79595,25 +79596,25 +79597,25 +79598,25 +79599,25 +79600,25 +79601,25 +79602,25 +79603,25 +79604,25 +79605,25 +79606,2 +79607,2 +79608,2 +79609,2 +79610,2 +79611,2 +79612,2 +79613,2 +79614,2 +79615,2 +79616,2 +79617,4 +79618,4 +79619,4 +79620,4 +79621,4 +79622,4 +79623,4 +79624,33 +79625,33 +79626,33 +79627,33 +79628,33 +79629,33 +79630,33 +79631,33 +79632,33 +79633,33 +79634,33 +79635,33 +79636,33 +79637,33 +79638,33 +79639,33 +79640,5 +79641,5 +79642,5 +79643,5 +79644,5 +79645,5 +79646,33 +79647,33 +79648,33 +79649,33 +79650,31 +79651,31 +79652,31 +79653,31 +79654,24 +79655,24 +79656,24 +79657,24 +79658,24 +79659,24 +79660,24 +79661,24 +79662,24 +79663,24 +79664,28 +79665,28 +79666,28 +79667,28 +79668,28 +79669,28 +79670,28 +79671,28 +79672,26 +79673,26 +79674,26 +79675,26 +79676,26 +79677,26 +79678,26 +79679,26 +79680,26 +79681,26 +79682,26 +79683,26 +79684,26 +79685,26 +79686,26 +79687,4 +79688,4 +79689,4 +79690,4 +79691,4 +79692,25 +79693,25 +79694,25 +79695,25 +79696,25 +79697,25 +79698,25 +79699,5 +79700,5 +79701,5 +79702,5 +79703,5 +79704,5 +79705,5 +79706,5 +79707,19 +79708,19 +79709,19 +79710,32 +79711,32 +79712,32 +79713,32 +79714,32 +79715,39 +79716,39 +79717,39 +79718,39 +79719,39 +79720,39 +79721,39 +79722,39 +79723,36 +79724,36 +79725,36 +79726,36 +79727,36 +79728,36 +79729,36 +79730,36 +79731,10 +79732,5 +79733,5 +79734,5 +79735,5 +79736,31 +79737,5 +79738,12 +79739,31 +79740,31 +79741,31 +79742,31 +79743,31 +79744,4 +79745,4 +79746,4 +79747,4 +79748,4 +79749,4 +79750,19 +79751,19 +79752,19 +79753,19 +79754,30 +79755,30 +79756,30 +79757,30 +79758,30 +79759,30 +79760,10 +79761,10 +79762,10 +79763,14 +79764,36 +79765,36 +79766,36 +79767,36 +79768,36 +79769,36 +79770,36 +79771,36 +79772,36 +79773,36 +79774,36 +79775,36 +79776,36 +79777,36 +79778,36 +79779,36 +79780,36 +79781,36 +79782,14 +79783,14 +79784,13 +79785,6 +79786,6 +79787,4 +79788,19 +79789,19 +79790,19 +79791,19 +79792,19 +79793,19 +79794,19 +79795,19 +79796,19 +79797,19 +79798,19 +79799,19 +79800,0 +79801,0 +79802,0 +79803,0 +79804,0 +79805,5 +79806,0 +79807,0 +79808,0 +79809,0 +79810,0 +79811,0 +79812,0 +79813,0 +79814,0 +79815,0 +79816,0 +79817,0 +79818,0 +79819,0 +79820,0 +79821,0 +79822,0 +79823,0 +79824,0 +79825,0 +79826,0 +79827,0 +79828,0 +79829,0 +79830,0 +79831,0 +79832,0 +79833,0 +79834,0 +79835,0 +79836,0 +79837,0 +79838,0 +79839,0 +79840,0 +79841,0 +79842,0 +79843,0 +79844,0 +79845,0 +79846,0 +79847,0 +79848,0 +79849,0 +79850,0 +79851,0 +79852,0 +79853,0 +79854,0 +79855,0 +79856,0 +79857,0 +79858,0 +79859,0 +79860,0 +79861,0 +79862,0 +79863,0 +79864,0 +79865,0 +79866,0 +79867,0 +79868,0 +79869,0 +79870,0 +79871,0 +79872,0 +79873,0 +79874,0 +79875,0 +79876,0 +79877,0 +79878,0 +79879,0 +79880,0 +79881,0 +79882,0 +79883,0 +79884,0 +79885,0 +79886,0 +79887,0 +79888,0 +79889,0 +79890,0 +79891,0 +79892,0 +79893,0 +79894,0 +79895,0 +79896,0 +79897,0 +79898,4 +79899,4 +79900,4 +79901,4 +79902,4 +79903,4 +79904,4 +79905,4 +79906,4 +79907,4 +79908,0 +79909,0 +79910,0 +79911,0 +79912,0 +79913,0 +79914,0 +79915,0 +79916,0 +79917,0 +79918,0 +79919,0 +79920,0 +79921,0 +79922,0 +79923,0 +79924,0 +79925,0 +79926,0 +79927,0 +79928,0 +79929,0 +79930,0 +79931,0 +79932,0 +79933,0 +79934,0 +79935,0 +79936,0 +79937,0 +79938,0 +79939,0 +79940,0 +79941,0 +79942,0 +79943,0 +79944,0 +79945,7 +79946,0 +79947,0 +79948,0 +79949,0 +79950,7 +79951,7 +79952,7 +79953,7 +79954,3 +79955,20 +79956,20 +79957,20 +79958,7 +79959,20 +79960,18 +79961,18 +79962,18 +79963,20 +79964,20 +79965,20 +79966,26 +79967,26 +79968,26 +79969,26 +79970,26 +79971,26 +79972,26 +79973,26 +79974,26 +79975,26 +79976,26 +79977,26 +79978,26 +79979,5 +79980,5 +79981,5 +79982,5 +79983,5 +79984,5 +79985,5 +79986,5 +79987,5 +79988,5 +79989,5 +79990,5 +79991,5 +79992,5 +79993,23 +79994,23 +79995,23 +79996,23 +79997,23 +79998,23 +79999,27 +80000,27 +80001,27 +80002,27 +80003,27 +80004,27 +80005,27 +80006,27 +80007,27 +80008,30 +80009,30 +80010,30 +80011,30 +80012,30 +80013,30 +80014,39 +80015,39 +80016,39 +80017,39 +80018,39 +80019,39 +80020,39 +80021,39 +80022,39 +80023,39 +80024,39 +80025,39 +80026,32 +80027,32 +80028,32 +80029,32 +80030,32 +80031,32 +80032,33 +80033,37 +80034,37 +80035,33 +80036,33 +80037,33 +80038,33 +80039,33 +80040,33 +80041,33 +80042,24 +80043,24 +80044,24 +80045,24 +80046,24 +80047,24 +80048,26 +80049,26 +80050,26 +80051,26 +80052,26 +80053,26 +80054,26 +80055,26 +80056,26 +80057,26 +80058,26 +80059,26 +80060,26 +80061,26 +80062,26 +80063,26 +80064,26 +80065,28 +80066,28 +80067,28 +80068,28 +80069,28 +80070,28 +80071,28 +80072,9 +80073,9 +80074,9 +80075,28 +80076,28 +80077,9 +80078,9 +80079,9 +80080,9 +80081,9 +80082,9 +80083,9 +80084,9 +80085,9 +80086,9 +80087,30 +80088,30 +80089,30 +80090,30 +80091,30 +80092,30 +80093,30 +80094,30 +80095,30 +80096,30 +80097,30 +80098,30 +80099,30 +80100,33 +80101,30 +80102,30 +80103,30 +80104,30 +80105,30 +80106,30 +80107,30 +80108,30 +80109,30 +80110,0 +80111,0 +80112,0 +80113,0 +80114,0 +80115,0 +80116,0 +80117,0 +80118,0 +80119,0 +80120,0 +80121,0 +80122,0 +80123,0 +80124,0 +80125,0 +80126,0 +80127,0 +80128,0 +80129,0 +80130,0 +80131,0 +80132,0 +80133,0 +80134,0 +80135,0 +80136,0 +80137,0 +80138,35 +80139,35 +80140,35 +80141,35 +80142,35 +80143,27 +80144,8 +80145,8 +80146,8 +80147,8 +80148,8 +80149,15 +80150,15 +80151,15 +80152,15 +80153,17 +80154,17 +80155,39 +80156,26 +80157,26 +80158,26 +80159,26 +80160,26 +80161,26 +80162,26 +80163,26 +80164,4 +80165,4 +80166,4 +80167,4 +80168,31 +80169,31 +80170,31 +80171,31 +80172,31 +80173,31 +80174,31 +80175,31 +80176,8 +80177,8 +80178,8 +80179,8 +80180,8 +80181,8 +80182,8 +80183,2 +80184,12 +80185,12 +80186,12 +80187,12 +80188,31 +80189,31 +80190,31 +80191,31 +80192,8 +80193,8 +80194,8 +80195,8 +80196,8 +80197,8 +80198,15 +80199,15 +80200,31 +80201,31 +80202,27 +80203,27 +80204,27 +80205,27 +80206,27 +80207,27 +80208,31 +80209,37 +80210,37 +80211,37 +80212,24 +80213,24 +80214,24 +80215,24 +80216,24 +80217,24 +80218,37 +80219,37 +80220,12 +80221,12 +80222,12 +80223,12 +80224,12 +80225,12 +80226,12 +80227,12 +80228,27 +80229,27 +80230,22 +80231,19 +80232,31 +80233,38 +80234,38 +80235,32 +80236,32 +80237,32 +80238,38 +80239,38 +80240,38 +80241,38 +80242,38 +80243,38 +80244,38 +80245,38 +80246,38 +80247,37 +80248,37 +80249,37 +80250,37 +80251,37 +80252,37 +80253,9 +80254,9 +80255,9 +80256,9 +80257,9 +80258,9 +80259,9 +80260,9 +80261,9 +80262,26 +80263,26 +80264,26 +80265,26 +80266,26 +80267,26 +80268,26 +80269,5 +80270,5 +80271,5 +80272,5 +80273,5 +80274,5 +80275,5 +80276,5 +80277,24 +80278,24 +80279,24 +80280,24 +80281,19 +80282,19 +80283,24 +80284,24 +80285,24 +80286,24 +80287,19 +80288,19 +80289,19 +80290,19 +80291,19 +80292,19 +80293,27 +80294,27 +80295,27 +80296,27 +80297,27 +80298,27 +80299,27 +80300,27 +80301,2 +80302,2 +80303,2 +80304,2 +80305,2 +80306,4 +80307,4 +80308,4 +80309,4 +80310,4 +80311,4 +80312,4 +80313,4 +80314,14 +80315,14 +80316,14 +80317,14 +80318,14 +80319,14 +80320,14 +80321,14 +80322,14 +80323,14 +80324,18 +80325,18 +80326,18 +80327,18 +80328,18 +80329,18 +80330,18 +80331,16 +80332,6 +80333,6 +80334,18 +80335,18 +80336,4 +80337,19 +80338,4 +80339,4 +80340,4 +80341,4 +80342,4 +80343,4 +80344,4 +80345,4 +80346,37 +80347,37 +80348,37 +80349,37 +80350,27 +80351,27 +80352,27 +80353,27 +80354,27 +80355,13 +80356,13 +80357,5 +80358,5 +80359,5 +80360,5 +80361,13 +80362,5 +80363,13 +80364,13 +80365,4 +80366,4 +80367,4 +80368,4 +80369,4 +80370,4 +80371,4 +80372,4 +80373,4 +80374,4 +80375,4 +80376,4 +80377,4 +80378,3 +80379,3 +80380,3 +80381,3 +80382,3 +80383,3 +80384,3 +80385,3 +80386,3 +80387,35 +80388,35 +80389,35 +80390,35 +80391,35 +80392,9 +80393,9 +80394,9 +80395,9 +80396,9 +80397,9 +80398,9 +80399,30 +80400,30 +80401,30 +80402,30 +80403,30 +80404,30 +80405,2 +80406,2 +80407,2 +80408,2 +80409,2 +80410,2 +80411,2 +80412,2 +80413,2 +80414,2 +80415,14 +80416,14 +80417,14 +80418,14 +80419,14 +80420,14 +80421,14 +80422,14 +80423,14 +80424,27 +80425,5 +80426,5 +80427,5 +80428,5 +80429,5 +80430,5 +80431,5 +80432,5 +80433,5 +80434,5 +80435,5 +80436,5 +80437,5 +80438,8 +80439,8 +80440,8 +80441,8 +80442,2 +80443,8 +80444,8 +80445,8 +80446,2 +80447,2 +80448,8 +80449,2 +80450,2 +80451,2 +80452,0 +80453,0 +80454,0 +80455,0 +80456,0 +80457,0 +80458,0 +80459,0 +80460,0 +80461,0 +80462,0 +80463,0 +80464,0 +80465,0 +80466,0 +80467,0 +80468,0 +80469,0 +80470,0 +80471,0 +80472,0 +80473,0 +80474,0 +80475,0 +80476,0 +80477,0 +80478,0 +80479,0 +80480,0 +80481,0 +80482,0 +80483,0 +80484,0 +80485,0 +80486,0 +80487,0 +80488,0 +80489,0 +80490,0 +80491,0 +80492,0 +80493,0 +80494,0 +80495,0 +80496,0 +80497,0 +80498,0 +80499,27 +80500,27 +80501,27 +80502,27 +80503,27 +80504,27 +80505,27 +80506,27 +80507,27 +80508,27 +80509,40 +80510,19 +80511,19 +80512,4 +80513,4 +80514,4 +80515,19 +80516,27 +80517,27 +80518,27 +80519,27 +80520,27 +80521,27 +80522,27 +80523,23 +80524,23 +80525,23 +80526,23 +80527,23 +80528,23 +80529,23 +80530,23 +80531,29 +80532,29 +80533,29 +80534,40 +80535,40 +80536,40 +80537,40 +80538,40 +80539,40 +80540,40 +80541,37 +80542,37 +80543,37 +80544,37 +80545,37 +80546,37 +80547,37 +80548,37 +80549,37 +80550,37 +80551,37 +80552,39 +80553,39 +80554,39 +80555,14 +80556,14 +80557,14 +80558,14 +80559,14 +80560,14 +80561,14 +80562,14 +80563,14 +80564,14 +80565,27 +80566,27 +80567,5 +80568,5 +80569,5 +80570,5 +80571,4 +80572,4 +80573,5 +80574,5 +80575,5 +80576,5 +80577,5 +80578,5 +80579,5 +80580,33 +80581,33 +80582,33 +80583,33 +80584,33 +80585,33 +80586,33 +80587,33 +80588,33 +80589,34 +80590,33 +80591,33 +80592,15 +80593,15 +80594,15 +80595,15 +80596,15 +80597,15 +80598,15 +80599,30 +80600,30 +80601,36 +80602,36 +80603,36 +80604,36 +80605,40 +80606,40 +80607,40 +80608,40 +80609,40 +80610,5 +80611,5 +80612,5 +80613,25 +80614,25 +80615,25 +80616,25 +80617,25 +80618,25 +80619,25 +80620,25 +80621,25 +80622,25 +80623,25 +80624,25 +80625,12 +80626,12 +80627,12 +80628,12 +80629,12 +80630,12 +80631,12 +80632,12 +80633,12 +80634,12 +80635,14 +80636,14 +80637,14 +80638,14 +80639,14 +80640,14 +80641,14 +80642,14 +80643,14 +80644,14 +80645,14 +80646,14 +80647,14 +80648,14 +80649,14 +80650,14 +80651,14 +80652,14 +80653,14 +80654,14 +80655,14 +80656,14 +80657,14 +80658,14 +80659,14 +80660,14 +80661,14 +80662,6 +80663,6 +80664,6 +80665,6 +80666,6 +80667,6 +80668,6 +80669,6 +80670,6 +80671,6 +80672,6 +80673,6 +80674,33 +80675,33 +80676,33 +80677,33 +80678,33 +80679,33 +80680,33 +80681,33 +80682,33 +80683,33 +80684,33 +80685,33 +80686,33 +80687,28 +80688,28 +80689,28 +80690,28 +80691,28 +80692,28 +80693,28 +80694,28 +80695,13 +80696,13 +80697,13 +80698,9 +80699,9 +80700,9 +80701,9 +80702,9 +80703,9 +80704,9 +80705,9 +80706,9 +80707,9 +80708,9 +80709,9 +80710,9 +80711,9 +80712,9 +80713,37 +80714,37 +80715,37 +80716,37 +80717,37 +80718,37 +80719,25 +80720,25 +80721,25 +80722,25 +80723,37 +80724,39 +80725,39 +80726,39 +80727,39 +80728,7 +80729,7 +80730,7 +80731,7 +80732,7 +80733,7 +80734,7 +80735,7 +80736,7 +80737,7 +80738,7 +80739,27 +80740,27 +80741,27 +80742,27 +80743,27 +80744,27 +80745,37 +80746,37 +80747,37 +80748,37 +80749,37 +80750,37 +80751,37 +80752,37 +80753,25 +80754,25 +80755,25 +80756,25 +80757,25 +80758,25 +80759,25 +80760,25 +80761,25 +80762,25 +80763,25 +80764,25 +80765,25 +80766,25 +80767,25 +80768,25 +80769,25 +80770,25 +80771,25 +80772,0 +80773,0 +80774,0 +80775,0 +80776,0 +80777,0 +80778,0 +80779,0 +80780,0 +80781,0 +80782,0 +80783,0 +80784,0 +80785,0 +80786,0 +80787,0 +80788,0 +80789,0 +80790,0 +80791,0 +80792,0 +80793,0 +80794,0 +80795,0 +80796,36 +80797,36 +80798,36 +80799,36 +80800,36 +80801,36 +80802,36 +80803,36 +80804,36 +80805,5 +80806,5 +80807,5 +80808,5 +80809,5 +80810,5 +80811,5 +80812,5 +80813,13 +80814,21 +80815,21 +80816,21 +80817,21 +80818,21 +80819,21 +80820,33 +80821,33 +80822,33 +80823,33 +80824,33 +80825,33 +80826,3 +80827,3 +80828,3 +80829,3 +80830,3 +80831,3 +80832,3 +80833,3 +80834,3 +80835,3 +80836,3 +80837,3 +80838,3 +80839,3 +80840,5 +80841,5 +80842,5 +80843,5 +80844,5 +80845,5 +80846,5 +80847,5 +80848,5 +80849,5 +80850,32 +80851,32 +80852,32 +80853,32 +80854,32 +80855,32 +80856,32 +80857,26 +80858,26 +80859,26 +80860,26 +80861,26 +80862,26 +80863,26 +80864,26 +80865,37 +80866,37 +80867,37 +80868,37 +80869,37 +80870,37 +80871,37 +80872,37 +80873,37 +80874,37 +80875,37 +80876,28 +80877,28 +80878,28 +80879,28 +80880,28 +80881,28 +80882,28 +80883,37 +80884,37 +80885,27 +80886,37 +80887,37 +80888,37 +80889,37 +80890,37 +80891,37 +80892,37 +80893,37 +80894,8 +80895,8 +80896,8 +80897,8 +80898,8 +80899,8 +80900,8 +80901,20 +80902,20 +80903,8 +80904,31 +80905,30 +80906,30 +80907,30 +80908,30 +80909,27 +80910,27 +80911,27 +80912,27 +80913,27 +80914,27 +80915,38 +80916,38 +80917,38 +80918,38 +80919,38 +80920,38 +80921,38 +80922,38 +80923,28 +80924,28 +80925,28 +80926,28 +80927,28 +80928,27 +80929,27 +80930,27 +80931,27 +80932,27 +80933,27 +80934,27 +80935,27 +80936,39 +80937,39 +80938,39 +80939,39 +80940,39 +80941,39 +80942,39 +80943,39 +80944,39 +80945,39 +80946,39 +80947,39 +80948,39 +80949,39 +80950,39 +80951,0 +80952,0 +80953,0 +80954,0 +80955,0 +80956,0 +80957,0 +80958,0 +80959,0 +80960,0 +80961,0 +80962,0 +80963,0 +80964,0 +80965,0 +80966,0 +80967,0 +80968,0 +80969,0 +80970,0 +80971,0 +80972,0 +80973,2 +80974,2 +80975,2 +80976,2 +80977,2 +80978,2 +80979,2 +80980,2 +80981,0 +80982,0 +80983,0 +80984,0 +80985,0 +80986,0 +80987,0 +80988,0 +80989,0 +80990,0 +80991,0 +80992,0 +80993,0 +80994,0 +80995,0 +80996,0 +80997,0 +80998,0 +80999,0 +81000,0 +81001,0 +81002,0 +81003,0 +81004,0 +81005,0 +81006,0 +81007,0 +81008,0 +81009,0 +81010,0 +81011,0 +81012,0 +81013,0 +81014,0 +81015,0 +81016,0 +81017,0 +81018,0 +81019,0 +81020,0 +81021,0 +81022,27 +81023,27 +81024,27 +81025,27 +81026,27 +81027,27 +81028,27 +81029,27 +81030,27 +81031,27 +81032,2 +81033,2 +81034,2 +81035,2 +81036,2 +81037,2 +81038,2 +81039,2 +81040,2 +81041,2 +81042,2 +81043,2 +81044,2 +81045,25 +81046,25 +81047,25 +81048,25 +81049,32 +81050,32 +81051,32 +81052,32 +81053,32 +81054,32 +81055,32 +81056,32 +81057,32 +81058,32 +81059,37 +81060,37 +81061,37 +81062,37 +81063,37 +81064,10 +81065,10 +81066,10 +81067,10 +81068,10 +81069,10 +81070,10 +81071,10 +81072,10 +81073,10 +81074,10 +81075,10 +81076,10 +81077,8 +81078,8 +81079,8 +81080,8 +81081,8 +81082,8 +81083,8 +81084,8 +81085,8 +81086,8 +81087,8 +81088,8 +81089,12 +81090,12 +81091,28 +81092,28 +81093,28 +81094,28 +81095,28 +81096,28 +81097,39 +81098,39 +81099,39 +81100,39 +81101,3 +81102,39 +81103,39 +81104,29 +81105,29 +81106,29 +81107,29 +81108,29 +81109,29 +81110,29 +81111,29 +81112,29 +81113,36 +81114,36 +81115,36 +81116,36 +81117,34 +81118,34 +81119,34 +81120,4 +81121,4 +81122,4 +81123,4 +81124,4 +81125,4 +81126,4 +81127,12 +81128,12 +81129,12 +81130,12 +81131,12 +81132,12 +81133,12 +81134,12 +81135,12 +81136,12 +81137,31 +81138,31 +81139,31 +81140,31 +81141,31 +81142,31 +81143,32 +81144,32 +81145,32 +81146,32 +81147,32 +81148,32 +81149,32 +81150,32 +81151,32 +81152,32 +81153,39 +81154,39 +81155,39 +81156,39 +81157,39 +81158,39 +81159,39 +81160,39 +81161,23 +81162,23 +81163,23 +81164,23 +81165,23 +81166,23 +81167,23 +81168,23 +81169,23 +81170,23 +81171,23 +81172,23 +81173,23 +81174,9 +81175,9 +81176,9 +81177,9 +81178,9 +81179,9 +81180,37 +81181,12 +81182,12 +81183,12 +81184,12 +81185,12 +81186,12 +81187,12 +81188,12 +81189,12 +81190,12 +81191,12 +81192,12 +81193,12 +81194,12 +81195,12 +81196,12 +81197,12 +81198,31 +81199,31 +81200,31 +81201,31 +81202,31 +81203,8 +81204,8 +81205,8 +81206,8 +81207,8 +81208,8 +81209,8 +81210,19 +81211,19 +81212,19 +81213,19 +81214,19 +81215,19 +81216,19 +81217,40 +81218,40 +81219,40 +81220,40 +81221,40 +81222,40 +81223,40 +81224,8 +81225,8 +81226,8 +81227,8 +81228,8 +81229,8 +81230,8 +81231,8 +81232,8 +81233,8 +81234,25 +81235,25 +81236,25 +81237,25 +81238,25 +81239,25 +81240,25 +81241,25 +81242,19 +81243,19 +81244,19 +81245,36 +81246,36 +81247,36 +81248,36 +81249,36 +81250,36 +81251,40 +81252,40 +81253,36 +81254,5 +81255,5 +81256,5 +81257,5 +81258,13 +81259,13 +81260,13 +81261,13 +81262,13 +81263,13 +81264,21 +81265,21 +81266,21 +81267,21 +81268,21 +81269,21 +81270,21 +81271,21 +81272,30 +81273,30 +81274,30 +81275,30 +81276,30 +81277,30 +81278,30 +81279,3 +81280,3 +81281,3 +81282,3 +81283,3 +81284,3 +81285,3 +81286,3 +81287,3 +81288,28 +81289,28 +81290,28 +81291,28 +81292,28 +81293,28 +81294,28 +81295,39 +81296,39 +81297,39 +81298,39 +81299,39 +81300,39 +81301,39 +81302,14 +81303,14 +81304,14 +81305,14 +81306,14 +81307,11 +81308,11 +81309,11 +81310,11 +81311,11 +81312,11 +81313,11 +81314,11 +81315,11 +81316,11 +81317,11 +81318,11 +81319,11 +81320,11 +81321,31 +81322,31 +81323,31 +81324,31 +81325,31 +81326,31 +81327,5 +81328,5 +81329,19 +81330,19 +81331,19 +81332,19 +81333,5 +81334,5 +81335,5 +81336,5 +81337,5 +81338,5 +81339,34 +81340,34 +81341,34 +81342,34 +81343,34 +81344,34 +81345,10 +81346,10 +81347,10 +81348,10 +81349,15 +81350,15 +81351,15 +81352,15 +81353,15 +81354,15 +81355,15 +81356,15 +81357,15 +81358,15 +81359,15 +81360,15 +81361,30 +81362,30 +81363,30 +81364,30 +81365,30 +81366,30 +81367,3 +81368,3 +81369,3 +81370,3 +81371,3 +81372,3 +81373,3 +81374,3 +81375,3 +81376,3 +81377,3 +81378,3 +81379,3 +81380,3 +81381,3 +81382,3 +81383,3 +81384,3 +81385,28 +81386,5 +81387,28 +81388,28 +81389,28 +81390,28 +81391,28 +81392,28 +81393,28 +81394,28 +81395,5 +81396,28 +81397,28 +81398,28 +81399,28 +81400,0 +81401,0 +81402,0 +81403,0 +81404,0 +81405,0 +81406,0 +81407,0 +81408,0 +81409,0 +81410,0 +81411,0 +81412,0 +81413,0 +81414,0 +81415,0 +81416,0 +81417,0 +81418,0 +81419,0 +81420,0 +81421,0 +81422,0 +81423,0 +81424,0 +81425,0 +81426,0 +81427,0 +81428,0 +81429,0 +81430,0 +81431,0 +81432,0 +81433,0 +81434,0 +81435,0 +81436,0 +81437,0 +81438,0 +81439,0 +81440,0 +81441,0 +81442,31 +81443,31 +81444,31 +81445,31 +81446,31 +81447,24 +81448,24 +81449,24 +81450,24 +81451,24 +81452,29 +81453,29 +81454,29 +81455,31 +81456,31 +81457,28 +81458,28 +81459,28 +81460,28 +81461,29 +81462,28 +81463,29 +81464,31 +81465,31 +81466,31 +81467,33 +81468,33 +81469,33 +81470,33 +81471,33 +81472,33 +81473,33 +81474,33 +81475,26 +81476,33 +81477,2 +81478,2 +81479,2 +81480,2 +81481,2 +81482,2 +81483,2 +81484,2 +81485,2 +81486,32 +81487,32 +81488,32 +81489,32 +81490,32 +81491,32 +81492,15 +81493,0 +81494,15 +81495,15 +81496,7 +81497,7 +81498,7 +81499,7 +81500,7 +81501,7 +81502,7 +81503,7 +81504,3 +81505,3 +81506,3 +81507,3 +81508,3 +81509,3 +81510,4 +81511,4 +81512,4 +81513,4 +81514,31 +81515,31 +81516,31 +81517,31 +81518,31 +81519,31 +81520,23 +81521,23 +81522,23 +81523,23 +81524,23 +81525,23 +81526,23 +81527,23 +81528,23 +81529,30 +81530,30 +81531,30 +81532,30 +81533,30 +81534,30 +81535,30 +81536,30 +81537,30 +81538,30 +81539,23 +81540,23 +81541,23 +81542,23 +81543,23 +81544,23 +81545,23 +81546,23 +81547,23 +81548,23 +81549,30 +81550,30 +81551,30 +81552,30 +81553,30 +81554,34 +81555,34 +81556,34 +81557,34 +81558,34 +81559,34 +81560,34 +81561,34 +81562,34 +81563,34 +81564,34 +81565,34 +81566,34 +81567,34 +81568,34 +81569,34 +81570,34 +81571,34 +81572,25 +81573,25 +81574,25 +81575,25 +81576,25 +81577,25 +81578,25 +81579,37 +81580,37 +81581,37 +81582,37 +81583,37 +81584,25 +81585,25 +81586,2 +81587,2 +81588,2 +81589,2 +81590,2 +81591,2 +81592,2 +81593,8 +81594,36 +81595,36 +81596,36 +81597,36 +81598,36 +81599,36 +81600,5 +81601,5 +81602,5 +81603,5 +81604,19 +81605,19 +81606,5 +81607,5 +81608,5 +81609,5 +81610,5 +81611,24 +81612,24 +81613,5 +81614,5 +81615,5 +81616,5 +81617,5 +81618,5 +81619,25 +81620,25 +81621,25 +81622,25 +81623,25 +81624,25 +81625,25 +81626,25 +81627,25 +81628,25 +81629,25 +81630,5 +81631,5 +81632,5 +81633,5 +81634,5 +81635,5 +81636,5 +81637,5 +81638,5 +81639,0 +81640,0 +81641,0 +81642,0 +81643,0 +81644,0 +81645,0 +81646,0 +81647,0 +81648,0 +81649,0 +81650,0 +81651,0 +81652,0 +81653,0 +81654,0 +81655,0 +81656,0 +81657,0 +81658,0 +81659,0 +81660,0 +81661,0 +81662,0 +81663,0 +81664,0 +81665,0 +81666,0 +81667,0 +81668,0 +81669,0 +81670,0 +81671,0 +81672,0 +81673,0 +81674,0 +81675,0 +81676,0 +81677,0 +81678,0 +81679,0 +81680,0 +81681,0 +81682,0 +81683,0 +81684,0 +81685,0 +81686,0 +81687,0 +81688,0 +81689,0 +81690,0 +81691,0 +81692,0 +81693,0 +81694,27 +81695,27 +81696,27 +81697,27 +81698,27 +81699,27 +81700,27 +81701,27 +81702,27 +81703,27 +81704,27 +81705,27 +81706,27 +81707,27 +81708,5 +81709,5 +81710,11 +81711,11 +81712,11 +81713,11 +81714,11 +81715,11 +81716,11 +81717,11 +81718,11 +81719,11 +81720,11 +81721,11 +81722,11 +81723,11 +81724,11 +81725,16 +81726,16 +81727,39 +81728,39 +81729,39 +81730,39 +81731,39 +81732,39 +81733,39 +81734,39 +81735,39 +81736,39 +81737,39 +81738,39 +81739,39 +81740,39 +81741,39 +81742,39 +81743,39 +81744,39 +81745,39 +81746,39 +81747,39 +81748,39 +81749,39 +81750,39 +81751,39 +81752,39 +81753,39 +81754,39 +81755,39 +81756,39 +81757,39 +81758,0 +81759,0 +81760,0 +81761,0 +81762,0 +81763,0 +81764,0 +81765,0 +81766,0 +81767,0 +81768,0 +81769,0 +81770,0 +81771,0 +81772,0 +81773,0 +81774,0 +81775,0 +81776,0 +81777,0 +81778,0 +81779,0 +81780,0 +81781,0 +81782,0 +81783,0 +81784,0 +81785,0 +81786,0 +81787,0 +81788,0 +81789,0 +81790,0 +81791,0 +81792,0 +81793,0 +81794,0 +81795,0 +81796,0 +81797,0 +81798,0 +81799,0 +81800,0 +81801,0 +81802,0 +81803,0 +81804,0 +81805,0 +81806,0 +81807,0 +81808,0 +81809,0 +81810,0 +81811,31 +81812,31 +81813,31 +81814,31 +81815,31 +81816,31 +81817,31 +81818,31 +81819,31 +81820,31 +81821,31 +81822,31 +81823,23 +81824,23 +81825,23 +81826,23 +81827,38 +81828,38 +81829,38 +81830,38 +81831,38 +81832,38 +81833,38 +81834,38 +81835,25 +81836,25 +81837,25 +81838,25 +81839,25 +81840,25 +81841,25 +81842,25 +81843,25 +81844,25 +81845,19 +81846,19 +81847,19 +81848,19 +81849,19 +81850,19 +81851,19 +81852,37 +81853,37 +81854,37 +81855,37 +81856,37 +81857,37 +81858,37 +81859,14 +81860,14 +81861,14 +81862,14 +81863,14 +81864,14 +81865,14 +81866,14 +81867,14 +81868,14 +81869,19 +81870,19 +81871,19 +81872,19 +81873,19 +81874,19 +81875,19 +81876,19 +81877,36 +81878,36 +81879,36 +81880,36 +81881,36 +81882,36 +81883,36 +81884,36 +81885,36 +81886,36 +81887,36 +81888,36 +81889,36 +81890,36 +81891,6 +81892,6 +81893,6 +81894,6 +81895,6 +81896,6 +81897,6 +81898,6 +81899,6 +81900,6 +81901,6 +81902,4 +81903,4 +81904,4 +81905,4 +81906,4 +81907,37 +81908,37 +81909,37 +81910,31 +81911,31 +81912,31 +81913,31 +81914,31 +81915,2 +81916,2 +81917,8 +81918,8 +81919,8 +81920,2 +81921,2 +81922,8 +81923,8 +81924,2 +81925,2 +81926,2 +81927,3 +81928,3 +81929,3 +81930,3 +81931,3 +81932,3 +81933,3 +81934,3 +81935,35 +81936,35 +81937,35 +81938,35 +81939,35 +81940,35 +81941,35 +81942,35 +81943,36 +81944,36 +81945,36 +81946,36 +81947,36 +81948,4 +81949,4 +81950,4 +81951,4 +81952,4 +81953,31 +81954,31 +81955,31 +81956,31 +81957,31 +81958,31 +81959,5 +81960,5 +81961,5 +81962,5 +81963,5 +81964,5 +81965,26 +81966,26 +81967,31 +81968,26 +81969,26 +81970,31 +81971,31 +81972,26 +81973,26 +81974,26 +81975,26 +81976,26 +81977,26 +81978,26 +81979,8 +81980,8 +81981,8 +81982,8 +81983,8 +81984,11 +81985,11 +81986,11 +81987,11 +81988,11 +81989,11 +81990,11 +81991,31 +81992,31 +81993,31 +81994,5 +81995,5 +81996,5 +81997,5 +81998,5 +81999,5 +82000,5 +82001,5 +82002,5 +82003,31 +82004,27 +82005,27 +82006,27 +82007,3 +82008,3 +82009,3 +82010,31 +82011,31 +82012,32 +82013,32 +82014,32 +82015,32 +82016,32 +82017,32 +82018,32 +82019,32 +82020,32 +82021,32 +82022,32 +82023,32 +82024,26 +82025,26 +82026,26 +82027,26 +82028,26 +82029,26 +82030,26 +82031,26 +82032,26 +82033,37 +82034,37 +82035,37 +82036,37 +82037,37 +82038,37 +82039,4 +82040,4 +82041,4 +82042,4 +82043,4 +82044,4 +82045,40 +82046,40 +82047,40 +82048,40 +82049,40 +82050,40 +82051,40 +82052,40 +82053,29 +82054,29 +82055,29 +82056,29 +82057,29 +82058,29 +82059,29 +82060,31 +82061,31 +82062,31 +82063,31 +82064,31 +82065,2 +82066,2 +82067,2 +82068,2 +82069,2 +82070,2 +82071,2 +82072,2 +82073,4 +82074,4 +82075,4 +82076,4 +82077,4 +82078,4 +82079,4 +82080,37 +82081,37 +82082,37 +82083,37 +82084,37 +82085,37 +82086,37 +82087,40 +82088,40 +82089,40 +82090,40 +82091,40 +82092,40 +82093,40 +82094,40 +82095,19 +82096,5 +82097,5 +82098,5 +82099,5 +82100,5 +82101,5 +82102,5 +82103,38 +82104,38 +82105,38 +82106,38 +82107,29 +82108,23 +82109,23 +82110,29 +82111,29 +82112,29 +82113,14 +82114,14 +82115,14 +82116,14 +82117,14 +82118,14 +82119,14 +82120,14 +82121,14 +82122,14 +82123,14 +82124,14 +82125,14 +82126,27 +82127,4 +82128,4 +82129,4 +82130,19 +82131,19 +82132,19 +82133,19 +82134,25 +82135,25 +82136,25 +82137,25 +82138,25 +82139,25 +82140,25 +82141,25 +82142,25 +82143,37 +82144,25 +82145,25 +82146,25 +82147,25 +82148,25 +82149,0 +82150,0 +82151,0 +82152,0 +82153,0 +82154,0 +82155,0 +82156,0 +82157,0 +82158,0 +82159,0 +82160,0 +82161,0 +82162,0 +82163,0 +82164,0 +82165,0 +82166,0 +82167,0 +82168,0 +82169,0 +82170,0 +82171,0 +82172,0 +82173,0 +82174,0 +82175,0 +82176,0 +82177,0 +82178,0 +82179,0 +82180,0 +82181,0 +82182,0 +82183,0 +82184,0 +82185,0 +82186,0 +82187,0 +82188,0 +82189,0 +82190,0 +82191,0 +82192,0 +82193,0 +82194,0 +82195,0 +82196,0 +82197,0 +82198,0 +82199,10 +82200,10 +82201,10 +82202,10 +82203,12 +82204,12 +82205,12 +82206,12 +82207,12 +82208,12 +82209,12 +82210,12 +82211,12 +82212,31 +82213,31 +82214,31 +82215,31 +82216,8 +82217,8 +82218,8 +82219,8 +82220,8 +82221,8 +82222,8 +82223,8 +82224,8 +82225,8 +82226,19 +82227,19 +82228,19 +82229,19 +82230,19 +82231,19 +82232,19 +82233,19 +82234,19 +82235,27 +82236,27 +82237,31 +82238,31 +82239,31 +82240,31 +82241,31 +82242,16 +82243,16 +82244,16 +82245,16 +82246,16 +82247,16 +82248,16 +82249,16 +82250,16 +82251,16 +82252,35 +82253,4 +82254,4 +82255,4 +82256,4 +82257,4 +82258,4 +82259,4 +82260,25 +82261,25 +82262,25 +82263,25 +82264,25 +82265,25 +82266,25 +82267,25 +82268,25 +82269,37 +82270,37 +82271,28 +82272,28 +82273,28 +82274,28 +82275,28 +82276,31 +82277,31 +82278,31 +82279,31 +82280,31 +82281,5 +82282,5 +82283,5 +82284,5 +82285,5 +82286,5 +82287,19 +82288,19 +82289,31 +82290,19 +82291,19 +82292,19 +82293,19 +82294,19 +82295,19 +82296,19 +82297,19 +82298,21 +82299,33 +82300,33 +82301,33 +82302,33 +82303,25 +82304,25 +82305,25 +82306,25 +82307,25 +82308,25 +82309,30 +82310,30 +82311,30 +82312,30 +82313,31 +82314,31 +82315,31 +82316,31 +82317,31 +82318,2 +82319,2 +82320,2 +82321,2 +82322,2 +82323,2 +82324,2 +82325,2 +82326,2 +82327,2 +82328,2 +82329,2 +82330,14 +82331,14 +82332,14 +82333,14 +82334,14 +82335,14 +82336,14 +82337,14 +82338,14 +82339,14 +82340,14 +82341,14 +82342,4 +82343,4 +82344,4 +82345,4 +82346,28 +82347,28 +82348,28 +82349,28 +82350,28 +82351,28 +82352,28 +82353,28 +82354,28 +82355,10 +82356,10 +82357,10 +82358,10 +82359,10 +82360,10 +82361,10 +82362,10 +82363,10 +82364,10 +82365,10 +82366,10 +82367,6 +82368,6 +82369,6 +82370,6 +82371,6 +82372,6 +82373,6 +82374,6 +82375,31 +82376,33 +82377,33 +82378,33 +82379,33 +82380,33 +82381,33 +82382,33 +82383,33 +82384,30 +82385,30 +82386,33 +82387,33 +82388,30 +82389,33 +82390,33 +82391,35 +82392,30 +82393,30 +82394,30 +82395,30 +82396,30 +82397,35 +82398,35 +82399,35 +82400,35 +82401,35 +82402,35 +82403,35 +82404,35 +82405,35 +82406,35 +82407,0 +82408,0 +82409,0 +82410,0 +82411,0 +82412,0 +82413,0 +82414,0 +82415,0 +82416,0 +82417,0 +82418,0 +82419,0 +82420,0 +82421,0 +82422,0 +82423,0 +82424,31 +82425,31 +82426,31 +82427,31 +82428,31 +82429,31 +82430,31 +82431,31 +82432,32 +82433,32 +82434,32 +82435,32 +82436,32 +82437,32 +82438,32 +82439,0 +82440,0 +82441,29 +82442,29 +82443,29 +82444,29 +82445,29 +82446,39 +82447,39 +82448,39 +82449,39 +82450,39 +82451,39 +82452,39 +82453,39 +82454,39 +82455,39 +82456,7 +82457,7 +82458,7 +82459,7 +82460,7 +82461,7 +82462,7 +82463,7 +82464,7 +82465,3 +82466,3 +82467,3 +82468,3 +82469,3 +82470,3 +82471,3 +82472,3 +82473,6 +82474,6 +82475,6 +82476,6 +82477,6 +82478,6 +82479,6 +82480,6 +82481,6 +82482,6 +82483,6 +82484,6 +82485,26 +82486,26 +82487,26 +82488,26 +82489,26 +82490,26 +82491,26 +82492,26 +82493,26 +82494,26 +82495,26 +82496,26 +82497,26 +82498,26 +82499,5 +82500,5 +82501,5 +82502,5 +82503,5 +82504,5 +82505,4 +82506,4 +82507,31 +82508,31 +82509,31 +82510,31 +82511,31 +82512,31 +82513,19 +82514,19 +82515,19 +82516,19 +82517,19 +82518,19 +82519,19 +82520,19 +82521,19 +82522,9 +82523,9 +82524,9 +82525,9 +82526,9 +82527,9 +82528,9 +82529,9 +82530,9 +82531,9 +82532,9 +82533,9 +82534,9 +82535,9 +82536,9 +82537,9 +82538,9 +82539,9 +82540,9 +82541,2 +82542,26 +82543,2 +82544,2 +82545,2 +82546,2 +82547,2 +82548,2 +82549,2 +82550,2 +82551,2 +82552,2 +82553,2 +82554,2 +82555,2 +82556,27 +82557,27 +82558,27 +82559,27 +82560,31 +82561,31 +82562,31 +82563,31 +82564,31 +82565,31 +82566,5 +82567,5 +82568,5 +82569,5 +82570,5 +82571,5 +82572,5 +82573,5 +82574,5 +82575,5 +82576,5 +82577,5 +82578,5 +82579,5 +82580,5 +82581,5 +82582,5 +82583,5 +82584,0 +82585,0 +82586,0 +82587,0 +82588,0 +82589,0 +82590,0 +82591,0 +82592,0 +82593,0 +82594,0 +82595,0 +82596,0 +82597,0 +82598,0 +82599,0 +82600,0 +82601,0 +82602,0 +82603,0 +82604,0 +82605,0 +82606,0 +82607,0 +82608,0 +82609,0 +82610,0 +82611,0 +82612,0 +82613,0 +82614,0 +82615,0 +82616,0 +82617,0 +82618,0 +82619,0 +82620,0 +82621,0 +82622,0 +82623,0 +82624,0 +82625,0 +82626,0 +82627,0 +82628,0 +82629,0 +82630,0 +82631,0 +82632,0 +82633,0 +82634,0 +82635,0 +82636,36 +82637,36 +82638,36 +82639,36 +82640,36 +82641,36 +82642,36 +82643,36 +82644,36 +82645,36 +82646,36 +82647,36 +82648,36 +82649,36 +82650,36 +82651,36 +82652,36 +82653,40 +82654,5 +82655,5 +82656,5 +82657,5 +82658,5 +82659,5 +82660,5 +82661,19 +82662,19 +82663,19 +82664,19 +82665,19 +82666,19 +82667,0 +82668,0 +82669,0 +82670,0 +82671,0 +82672,0 +82673,0 +82674,0 +82675,0 +82676,0 +82677,0 +82678,0 +82679,0 +82680,0 +82681,0 +82682,0 +82683,0 +82684,0 +82685,0 +82686,0 +82687,0 +82688,0 +82689,10 +82690,10 +82691,10 +82692,34 +82693,34 +82694,34 +82695,34 +82696,34 +82697,34 +82698,34 +82699,34 +82700,34 +82701,34 +82702,34 +82703,34 +82704,34 +82705,34 +82706,34 +82707,34 +82708,34 +82709,4 +82710,4 +82711,4 +82712,4 +82713,4 +82714,4 +82715,4 +82716,4 +82717,4 +82718,2 +82719,2 +82720,2 +82721,2 +82722,2 +82723,2 +82724,2 +82725,2 +82726,2 +82727,2 +82728,2 +82729,2 +82730,2 +82731,2 +82732,2 +82733,2 +82734,2 +82735,10 +82736,10 +82737,10 +82738,10 +82739,10 +82740,10 +82741,10 +82742,10 +82743,10 +82744,10 +82745,10 +82746,10 +82747,10 +82748,10 +82749,10 +82750,10 +82751,10 +82752,10 +82753,10 +82754,10 +82755,10 +82756,10 +82757,10 +82758,10 +82759,10 +82760,10 +82761,10 +82762,10 +82763,10 +82764,10 +82765,10 +82766,27 +82767,27 +82768,27 +82769,19 +82770,19 +82771,19 +82772,19 +82773,19 +82774,19 +82775,19 +82776,19 +82777,19 +82778,19 +82779,19 +82780,19 +82781,19 +82782,0 +82783,0 +82784,0 +82785,0 +82786,0 +82787,0 +82788,0 +82789,0 +82790,0 +82791,0 +82792,0 +82793,0 +82794,0 +82795,0 +82796,0 +82797,0 +82798,0 +82799,0 +82800,0 +82801,0 +82802,0 +82803,0 +82804,0 +82805,0 +82806,0 +82807,0 +82808,0 +82809,0 +82810,0 +82811,0 +82812,0 +82813,0 +82814,0 +82815,0 +82816,0 +82817,0 +82818,0 +82819,0 +82820,0 +82821,0 +82822,0 +82823,0 +82824,0 +82825,0 +82826,0 +82827,0 +82828,0 +82829,0 +82830,0 +82831,0 +82832,0 +82833,0 +82834,0 +82835,0 +82836,36 +82837,36 +82838,36 +82839,36 +82840,36 +82841,36 +82842,36 +82843,5 +82844,5 +82845,5 +82846,19 +82847,5 +82848,5 +82849,30 +82850,30 +82851,30 +82852,30 +82853,30 +82854,30 +82855,30 +82856,30 +82857,30 +82858,14 +82859,14 +82860,14 +82861,14 +82862,14 +82863,14 +82864,14 +82865,14 +82866,14 +82867,14 +82868,19 +82869,19 +82870,19 +82871,19 +82872,28 +82873,28 +82874,28 +82875,28 +82876,28 +82877,28 +82878,28 +82879,10 +82880,10 +82881,10 +82882,10 +82883,10 +82884,10 +82885,10 +82886,10 +82887,10 +82888,32 +82889,28 +82890,32 +82891,32 +82892,32 +82893,32 +82894,32 +82895,32 +82896,32 +82897,32 +82898,32 +82899,32 +82900,32 +82901,32 +82902,30 +82903,30 +82904,30 +82905,30 +82906,36 +82907,36 +82908,36 +82909,36 +82910,36 +82911,36 +82912,36 +82913,36 +82914,36 +82915,36 +82916,36 +82917,36 +82918,5 +82919,5 +82920,5 +82921,5 +82922,5 +82923,5 +82924,5 +82925,8 +82926,8 +82927,8 +82928,8 +82929,8 +82930,8 +82931,31 +82932,31 +82933,31 +82934,31 +82935,31 +82936,6 +82937,6 +82938,6 +82939,6 +82940,6 +82941,6 +82942,6 +82943,6 +82944,6 +82945,6 +82946,6 +82947,6 +82948,9 +82949,9 +82950,9 +82951,9 +82952,9 +82953,9 +82954,9 +82955,9 +82956,37 +82957,37 +82958,37 +82959,37 +82960,37 +82961,19 +82962,19 +82963,19 +82964,19 +82965,27 +82966,27 +82967,27 +82968,27 +82969,13 +82970,28 +82971,28 +82972,28 +82973,28 +82974,13 +82975,28 +82976,28 +82977,28 +82978,13 +82979,30 +82980,30 +82981,30 +82982,30 +82983,30 +82984,30 +82985,30 +82986,30 +82987,39 +82988,39 +82989,39 +82990,39 +82991,39 +82992,39 +82993,39 +82994,39 +82995,39 +82996,39 +82997,39 +82998,39 +82999,39 +83000,39 +83001,39 +83002,39 +83003,39 +83004,39 +83005,39 +83006,39 +83007,39 +83008,39 +83009,39 +83010,0 +83011,0 +83012,0 +83013,0 +83014,0 +83015,0 +83016,0 +83017,0 +83018,0 +83019,0 +83020,0 +83021,0 +83022,0 +83023,0 +83024,0 +83025,0 +83026,0 +83027,0 +83028,0 +83029,0 +83030,0 +83031,0 +83032,0 +83033,0 +83034,0 +83035,0 +83036,0 +83037,0 +83038,0 +83039,0 +83040,0 +83041,0 +83042,0 +83043,0 +83044,0 +83045,0 +83046,0 +83047,0 +83048,0 +83049,0 +83050,0 +83051,0 +83052,0 +83053,0 +83054,0 +83055,0 +83056,0 +83057,0 +83058,0 +83059,0 +83060,0 +83061,0 +83062,0 +83063,0 +83064,0 +83065,0 +83066,12 +83067,12 +83068,12 +83069,12 +83070,12 +83071,12 +83072,31 +83073,31 +83074,31 +83075,40 +83076,5 +83077,5 +83078,5 +83079,5 +83080,29 +83081,5 +83082,29 +83083,29 +83084,29 +83085,31 +83086,31 +83087,31 +83088,31 +83089,31 +83090,11 +83091,11 +83092,11 +83093,11 +83094,11 +83095,11 +83096,11 +83097,11 +83098,11 +83099,11 +83100,11 +83101,11 +83102,11 +83103,11 +83104,11 +83105,9 +83106,9 +83107,9 +83108,9 +83109,9 +83110,9 +83111,9 +83112,37 +83113,37 +83114,37 +83115,37 +83116,37 +83117,37 +83118,37 +83119,37 +83120,37 +83121,37 +83122,2 +83123,2 +83124,2 +83125,2 +83126,2 +83127,2 +83128,2 +83129,2 +83130,2 +83131,2 +83132,2 +83133,2 +83134,2 +83135,2 +83136,9 +83137,9 +83138,12 +83139,12 +83140,9 +83141,9 +83142,9 +83143,9 +83144,9 +83145,9 +83146,9 +83147,9 +83148,9 +83149,9 +83150,37 +83151,37 +83152,37 +83153,37 +83154,37 +83155,37 +83156,37 +83157,28 +83158,28 +83159,28 +83160,28 +83161,28 +83162,28 +83163,28 +83164,28 +83165,28 +83166,12 +83167,12 +83168,12 +83169,12 +83170,31 +83171,31 +83172,31 +83173,31 +83174,8 +83175,8 +83176,2 +83177,2 +83178,2 +83179,2 +83180,2 +83181,2 +83182,2 +83183,2 +83184,2 +83185,2 +83186,2 +83187,2 +83188,36 +83189,36 +83190,36 +83191,36 +83192,36 +83193,36 +83194,36 +83195,36 +83196,36 +83197,36 +83198,36 +83199,36 +83200,24 +83201,24 +83202,24 +83203,24 +83204,24 +83205,27 +83206,27 +83207,27 +83208,27 +83209,27 +83210,18 +83211,18 +83212,18 +83213,18 +83214,18 +83215,18 +83216,18 +83217,18 +83218,18 +83219,31 +83220,31 +83221,31 +83222,31 +83223,31 +83224,27 +83225,27 +83226,27 +83227,27 +83228,27 +83229,27 +83230,27 +83231,27 +83232,27 +83233,8 +83234,31 +83235,31 +83236,31 +83237,8 +83238,8 +83239,8 +83240,8 +83241,8 +83242,8 +83243,8 +83244,8 +83245,2 +83246,2 +83247,2 +83248,2 +83249,2 +83250,2 +83251,2 +83252,2 +83253,2 +83254,2 +83255,2 +83256,2 +83257,2 +83258,2 +83259,2 +83260,2 +83261,2 +83262,2 +83263,0 +83264,0 +83265,0 +83266,0 +83267,0 +83268,0 +83269,0 +83270,0 +83271,0 +83272,0 +83273,23 +83274,0 +83275,0 +83276,0 +83277,0 +83278,0 +83279,0 +83280,0 +83281,0 +83282,0 +83283,0 +83284,0 +83285,0 +83286,0 +83287,0 +83288,0 +83289,0 +83290,0 +83291,0 +83292,0 +83293,0 +83294,35 +83295,35 +83296,35 +83297,35 +83298,35 +83299,3 +83300,3 +83301,33 +83302,33 +83303,33 +83304,33 +83305,3 +83306,3 +83307,3 +83308,3 +83309,22 +83310,22 +83311,22 +83312,22 +83313,22 +83314,22 +83315,19 +83316,19 +83317,19 +83318,19 +83319,6 +83320,6 +83321,6 +83322,6 +83323,6 +83324,6 +83325,6 +83326,6 +83327,6 +83328,31 +83329,31 +83330,31 +83331,31 +83332,31 +83333,31 +83334,31 +83335,31 +83336,31 +83337,31 +83338,30 +83339,30 +83340,30 +83341,28 +83342,28 +83343,28 +83344,28 +83345,19 +83346,4 +83347,4 +83348,3 +83349,3 +83350,3 +83351,3 +83352,31 +83353,29 +83354,29 +83355,29 +83356,29 +83357,29 +83358,29 +83359,29 +83360,39 +83361,39 +83362,39 +83363,39 +83364,39 +83365,39 +83366,39 +83367,39 +83368,39 +83369,39 +83370,39 +83371,39 +83372,37 +83373,37 +83374,37 +83375,37 +83376,37 +83377,37 +83378,37 +83379,37 +83380,37 +83381,3 +83382,3 +83383,3 +83384,3 +83385,3 +83386,3 +83387,3 +83388,3 +83389,3 +83390,3 +83391,3 +83392,39 +83393,39 +83394,39 +83395,39 +83396,39 +83397,39 +83398,39 +83399,4 +83400,4 +83401,4 +83402,4 +83403,4 +83404,4 +83405,4 +83406,4 +83407,4 +83408,4 +83409,4 +83410,37 +83411,37 +83412,37 +83413,37 +83414,37 +83415,37 +83416,37 +83417,14 +83418,14 +83419,14 +83420,14 +83421,14 +83422,14 +83423,14 +83424,14 +83425,14 +83426,14 +83427,14 +83428,14 +83429,14 +83430,14 +83431,14 +83432,14 +83433,14 +83434,19 +83435,19 +83436,19 +83437,19 +83438,19 +83439,19 +83440,19 +83441,19 +83442,19 +83443,19 +83444,19 +83445,19 +83446,19 +83447,19 +83448,19 +83449,19 +83450,5 +83451,0 +83452,0 +83453,0 +83454,0 +83455,0 +83456,0 +83457,0 +83458,0 +83459,0 +83460,0 +83461,0 +83462,0 +83463,0 +83464,0 +83465,0 +83466,0 +83467,0 +83468,0 +83469,0 +83470,0 +83471,0 +83472,0 +83473,0 +83474,0 +83475,0 +83476,0 +83477,0 +83478,0 +83479,0 +83480,0 +83481,0 +83482,0 +83483,0 +83484,0 +83485,0 +83486,32 +83487,23 +83488,23 +83489,23 +83490,23 +83491,23 +83492,25 +83493,25 +83494,25 +83495,28 +83496,28 +83497,28 +83498,28 +83499,28 +83500,28 +83501,28 +83502,29 +83503,29 +83504,29 +83505,31 +83506,31 +83507,31 +83508,31 +83509,21 +83510,21 +83511,21 +83512,21 +83513,21 +83514,37 +83515,37 +83516,37 +83517,37 +83518,37 +83519,37 +83520,14 +83521,14 +83522,14 +83523,14 +83524,14 +83525,14 +83526,14 +83527,14 +83528,14 +83529,6 +83530,6 +83531,6 +83532,6 +83533,6 +83534,6 +83535,6 +83536,6 +83537,6 +83538,6 +83539,6 +83540,6 +83541,7 +83542,7 +83543,39 +83544,39 +83545,28 +83546,28 +83547,28 +83548,28 +83549,28 +83550,28 +83551,14 +83552,14 +83553,14 +83554,14 +83555,14 +83556,14 +83557,14 +83558,14 +83559,14 +83560,14 +83561,5 +83562,5 +83563,5 +83564,25 +83565,25 +83566,25 +83567,25 +83568,4 +83569,4 +83570,4 +83571,4 +83572,4 +83573,4 +83574,4 +83575,39 +83576,39 +83577,39 +83578,39 +83579,39 +83580,39 +83581,39 +83582,39 +83583,39 +83584,39 +83585,39 +83586,8 +83587,8 +83588,8 +83589,8 +83590,8 +83591,8 +83592,8 +83593,8 +83594,2 +83595,2 +83596,2 +83597,2 +83598,2 +83599,31 +83600,31 +83601,31 +83602,31 +83603,31 +83604,31 +83605,31 +83606,31 +83607,24 +83608,24 +83609,24 +83610,24 +83611,24 +83612,29 +83613,29 +83614,29 +83615,29 +83616,29 +83617,29 +83618,14 +83619,14 +83620,39 +83621,39 +83622,39 +83623,39 +83624,39 +83625,39 +83626,14 +83627,14 +83628,5 +83629,5 +83630,5 +83631,5 +83632,5 +83633,5 +83634,5 +83635,5 +83636,11 +83637,11 +83638,16 +83639,16 +83640,16 +83641,11 +83642,11 +83643,11 +83644,16 +83645,16 +83646,11 +83647,22 +83648,22 +83649,22 +83650,22 +83651,37 +83652,37 +83653,37 +83654,37 +83655,37 +83656,37 +83657,37 +83658,37 +83659,37 +83660,37 +83661,37 +83662,37 +83663,37 +83664,39 +83665,39 +83666,39 +83667,39 +83668,39 +83669,39 +83670,39 +83671,37 +83672,37 +83673,37 +83674,37 +83675,37 +83676,37 +83677,25 +83678,25 +83679,25 +83680,25 +83681,25 +83682,25 +83683,25 +83684,25 +83685,25 +83686,25 +83687,0 +83688,0 +83689,0 +83690,0 +83691,0 +83692,0 +83693,0 +83694,0 +83695,0 +83696,0 +83697,0 +83698,0 +83699,0 +83700,0 +83701,0 +83702,0 +83703,0 +83704,0 +83705,0 +83706,0 +83707,0 +83708,0 +83709,0 +83710,0 +83711,0 +83712,0 +83713,0 +83714,0 +83715,0 +83716,0 +83717,0 +83718,0 +83719,0 +83720,0 +83721,0 +83722,0 +83723,0 +83724,0 +83725,0 +83726,0 +83727,0 +83728,0 +83729,0 +83730,0 +83731,0 +83732,0 +83733,0 +83734,0 +83735,0 +83736,0 +83737,0 +83738,0 +83739,0 +83740,0 +83741,0 +83742,0 +83743,0 +83744,32 +83745,32 +83746,32 +83747,32 +83748,32 +83749,32 +83750,32 +83751,31 +83752,31 +83753,31 +83754,31 +83755,31 +83756,31 +83757,31 +83758,15 +83759,15 +83760,15 +83761,15 +83762,15 +83763,30 +83764,30 +83765,30 +83766,30 +83767,30 +83768,30 +83769,22 +83770,22 +83771,22 +83772,22 +83773,22 +83774,22 +83775,22 +83776,22 +83777,6 +83778,6 +83779,6 +83780,6 +83781,32 +83782,6 +83783,6 +83784,32 +83785,32 +83786,6 +83787,6 +83788,32 +83789,32 +83790,32 +83791,37 +83792,37 +83793,37 +83794,37 +83795,37 +83796,37 +83797,26 +83798,26 +83799,26 +83800,26 +83801,36 +83802,36 +83803,36 +83804,36 +83805,36 +83806,36 +83807,2 +83808,2 +83809,2 +83810,2 +83811,2 +83812,2 +83813,2 +83814,2 +83815,2 +83816,2 +83817,2 +83818,2 +83819,39 +83820,39 +83821,39 +83822,39 +83823,6 +83824,6 +83825,6 +83826,6 +83827,6 +83828,6 +83829,6 +83830,6 +83831,6 +83832,6 +83833,6 +83834,6 +83835,39 +83836,39 +83837,39 +83838,39 +83839,39 +83840,39 +83841,27 +83842,27 +83843,27 +83844,27 +83845,25 +83846,25 +83847,25 +83848,25 +83849,25 +83850,25 +83851,25 +83852,25 +83853,25 +83854,25 +83855,25 +83856,25 +83857,25 +83858,25 +83859,25 +83860,25 +83861,25 +83862,25 +83863,25 +83864,25 +83865,25 +83866,25 +83867,25 +83868,25 +83869,25 +83870,25 +83871,25 +83872,25 +83873,25 +83874,36 +83875,36 +83876,36 +83877,36 +83878,36 +83879,36 +83880,36 +83881,36 +83882,36 +83883,5 +83884,5 +83885,5 +83886,5 +83887,5 +83888,5 +83889,19 +83890,19 +83891,19 +83892,19 +83893,19 +83894,27 +83895,27 +83896,27 +83897,27 +83898,27 +83899,27 +83900,4 +83901,4 +83902,4 +83903,4 +83904,4 +83905,4 +83906,4 +83907,4 +83908,4 +83909,4 +83910,4 +83911,4 +83912,4 +83913,4 +83914,4 +83915,25 +83916,25 +83917,25 +83918,25 +83919,25 +83920,25 +83921,25 +83922,28 +83923,28 +83924,28 +83925,28 +83926,28 +83927,28 +83928,27 +83929,27 +83930,27 +83931,27 +83932,13 +83933,13 +83934,13 +83935,13 +83936,13 +83937,13 +83938,13 +83939,13 +83940,18 +83941,18 +83942,18 +83943,18 +83944,18 +83945,18 +83946,18 +83947,18 +83948,18 +83949,18 +83950,25 +83951,25 +83952,25 +83953,25 +83954,25 +83955,25 +83956,25 +83957,37 +83958,37 +83959,37 +83960,37 +83961,37 +83962,37 +83963,37 +83964,37 +83965,37 +83966,39 +83967,39 +83968,39 +83969,39 +83970,39 +83971,39 +83972,39 +83973,39 +83974,39 +83975,39 +83976,39 +83977,39 +83978,39 +83979,39 +83980,39 +83981,39 +83982,39 +83983,39 +83984,39 +83985,39 +83986,39 +83987,39 +83988,39 +83989,39 +83990,0 +83991,0 +83992,0 +83993,0 +83994,0 +83995,0 +83996,0 +83997,0 +83998,0 +83999,0 +84000,0 +84001,0 +84002,0 +84003,0 +84004,0 +84005,0 +84006,0 +84007,0 +84008,0 +84009,0 +84010,0 +84011,0 +84012,0 +84013,0 +84014,0 +84015,2 +84016,2 +84017,2 +84018,2 +84019,2 +84020,2 +84021,2 +84022,2 +84023,2 +84024,2 +84025,2 +84026,2 +84027,2 +84028,2 +84029,2 +84030,2 +84031,2 +84032,2 +84033,2 +84034,2 +84035,2 +84036,2 +84037,2 +84038,36 +84039,36 +84040,36 +84041,36 +84042,36 +84043,36 +84044,36 +84045,36 +84046,36 +84047,36 +84048,36 +84049,36 +84050,36 +84051,36 +84052,36 +84053,4 +84054,4 +84055,4 +84056,4 +84057,4 +84058,4 +84059,4 +84060,4 +84061,40 +84062,40 +84063,40 +84064,40 +84065,40 +84066,40 +84067,40 +84068,40 +84069,40 +84070,40 +84071,40 +84072,40 +84073,24 +84074,24 +84075,24 +84076,24 +84077,24 +84078,24 +84079,24 +84080,24 +84081,24 +84082,37 +84083,37 +84084,37 +84085,37 +84086,37 +84087,39 +84088,39 +84089,39 +84090,39 +84091,39 +84092,19 +84093,19 +84094,19 +84095,19 +84096,19 +84097,19 +84098,19 +84099,19 +84100,40 +84101,40 +84102,14 +84103,14 +84104,14 +84105,14 +84106,14 +84107,14 +84108,14 +84109,14 +84110,14 +84111,14 +84112,14 +84113,14 +84114,14 +84115,14 +84116,14 +84117,14 +84118,14 +84119,14 +84120,14 +84121,14 +84122,14 +84123,14 +84124,14 +84125,14 +84126,14 +84127,14 +84128,14 +84129,14 +84130,14 +84131,14 +84132,14 +84133,14 +84134,14 +84135,14 +84136,39 +84137,39 +84138,39 +84139,39 +84140,0 +84141,0 +84142,0 +84143,0 +84144,0 +84145,0 +84146,0 +84147,0 +84148,0 +84149,0 +84150,0 +84151,0 +84152,0 +84153,0 +84154,0 +84155,0 +84156,0 +84157,0 +84158,0 +84159,0 +84160,0 +84161,0 +84162,0 +84163,0 +84164,0 +84165,0 +84166,0 +84167,0 +84168,0 +84169,0 +84170,0 +84171,0 +84172,0 +84173,0 +84174,0 +84175,0 +84176,0 +84177,0 +84178,0 +84179,0 +84180,0 +84181,0 +84182,0 +84183,0 +84184,0 +84185,0 +84186,0 +84187,0 +84188,0 +84189,0 +84190,0 +84191,0 +84192,0 +84193,0 +84194,0 +84195,0 +84196,0 +84197,0 +84198,0 +84199,0 +84200,0 +84201,29 +84202,29 +84203,29 +84204,40 +84205,40 +84206,40 +84207,40 +84208,40 +84209,37 +84210,37 +84211,37 +84212,37 +84213,25 +84214,25 +84215,25 +84216,25 +84217,8 +84218,8 +84219,8 +84220,8 +84221,8 +84222,8 +84223,30 +84224,30 +84225,30 +84226,30 +84227,30 +84228,30 +84229,27 +84230,27 +84231,27 +84232,27 +84233,27 +84234,27 +84235,27 +84236,27 +84237,27 +84238,2 +84239,2 +84240,2 +84241,2 +84242,2 +84243,2 +84244,2 +84245,2 +84246,2 +84247,2 +84248,2 +84249,2 +84250,2 +84251,8 +84252,8 +84253,8 +84254,8 +84255,8 +84256,8 +84257,8 +84258,4 +84259,4 +84260,4 +84261,4 +84262,4 +84263,2 +84264,2 +84265,2 +84266,12 +84267,12 +84268,12 +84269,12 +84270,12 +84271,12 +84272,12 +84273,12 +84274,40 +84275,40 +84276,27 +84277,27 +84278,27 +84279,5 +84280,5 +84281,4 +84282,4 +84283,4 +84284,5 +84285,19 +84286,23 +84287,23 +84288,23 +84289,23 +84290,23 +84291,23 +84292,23 +84293,23 +84294,23 +84295,23 +84296,23 +84297,23 +84298,23 +84299,23 +84300,23 +84301,23 +84302,9 +84303,9 +84304,9 +84305,9 +84306,9 +84307,9 +84308,9 +84309,9 +84310,9 +84311,37 +84312,37 +84313,37 +84314,37 +84315,37 +84316,37 +84317,37 +84318,37 +84319,37 +84320,37 +84321,25 +84322,25 +84323,38 +84324,38 +84325,38 +84326,38 +84327,38 +84328,38 +84329,38 +84330,38 +84331,38 +84332,0 +84333,0 +84334,0 +84335,40 +84336,40 +84337,40 +84338,40 +84339,40 +84340,40 +84341,40 +84342,40 +84343,40 +84344,40 +84345,40 +84346,24 +84347,24 +84348,24 +84349,24 +84350,24 +84351,24 +84352,24 +84353,37 +84354,37 +84355,37 +84356,37 +84357,37 +84358,37 +84359,39 +84360,39 +84361,39 +84362,39 +84363,39 +84364,39 +84365,39 +84366,39 +84367,39 +84368,39 +84369,39 +84370,39 +84371,39 +84372,39 +84373,39 +84374,39 +84375,39 +84376,39 +84377,39 +84378,39 +84379,24 +84380,24 +84381,24 +84382,24 +84383,24 +84384,24 +84385,24 +84386,19 +84387,19 +84388,19 +84389,19 +84390,32 +84391,27 +84392,27 +84393,27 +84394,27 +84395,27 +84396,27 +84397,27 +84398,27 +84399,27 +84400,27 +84401,13 +84402,13 +84403,13 +84404,13 +84405,13 +84406,13 +84407,13 +84408,13 +84409,13 +84410,13 +84411,13 +84412,13 +84413,13 +84414,13 +84415,13 +84416,13 +84417,13 +84418,13 +84419,13 +84420,5 +84421,0 +84422,0 +84423,0 +84424,0 +84425,0 +84426,0 +84427,0 +84428,0 +84429,0 +84430,0 +84431,0 +84432,0 +84433,0 +84434,0 +84435,0 +84436,0 +84437,0 +84438,0 +84439,0 +84440,0 +84441,0 +84442,0 +84443,0 +84444,0 +84445,0 +84446,0 +84447,0 +84448,0 +84449,0 +84450,0 +84451,0 +84452,0 +84453,0 +84454,0 +84455,0 +84456,0 +84457,0 +84458,0 +84459,36 +84460,36 +84461,36 +84462,36 +84463,36 +84464,36 +84465,36 +84466,36 +84467,36 +84468,36 +84469,36 +84470,5 +84471,5 +84472,5 +84473,5 +84474,5 +84475,5 +84476,5 +84477,5 +84478,19 +84479,19 +84480,19 +84481,19 +84482,19 +84483,19 +84484,35 +84485,35 +84486,35 +84487,35 +84488,35 +84489,35 +84490,35 +84491,35 +84492,35 +84493,35 +84494,35 +84495,39 +84496,39 +84497,39 +84498,39 +84499,39 +84500,39 +84501,39 +84502,39 +84503,39 +84504,39 +84505,39 +84506,39 +84507,15 +84508,15 +84509,15 +84510,15 +84511,15 +84512,27 +84513,27 +84514,27 +84515,27 +84516,27 +84517,27 +84518,39 +84519,39 +84520,27 +84521,39 +84522,39 +84523,27 +84524,27 +84525,27 +84526,13 +84527,13 +84528,13 +84529,13 +84530,13 +84531,13 +84532,13 +84533,13 +84534,35 +84535,35 +84536,35 +84537,35 +84538,35 +84539,35 +84540,35 +84541,35 +84542,35 +84543,35 +84544,35 +84545,35 +84546,25 +84547,25 +84548,25 +84549,25 +84550,25 +84551,25 +84552,25 +84553,25 +84554,31 +84555,31 +84556,31 +84557,31 +84558,31 +84559,31 +84560,14 +84561,14 +84562,19 +84563,19 +84564,19 +84565,19 +84566,23 +84567,23 +84568,23 +84569,23 +84570,23 +84571,23 +84572,2 +84573,27 +84574,23 +84575,25 +84576,25 +84577,25 +84578,25 +84579,25 +84580,25 +84581,25 +84582,4 +84583,4 +84584,4 +84585,4 +84586,4 +84587,4 +84588,4 +84589,4 +84590,4 +84591,4 +84592,4 +84593,4 +84594,10 +84595,10 +84596,10 +84597,10 +84598,10 +84599,10 +84600,10 +84601,10 +84602,10 +84603,10 +84604,10 +84605,10 +84606,10 +84607,10 +84608,10 +84609,10 +84610,10 +84611,10 +84612,10 +84613,10 +84614,10 +84615,10 +84616,28 +84617,28 +84618,28 +84619,28 +84620,28 +84621,28 +84622,28 +84623,28 +84624,28 +84625,28 +84626,28 +84627,28 +84628,28 +84629,40 +84630,40 +84631,40 +84632,40 +84633,40 +84634,40 +84635,40 +84636,40 +84637,40 +84638,40 +84639,5 +84640,5 +84641,5 +84642,5 +84643,5 +84644,5 +84645,5 +84646,5 +84647,5 +84648,5 +84649,5 +84650,5 +84651,26 +84652,26 +84653,26 +84654,26 +84655,26 +84656,26 +84657,26 +84658,26 +84659,26 +84660,9 +84661,9 +84662,4 +84663,4 +84664,4 +84665,4 +84666,4 +84667,6 +84668,6 +84669,6 +84670,6 +84671,6 +84672,6 +84673,6 +84674,6 +84675,6 +84676,6 +84677,6 +84678,6 +84679,6 +84680,6 +84681,6 +84682,40 +84683,40 +84684,40 +84685,40 +84686,37 +84687,37 +84688,37 +84689,37 +84690,37 +84691,37 +84692,27 +84693,27 +84694,27 +84695,27 +84696,27 +84697,27 +84698,27 +84699,13 +84700,13 +84701,13 +84702,13 +84703,13 +84704,13 +84705,13 +84706,13 +84707,19 +84708,19 +84709,19 +84710,19 +84711,19 +84712,35 +84713,35 +84714,35 +84715,35 +84716,35 +84717,35 +84718,35 +84719,35 +84720,35 +84721,35 +84722,35 +84723,35 +84724,35 +84725,35 +84726,36 +84727,36 +84728,36 +84729,34 +84730,36 +84731,36 +84732,24 +84733,24 +84734,24 +84735,24 +84736,24 +84737,24 +84738,27 +84739,27 +84740,27 +84741,27 +84742,27 +84743,4 +84744,4 +84745,4 +84746,4 +84747,4 +84748,4 +84749,4 +84750,4 +84751,4 +84752,4 +84753,0 +84754,0 +84755,0 +84756,0 +84757,0 +84758,0 +84759,0 +84760,0 +84761,23 +84762,23 +84763,32 +84764,0 +84765,0 +84766,0 +84767,0 +84768,0 +84769,32 +84770,32 +84771,30 +84772,32 +84773,32 +84774,22 +84775,31 +84776,31 +84777,31 +84778,31 +84779,4 +84780,4 +84781,4 +84782,4 +84783,4 +84784,4 +84785,4 +84786,26 +84787,26 +84788,26 +84789,26 +84790,26 +84791,26 +84792,26 +84793,26 +84794,26 +84795,26 +84796,26 +84797,26 +84798,26 +84799,9 +84800,26 +84801,26 +84802,26 +84803,26 +84804,26 +84805,26 +84806,26 +84807,2 +84808,2 +84809,2 +84810,2 +84811,2 +84812,2 +84813,2 +84814,2 +84815,2 +84816,2 +84817,2 +84818,2 +84819,2 +84820,2 +84821,0 +84822,0 +84823,0 +84824,0 +84825,0 +84826,0 +84827,0 +84828,0 +84829,0 +84830,0 +84831,0 +84832,0 +84833,0 +84834,0 +84835,0 +84836,0 +84837,0 +84838,0 +84839,0 +84840,0 +84841,0 +84842,0 +84843,0 +84844,0 +84845,0 +84846,0 +84847,0 +84848,0 +84849,28 +84850,28 +84851,28 +84852,28 +84853,28 +84854,28 +84855,28 +84856,28 +84857,27 +84858,27 +84859,27 +84860,39 +84861,39 +84862,39 +84863,39 +84864,39 +84865,19 +84866,19 +84867,19 +84868,19 +84869,31 +84870,31 +84871,31 +84872,31 +84873,31 +84874,32 +84875,32 +84876,32 +84877,32 +84878,32 +84879,32 +84880,32 +84881,32 +84882,32 +84883,32 +84884,32 +84885,32 +84886,17 +84887,17 +84888,17 +84889,17 +84890,17 +84891,17 +84892,17 +84893,17 +84894,17 +84895,27 +84896,5 +84897,5 +84898,5 +84899,19 +84900,19 +84901,19 +84902,19 +84903,31 +84904,31 +84905,31 +84906,31 +84907,31 +84908,31 +84909,31 +84910,24 +84911,24 +84912,24 +84913,24 +84914,24 +84915,24 +84916,35 +84917,35 +84918,35 +84919,35 +84920,35 +84921,35 +84922,35 +84923,35 +84924,35 +84925,25 +84926,25 +84927,25 +84928,25 +84929,25 +84930,25 +84931,15 +84932,15 +84933,15 +84934,15 +84935,15 +84936,15 +84937,15 +84938,27 +84939,27 +84940,27 +84941,27 +84942,27 +84943,27 +84944,27 +84945,27 +84946,13 +84947,13 +84948,13 +84949,13 +84950,13 +84951,13 +84952,13 +84953,13 +84954,13 +84955,13 +84956,13 +84957,8 +84958,8 +84959,8 +84960,8 +84961,8 +84962,8 +84963,27 +84964,27 +84965,27 +84966,27 +84967,5 +84968,5 +84969,5 +84970,5 +84971,5 +84972,5 +84973,5 +84974,5 +84975,26 +84976,26 +84977,26 +84978,26 +84979,10 +84980,10 +84981,10 +84982,10 +84983,10 +84984,10 +84985,10 +84986,10 +84987,10 +84988,10 +84989,10 +84990,10 +84991,10 +84992,10 +84993,10 +84994,10 +84995,10 +84996,10 +84997,10 +84998,10 +84999,19 +85000,19 +85001,19 +85002,19 +85003,19 +85004,19 +85005,19 +85006,19 +85007,19 +85008,19 +85009,0 +85010,0 +85011,0 +85012,0 +85013,0 +85014,0 +85015,0 +85016,0 +85017,0 +85018,0 +85019,0 +85020,0 +85021,0 +85022,0 +85023,0 +85024,0 +85025,0 +85026,0 +85027,0 +85028,0 +85029,0 +85030,0 +85031,0 +85032,0 +85033,0 +85034,0 +85035,0 +85036,0 +85037,0 +85038,0 +85039,0 +85040,29 +85041,29 +85042,29 +85043,31 +85044,31 +85045,31 +85046,31 +85047,31 +85048,31 +85049,4 +85050,2 +85051,19 +85052,4 +85053,23 +85054,23 +85055,19 +85056,4 +85057,23 +85058,27 +85059,27 +85060,27 +85061,27 +85062,27 +85063,8 +85064,8 +85065,8 +85066,8 +85067,8 +85068,8 +85069,8 +85070,9 +85071,9 +85072,9 +85073,9 +85074,9 +85075,9 +85076,9 +85077,9 +85078,9 +85079,9 +85080,9 +85081,9 +85082,30 +85083,30 +85084,30 +85085,30 +85086,30 +85087,30 +85088,30 +85089,30 +85090,30 +85091,30 +85092,30 +85093,30 +85094,30 +85095,10 +85096,10 +85097,10 +85098,10 +85099,10 +85100,10 +85101,10 +85102,10 +85103,19 +85104,19 +85105,19 +85106,19 +85107,19 +85108,19 +85109,19 +85110,19 +85111,19 +85112,3 +85113,3 +85114,3 +85115,3 +85116,3 +85117,3 +85118,3 +85119,3 +85120,3 +85121,3 +85122,3 +85123,3 +85124,3 +85125,27 +85126,11 +85127,11 +85128,11 +85129,11 +85130,11 +85131,11 +85132,11 +85133,11 +85134,11 +85135,11 +85136,11 +85137,11 +85138,11 +85139,11 +85140,11 +85141,9 +85142,9 +85143,9 +85144,9 +85145,9 +85146,17 +85147,17 +85148,9 +85149,17 +85150,17 +85151,17 +85152,17 +85153,17 +85154,17 +85155,17 +85156,17 +85157,17 +85158,17 +85159,7 +85160,7 +85161,7 +85162,7 +85163,3 +85164,3 +85165,3 +85166,3 +85167,3 +85168,3 +85169,3 +85170,3 +85171,3 +85172,3 +85173,3 +85174,3 +85175,3 +85176,3 +85177,3 +85178,3 +85179,3 +85180,3 +85181,0 +85182,0 +85183,0 +85184,0 +85185,0 +85186,0 +85187,0 +85188,0 +85189,0 +85190,0 +85191,0 +85192,0 +85193,0 +85194,0 +85195,0 +85196,0 +85197,0 +85198,0 +85199,0 +85200,0 +85201,0 +85202,0 +85203,0 +85204,0 +85205,0 +85206,0 +85207,0 +85208,0 +85209,0 +85210,0 +85211,0 +85212,0 +85213,0 +85214,0 +85215,0 +85216,0 +85217,0 +85218,35 +85219,35 +85220,35 +85221,35 +85222,35 +85223,12 +85224,12 +85225,12 +85226,12 +85227,25 +85228,25 +85229,25 +85230,25 +85231,25 +85232,37 +85233,37 +85234,25 +85235,29 +85236,29 +85237,29 +85238,29 +85239,29 +85240,31 +85241,31 +85242,31 +85243,31 +85244,31 +85245,31 +85246,31 +85247,35 +85248,35 +85249,35 +85250,35 +85251,35 +85252,35 +85253,36 +85254,36 +85255,36 +85256,36 +85257,36 +85258,36 +85259,36 +85260,19 +85261,19 +85262,19 +85263,19 +85264,19 +85265,19 +85266,2 +85267,2 +85268,2 +85269,2 +85270,2 +85271,2 +85272,2 +85273,2 +85274,2 +85275,2 +85276,2 +85277,2 +85278,2 +85279,2 +85280,2 +85281,2 +85282,2 +85283,2 +85284,4 +85285,4 +85286,4 +85287,4 +85288,4 +85289,4 +85290,4 +85291,4 +85292,4 +85293,4 +85294,9 +85295,9 +85296,9 +85297,9 +85298,9 +85299,9 +85300,9 +85301,9 +85302,37 +85303,37 +85304,37 +85305,37 +85306,37 +85307,37 +85308,37 +85309,37 +85310,31 +85311,31 +85312,31 +85313,5 +85314,5 +85315,5 +85316,5 +85317,26 +85318,26 +85319,26 +85320,26 +85321,26 +85322,26 +85323,26 +85324,26 +85325,10 +85326,10 +85327,26 +85328,10 +85329,28 +85330,28 +85331,28 +85332,32 +85333,32 +85334,32 +85335,32 +85336,32 +85337,32 +85338,32 +85339,32 +85340,32 +85341,2 +85342,2 +85343,2 +85344,2 +85345,2 +85346,2 +85347,2 +85348,2 +85349,2 +85350,2 +85351,2 +85352,2 +85353,2 +85354,31 +85355,31 +85356,31 +85357,31 +85358,31 +85359,31 +85360,31 +85361,28 +85362,28 +85363,28 +85364,28 +85365,28 +85366,28 +85367,31 +85368,27 +85369,27 +85370,27 +85371,27 +85372,19 +85373,19 +85374,19 +85375,19 +85376,19 +85377,28 +85378,28 +85379,19 +85380,19 +85381,27 +85382,27 +85383,27 +85384,27 +85385,27 +85386,21 +85387,21 +85388,21 +85389,21 +85390,21 +85391,21 +85392,21 +85393,37 +85394,37 +85395,37 +85396,37 +85397,37 +85398,37 +85399,37 +85400,37 +85401,37 +85402,34 +85403,34 +85404,34 +85405,34 +85406,34 +85407,34 +85408,34 +85409,34 +85410,34 +85411,34 +85412,34 +85413,34 +85414,34 +85415,34 +85416,34 +85417,34 +85418,34 +85419,34 +85420,5 +85421,34 +85422,5 +85423,5 +85424,5 +85425,5 +85426,5 +85427,5 +85428,5 +85429,5 +85430,5 +85431,5 +85432,5 +85433,5 +85434,0 +85435,0 +85436,0 +85437,0 +85438,0 +85439,0 +85440,0 +85441,0 +85442,0 +85443,0 +85444,0 +85445,0 +85446,0 +85447,0 +85448,0 +85449,0 +85450,0 +85451,0 +85452,0 +85453,0 +85454,0 +85455,0 +85456,0 +85457,0 +85458,0 +85459,0 +85460,0 +85461,0 +85462,0 +85463,0 +85464,0 +85465,0 +85466,0 +85467,0 +85468,0 +85469,0 +85470,0 +85471,0 +85472,0 +85473,0 +85474,0 +85475,0 +85476,0 +85477,0 +85478,0 +85479,0 +85480,0 +85481,0 +85482,0 +85483,0 +85484,0 +85485,0 +85486,0 +85487,0 +85488,0 +85489,0 +85490,0 +85491,0 +85492,0 +85493,0 +85494,0 +85495,0 +85496,0 +85497,0 +85498,19 +85499,19 +85500,19 +85501,19 +85502,27 +85503,27 +85504,27 +85505,27 +85506,4 +85507,4 +85508,4 +85509,4 +85510,27 +85511,31 +85512,31 +85513,27 +85514,27 +85515,27 +85516,27 +85517,31 +85518,8 +85519,8 +85520,8 +85521,8 +85522,8 +85523,8 +85524,8 +85525,8 +85526,29 +85527,29 +85528,38 +85529,38 +85530,38 +85531,4 +85532,4 +85533,4 +85534,34 +85535,34 +85536,34 +85537,34 +85538,34 +85539,34 +85540,34 +85541,34 +85542,10 +85543,34 +85544,34 +85545,34 +85546,34 +85547,34 +85548,34 +85549,34 +85550,34 +85551,34 +85552,34 +85553,8 +85554,8 +85555,8 +85556,8 +85557,8 +85558,8 +85559,8 +85560,8 +85561,2 +85562,8 +85563,8 +85564,8 +85565,8 +85566,39 +85567,39 +85568,39 +85569,39 +85570,39 +85571,39 +85572,39 +85573,39 +85574,39 +85575,39 +85576,39 +85577,39 +85578,39 +85579,39 +85580,0 +85581,0 +85582,0 +85583,0 +85584,0 +85585,0 +85586,36 +85587,36 +85588,36 +85589,36 +85590,36 +85591,5 +85592,5 +85593,5 +85594,5 +85595,5 +85596,5 +85597,39 +85598,39 +85599,39 +85600,39 +85601,39 +85602,39 +85603,39 +85604,39 +85605,12 +85606,12 +85607,12 +85608,12 +85609,12 +85610,12 +85611,12 +85612,12 +85613,12 +85614,12 +85615,12 +85616,31 +85617,31 +85618,31 +85619,5 +85620,5 +85621,5 +85622,5 +85623,5 +85624,5 +85625,5 +85626,5 +85627,5 +85628,5 +85629,5 +85630,6 +85631,6 +85632,6 +85633,6 +85634,6 +85635,6 +85636,26 +85637,26 +85638,26 +85639,26 +85640,26 +85641,26 +85642,28 +85643,28 +85644,28 +85645,28 +85646,28 +85647,27 +85648,27 +85649,31 +85650,5 +85651,5 +85652,5 +85653,5 +85654,5 +85655,5 +85656,5 +85657,10 +85658,10 +85659,10 +85660,10 +85661,10 +85662,10 +85663,10 +85664,10 +85665,10 +85666,10 +85667,10 +85668,10 +85669,23 +85670,36 +85671,23 +85672,23 +85673,23 +85674,23 +85675,23 +85676,23 +85677,4 +85678,4 +85679,4 +85680,4 +85681,4 +85682,4 +85683,4 +85684,25 +85685,25 +85686,25 +85687,25 +85688,28 +85689,28 +85690,28 +85691,28 +85692,28 +85693,28 +85694,28 +85695,28 +85696,27 +85697,39 +85698,39 +85699,39 +85700,39 +85701,39 +85702,39 +85703,27 +85704,27 +85705,39 +85706,39 +85707,39 +85708,39 +85709,23 +85710,23 +85711,23 +85712,23 +85713,23 +85714,23 +85715,23 +85716,23 +85717,23 +85718,37 +85719,37 +85720,37 +85721,31 +85722,31 +85723,31 +85724,31 +85725,28 +85726,28 +85727,28 +85728,28 +85729,28 +85730,29 +85731,29 +85732,29 +85733,29 +85734,29 +85735,31 +85736,31 +85737,31 +85738,31 +85739,31 +85740,6 +85741,6 +85742,6 +85743,6 +85744,6 +85745,6 +85746,6 +85747,6 +85748,6 +85749,6 +85750,6 +85751,9 +85752,9 +85753,9 +85754,9 +85755,9 +85756,9 +85757,9 +85758,9 +85759,9 +85760,9 +85761,9 +85762,9 +85763,9 +85764,9 +85765,6 +85766,6 +85767,6 +85768,6 +85769,6 +85770,6 +85771,6 +85772,6 +85773,0 +85774,0 +85775,0 +85776,0 +85777,2 +85778,2 +85779,2 +85780,2 +85781,2 +85782,2 +85783,2 +85784,4 +85785,4 +85786,4 +85787,4 +85788,4 +85789,4 +85790,4 +85791,2 +85792,0 +85793,0 +85794,0 +85795,0 +85796,0 +85797,0 +85798,0 +85799,0 +85800,0 +85801,0 +85802,0 +85803,0 +85804,0 +85805,0 +85806,0 +85807,0 +85808,0 +85809,0 +85810,0 +85811,0 +85812,0 +85813,0 +85814,0 +85815,0 +85816,0 +85817,0 +85818,0 +85819,0 +85820,0 +85821,0 +85822,0 +85823,0 +85824,0 +85825,0 +85826,0 +85827,0 +85828,0 +85829,0 +85830,0 +85831,0 +85832,0 +85833,0 +85834,0 +85835,0 +85836,0 +85837,0 +85838,0 +85839,0 +85840,0 +85841,0 +85842,0 +85843,0 +85844,0 +85845,0 +85846,0 +85847,0 +85848,0 +85849,0 +85850,0 +85851,0 +85852,0 +85853,0 +85854,0 +85855,0 +85856,0 +85857,0 +85858,0 +85859,36 +85860,36 +85861,36 +85862,40 +85863,40 +85864,40 +85865,40 +85866,40 +85867,40 +85868,40 +85869,40 +85870,40 +85871,40 +85872,8 +85873,8 +85874,8 +85875,8 +85876,8 +85877,8 +85878,8 +85879,8 +85880,40 +85881,40 +85882,40 +85883,40 +85884,40 +85885,40 +85886,40 +85887,40 +85888,40 +85889,38 +85890,32 +85891,38 +85892,4 +85893,4 +85894,4 +85895,4 +85896,4 +85897,38 +85898,38 +85899,4 +85900,31 +85901,31 +85902,40 +85903,40 +85904,31 +85905,40 +85906,6 +85907,6 +85908,6 +85909,6 +85910,35 +85911,35 +85912,35 +85913,35 +85914,35 +85915,35 +85916,35 +85917,33 +85918,33 +85919,33 +85920,33 +85921,33 +85922,33 +85923,33 +85924,33 +85925,33 +85926,33 +85927,30 +85928,30 +85929,30 +85930,30 +85931,30 +85932,30 +85933,30 +85934,30 +85935,30 +85936,23 +85937,23 +85938,23 +85939,23 +85940,23 +85941,23 +85942,23 +85943,23 +85944,23 +85945,23 +85946,23 +85947,23 +85948,23 +85949,23 +85950,23 +85951,23 +85952,24 +85953,36 +85954,36 +85955,36 +85956,36 +85957,36 +85958,36 +85959,34 +85960,34 +85961,34 +85962,34 +85963,34 +85964,34 +85965,36 +85966,36 +85967,36 +85968,36 +85969,36 +85970,36 +85971,36 +85972,28 +85973,28 +85974,28 +85975,28 +85976,28 +85977,28 +85978,28 +85979,28 +85980,30 +85981,30 +85982,30 +85983,30 +85984,30 +85985,30 +85986,39 +85987,39 +85988,39 +85989,39 +85990,39 +85991,39 +85992,39 +85993,39 +85994,39 +85995,6 +85996,32 +85997,32 +85998,32 +85999,32 +86000,32 +86001,32 +86002,6 +86003,6 +86004,32 +86005,33 +86006,33 +86007,33 +86008,33 +86009,33 +86010,33 +86011,28 +86012,28 +86013,12 +86014,12 +86015,12 +86016,12 +86017,12 +86018,12 +86019,12 +86020,12 +86021,12 +86022,12 +86023,12 +86024,12 +86025,12 +86026,12 +86027,12 +86028,12 +86029,12 +86030,12 +86031,12 +86032,12 +86033,12 +86034,10 +86035,10 +86036,10 +86037,34 +86038,34 +86039,34 +86040,34 +86041,34 +86042,34 +86043,34 +86044,34 +86045,34 +86046,34 +86047,34 +86048,34 +86049,34 +86050,34 +86051,34 +86052,34 +86053,21 +86054,21 +86055,15 +86056,15 +86057,15 +86058,15 +86059,15 +86060,15 +86061,15 +86062,15 +86063,15 +86064,15 +86065,15 +86066,15 +86067,15 +86068,15 +86069,15 +86070,39 +86071,39 +86072,39 +86073,39 +86074,39 +86075,39 +86076,39 +86077,39 +86078,39 +86079,39 +86080,39 +86081,39 +86082,39 +86083,2 +86084,2 +86085,39 +86086,2 +86087,2 +86088,2 +86089,2 +86090,2 +86091,2 +86092,2 +86093,2 +86094,2 +86095,4 +86096,2 +86097,2 +86098,2 +86099,2 +86100,2 +86101,2 +86102,2 +86103,2 +86104,2 +86105,2 +86106,2 +86107,2 +86108,2 +86109,2 +86110,2 +86111,2 +86112,2 +86113,2 +86114,2 +86115,2 +86116,2 +86117,2 +86118,2 +86119,2 +86120,37 +86121,37 +86122,12 +86123,37 +86124,37 +86125,37 +86126,37 +86127,37 +86128,37 +86129,37 +86130,25 +86131,25 +86132,25 +86133,37 +86134,37 +86135,25 +86136,25 +86137,25 +86138,25 +86139,25 +86140,36 +86141,36 +86142,36 +86143,36 +86144,36 +86145,36 +86146,36 +86147,36 +86148,36 +86149,36 +86150,36 +86151,36 +86152,36 +86153,36 +86154,36 +86155,36 +86156,23 +86157,23 +86158,23 +86159,4 +86160,4 +86161,4 +86162,4 +86163,4 +86164,4 +86165,4 +86166,4 +86167,4 +86168,4 +86169,6 +86170,6 +86171,6 +86172,6 +86173,6 +86174,6 +86175,25 +86176,25 +86177,25 +86178,25 +86179,25 +86180,35 +86181,35 +86182,25 +86183,25 +86184,25 +86185,25 +86186,25 +86187,25 +86188,25 +86189,25 +86190,25 +86191,25 +86192,25 +86193,25 +86194,25 +86195,25 +86196,25 +86197,25 +86198,25 +86199,25 +86200,25 +86201,25 +86202,25 +86203,25 +86204,25 +86205,25 +86206,25 +86207,25 +86208,25 +86209,25 +86210,25 +86211,25 +86212,25 +86213,0 +86214,0 +86215,0 +86216,0 +86217,0 +86218,0 +86219,0 +86220,0 +86221,0 +86222,0 +86223,0 +86224,0 +86225,0 +86226,0 +86227,0 +86228,0 +86229,0 +86230,0 +86231,0 +86232,0 +86233,0 +86234,0 +86235,0 +86236,0 +86237,0 +86238,0 +86239,0 +86240,0 +86241,0 +86242,0 +86243,0 +86244,0 +86245,0 +86246,0 +86247,0 +86248,0 +86249,0 +86250,0 +86251,0 +86252,0 +86253,0 +86254,0 +86255,0 +86256,0 +86257,0 +86258,0 +86259,0 +86260,0 +86261,0 +86262,0 +86263,0 +86264,0 +86265,0 +86266,0 +86267,0 +86268,0 +86269,0 +86270,0 +86271,0 +86272,0 +86273,0 +86274,0 +86275,0 +86276,0 +86277,0 +86278,0 +86279,0 +86280,0 +86281,0 +86282,0 +86283,0 +86284,0 +86285,6 +86286,6 +86287,6 +86288,6 +86289,31 +86290,31 +86291,31 +86292,31 +86293,5 +86294,5 +86295,5 +86296,5 +86297,5 +86298,5 +86299,4 +86300,4 +86301,4 +86302,4 +86303,4 +86304,4 +86305,4 +86306,4 +86307,4 +86308,27 +86309,27 +86310,5 +86311,5 +86312,5 +86313,5 +86314,5 +86315,1 +86316,1 +86317,1 +86318,3 +86319,3 +86320,27 +86321,27 +86322,3 +86323,3 +86324,3 +86325,19 +86326,19 +86327,19 +86328,19 +86329,19 +86330,19 +86331,15 +86332,15 +86333,15 +86334,15 +86335,15 +86336,15 +86337,15 +86338,25 +86339,25 +86340,25 +86341,25 +86342,25 +86343,25 +86344,25 +86345,25 +86346,25 +86347,25 +86348,25 +86349,25 +86350,25 +86351,25 +86352,15 +86353,15 +86354,15 +86355,15 +86356,15 +86357,22 +86358,22 +86359,22 +86360,19 +86361,19 +86362,19 +86363,19 +86364,19 +86365,6 +86366,6 +86367,6 +86368,6 +86369,6 +86370,36 +86371,36 +86372,36 +86373,36 +86374,36 +86375,36 +86376,36 +86377,36 +86378,36 +86379,36 +86380,36 +86381,36 +86382,36 +86383,36 +86384,36 +86385,36 +86386,27 +86387,27 +86388,27 +86389,27 +86390,27 +86391,27 +86392,27 +86393,5 +86394,5 +86395,5 +86396,5 +86397,5 +86398,5 +86399,5 +86400,5 +86401,5 +86402,5 +86403,28 +86404,28 +86405,28 +86406,28 +86407,28 +86408,5 +86409,28 +86410,28 +86411,28 +86412,0 +86413,0 +86414,0 +86415,0 +86416,0 +86417,0 +86418,0 +86419,0 +86420,0 +86421,0 +86422,0 +86423,0 +86424,0 +86425,0 +86426,0 +86427,0 +86428,38 +86429,0 +86430,0 +86431,0 +86432,0 +86433,0 +86434,0 +86435,0 +86436,0 +86437,0 +86438,0 +86439,0 +86440,0 +86441,0 +86442,0 +86443,0 +86444,0 +86445,0 +86446,0 +86447,0 +86448,0 +86449,0 +86450,0 +86451,0 +86452,0 +86453,0 +86454,0 +86455,0 +86456,0 +86457,0 +86458,0 +86459,0 +86460,0 +86461,0 +86462,0 +86463,0 +86464,0 +86465,0 +86466,0 +86467,0 +86468,0 +86469,35 +86470,35 +86471,35 +86472,35 +86473,35 +86474,0 +86475,0 +86476,0 +86477,0 +86478,0 +86479,0 +86480,0 +86481,0 +86482,0 +86483,0 +86484,0 +86485,31 +86486,31 +86487,36 +86488,36 +86489,5 +86490,5 +86491,5 +86492,5 +86493,5 +86494,5 +86495,5 +86496,5 +86497,5 +86498,4 +86499,40 +86500,40 +86501,40 +86502,40 +86503,40 +86504,36 +86505,36 +86506,36 +86507,40 +86508,36 +86509,36 +86510,36 +86511,36 +86512,36 +86513,36 +86514,36 +86515,36 +86516,5 +86517,5 +86518,5 +86519,28 +86520,28 +86521,28 +86522,28 +86523,28 +86524,28 +86525,28 +86526,5 +86527,31 +86528,27 +86529,27 +86530,27 +86531,27 +86532,31 +86533,2 +86534,2 +86535,2 +86536,2 +86537,2 +86538,2 +86539,2 +86540,2 +86541,23 +86542,23 +86543,23 +86544,23 +86545,23 +86546,23 +86547,23 +86548,27 +86549,27 +86550,27 +86551,27 +86552,27 +86553,39 +86554,27 +86555,25 +86556,25 +86557,1 +86558,37 +86559,37 +86560,37 +86561,25 +86562,25 +86563,25 +86564,25 +86565,25 +86566,2 +86567,2 +86568,2 +86569,2 +86570,2 +86571,11 +86572,11 +86573,11 +86574,11 +86575,11 +86576,11 +86577,11 +86578,11 +86579,22 +86580,22 +86581,37 +86582,37 +86583,37 +86584,37 +86585,37 +86586,37 +86587,34 +86588,37 +86589,37 +86590,10 +86591,34 +86592,34 +86593,36 +86594,34 +86595,34 +86596,34 +86597,34 +86598,34 +86599,34 +86600,34 +86601,34 +86602,5 +86603,5 +86604,5 +86605,5 +86606,5 +86607,19 +86608,19 +86609,19 +86610,19 +86611,19 +86612,19 +86613,19 +86614,19 +86615,19 +86616,19 +86617,19 +86618,19 +86619,19 +86620,19 +86621,19 +86622,27 +86623,27 +86624,31 +86625,31 +86626,31 +86627,31 +86628,4 +86629,4 +86630,4 +86631,4 +86632,4 +86633,4 +86634,2 +86635,2 +86636,2 +86637,2 +86638,4 +86639,4 +86640,2 +86641,2 +86642,2 +86643,2 +86644,2 +86645,2 +86646,2 +86647,2 +86648,23 +86649,23 +86650,0 +86651,0 +86652,0 +86653,0 +86654,0 +86655,0 +86656,0 +86657,0 +86658,0 +86659,0 +86660,0 +86661,0 +86662,0 +86663,0 +86664,0 +86665,0 +86666,0 +86667,0 +86668,0 +86669,0 +86670,0 +86671,0 +86672,0 +86673,0 +86674,0 +86675,0 +86676,0 +86677,0 +86678,0 +86679,0 +86680,0 +86681,0 +86682,0 +86683,0 +86684,0 +86685,0 +86686,0 +86687,0 +86688,0 +86689,0 +86690,0 +86691,16 +86692,16 +86693,16 +86694,16 +86695,16 +86696,16 +86697,16 +86698,16 +86699,16 +86700,16 +86701,16 +86702,16 +86703,16 +86704,36 +86705,36 +86706,36 +86707,36 +86708,36 +86709,36 +86710,32 +86711,32 +86712,32 +86713,32 +86714,32 +86715,32 +86716,32 +86717,32 +86718,32 +86719,32 +86720,4 +86721,4 +86722,4 +86723,4 +86724,25 +86725,25 +86726,25 +86727,25 +86728,25 +86729,25 +86730,25 +86731,25 +86732,25 +86733,25 +86734,25 +86735,25 +86736,25 +86737,25 +86738,25 +86739,0 +86740,0 +86741,0 +86742,37 +86743,37 +86744,37 +86745,37 +86746,0 +86747,0 +86748,29 +86749,39 +86750,39 +86751,39 +86752,39 +86753,39 +86754,39 +86755,39 +86756,14 +86757,14 +86758,14 +86759,14 +86760,14 +86761,39 +86762,39 +86763,39 +86764,39 +86765,39 +86766,39 +86767,39 +86768,0 +86769,0 +86770,0 +86771,0 +86772,0 +86773,0 +86774,0 +86775,4 +86776,4 +86777,4 +86778,4 +86779,4 +86780,4 +86781,4 +86782,4 +86783,4 +86784,4 +86785,39 +86786,39 +86787,39 +86788,39 +86789,39 +86790,39 +86791,39 +86792,39 +86793,39 +86794,39 +86795,39 +86796,39 +86797,39 +86798,39 +86799,39 +86800,39 +86801,39 +86802,39 +86803,39 +86804,39 +86805,39 +86806,39 +86807,39 +86808,39 +86809,39 +86810,39 +86811,28 +86812,28 +86813,28 +86814,28 +86815,28 +86816,28 +86817,28 +86818,28 +86819,25 +86820,25 +86821,25 +86822,25 +86823,25 +86824,25 +86825,25 +86826,25 +86827,25 +86828,0 +86829,0 +86830,0 +86831,0 +86832,33 +86833,0 +86834,0 +86835,0 +86836,0 +86837,0 +86838,0 +86839,0 +86840,0 +86841,0 +86842,0 +86843,0 +86844,0 +86845,0 +86846,0 +86847,0 +86848,0 +86849,0 +86850,0 +86851,0 +86852,0 +86853,0 +86854,0 +86855,0 +86856,0 +86857,0 +86858,0 +86859,0 +86860,0 +86861,0 +86862,0 +86863,0 +86864,0 +86865,0 +86866,0 +86867,0 +86868,0 +86869,0 +86870,0 +86871,0 +86872,0 +86873,0 +86874,0 +86875,0 +86876,0 +86877,0 +86878,0 +86879,0 +86880,0 +86881,0 +86882,0 +86883,0 +86884,0 +86885,0 +86886,0 +86887,0 +86888,0 +86889,0 +86890,0 +86891,0 +86892,0 +86893,0 +86894,0 +86895,0 +86896,0 +86897,0 +86898,0 +86899,0 +86900,0 +86901,0 +86902,0 +86903,0 +86904,0 +86905,0 +86906,0 +86907,0 +86908,0 +86909,0 +86910,0 +86911,0 +86912,0 +86913,0 +86914,0 +86915,0 +86916,0 +86917,0 +86918,21 +86919,21 +86920,21 +86921,21 +86922,21 +86923,21 +86924,37 +86925,37 +86926,37 +86927,37 +86928,37 +86929,14 +86930,14 +86931,14 +86932,14 +86933,14 +86934,14 +86935,14 +86936,14 +86937,14 +86938,14 +86939,14 +86940,14 +86941,14 +86942,14 +86943,14 +86944,14 +86945,14 +86946,14 +86947,24 +86948,24 +86949,24 +86950,3 +86951,3 +86952,3 +86953,3 +86954,3 +86955,3 +86956,3 +86957,23 +86958,23 +86959,23 +86960,23 +86961,23 +86962,23 +86963,23 +86964,23 +86965,23 +86966,23 +86967,23 +86968,32 +86969,23 +86970,23 +86971,25 +86972,0 +86973,0 +86974,0 +86975,6 +86976,6 +86977,0 +86978,0 +86979,0 +86980,0 +86981,0 +86982,0 +86983,0 +86984,0 +86985,6 +86986,6 +86987,6 +86988,6 +86989,6 +86990,6 +86991,12 +86992,12 +86993,12 +86994,12 +86995,12 +86996,12 +86997,40 +86998,40 +86999,40 +87000,40 +87001,11 +87002,11 +87003,11 +87004,11 +87005,11 +87006,11 +87007,11 +87008,11 +87009,11 +87010,11 +87011,11 +87012,11 +87013,11 +87014,11 +87015,11 +87016,11 +87017,11 +87018,11 +87019,11 +87020,11 +87021,11 +87022,11 +87023,31 +87024,31 +87025,31 +87026,31 +87027,31 +87028,31 +87029,31 +87030,31 +87031,31 +87032,5 +87033,28 +87034,5 +87035,28 +87036,28 +87037,28 +87038,28 +87039,28 +87040,5 +87041,5 +87042,5 +87043,5 +87044,5 +87045,5 +87046,2 +87047,2 +87048,2 +87049,2 +87050,2 +87051,2 +87052,2 +87053,2 +87054,2 +87055,2 +87056,2 +87057,2 +87058,2 +87059,2 +87060,2 +87061,2 +87062,2 +87063,2 +87064,2 +87065,2 +87066,2 +87067,2 +87068,2 +87069,2 +87070,0 +87071,0 +87072,0 +87073,0 +87074,0 +87075,0 +87076,0 +87077,0 +87078,0 +87079,0 +87080,0 +87081,0 +87082,0 +87083,0 +87084,0 +87085,0 +87086,0 +87087,0 +87088,0 +87089,0 +87090,0 +87091,0 +87092,0 +87093,0 +87094,0 +87095,0 +87096,0 +87097,0 +87098,0 +87099,0 +87100,0 +87101,0 +87102,0 +87103,0 +87104,0 +87105,0 +87106,0 +87107,0 +87108,0 +87109,0 +87110,0 +87111,0 +87112,0 +87113,0 +87114,0 +87115,0 +87116,0 +87117,0 +87118,0 +87119,0 +87120,0 +87121,0 +87122,0 +87123,0 +87124,0 +87125,0 +87126,0 +87127,0 +87128,0 +87129,0 +87130,0 +87131,0 +87132,0 +87133,0 +87134,0 +87135,0 +87136,0 +87137,0 +87138,0 +87139,0 +87140,0 +87141,29 +87142,29 +87143,27 +87144,27 +87145,39 +87146,39 +87147,39 +87148,39 +87149,6 +87150,6 +87151,6 +87152,6 +87153,6 +87154,6 +87155,6 +87156,6 +87157,6 +87158,40 +87159,40 +87160,40 +87161,40 +87162,40 +87163,8 +87164,8 +87165,8 +87166,8 +87167,8 +87168,8 +87169,8 +87170,8 +87171,28 +87172,5 +87173,28 +87174,28 +87175,5 +87176,5 +87177,5 +87178,5 +87179,33 +87180,33 +87181,34 +87182,34 +87183,34 +87184,34 +87185,33 +87186,34 +87187,33 +87188,34 +87189,12 +87190,12 +87191,34 +87192,34 +87193,34 +87194,34 +87195,34 +87196,29 +87197,29 +87198,29 +87199,29 +87200,29 +87201,29 +87202,25 +87203,25 +87204,25 +87205,25 +87206,31 +87207,31 +87208,37 +87209,37 +87210,6 +87211,6 +87212,6 +87213,6 +87214,6 +87215,6 +87216,6 +87217,6 +87218,6 +87219,6 +87220,6 +87221,6 +87222,9 +87223,9 +87224,9 +87225,9 +87226,9 +87227,9 +87228,9 +87229,26 +87230,26 +87231,26 +87232,9 +87233,9 +87234,8 +87235,8 +87236,8 +87237,8 +87238,8 +87239,8 +87240,27 +87241,27 +87242,27 +87243,27 +87244,27 +87245,27 +87246,27 +87247,27 +87248,8 +87249,8 +87250,8 +87251,8 +87252,8 +87253,8 +87254,8 +87255,8 +87256,8 +87257,8 +87258,8 +87259,8 +87260,8 +87261,8 +87262,8 +87263,8 +87264,8 +87265,25 +87266,25 +87267,25 +87268,25 +87269,25 +87270,25 +87271,25 +87272,25 +87273,25 +87274,25 +87275,25 +87276,25 +87277,25 +87278,15 +87279,15 +87280,15 +87281,15 +87282,15 +87283,15 +87284,15 +87285,15 +87286,15 +87287,2 +87288,2 +87289,2 +87290,2 +87291,2 +87292,2 +87293,2 +87294,2 +87295,2 +87296,2 +87297,2 +87298,2 +87299,2 +87300,25 +87301,25 +87302,25 +87303,25 +87304,25 +87305,25 +87306,25 +87307,24 +87308,24 +87309,24 +87310,24 +87311,24 +87312,24 +87313,24 +87314,24 +87315,24 +87316,24 +87317,24 +87318,24 +87319,24 +87320,25 +87321,25 +87322,25 +87323,25 +87324,25 +87325,25 +87326,25 +87327,25 +87328,25 +87329,25 +87330,0 +87331,0 +87332,0 +87333,0 +87334,0 +87335,0 +87336,0 +87337,0 +87338,0 +87339,0 +87340,0 +87341,0 +87342,0 +87343,0 +87344,0 +87345,0 +87346,0 +87347,0 +87348,0 +87349,0 +87350,0 +87351,0 +87352,0 +87353,0 +87354,0 +87355,0 +87356,0 +87357,0 +87358,0 +87359,0 +87360,0 +87361,0 +87362,0 +87363,0 +87364,0 +87365,0 +87366,0 +87367,0 +87368,6 +87369,6 +87370,6 +87371,6 +87372,6 +87373,6 +87374,6 +87375,6 +87376,31 +87377,31 +87378,31 +87379,31 +87380,31 +87381,19 +87382,19 +87383,31 +87384,31 +87385,5 +87386,19 +87387,19 +87388,19 +87389,19 +87390,35 +87391,35 +87392,35 +87393,35 +87394,35 +87395,35 +87396,35 +87397,35 +87398,35 +87399,35 +87400,35 +87401,35 +87402,35 +87403,39 +87404,39 +87405,39 +87406,39 +87407,6 +87408,6 +87409,6 +87410,6 +87411,6 +87412,6 +87413,6 +87414,6 +87415,6 +87416,6 +87417,14 +87418,14 +87419,14 +87420,14 +87421,14 +87422,14 +87423,14 +87424,14 +87425,14 +87426,32 +87427,32 +87428,32 +87429,32 +87430,32 +87431,31 +87432,31 +87433,31 +87434,31 +87435,31 +87436,31 +87437,15 +87438,15 +87439,15 +87440,15 +87441,30 +87442,30 +87443,30 +87444,30 +87445,30 +87446,30 +87447,30 +87448,30 +87449,30 +87450,30 +87451,30 +87452,30 +87453,30 +87454,33 +87455,33 +87456,33 +87457,33 +87458,33 +87459,33 +87460,9 +87461,31 +87462,31 +87463,31 +87464,31 +87465,31 +87466,31 +87467,31 +87468,31 +87469,31 +87470,4 +87471,4 +87472,4 +87473,4 +87474,4 +87475,4 +87476,4 +87477,4 +87478,4 +87479,4 +87480,4 +87481,4 +87482,2 +87483,2 +87484,2 +87485,2 +87486,2 +87487,2 +87488,4 +87489,4 +87490,4 +87491,4 +87492,4 +87493,4 +87494,4 +87495,4 +87496,4 +87497,37 +87498,37 +87499,37 +87500,37 +87501,9 +87502,9 +87503,9 +87504,9 +87505,9 +87506,37 +87507,37 +87508,37 +87509,37 +87510,37 +87511,27 +87512,27 +87513,27 +87514,27 +87515,27 +87516,13 +87517,13 +87518,13 +87519,13 +87520,13 +87521,27 +87522,27 +87523,27 +87524,27 +87525,27 +87526,27 +87527,27 +87528,27 +87529,27 +87530,4 +87531,4 +87532,4 +87533,4 +87534,4 +87535,4 +87536,4 +87537,4 +87538,4 +87539,0 +87540,0 +87541,0 +87542,0 +87543,0 +87544,0 +87545,0 +87546,0 +87547,0 +87548,0 +87549,0 +87550,0 +87551,0 +87552,0 +87553,0 +87554,0 +87555,0 +87556,0 +87557,0 +87558,0 +87559,0 +87560,0 +87561,0 +87562,0 +87563,0 +87564,0 +87565,0 +87566,0 +87567,0 +87568,0 +87569,0 +87570,0 +87571,0 +87572,0 +87573,0 +87574,11 +87575,11 +87576,11 +87577,11 +87578,11 +87579,11 +87580,11 +87581,11 +87582,11 +87583,11 +87584,39 +87585,39 +87586,39 +87587,39 +87588,39 +87589,39 +87590,35 +87591,35 +87592,35 +87593,35 +87594,35 +87595,35 +87596,36 +87597,36 +87598,36 +87599,36 +87600,36 +87601,19 +87602,19 +87603,19 +87604,19 +87605,19 +87606,19 +87607,19 +87608,19 +87609,19 +87610,19 +87611,0 +87612,19 +87613,4 +87614,4 +87615,4 +87616,40 +87617,40 +87618,40 +87619,40 +87620,40 +87621,40 +87622,40 +87623,40 +87624,40 +87625,40 +87626,24 +87627,24 +87628,24 +87629,24 +87630,24 +87631,24 +87632,24 +87633,24 +87634,31 +87635,31 +87636,31 +87637,4 +87638,4 +87639,40 +87640,40 +87641,40 +87642,40 +87643,40 +87644,40 +87645,40 +87646,5 +87647,5 +87648,5 +87649,5 +87650,5 +87651,5 +87652,5 +87653,5 +87654,5 +87655,5 +87656,5 +87657,5 +87658,12 +87659,12 +87660,12 +87661,27 +87662,27 +87663,27 +87664,27 +87665,27 +87666,27 +87667,27 +87668,27 +87669,3 +87670,21 +87671,21 +87672,21 +87673,21 +87674,21 +87675,21 +87676,21 +87677,26 +87678,26 +87679,26 +87680,26 +87681,26 +87682,26 +87683,9 +87684,9 +87685,9 +87686,9 +87687,9 +87688,9 +87689,9 +87690,9 +87691,5 +87692,5 +87693,5 +87694,5 +87695,9 +87696,9 +87697,9 +87698,9 +87699,9 +87700,9 +87701,9 +87702,9 +87703,9 +87704,9 +87705,9 +87706,9 +87707,9 +87708,9 +87709,9 +87710,23 +87711,23 +87712,23 +87713,23 +87714,23 +87715,23 +87716,23 +87717,23 +87718,23 +87719,23 +87720,0 +87721,12 +87722,12 +87723,12 +87724,12 +87725,12 +87726,12 +87727,12 +87728,27 +87729,27 +87730,27 +87731,27 +87732,38 +87733,38 +87734,38 +87735,38 +87736,38 +87737,38 +87738,24 +87739,24 +87740,35 +87741,35 +87742,35 +87743,27 +87744,27 +87745,27 +87746,27 +87747,27 +87748,27 +87749,27 +87750,27 +87751,27 +87752,27 +87753,27 +87754,27 +87755,27 +87756,27 +87757,27 +87758,28 +87759,28 +87760,28 +87761,28 +87762,28 +87763,28 +87764,28 +87765,28 +87766,28 +87767,28 +87768,5 +87769,5 +87770,5 +87771,0 +87772,0 +87773,0 +87774,0 +87775,0 +87776,0 +87777,0 +87778,0 +87779,0 +87780,0 +87781,0 +87782,36 +87783,36 +87784,36 +87785,36 +87786,5 +87787,5 +87788,5 +87789,5 +87790,5 +87791,5 +87792,19 +87793,19 +87794,19 +87795,19 +87796,19 +87797,19 +87798,36 +87799,36 +87800,36 +87801,36 +87802,36 +87803,36 +87804,36 +87805,4 +87806,4 +87807,4 +87808,4 +87809,4 +87810,4 +87811,4 +87812,12 +87813,12 +87814,12 +87815,12 +87816,12 +87817,12 +87818,27 +87819,27 +87820,27 +87821,27 +87822,4 +87823,4 +87824,4 +87825,30 +87826,30 +87827,30 +87828,30 +87829,30 +87830,30 +87831,30 +87832,30 +87833,30 +87834,32 +87835,32 +87836,32 +87837,32 +87838,32 +87839,32 +87840,27 +87841,27 +87842,27 +87843,27 +87844,27 +87845,27 +87846,8 +87847,8 +87848,8 +87849,8 +87850,8 +87851,8 +87852,8 +87853,8 +87854,5 +87855,5 +87856,5 +87857,5 +87858,5 +87859,31 +87860,31 +87861,31 +87862,31 +87863,31 +87864,31 +87865,2 +87866,2 +87867,2 +87868,2 +87869,2 +87870,2 +87871,2 +87872,2 +87873,12 +87874,12 +87875,12 +87876,12 +87877,12 +87878,12 +87879,31 +87880,31 +87881,8 +87882,8 +87883,8 +87884,8 +87885,8 +87886,8 +87887,8 +87888,8 +87889,33 +87890,33 +87891,33 +87892,33 +87893,33 +87894,33 +87895,33 +87896,33 +87897,33 +87898,33 +87899,33 +87900,33 +87901,33 +87902,33 +87903,33 +87904,24 +87905,24 +87906,24 +87907,24 +87908,24 +87909,24 +87910,24 +87911,24 +87912,24 +87913,25 +87914,25 +87915,25 +87916,25 +87917,25 +87918,25 +87919,25 +87920,25 +87921,25 +87922,25 +87923,25 +87924,25 +87925,25 +87926,25 +87927,25 +87928,25 +87929,25 +87930,0 +87931,0 +87932,0 +87933,0 +87934,0 +87935,0 +87936,0 +87937,0 +87938,0 +87939,0 +87940,0 +87941,0 +87942,0 +87943,0 +87944,0 +87945,0 +87946,0 +87947,0 +87948,0 +87949,0 +87950,0 +87951,0 +87952,0 +87953,0 +87954,0 +87955,0 +87956,0 +87957,0 +87958,0 +87959,0 +87960,0 +87961,0 +87962,0 +87963,0 +87964,0 +87965,0 +87966,0 +87967,0 +87968,0 +87969,0 +87970,0 +87971,0 +87972,0 +87973,0 +87974,0 +87975,0 +87976,0 +87977,0 +87978,0 +87979,0 +87980,0 +87981,0 +87982,0 +87983,0 +87984,0 +87985,0 +87986,0 +87987,0 +87988,0 +87989,0 +87990,0 +87991,0 +87992,36 +87993,36 +87994,36 +87995,36 +87996,5 +87997,5 +87998,5 +87999,5 +88000,5 +88001,5 +88002,5 +88003,7 +88004,35 +88005,35 +88006,35 +88007,35 +88008,35 +88009,35 +88010,35 +88011,35 +88012,35 +88013,35 +88014,39 +88015,39 +88016,39 +88017,39 +88018,39 +88019,39 +88020,39 +88021,12 +88022,12 +88023,12 +88024,12 +88025,12 +88026,12 +88027,12 +88028,12 +88029,12 +88030,31 +88031,31 +88032,31 +88033,31 +88034,31 +88035,8 +88036,8 +88037,8 +88038,8 +88039,8 +88040,8 +88041,8 +88042,8 +88043,35 +88044,35 +88045,35 +88046,35 +88047,35 +88048,35 +88049,35 +88050,35 +88051,35 +88052,35 +88053,32 +88054,32 +88055,27 +88056,27 +88057,27 +88058,27 +88059,27 +88060,27 +88061,27 +88062,27 +88063,37 +88064,37 +88065,37 +88066,37 +88067,37 +88068,37 +88069,37 +88070,37 +88071,37 +88072,37 +88073,37 +88074,37 +88075,37 +88076,37 +88077,37 +88078,37 +88079,37 +88080,37 +88081,37 +88082,37 +88083,25 +88084,25 +88085,25 +88086,25 +88087,25 +88088,8 +88089,8 +88090,8 +88091,8 +88092,2 +88093,2 +88094,2 +88095,2 +88096,2 +88097,2 +88098,2 +88099,2 +88100,2 +88101,2 +88102,2 +88103,4 +88104,4 +88105,4 +88106,4 +88107,4 +88108,4 +88109,4 +88110,4 +88111,37 +88112,37 +88113,37 +88114,37 +88115,37 +88116,37 +88117,37 +88118,37 +88119,36 +88120,36 +88121,36 +88122,36 +88123,36 +88124,36 +88125,36 +88126,36 +88127,5 +88128,5 +88129,5 +88130,5 +88131,5 +88132,19 +88133,19 +88134,19 +88135,19 +88136,19 +88137,19 +88138,27 +88139,27 +88140,27 +88141,27 +88142,27 +88143,27 +88144,27 +88145,27 +88146,19 +88147,19 +88148,19 +88149,19 +88150,19 +88151,19 +88152,19 +88153,27 +88154,27 +88155,27 +88156,27 +88157,27 +88158,27 +88159,27 +88160,5 +88161,5 +88162,5 +88163,5 +88164,5 +88165,5 +88166,5 +88167,2 +88168,2 +88169,2 +88170,2 +88171,2 +88172,2 +88173,2 +88174,2 +88175,2 +88176,2 +88177,2 +88178,2 +88179,2 +88180,2 +88181,2 +88182,2 +88183,9 +88184,9 +88185,9 +88186,9 +88187,9 +88188,9 +88189,9 +88190,9 +88191,30 +88192,30 +88193,30 +88194,30 +88195,30 +88196,30 +88197,30 +88198,30 +88199,30 +88200,30 +88201,30 +88202,30 +88203,30 +88204,30 +88205,30 +88206,32 +88207,32 +88208,32 +88209,32 +88210,32 +88211,32 +88212,32 +88213,32 +88214,19 +88215,19 +88216,19 +88217,0 +88218,0 +88219,0 +88220,0 +88221,0 +88222,0 +88223,0 +88224,0 +88225,0 +88226,0 +88227,0 +88228,0 +88229,0 +88230,36 +88231,36 +88232,36 +88233,36 +88234,36 +88235,36 +88236,36 +88237,36 +88238,36 +88239,36 +88240,5 +88241,5 +88242,19 +88243,19 +88244,19 +88245,19 +88246,19 +88247,19 +88248,19 +88249,19 +88250,2 +88251,2 +88252,2 +88253,2 +88254,2 +88255,2 +88256,2 +88257,2 +88258,2 +88259,2 +88260,2 +88261,2 +88262,2 +88263,2 +88264,2 +88265,2 +88266,2 +88267,36 +88268,36 +88269,36 +88270,36 +88271,36 +88272,36 +88273,36 +88274,36 +88275,36 +88276,23 +88277,23 +88278,23 +88279,23 +88280,23 +88281,23 +88282,23 +88283,23 +88284,23 +88285,23 +88286,23 +88287,23 +88288,33 +88289,33 +88290,33 +88291,33 +88292,33 +88293,33 +88294,33 +88295,33 +88296,33 +88297,33 +88298,33 +88299,33 +88300,33 +88301,33 +88302,33 +88303,33 +88304,33 +88305,33 +88306,33 +88307,33 +88308,33 +88309,33 +88310,33 +88311,33 +88312,33 +88313,33 +88314,33 +88315,30 +88316,30 +88317,30 +88318,30 +88319,0 +88320,0 +88321,0 +88322,0 +88323,0 +88324,0 +88325,0 +88326,0 +88327,0 +88328,0 +88329,0 +88330,0 +88331,0 +88332,0 +88333,0 +88334,0 +88335,0 +88336,0 +88337,0 +88338,0 +88339,0 +88340,0 +88341,0 +88342,0 +88343,0 +88344,0 +88345,0 +88346,0 +88347,0 +88348,0 +88349,0 +88350,0 +88351,0 +88352,0 +88353,0 +88354,0 +88355,0 +88356,4 +88357,4 +88358,4 +88359,4 +88360,4 +88361,4 +88362,4 +88363,4 +88364,4 +88365,4 +88366,4 +88367,4 +88368,3 +88369,3 +88370,3 +88371,3 +88372,3 +88373,3 +88374,3 +88375,3 +88376,3 +88377,3 +88378,3 +88379,3 +88380,3 +88381,3 +88382,3 +88383,3 +88384,3 +88385,28 +88386,28 +88387,28 +88388,28 +88389,28 +88390,28 +88391,19 +88392,19 +88393,19 +88394,19 +88395,19 +88396,31 +88397,31 +88398,31 +88399,31 +88400,31 +88401,31 +88402,31 +88403,31 +88404,31 +88405,31 +88406,23 +88407,23 +88408,23 +88409,23 +88410,23 +88411,23 +88412,23 +88413,23 +88414,23 +88415,23 +88416,23 +88417,23 +88418,23 +88419,23 +88420,23 +88421,23 +88422,37 +88423,37 +88424,37 +88425,37 +88426,40 +88427,40 +88428,40 +88429,40 +88430,40 +88431,40 +88432,40 +88433,40 +88434,40 +88435,11 +88436,11 +88437,11 +88438,11 +88439,11 +88440,11 +88441,11 +88442,11 +88443,11 +88444,11 +88445,11 +88446,11 +88447,11 +88448,11 +88449,11 +88450,11 +88451,11 +88452,11 +88453,11 +88454,11 +88455,11 +88456,11 +88457,11 +88458,11 +88459,11 +88460,11 +88461,11 +88462,0 +88463,0 +88464,0 +88465,0 +88466,0 +88467,0 +88468,0 +88469,0 +88470,0 +88471,0 +88472,0 +88473,0 +88474,0 +88475,0 +88476,0 +88477,0 +88478,0 +88479,0 +88480,0 +88481,15 +88482,15 +88483,15 +88484,22 +88485,9 +88486,31 +88487,30 +88488,30 +88489,30 +88490,30 +88491,30 +88492,30 +88493,30 +88494,34 +88495,34 +88496,34 +88497,34 +88498,34 +88499,34 +88500,34 +88501,34 +88502,10 +88503,34 +88504,34 +88505,34 +88506,34 +88507,34 +88508,34 +88509,10 +88510,10 +88511,10 +88512,10 +88513,10 +88514,10 +88515,10 +88516,10 +88517,25 +88518,25 +88519,37 +88520,37 +88521,37 +88522,37 +88523,37 +88524,31 +88525,25 +88526,25 +88527,4 +88528,4 +88529,4 +88530,31 +88531,31 +88532,31 +88533,24 +88534,24 +88535,24 +88536,24 +88537,24 +88538,24 +88539,24 +88540,9 +88541,9 +88542,9 +88543,9 +88544,32 +88545,32 +88546,32 +88547,9 +88548,9 +88549,9 +88550,9 +88551,9 +88552,9 +88553,9 +88554,9 +88555,9 +88556,9 +88557,37 +88558,37 +88559,37 +88560,37 +88561,37 +88562,37 +88563,37 +88564,23 +88565,23 +88566,23 +88567,23 +88568,23 +88569,23 +88570,23 +88571,23 +88572,23 +88573,23 +88574,23 +88575,23 +88576,39 +88577,7 +88578,39 +88579,39 +88580,39 +88581,39 +88582,39 +88583,39 +88584,39 +88585,31 +88586,31 +88587,31 +88588,31 +88589,31 +88590,31 +88591,31 +88592,2 +88593,2 +88594,2 +88595,2 +88596,2 +88597,2 +88598,2 +88599,2 +88600,2 +88601,2 +88602,2 +88603,2 +88604,2 +88605,2 +88606,2 +88607,2 +88608,2 +88609,2 +88610,2 +88611,2 +88612,2 +88613,2 +88614,2 +88615,2 +88616,2 +88617,2 +88618,2 +88619,2 +88620,2 +88621,2 +88622,2 +88623,2 +88624,2 +88625,2 +88626,2 +88627,0 +88628,0 +88629,0 +88630,0 +88631,0 +88632,0 +88633,0 +88634,0 +88635,0 +88636,0 +88637,0 +88638,0 +88639,0 +88640,0 +88641,0 +88642,0 +88643,0 +88644,0 +88645,0 +88646,0 +88647,0 +88648,0 +88649,0 +88650,0 +88651,0 +88652,0 +88653,0 +88654,0 +88655,0 +88656,0 +88657,0 +88658,0 +88659,0 +88660,0 +88661,0 +88662,0 +88663,0 +88664,0 +88665,0 +88666,0 +88667,0 +88668,0 +88669,0 +88670,0 +88671,0 +88672,0 +88673,0 +88674,0 +88675,0 +88676,0 +88677,0 +88678,0 +88679,0 +88680,0 +88681,0 +88682,0 +88683,0 +88684,36 +88685,36 +88686,36 +88687,36 +88688,36 +88689,36 +88690,36 +88691,36 +88692,36 +88693,36 +88694,36 +88695,36 +88696,36 +88697,36 +88698,36 +88699,36 +88700,36 +88701,4 +88702,4 +88703,29 +88704,29 +88705,38 +88706,27 +88707,31 +88708,31 +88709,31 +88710,28 +88711,28 +88712,28 +88713,28 +88714,28 +88715,28 +88716,28 +88717,28 +88718,28 +88719,36 +88720,36 +88721,36 +88722,36 +88723,36 +88724,36 +88725,36 +88726,36 +88727,36 +88728,36 +88729,36 +88730,36 +88731,36 +88732,36 +88733,36 +88734,5 +88735,5 +88736,5 +88737,5 +88738,5 +88739,28 +88740,5 +88741,2 +88742,2 +88743,2 +88744,2 +88745,2 +88746,2 +88747,2 +88748,2 +88749,28 +88750,28 +88751,9 +88752,9 +88753,9 +88754,9 +88755,9 +88756,26 +88757,9 +88758,9 +88759,26 +88760,9 +88761,9 +88762,9 +88763,9 +88764,4 +88765,4 +88766,4 +88767,4 +88768,4 +88769,31 +88770,31 +88771,31 +88772,24 +88773,24 +88774,24 +88775,24 +88776,24 +88777,24 +88778,27 +88779,27 +88780,27 +88781,27 +88782,27 +88783,2 +88784,2 +88785,2 +88786,2 +88787,2 +88788,2 +88789,2 +88790,2 +88791,2 +88792,2 +88793,2 +88794,2 +88795,2 +88796,2 +88797,2 +88798,25 +88799,25 +88800,40 +88801,40 +88802,40 +88803,40 +88804,40 +88805,40 +88806,40 +88807,40 +88808,40 +88809,5 +88810,5 +88811,5 +88812,5 +88813,5 +88814,4 +88815,4 +88816,4 +88817,4 +88818,4 +88819,4 +88820,37 +88821,37 +88822,37 +88823,37 +88824,25 +88825,25 +88826,25 +88827,25 +88828,25 +88829,25 +88830,15 +88831,15 +88832,15 +88833,15 +88834,15 +88835,15 +88836,40 +88837,40 +88838,40 +88839,40 +88840,40 +88841,40 +88842,40 +88843,40 +88844,6 +88845,6 +88846,6 +88847,6 +88848,6 +88849,6 +88850,6 +88851,27 +88852,31 +88853,31 +88854,27 +88855,27 +88856,2 +88857,2 +88858,2 +88859,2 +88860,2 +88861,2 +88862,2 +88863,2 +88864,2 +88865,2 +88866,32 +88867,32 +88868,32 +88869,32 +88870,4 +88871,4 +88872,40 +88873,40 +88874,40 +88875,40 +88876,40 +88877,40 +88878,40 +88879,19 +88880,19 +88881,19 +88882,19 +88883,19 +88884,19 +88885,19 +88886,19 +88887,19 +88888,19 +88889,19 +88890,19 +88891,19 +88892,19 +88893,33 +88894,33 +88895,27 +88896,27 +88897,27 +88898,27 +88899,27 +88900,27 +88901,27 +88902,27 +88903,27 +88904,28 +88905,28 +88906,28 +88907,28 +88908,28 +88909,28 +88910,28 +88911,12 +88912,12 +88913,12 +88914,12 +88915,12 +88916,12 +88917,12 +88918,12 +88919,12 +88920,12 +88921,12 +88922,12 +88923,12 +88924,12 +88925,12 +88926,14 +88927,14 +88928,14 +88929,14 +88930,14 +88931,14 +88932,14 +88933,14 +88934,14 +88935,10 +88936,10 +88937,14 +88938,14 +88939,14 +88940,14 +88941,14 +88942,14 +88943,14 +88944,14 +88945,14 +88946,14 +88947,14 +88948,14 +88949,14 +88950,14 +88951,5 +88952,5 +88953,5 +88954,5 +88955,5 +88956,5 +88957,5 +88958,5 +88959,5 +88960,5 +88961,5 +88962,5 +88963,5 +88964,5 +88965,5 +88966,5 +88967,0 +88968,0 +88969,0 +88970,0 +88971,0 +88972,0 +88973,0 +88974,0 +88975,0 +88976,0 +88977,0 +88978,0 +88979,0 +88980,0 +88981,0 +88982,0 +88983,0 +88984,0 +88985,0 +88986,0 +88987,0 +88988,0 +88989,0 +88990,0 +88991,0 +88992,0 +88993,0 +88994,0 +88995,0 +88996,0 +88997,0 +88998,0 +88999,0 +89000,0 +89001,29 +89002,29 +89003,29 +89004,29 +89005,29 +89006,29 +89007,29 +89008,29 +89009,29 +89010,29 +89011,36 +89012,36 +89013,36 +89014,36 +89015,36 +89016,36 +89017,36 +89018,36 +89019,36 +89020,36 +89021,36 +89022,36 +89023,36 +89024,36 +89025,14 +89026,14 +89027,14 +89028,14 +89029,14 +89030,14 +89031,14 +89032,14 +89033,14 +89034,3 +89035,3 +89036,3 +89037,3 +89038,3 +89039,3 +89040,27 +89041,27 +89042,27 +89043,27 +89044,27 +89045,27 +89046,27 +89047,27 +89048,27 +89049,27 +89050,27 +89051,27 +89052,27 +89053,27 +89054,27 +89055,2 +89056,2 +89057,2 +89058,2 +89059,2 +89060,2 +89061,2 +89062,2 +89063,2 +89064,2 +89065,2 +89066,2 +89067,0 +89068,0 +89069,29 +89070,29 +89071,29 +89072,29 +89073,29 +89074,31 +89075,31 +89076,31 +89077,31 +89078,4 +89079,4 +89080,4 +89081,4 +89082,4 +89083,4 +89084,29 +89085,29 +89086,29 +89087,31 +89088,31 +89089,31 +89090,31 +89091,28 +89092,28 +89093,28 +89094,28 +89095,28 +89096,28 +89097,28 +89098,28 +89099,28 +89100,28 +89101,36 +89102,36 +89103,36 +89104,36 +89105,36 +89106,36 +89107,36 +89108,36 +89109,36 +89110,36 +89111,36 +89112,36 +89113,36 +89114,5 +89115,5 +89116,5 +89117,5 +89118,5 +89119,5 +89120,5 +89121,5 +89122,35 +89123,36 +89124,40 +89125,8 +89126,8 +89127,8 +89128,8 +89129,8 +89130,8 +89131,8 +89132,2 +89133,2 +89134,9 +89135,9 +89136,9 +89137,9 +89138,9 +89139,9 +89140,9 +89141,9 +89142,9 +89143,9 +89144,9 +89145,9 +89146,9 +89147,9 +89148,9 +89149,9 +89150,26 +89151,23 +89152,23 +89153,23 +89154,23 +89155,23 +89156,23 +89157,23 +89158,23 +89159,23 +89160,1 +89161,31 +89162,31 +89163,31 +89164,5 +89165,5 +89166,5 +89167,5 +89168,19 +89169,19 +89170,35 +89171,35 +89172,35 +89173,35 +89174,35 +89175,35 +89176,35 +89177,25 +89178,25 +89179,25 +89180,25 +89181,25 +89182,25 +89183,25 +89184,25 +89185,25 +89186,25 +89187,25 +89188,25 +89189,19 +89190,19 +89191,19 +89192,19 +89193,29 +89194,29 +89195,29 +89196,31 +89197,31 +89198,31 +89199,31 +89200,31 +89201,31 +89202,12 +89203,12 +89204,12 +89205,12 +89206,12 +89207,12 +89208,12 +89209,12 +89210,12 +89211,12 +89212,12 +89213,12 +89214,25 +89215,37 +89216,37 +89217,37 +89218,37 +89219,37 +89220,37 +89221,37 +89222,37 +89223,19 +89224,19 +89225,19 +89226,32 +89227,32 +89228,32 +89229,32 +89230,32 +89231,32 +89232,32 +89233,32 +89234,32 +89235,32 +89236,32 +89237,32 +89238,32 +89239,32 +89240,26 +89241,26 +89242,26 +89243,26 +89244,26 +89245,26 +89246,26 +89247,26 +89248,26 +89249,31 +89250,26 +89251,26 +89252,26 +89253,26 +89254,26 +89255,26 +89256,28 +89257,28 +89258,28 +89259,28 +89260,28 +89261,28 +89262,31 +89263,31 +89264,31 +89265,31 +89266,31 +89267,31 +89268,31 +89269,31 +89270,28 +89271,28 +89272,28 +89273,28 +89274,28 +89275,28 +89276,28 +89277,28 +89278,28 +89279,28 +89280,28 +89281,28 +89282,28 +89283,0 +89284,0 +89285,0 +89286,0 +89287,0 +89288,0 +89289,0 +89290,0 +89291,0 +89292,0 +89293,0 +89294,0 +89295,0 +89296,0 +89297,0 +89298,0 +89299,0 +89300,0 +89301,0 +89302,0 +89303,0 +89304,0 +89305,0 +89306,0 +89307,0 +89308,0 +89309,0 +89310,0 +89311,0 +89312,0 +89313,12 +89314,9 +89315,9 +89316,9 +89317,9 +89318,9 +89319,9 +89320,9 +89321,9 +89322,9 +89323,9 +89324,9 +89325,9 +89326,9 +89327,9 +89328,35 +89329,35 +89330,35 +89331,35 +89332,35 +89333,39 +89334,39 +89335,39 +89336,39 +89337,39 +89338,12 +89339,12 +89340,12 +89341,12 +89342,12 +89343,12 +89344,31 +89345,31 +89346,31 +89347,31 +89348,31 +89349,2 +89350,2 +89351,2 +89352,2 +89353,2 +89354,2 +89355,2 +89356,30 +89357,30 +89358,30 +89359,30 +89360,30 +89361,30 +89362,30 +89363,30 +89364,30 +89365,22 +89366,22 +89367,22 +89368,22 +89369,22 +89370,6 +89371,6 +89372,6 +89373,6 +89374,31 +89375,31 +89376,31 +89377,31 +89378,5 +89379,5 +89380,5 +89381,5 +89382,5 +89383,5 +89384,31 +89385,31 +89386,27 +89387,27 +89388,27 +89389,4 +89390,4 +89391,4 +89392,4 +89393,4 +89394,4 +89395,29 +89396,29 +89397,29 +89398,31 +89399,31 +89400,31 +89401,31 +89402,31 +89403,31 +89404,23 +89405,23 +89406,23 +89407,23 +89408,23 +89409,23 +89410,23 +89411,23 +89412,23 +89413,23 +89414,23 +89415,23 +89416,37 +89417,37 +89418,37 +89419,37 +89420,37 +89421,37 +89422,37 +89423,25 +89424,37 +89425,37 +89426,37 +89427,27 +89428,3 +89429,3 +89430,3 +89431,3 +89432,3 +89433,3 +89434,3 +89435,25 +89436,25 +89437,3 +89438,19 +89439,19 +89440,19 +89441,19 +89442,19 +89443,19 +89444,19 +89445,19 +89446,19 +89447,0 +89448,0 +89449,0 +89450,0 +89451,0 +89452,0 +89453,0 +89454,0 +89455,0 +89456,0 +89457,0 +89458,0 +89459,0 +89460,0 +89461,0 +89462,0 +89463,0 +89464,0 +89465,0 +89466,0 +89467,0 +89468,0 +89469,0 +89470,0 +89471,0 +89472,0 +89473,0 +89474,0 +89475,0 +89476,0 +89477,0 +89478,0 +89479,0 +89480,0 +89481,0 +89482,0 +89483,0 +89484,0 +89485,0 +89486,0 +89487,0 +89488,0 +89489,0 +89490,0 +89491,5 +89492,5 +89493,5 +89494,5 +89495,5 +89496,5 +89497,5 +89498,5 +89499,5 +89500,5 +89501,5 +89502,33 +89503,33 +89504,33 +89505,33 +89506,33 +89507,33 +89508,33 +89509,33 +89510,33 +89511,33 +89512,33 +89513,33 +89514,33 +89515,33 +89516,33 +89517,33 +89518,33 +89519,12 +89520,12 +89521,12 +89522,12 +89523,12 +89524,12 +89525,31 +89526,31 +89527,31 +89528,31 +89529,31 +89530,5 +89531,5 +89532,5 +89533,5 +89534,19 +89535,19 +89536,19 +89537,19 +89538,19 +89539,19 +89540,25 +89541,25 +89542,25 +89543,25 +89544,25 +89545,25 +89546,25 +89547,32 +89548,32 +89549,32 +89550,32 +89551,32 +89552,32 +89553,32 +89554,32 +89555,32 +89556,32 +89557,32 +89558,9 +89559,9 +89560,9 +89561,9 +89562,9 +89563,37 +89564,37 +89565,37 +89566,37 +89567,37 +89568,37 +89569,37 +89570,15 +89571,15 +89572,15 +89573,15 +89574,15 +89575,15 +89576,15 +89577,26 +89578,26 +89579,26 +89580,26 +89581,26 +89582,26 +89583,26 +89584,26 +89585,26 +89586,37 +89587,37 +89588,37 +89589,37 +89590,37 +89591,37 +89592,37 +89593,37 +89594,37 +89595,37 +89596,37 +89597,31 +89598,31 +89599,25 +89600,25 +89601,25 +89602,25 +89603,25 +89604,12 +89605,12 +89606,12 +89607,25 +89608,25 +89609,12 +89610,12 +89611,12 +89612,12 +89613,12 +89614,12 +89615,12 +89616,12 +89617,31 +89618,31 +89619,31 +89620,31 +89621,8 +89622,8 +89623,8 +89624,8 +89625,8 +89626,8 +89627,8 +89628,8 +89629,8 +89630,8 +89631,23 +89632,23 +89633,23 +89634,23 +89635,23 +89636,23 +89637,23 +89638,23 +89639,23 +89640,23 +89641,23 +89642,30 +89643,30 +89644,30 +89645,30 +89646,30 +89647,30 +89648,25 +89649,25 +89650,25 +89651,25 +89652,37 +89653,37 +89654,37 +89655,37 +89656,37 +89657,25 +89658,37 +89659,37 +89660,37 +89661,37 +89662,39 +89663,39 +89664,39 +89665,39 +89666,39 +89667,19 +89668,19 +89669,19 +89670,19 +89671,19 +89672,19 +89673,19 +89674,19 +89675,36 +89676,36 +89677,36 +89678,36 +89679,36 +89680,36 +89681,36 +89682,36 +89683,36 +89684,5 +89685,5 +89686,5 +89687,5 +89688,5 +89689,5 +89690,5 +89691,5 +89692,5 +89693,5 +89694,5 +89695,5 +89696,5 +89697,5 +89698,25 +89699,25 +89700,25 +89701,25 +89702,25 +89703,25 +89704,25 +89705,25 +89706,25 +89707,25 +89708,25 +89709,40 +89710,40 +89711,25 +89712,24 +89713,24 +89714,24 +89715,24 +89716,24 +89717,27 +89718,27 +89719,27 +89720,27 +89721,27 +89722,27 +89723,27 +89724,27 +89725,27 +89726,31 +89727,8 +89728,8 +89729,2 +89730,8 +89731,8 +89732,8 +89733,8 +89734,8 +89735,8 +89736,2 +89737,2 +89738,2 +89739,2 +89740,2 +89741,2 +89742,2 +89743,8 +89744,8 +89745,2 +89746,2 +89747,23 +89748,23 +89749,23 +89750,23 +89751,23 +89752,23 +89753,23 +89754,23 +89755,25 +89756,25 +89757,25 +89758,25 +89759,25 +89760,25 +89761,25 +89762,29 +89763,29 +89764,29 +89765,29 +89766,29 +89767,25 +89768,25 +89769,25 +89770,25 +89771,25 +89772,25 +89773,25 +89774,25 +89775,25 +89776,8 +89777,8 +89778,8 +89779,8 +89780,8 +89781,8 +89782,8 +89783,8 +89784,19 +89785,19 +89786,19 +89787,19 +89788,19 +89789,27 +89790,27 +89791,27 +89792,27 +89793,27 +89794,27 +89795,27 +89796,3 +89797,27 +89798,27 +89799,27 +89800,14 +89801,14 +89802,14 +89803,14 +89804,5 +89805,5 +89806,5 +89807,5 +89808,5 +89809,18 +89810,18 +89811,18 +89812,18 +89813,18 +89814,18 +89815,18 +89816,18 +89817,25 +89818,25 +89819,25 +89820,25 +89821,25 +89822,25 +89823,32 +89824,32 +89825,32 +89826,32 +89827,32 +89828,32 +89829,32 +89830,32 +89831,32 +89832,26 +89833,26 +89834,26 +89835,34 +89836,26 +89837,26 +89838,26 +89839,26 +89840,26 +89841,26 +89842,5 +89843,5 +89844,5 +89845,5 +89846,9 +89847,9 +89848,9 +89849,9 +89850,9 +89851,9 +89852,9 +89853,9 +89854,9 +89855,9 +89856,9 +89857,9 +89858,9 +89859,9 +89860,9 +89861,9 +89862,9 +89863,9 +89864,9 +89865,9 +89866,30 +89867,30 +89868,30 +89869,30 +89870,30 +89871,30 +89872,30 +89873,30 +89874,30 +89875,30 +89876,30 +89877,2 +89878,2 +89879,2 +89880,2 +89881,2 +89882,2 +89883,2 +89884,2 +89885,2 +89886,2 +89887,2 +89888,2 +89889,9 +89890,26 +89891,9 +89892,9 +89893,9 +89894,9 +89895,10 +89896,10 +89897,10 +89898,10 +89899,26 +89900,9 +89901,10 +89902,10 +89903,10 +89904,10 +89905,10 +89906,10 +89907,10 +89908,10 +89909,10 +89910,10 +89911,10 +89912,10 +89913,10 +89914,5 +89915,5 +89916,5 +89917,5 +89918,5 +89919,5 +89920,5 +89921,5 +89922,5 +89923,2 +89924,8 +89925,8 +89926,8 +89927,2 +89928,2 +89929,2 +89930,2 +89931,2 +89932,2 +89933,2 +89934,2 +89935,2 +89936,2 +89937,2 +89938,2 +89939,2 +89940,2 +89941,0 +89942,0 +89943,0 +89944,0 +89945,0 +89946,0 +89947,0 +89948,0 +89949,0 +89950,0 +89951,0 +89952,0 +89953,0 +89954,0 +89955,0 +89956,0 +89957,0 +89958,0 +89959,0 +89960,0 +89961,0 +89962,0 +89963,0 +89964,0 +89965,0 +89966,0 +89967,0 +89968,0 +89969,0 +89970,2 +89971,2 +89972,2 +89973,2 +89974,2 +89975,2 +89976,2 +89977,2 +89978,35 +89979,32 +89980,27 +89981,27 +89982,27 +89983,27 +89984,27 +89985,27 +89986,2 +89987,8 +89988,8 +89989,8 +89990,8 +89991,8 +89992,8 +89993,35 +89994,35 +89995,35 +89996,35 +89997,35 +89998,35 +89999,35 +90000,39 +90001,39 +90002,39 +90003,39 +90004,39 +90005,39 +90006,39 +90007,39 +90008,39 +90009,39 +90010,39 +90011,39 +90012,31 +90013,31 +90014,31 +90015,31 +90016,4 +90017,4 +90018,4 +90019,4 +90020,4 +90021,4 +90022,4 +90023,4 +90024,4 +90025,29 +90026,29 +90027,40 +90028,40 +90029,40 +90030,40 +90031,40 +90032,40 +90033,37 +90034,37 +90035,37 +90036,37 +90037,37 +90038,37 +90039,35 +90040,35 +90041,35 +90042,35 +90043,35 +90044,35 +90045,35 +90046,35 +90047,35 +90048,35 +90049,35 +90050,34 +90051,34 +90052,34 +90053,34 +90054,34 +90055,34 +90056,34 +90057,36 +90058,36 +90059,30 +90060,34 +90061,34 +90062,34 +90063,34 +90064,34 +90065,34 +90066,34 +90067,34 +90068,34 +90069,34 +90070,34 +90071,2 +90072,2 +90073,2 +90074,2 +90075,2 +90076,2 +90077,2 +90078,8 +90079,8 +90080,8 +90081,8 +90082,2 +90083,2 +90084,2 +90085,2 +90086,2 +90087,2 +90088,2 +90089,2 +90090,2 +90091,2 +90092,2 +90093,2 +90094,2 +90095,2 +90096,4 +90097,4 +90098,4 +90099,8 +90100,0 +90101,0 +90102,0 +90103,0 +90104,0 +90105,0 +90106,0 +90107,0 +90108,0 +90109,0 +90110,0 +90111,0 +90112,0 +90113,0 +90114,0 +90115,0 +90116,0 +90117,0 +90118,0 +90119,0 +90120,0 +90121,0 +90122,0 +90123,0 +90124,0 +90125,0 +90126,0 +90127,0 +90128,0 +90129,0 +90130,0 +90131,0 +90132,0 +90133,0 +90134,0 +90135,0 +90136,0 +90137,0 +90138,0 +90139,0 +90140,0 +90141,0 +90142,0 +90143,0 +90144,35 +90145,35 +90146,35 +90147,0 +90148,0 +90149,0 +90150,35 +90151,35 +90152,0 +90153,35 +90154,35 +90155,35 +90156,35 +90157,35 +90158,35 +90159,35 +90160,35 +90161,35 +90162,35 +90163,35 +90164,35 +90165,35 +90166,34 +90167,34 +90168,34 +90169,34 +90170,34 +90171,34 +90172,34 +90173,6 +90174,6 +90175,6 +90176,6 +90177,6 +90178,6 +90179,6 +90180,6 +90181,6 +90182,7 +90183,22 +90184,22 +90185,19 +90186,19 +90187,19 +90188,39 +90189,39 +90190,39 +90191,39 +90192,39 +90193,39 +90194,39 +90195,39 +90196,39 +90197,39 +90198,15 +90199,15 +90200,15 +90201,15 +90202,15 +90203,15 +90204,39 +90205,39 +90206,39 +90207,39 +90208,39 +90209,39 +90210,39 +90211,39 +90212,29 +90213,29 +90214,29 +90215,29 +90216,29 +90217,29 +90218,29 +90219,29 +90220,29 +90221,40 +90222,40 +90223,40 +90224,40 +90225,40 +90226,40 +90227,40 +90228,40 +90229,40 +90230,40 +90231,40 +90232,40 +90233,40 +90234,40 +90235,37 +90236,37 +90237,37 +90238,37 +90239,37 +90240,37 +90241,37 +90242,37 +90243,31 +90244,27 +90245,31 +90246,31 +90247,31 +90248,31 +90249,31 +90250,31 +90251,31 +90252,31 +90253,31 +90254,5 +90255,5 +90256,5 +90257,5 +90258,5 +90259,5 +90260,27 +90261,27 +90262,27 +90263,27 +90264,27 +90265,27 +90266,27 +90267,8 +90268,8 +90269,8 +90270,8 +90271,8 +90272,8 +90273,8 +90274,8 +90275,8 +90276,8 +90277,23 +90278,23 +90279,23 +90280,23 +90281,23 +90282,23 +90283,23 +90284,23 +90285,26 +90286,26 +90287,26 +90288,26 +90289,26 +90290,26 +90291,26 +90292,31 +90293,31 +90294,31 +90295,31 +90296,31 +90297,31 +90298,29 +90299,29 +90300,29 +90301,29 +90302,29 +90303,29 +90304,25 +90305,25 +90306,25 +90307,25 +90308,25 +90309,25 +90310,25 +90311,25 +90312,27 +90313,27 +90314,27 +90315,27 +90316,27 +90317,27 +90318,27 +90319,27 +90320,27 +90321,27 +90322,27 +90323,5 +90324,5 +90325,5 +90326,5 +90327,5 +90328,5 +90329,5 +90330,5 +90331,5 +90332,5 +90333,5 +90334,5 +90335,4 +90336,4 +90337,4 +90338,19 +90339,19 +90340,19 +90341,19 +90342,0 +90343,0 +90344,0 +90345,0 +90346,0 +90347,0 +90348,0 +90349,0 +90350,0 +90351,0 +90352,0 +90353,0 +90354,0 +90355,0 +90356,0 +90357,0 +90358,0 +90359,0 +90360,0 +90361,0 +90362,0 +90363,0 +90364,0 +90365,0 +90366,0 +90367,0 +90368,0 +90369,0 +90370,0 +90371,0 +90372,0 +90373,0 +90374,0 +90375,0 +90376,0 +90377,0 +90378,0 +90379,27 +90380,27 +90381,0 +90382,0 +90383,0 +90384,0 +90385,14 +90386,14 +90387,14 +90388,14 +90389,14 +90390,14 +90391,14 +90392,39 +90393,39 +90394,39 +90395,39 +90396,14 +90397,39 +90398,39 +90399,39 +90400,39 +90401,4 +90402,4 +90403,4 +90404,4 +90405,4 +90406,4 +90407,27 +90408,27 +90409,27 +90410,27 +90411,27 +90412,27 +90413,27 +90414,5 +90415,5 +90416,5 +90417,5 +90418,5 +90419,5 +90420,4 +90421,4 +90422,4 +90423,4 +90424,4 +90425,4 +90426,4 +90427,4 +90428,4 +90429,4 +90430,4 +90431,4 +90432,4 +90433,4 +90434,4 +90435,12 +90436,12 +90437,12 +90438,12 +90439,12 +90440,12 +90441,12 +90442,40 +90443,40 +90444,40 +90445,40 +90446,5 +90447,5 +90448,5 +90449,5 +90450,39 +90451,39 +90452,39 +90453,39 +90454,39 +90455,39 +90456,39 +90457,27 +90458,27 +90459,27 +90460,39 +90461,39 +90462,39 +90463,39 +90464,39 +90465,39 +90466,39 +90467,39 +90468,39 +90469,37 +90470,37 +90471,37 +90472,37 +90473,37 +90474,37 +90475,37 +90476,37 +90477,37 +90478,8 +90479,8 +90480,8 +90481,8 +90482,8 +90483,8 +90484,8 +90485,27 +90486,27 +90487,27 +90488,27 +90489,27 +90490,27 +90491,31 +90492,21 +90493,21 +90494,21 +90495,21 +90496,21 +90497,21 +90498,21 +90499,21 +90500,21 +90501,21 +90502,33 +90503,33 +90504,33 +90505,33 +90506,33 +90507,33 +90508,33 +90509,33 +90510,33 +90511,33 +90512,33 +90513,33 +90514,33 +90515,33 +90516,33 +90517,33 +90518,33 +90519,33 +90520,33 +90521,33 +90522,33 +90523,33 +90524,33 +90525,33 +90526,33 +90527,33 +90528,33 +90529,33 +90530,33 +90531,33 +90532,30 +90533,30 +90534,30 +90535,33 +90536,33 +90537,33 +90538,33 +90539,3 +90540,0 +90541,0 +90542,0 +90543,0 +90544,0 +90545,0 +90546,0 +90547,0 +90548,0 +90549,0 +90550,0 +90551,0 +90552,9 +90553,9 +90554,9 +90555,9 +90556,9 +90557,9 +90558,37 +90559,37 +90560,37 +90561,37 +90562,37 +90563,37 +90564,37 +90565,37 +90566,28 +90567,28 +90568,28 +90569,28 +90570,28 +90571,28 +90572,28 +90573,28 +90574,28 +90575,28 +90576,28 +90577,9 +90578,9 +90579,9 +90580,9 +90581,9 +90582,9 +90583,9 +90584,9 +90585,9 +90586,9 +90587,9 +90588,9 +90589,9 +90590,9 +90591,9 +90592,9 +90593,9 +90594,9 +90595,37 +90596,37 +90597,37 +90598,37 +90599,37 +90600,37 +90601,37 +90602,37 +90603,37 +90604,37 +90605,25 +90606,25 +90607,25 +90608,25 +90609,25 +90610,25 +90611,25 +90612,25 +90613,37 +90614,37 +90615,37 +90616,37 +90617,37 +90618,37 +90619,37 +90620,0 +90621,0 +90622,0 +90623,0 +90624,0 +90625,0 +90626,0 +90627,0 +90628,0 +90629,0 +90630,0 +90631,0 +90632,0 +90633,0 +90634,0 +90635,0 +90636,0 +90637,0 +90638,0 +90639,0 +90640,0 +90641,0 +90642,0 +90643,0 +90644,0 +90645,0 +90646,0 +90647,0 +90648,0 +90649,0 +90650,0 +90651,0 +90652,0 +90653,0 +90654,0 +90655,35 +90656,35 +90657,35 +90658,35 +90659,35 +90660,35 +90661,35 +90662,35 +90663,35 +90664,12 +90665,12 +90666,12 +90667,12 +90668,12 +90669,27 +90670,27 +90671,27 +90672,38 +90673,38 +90674,38 +90675,38 +90676,38 +90677,38 +90678,29 +90679,29 +90680,31 +90681,31 +90682,31 +90683,31 +90684,31 +90685,35 +90686,35 +90687,35 +90688,35 +90689,35 +90690,35 +90691,35 +90692,35 +90693,35 +90694,35 +90695,35 +90696,31 +90697,31 +90698,31 +90699,31 +90700,31 +90701,31 +90702,31 +90703,5 +90704,5 +90705,5 +90706,19 +90707,19 +90708,19 +90709,19 +90710,25 +90711,25 +90712,25 +90713,25 +90714,25 +90715,25 +90716,25 +90717,25 +90718,19 +90719,19 +90720,19 +90721,19 +90722,19 +90723,31 +90724,31 +90725,31 +90726,31 +90727,31 +90728,31 +90729,5 +90730,5 +90731,5 +90732,5 +90733,4 +90734,4 +90735,4 +90736,4 +90737,4 +90738,4 +90739,4 +90740,4 +90741,4 +90742,4 +90743,4 +90744,4 +90745,4 +90746,12 +90747,12 +90748,12 +90749,12 +90750,12 +90751,40 +90752,40 +90753,40 +90754,40 +90755,5 +90756,5 +90757,5 +90758,5 +90759,39 +90760,39 +90761,39 +90762,39 +90763,39 +90764,39 +90765,39 +90766,38 +90767,38 +90768,38 +90769,38 +90770,38 +90771,38 +90772,38 +90773,38 +90774,34 +90775,34 +90776,34 +90777,34 +90778,34 +90779,34 +90780,34 +90781,34 +90782,34 +90783,34 +90784,34 +90785,34 +90786,34 +90787,34 +90788,34 +90789,8 +90790,8 +90791,8 +90792,8 +90793,8 +90794,8 +90795,8 +90796,31 +90797,31 +90798,31 +90799,31 +90800,5 +90801,28 +90802,28 +90803,5 +90804,5 +90805,5 +90806,32 +90807,32 +90808,32 +90809,32 +90810,32 +90811,32 +90812,32 +90813,32 +90814,32 +90815,32 +90816,32 +90817,32 +90818,32 +90819,32 +90820,32 +90821,32 +90822,40 +90823,27 +90824,27 +90825,27 +90826,27 +90827,40 +90828,27 +90829,27 +90830,40 +90831,40 +90832,34 +90833,34 +90834,5 +90835,5 +90836,5 +90837,5 +90838,5 +90839,5 +90840,5 +90841,5 +90842,13 +90843,13 +90844,13 +90845,13 +90846,13 +90847,13 +90848,13 +90849,13 +90850,5 +90851,5 +90852,5 +90853,13 +90854,13 +90855,5 +90856,5 +90857,5 +90858,8 +90859,8 +90860,8 +90861,8 +90862,8 +90863,8 +90864,8 +90865,8 +90866,8 +90867,2 +90868,2 +90869,2 +90870,2 +90871,2 +90872,2 +90873,2 +90874,2 +90875,2 +90876,2 +90877,2 +90878,0 +90879,0 +90880,0 +90881,0 +90882,0 +90883,0 +90884,0 +90885,0 +90886,0 +90887,0 +90888,0 +90889,0 +90890,0 +90891,0 +90892,0 +90893,0 +90894,0 +90895,0 +90896,0 +90897,0 +90898,0 +90899,0 +90900,0 +90901,0 +90902,0 +90903,0 +90904,0 +90905,0 +90906,0 +90907,0 +90908,0 +90909,15 +90910,15 +90911,17 +90912,17 +90913,17 +90914,17 +90915,17 +90916,17 +90917,17 +90918,39 +90919,39 +90920,39 +90921,39 +90922,39 +90923,39 +90924,39 +90925,39 +90926,39 +90927,39 +90928,39 +90929,27 +90930,27 +90931,27 +90932,27 +90933,27 +90934,5 +90935,5 +90936,5 +90937,5 +90938,5 +90939,5 +90940,5 +90941,5 +90942,5 +90943,5 +90944,5 +90945,33 +90946,33 +90947,33 +90948,33 +90949,33 +90950,33 +90951,33 +90952,33 +90953,30 +90954,30 +90955,30 +90956,33 +90957,33 +90958,33 +90959,33 +90960,33 +90961,33 +90962,33 +90963,33 +90964,33 +90965,33 +90966,11 +90967,11 +90968,11 +90969,11 +90970,11 +90971,11 +90972,11 +90973,11 +90974,11 +90975,11 +90976,11 +90977,11 +90978,11 +90979,39 +90980,39 +90981,39 +90982,39 +90983,39 +90984,39 +90985,39 +90986,39 +90987,39 +90988,27 +90989,27 +90990,27 +90991,27 +90992,27 +90993,27 +90994,27 +90995,8 +90996,8 +90997,8 +90998,8 +90999,8 +91000,21 +91001,21 +91002,21 +91003,21 +91004,21 +91005,21 +91006,21 +91007,21 +91008,36 +91009,36 +91010,36 +91011,36 +91012,36 +91013,36 +91014,36 +91015,36 +91016,40 +91017,4 +91018,4 +91019,4 +91020,4 +91021,4 +91022,4 +91023,4 +91024,4 +91025,4 +91026,36 +91027,36 +91028,36 +91029,36 +91030,36 +91031,36 +91032,36 +91033,36 +91034,36 +91035,36 +91036,36 +91037,36 +91038,36 +91039,36 +91040,24 +91041,24 +91042,24 +91043,24 +91044,24 +91045,24 +91046,24 +91047,24 +91048,24 +91049,24 +91050,25 +91051,25 +91052,25 +91053,25 +91054,25 +91055,25 +91056,25 +91057,25 +91058,2 +91059,2 +91060,2 +91061,2 +91062,2 +91063,2 +91064,2 +91065,2 +91066,2 +91067,2 +91068,2 +91069,33 +91070,33 +91071,33 +91072,33 +91073,33 +91074,33 +91075,33 +91076,30 +91077,28 +91078,28 +91079,28 +91080,28 +91081,28 +91082,28 +91083,28 +91084,28 +91085,26 +91086,26 +91087,26 +91088,26 +91089,26 +91090,26 +91091,26 +91092,16 +91093,16 +91094,16 +91095,16 +91096,16 +91097,16 +91098,16 +91099,16 +91100,16 +91101,16 +91102,31 +91103,31 +91104,31 +91105,5 +91106,5 +91107,5 +91108,5 +91109,5 +91110,34 +91111,34 +91112,34 +91113,34 +91114,10 +91115,10 +91116,10 +91117,10 +91118,10 +91119,10 +91120,10 +91121,34 +91122,34 +91123,34 +91124,34 +91125,34 +91126,34 +91127,34 +91128,34 +91129,34 +91130,34 +91131,34 +91132,34 +91133,34 +91134,34 +91135,34 +91136,34 +91137,34 +91138,34 +91139,34 +91140,34 +91141,30 +91142,30 +91143,30 +91144,30 +91145,30 +91146,0 +91147,0 +91148,0 +91149,0 +91150,0 +91151,0 +91152,0 +91153,0 +91154,0 +91155,0 +91156,0 +91157,0 +91158,8 +91159,8 +91160,0 +91161,0 +91162,0 +91163,0 +91164,0 +91165,0 +91166,0 +91167,0 +91168,0 +91169,0 +91170,0 +91171,0 +91172,0 +91173,0 +91174,0 +91175,0 +91176,0 +91177,0 +91178,0 +91179,0 +91180,0 +91181,0 +91182,0 +91183,0 +91184,0 +91185,0 +91186,0 +91187,0 +91188,0 +91189,0 +91190,0 +91191,0 +91192,0 +91193,0 +91194,0 +91195,0 +91196,0 +91197,0 +91198,0 +91199,0 +91200,0 +91201,0 +91202,0 +91203,0 +91204,0 +91205,0 +91206,0 +91207,27 +91208,27 +91209,27 +91210,27 +91211,27 +91212,27 +91213,27 +91214,27 +91215,4 +91216,4 +91217,4 +91218,4 +91219,27 +91220,27 +91221,27 +91222,27 +91223,27 +91224,27 +91225,27 +91226,27 +91227,27 +91228,8 +91229,8 +91230,8 +91231,8 +91232,8 +91233,8 +91234,8 +91235,8 +91236,8 +91237,40 +91238,40 +91239,31 +91240,31 +91241,31 +91242,5 +91243,5 +91244,5 +91245,5 +91246,5 +91247,5 +91248,5 +91249,32 +91250,32 +91251,32 +91252,32 +91253,32 +91254,32 +91255,32 +91256,32 +91257,26 +91258,26 +91259,26 +91260,26 +91261,26 +91262,26 +91263,26 +91264,9 +91265,9 +91266,9 +91267,9 +91268,9 +91269,2 +91270,2 +91271,2 +91272,2 +91273,2 +91274,2 +91275,2 +91276,2 +91277,2 +91278,2 +91279,2 +91280,31 +91281,31 +91282,31 +91283,31 +91284,31 +91285,31 +91286,15 +91287,15 +91288,15 +91289,30 +91290,30 +91291,30 +91292,30 +91293,30 +91294,30 +91295,30 +91296,30 +91297,30 +91298,30 +91299,30 +91300,30 +91301,30 +91302,39 +91303,39 +91304,31 +91305,21 +91306,21 +91307,21 +91308,21 +91309,21 +91310,21 +91311,21 +91312,21 +91313,21 +91314,21 +91315,21 +91316,27 +91317,27 +91318,27 +91319,27 +91320,27 +91321,24 +91322,24 +91323,24 +91324,24 +91325,24 +91326,24 +91327,24 +91328,7 +91329,7 +91330,7 +91331,7 +91332,3 +91333,3 +91334,3 +91335,3 +91336,3 +91337,3 +91338,3 +91339,3 +91340,3 +91341,23 +91342,23 +91343,23 +91344,23 +91345,23 +91346,23 +91347,23 +91348,23 +91349,23 +91350,23 +91351,25 +91352,25 +91353,25 +91354,25 +91355,25 +91356,25 +91357,25 +91358,25 +91359,25 +91360,25 +91361,25 +91362,29 +91363,29 +91364,29 +91365,29 +91366,29 +91367,25 +91368,25 +91369,25 +91370,25 +91371,25 +91372,25 +91373,25 +91374,25 +91375,25 +91376,19 +91377,19 +91378,19 +91379,19 +91380,19 +91381,19 +91382,19 +91383,19 +91384,19 +91385,19 +91386,39 +91387,39 +91388,39 +91389,39 +91390,39 +91391,39 +91392,39 +91393,39 +91394,39 +91395,39 +91396,39 +91397,39 +91398,4 +91399,4 +91400,4 +91401,4 +91402,4 +91403,4 +91404,4 +91405,4 +91406,4 +91407,14 +91408,14 +91409,17 +91410,17 +91411,17 +91412,17 +91413,17 +91414,17 +91415,17 +91416,17 +91417,17 +91418,17 +91419,17 +91420,17 +91421,17 +91422,17 +91423,30 +91424,30 +91425,30 +91426,30 +91427,30 +91428,30 +91429,8 +91430,8 +91431,8 +91432,8 +91433,8 +91434,8 +91435,8 +91436,31 +91437,31 +91438,31 +91439,31 +91440,31 +91441,31 +91442,31 +91443,31 +91444,5 +91445,5 +91446,5 +91447,5 +91448,9 +91449,9 +91450,9 +91451,9 +91452,9 +91453,9 +91454,9 +91455,9 +91456,9 +91457,9 +91458,30 +91459,30 +91460,12 +91461,12 +91462,12 +91463,12 +91464,34 +91465,40 +91466,31 +91467,40 +91468,31 +91469,31 +91470,26 +91471,34 +91472,34 +91473,19 +91474,19 +91475,19 +91476,19 +91477,19 +91478,19 +91479,19 +91480,19 +91481,25 +91482,25 +91483,25 +91484,25 +91485,25 +91486,25 +91487,25 +91488,37 +91489,37 +91490,37 +91491,37 +91492,37 +91493,25 +91494,25 +91495,25 +91496,25 +91497,25 +91498,25 +91499,25 +91500,25 +91501,25 +91502,0 +91503,0 +91504,0 +91505,0 +91506,0 +91507,0 +91508,0 +91509,0 +91510,0 +91511,0 +91512,0 +91513,0 +91514,0 +91515,0 +91516,0 +91517,0 +91518,0 +91519,0 +91520,0 +91521,0 +91522,0 +91523,0 +91524,0 +91525,0 +91526,0 +91527,0 +91528,0 +91529,0 +91530,0 +91531,0 +91532,0 +91533,0 +91534,0 +91535,0 +91536,0 +91537,0 +91538,0 +91539,0 +91540,0 +91541,0 +91542,0 +91543,0 +91544,0 +91545,0 +91546,0 +91547,0 +91548,0 +91549,0 +91550,0 +91551,0 +91552,0 +91553,0 +91554,0 +91555,0 +91556,0 +91557,0 +91558,0 +91559,0 +91560,0 +91561,0 +91562,0 +91563,0 +91564,0 +91565,0 +91566,0 +91567,15 +91568,15 +91569,15 +91570,31 +91571,31 +91572,31 +91573,31 +91574,31 +91575,4 +91576,4 +91577,4 +91578,4 +91579,27 +91580,27 +91581,27 +91582,27 +91583,27 +91584,27 +91585,27 +91586,27 +91587,27 +91588,27 +91589,23 +91590,38 +91591,38 +91592,38 +91593,38 +91594,23 +91595,23 +91596,7 +91597,7 +91598,35 +91599,7 +91600,3 +91601,3 +91602,3 +91603,3 +91604,3 +91605,3 +91606,12 +91607,12 +91608,12 +91609,12 +91610,12 +91611,12 +91612,12 +91613,12 +91614,12 +91615,12 +91616,31 +91617,31 +91618,31 +91619,31 +91620,31 +91621,31 +91622,30 +91623,30 +91624,30 +91625,30 +91626,30 +91627,21 +91628,21 +91629,21 +91630,21 +91631,21 +91632,21 +91633,21 +91634,21 +91635,21 +91636,37 +91637,37 +91638,37 +91639,37 +91640,37 +91641,37 +91642,37 +91643,40 +91644,40 +91645,40 +91646,40 +91647,40 +91648,40 +91649,5 +91650,5 +91651,5 +91652,5 +91653,6 +91654,6 +91655,6 +91656,6 +91657,4 +91658,4 +91659,4 +91660,40 +91661,40 +91662,40 +91663,40 +91664,40 +91665,40 +91666,40 +91667,40 +91668,40 +91669,40 +91670,2 +91671,2 +91672,2 +91673,2 +91674,2 +91675,2 +91676,2 +91677,2 +91678,2 +91679,2 +91680,2 +91681,2 +91682,2 +91683,4 +91684,4 +91685,4 +91686,4 +91687,4 +91688,4 +91689,39 +91690,39 +91691,14 +91692,14 +91693,39 +91694,39 +91695,39 +91696,39 +91697,35 +91698,35 +91699,35 +91700,35 +91701,36 +91702,36 +91703,36 +91704,5 +91705,5 +91706,5 +91707,5 +91708,5 +91709,5 +91710,4 +91711,4 +91712,4 +91713,4 +91714,4 +91715,4 +91716,25 +91717,25 +91718,25 +91719,25 +91720,25 +91721,25 +91722,24 +91723,24 +91724,24 +91725,24 +91726,24 +91727,24 +91728,7 +91729,7 +91730,7 +91731,7 +91732,7 +91733,7 +91734,39 +91735,39 +91736,39 +91737,39 +91738,3 +91739,3 +91740,3 +91741,39 +91742,12 +91743,12 +91744,12 +91745,3 +91746,3 +91747,3 +91748,3 +91749,3 +91750,3 +91751,3 +91752,12 +91753,12 +91754,12 +91755,39 +91756,39 +91757,39 +91758,39 +91759,39 +91760,39 +91761,39 +91762,24 +91763,24 +91764,24 +91765,24 +91766,24 +91767,24 +91768,24 +91769,24 +91770,40 +91771,40 +91772,40 +91773,40 +91774,40 +91775,40 +91776,40 +91777,40 +91778,5 +91779,5 +91780,5 +91781,5 +91782,5 +91783,16 +91784,16 +91785,16 +91786,16 +91787,16 +91788,16 +91789,16 +91790,16 +91791,16 +91792,16 +91793,25 +91794,25 +91795,25 +91796,25 +91797,25 +91798,25 +91799,25 +91800,4 +91801,4 +91802,4 +91803,4 +91804,4 +91805,4 +91806,3 +91807,34 +91808,34 +91809,34 +91810,3 +91811,3 +91812,3 +91813,3 +91814,35 +91815,35 +91816,34 +91817,34 +91818,34 +91819,40 +91820,40 +91821,40 +91822,40 +91823,40 +91824,40 +91825,36 +91826,36 +91827,40 +91828,40 +91829,40 +91830,40 +91831,40 +91832,40 +91833,36 +91834,36 +91835,36 +91836,36 +91837,40 +91838,40 +91839,36 +91840,36 +91841,2 +91842,2 +91843,2 +91844,2 +91845,2 +91846,2 +91847,2 +91848,2 +91849,2 +91850,2 +91851,2 +91852,2 +91853,2 +91854,2 +91855,2 +91856,0 +91857,0 +91858,2 +91859,2 +91860,2 +91861,2 +91862,0 +91863,0 +91864,4 +91865,4 +91866,0 +91867,0 +91868,0 +91869,0 +91870,0 +91871,0 +91872,0 +91873,0 +91874,0 +91875,0 +91876,0 +91877,0 +91878,0 +91879,0 +91880,0 +91881,0 +91882,0 +91883,0 +91884,0 +91885,0 +91886,0 +91887,0 +91888,0 +91889,0 +91890,0 +91891,0 +91892,0 +91893,0 +91894,0 +91895,0 +91896,0 +91897,0 +91898,0 +91899,0 +91900,0 +91901,0 +91902,0 +91903,0 +91904,0 +91905,0 +91906,0 +91907,0 +91908,12 +91909,12 +91910,12 +91911,12 +91912,12 +91913,12 +91914,12 +91915,12 +91916,12 +91917,12 +91918,12 +91919,39 +91920,39 +91921,39 +91922,39 +91923,39 +91924,39 +91925,12 +91926,12 +91927,12 +91928,12 +91929,12 +91930,12 +91931,12 +91932,27 +91933,27 +91934,27 +91935,27 +91936,27 +91937,19 +91938,19 +91939,19 +91940,19 +91941,19 +91942,19 +91943,19 +91944,23 +91945,23 +91946,23 +91947,23 +91948,23 +91949,23 +91950,23 +91951,23 +91952,23 +91953,23 +91954,23 +91955,23 +91956,10 +91957,10 +91958,10 +91959,10 +91960,10 +91961,10 +91962,10 +91963,10 +91964,10 +91965,10 +91966,10 +91967,10 +91968,10 +91969,10 +91970,10 +91971,10 +91972,10 +91973,10 +91974,10 +91975,10 +91976,10 +91977,10 +91978,24 +91979,24 +91980,24 +91981,24 +91982,18 +91983,4 +91984,4 +91985,27 +91986,27 +91987,27 +91988,27 +91989,27 +91990,5 +91991,5 +91992,5 +91993,5 +91994,5 +91995,5 +91996,5 +91997,29 +91998,31 +91999,31 +92000,31 +92001,4 +92002,4 +92003,4 +92004,4 +92005,4 +92006,32 +92007,32 +92008,32 +92009,32 +92010,32 +92011,32 +92012,32 +92013,32 +92014,32 +92015,32 +92016,32 +92017,32 +92018,30 +92019,30 +92020,30 +92021,30 +92022,30 +92023,36 +92024,36 +92025,14 +92026,14 +92027,14 +92028,14 +92029,14 +92030,14 +92031,14 +92032,14 +92033,10 +92034,10 +92035,10 +92036,10 +92037,10 +92038,10 +92039,10 +92040,5 +92041,5 +92042,5 +92043,5 +92044,5 +92045,5 +92046,5 +92047,5 +92048,13 +92049,12 +92050,12 +92051,12 +92052,12 +92053,12 +92054,12 +92055,12 +92056,12 +92057,12 +92058,12 +92059,12 +92060,22 +92061,22 +92062,22 +92063,27 +92064,5 +92065,5 +92066,24 +92067,24 +92068,24 +92069,24 +92070,24 +92071,28 +92072,28 +92073,28 +92074,28 +92075,28 +92076,31 +92077,28 +92078,5 +92079,27 +92080,27 +92081,19 +92082,19 +92083,19 +92084,19 +92085,6 +92086,6 +92087,6 +92088,6 +92089,6 +92090,6 +92091,6 +92092,6 +92093,6 +92094,6 +92095,6 +92096,37 +92097,37 +92098,37 +92099,37 +92100,37 +92101,14 +92102,14 +92103,14 +92104,14 +92105,14 +92106,14 +92107,14 +92108,39 +92109,39 +92110,39 +92111,19 +92112,19 +92113,19 +92114,19 +92115,19 +92116,19 +92117,33 +92118,33 +92119,33 +92120,33 +92121,33 +92122,33 +92123,33 +92124,33 +92125,33 +92126,33 +92127,30 +92128,30 +92129,30 +92130,30 +92131,30 +92132,30 +92133,30 +92134,30 +92135,30 +92136,30 +92137,0 +92138,0 +92139,0 +92140,0 +92141,0 +92142,0 +92143,0 +92144,0 +92145,0 +92146,0 +92147,0 +92148,0 +92149,0 +92150,0 +92151,0 +92152,0 +92153,0 +92154,0 +92155,0 +92156,0 +92157,31 +92158,31 +92159,31 +92160,31 +92161,31 +92162,31 +92163,31 +92164,31 +92165,31 +92166,31 +92167,31 +92168,31 +92169,31 +92170,31 +92171,19 +92172,19 +92173,19 +92174,19 +92175,19 +92176,19 +92177,19 +92178,19 +92179,19 +92180,19 +92181,19 +92182,19 +92183,19 +92184,19 +92185,19 +92186,19 +92187,19 +92188,19 +92189,14 +92190,14 +92191,14 +92192,14 +92193,14 +92194,14 +92195,14 +92196,14 +92197,14 +92198,14 +92199,14 +92200,14 +92201,14 +92202,14 +92203,14 +92204,14 +92205,14 +92206,14 +92207,5 +92208,5 +92209,13 +92210,5 +92211,13 +92212,13 +92213,13 +92214,13 +92215,4 +92216,4 +92217,4 +92218,4 +92219,4 +92220,4 +92221,4 +92222,4 +92223,4 +92224,4 +92225,4 +92226,4 +92227,39 +92228,39 +92229,39 +92230,39 +92231,39 +92232,39 +92233,39 +92234,39 +92235,15 +92236,15 +92237,15 +92238,15 +92239,15 +92240,15 +92241,15 +92242,15 +92243,34 +92244,31 +92245,31 +92246,31 +92247,31 +92248,31 +92249,31 +92250,31 +92251,31 +92252,31 +92253,5 +92254,5 +92255,5 +92256,5 +92257,5 +92258,5 +92259,5 +92260,19 +92261,19 +92262,19 +92263,19 +92264,31 +92265,31 +92266,25 +92267,25 +92268,30 +92269,30 +92270,30 +92271,30 +92272,30 +92273,30 +92274,30 +92275,30 +92276,30 +92277,27 +92278,27 +92279,27 +92280,25 +92281,25 +92282,25 +92283,25 +92284,25 +92285,2 +92286,25 +92287,2 +92288,2 +92289,2 +92290,2 +92291,2 +92292,2 +92293,2 +92294,2 +92295,2 +92296,2 +92297,2 +92298,2 +92299,2 +92300,2 +92301,12 +92302,12 +92303,30 +92304,30 +92305,30 +92306,30 +92307,30 +92308,39 +92309,39 +92310,39 +92311,39 +92312,39 +92313,39 +92314,39 +92315,39 +92316,27 +92317,27 +92318,27 +92319,27 +92320,39 +92321,39 +92322,19 +92323,19 +92324,19 +92325,5 +92326,5 +92327,5 +92328,31 +92329,31 +92330,31 +92331,31 +92332,31 +92333,31 +92334,31 +92335,31 +92336,8 +92337,8 +92338,8 +92339,8 +92340,8 +92341,2 +92342,2 +92343,2 +92344,2 +92345,2 +92346,9 +92347,9 +92348,9 +92349,9 +92350,9 +92351,9 +92352,9 +92353,9 +92354,9 +92355,9 +92356,9 +92357,9 +92358,9 +92359,9 +92360,9 +92361,9 +92362,9 +92363,9 +92364,9 +92365,9 +92366,9 +92367,9 +92368,9 +92369,9 +92370,30 +92371,30 +92372,30 +92373,30 +92374,30 +92375,30 +92376,30 +92377,30 +92378,19 +92379,19 +92380,19 +92381,19 +92382,19 +92383,19 +92384,19 +92385,26 +92386,26 +92387,26 +92388,26 +92389,26 +92390,26 +92391,26 +92392,26 +92393,26 +92394,26 +92395,26 +92396,26 +92397,26 +92398,26 +92399,26 +92400,26 +92401,26 +92402,26 +92403,26 +92404,32 +92405,32 +92406,32 +92407,32 +92408,32 +92409,32 +92410,32 +92411,31 +92412,31 +92413,31 +92414,31 +92415,31 +92416,5 +92417,5 +92418,5 +92419,5 +92420,5 +92421,5 +92422,5 +92423,5 +92424,5 +92425,0 +92426,0 +92427,0 +92428,0 +92429,0 +92430,0 +92431,12 +92432,12 +92433,12 +92434,12 +92435,12 +92436,10 +92437,10 +92438,10 +92439,10 +92440,10 +92441,10 +92442,10 +92443,10 +92444,10 +92445,10 +92446,10 +92447,10 +92448,10 +92449,10 +92450,10 +92451,10 +92452,10 +92453,10 +92454,10 +92455,14 +92456,14 +92457,4 +92458,4 +92459,4 +92460,4 +92461,4 +92462,4 +92463,4 +92464,0 +92465,0 +92466,0 +92467,0 +92468,0 +92469,0 +92470,0 +92471,0 +92472,0 +92473,0 +92474,0 +92475,0 +92476,0 +92477,0 +92478,0 +92479,0 +92480,0 +92481,0 +92482,0 +92483,0 +92484,0 +92485,0 +92486,0 +92487,0 +92488,0 +92489,0 +92490,0 +92491,0 +92492,0 +92493,0 +92494,0 +92495,0 +92496,0 +92497,0 +92498,0 +92499,0 +92500,19 +92501,19 +92502,19 +92503,34 +92504,26 +92505,9 +92506,9 +92507,9 +92508,9 +92509,9 +92510,9 +92511,6 +92512,6 +92513,6 +92514,6 +92515,6 +92516,6 +92517,6 +92518,6 +92519,6 +92520,6 +92521,6 +92522,27 +92523,27 +92524,27 +92525,27 +92526,27 +92527,27 +92528,27 +92529,27 +92530,27 +92531,27 +92532,27 +92533,27 +92534,28 +92535,28 +92536,28 +92537,28 +92538,28 +92539,28 +92540,28 +92541,28 +92542,28 +92543,28 +92544,28 +92545,28 +92546,28 +92547,28 +92548,28 +92549,28 +92550,0 +92551,0 +92552,0 +92553,0 +92554,0 +92555,0 +92556,0 +92557,0 +92558,0 +92559,0 +92560,0 +92561,0 +92562,0 +92563,0 +92564,29 +92565,29 +92566,31 +92567,31 +92568,31 +92569,31 +92570,31 +92571,31 +92572,32 +92573,32 +92574,32 +92575,32 +92576,32 +92577,32 +92578,32 +92579,32 +92580,32 +92581,32 +92582,32 +92583,32 +92584,32 +92585,32 +92586,32 +92587,26 +92588,26 +92589,26 +92590,26 +92591,26 +92592,10 +92593,26 +92594,26 +92595,26 +92596,26 +92597,26 +92598,26 +92599,26 +92600,26 +92601,26 +92602,26 +92603,5 +92604,5 +92605,5 +92606,5 +92607,5 +92608,5 +92609,5 +92610,19 +92611,19 +92612,19 +92613,19 +92614,19 +92615,19 +92616,15 +92617,15 +92618,15 +92619,39 +92620,39 +92621,39 +92622,39 +92623,39 +92624,39 +92625,6 +92626,6 +92627,6 +92628,6 +92629,6 +92630,6 +92631,6 +92632,6 +92633,6 +92634,30 +92635,30 +92636,30 +92637,30 +92638,30 +92639,30 +92640,30 +92641,31 +92642,31 +92643,31 +92644,31 +92645,33 +92646,33 +92647,33 +92648,2 +92649,2 +92650,2 +92651,2 +92652,2 +92653,2 +92654,2 +92655,2 +92656,2 +92657,31 +92658,31 +92659,31 +92660,31 +92661,4 +92662,4 +92663,4 +92664,35 +92665,35 +92666,35 +92667,35 +92668,35 +92669,35 +92670,35 +92671,36 +92672,36 +92673,36 +92674,36 +92675,36 +92676,36 +92677,36 +92678,36 +92679,36 +92680,36 +92681,36 +92682,36 +92683,36 +92684,36 +92685,36 +92686,36 +92687,36 +92688,36 +92689,36 +92690,36 +92691,5 +92692,5 +92693,5 +92694,5 +92695,5 +92696,19 +92697,19 +92698,19 +92699,19 +92700,19 +92701,19 +92702,19 +92703,19 +92704,0 +92705,0 +92706,0 +92707,0 +92708,0 +92709,0 +92710,0 +92711,0 +92712,0 +92713,0 +92714,0 +92715,0 +92716,0 +92717,0 +92718,0 +92719,0 +92720,0 +92721,0 +92722,0 +92723,0 +92724,0 +92725,0 +92726,0 +92727,0 +92728,0 +92729,0 +92730,0 +92731,0 +92732,0 +92733,0 +92734,0 +92735,0 +92736,0 +92737,0 +92738,0 +92739,0 +92740,30 +92741,30 +92742,30 +92743,30 +92744,40 +92745,40 +92746,40 +92747,40 +92748,40 +92749,40 +92750,40 +92751,40 +92752,4 +92753,4 +92754,4 +92755,4 +92756,4 +92757,4 +92758,4 +92759,4 +92760,4 +92761,4 +92762,4 +92763,4 +92764,4 +92765,4 +92766,6 +92767,6 +92768,6 +92769,39 +92770,39 +92771,39 +92772,39 +92773,39 +92774,39 +92775,39 +92776,24 +92777,24 +92778,24 +92779,24 +92780,24 +92781,27 +92782,27 +92783,27 +92784,27 +92785,27 +92786,27 +92787,27 +92788,28 +92789,28 +92790,28 +92791,28 +92792,28 +92793,31 +92794,31 +92795,31 +92796,31 +92797,31 +92798,31 +92799,31 +92800,4 +92801,4 +92802,4 +92803,4 +92804,4 +92805,4 +92806,4 +92807,4 +92808,4 +92809,4 +92810,4 +92811,4 +92812,4 +92813,4 +92814,14 +92815,14 +92816,14 +92817,14 +92818,14 +92819,14 +92820,14 +92821,14 +92822,14 +92823,2 +92824,2 +92825,2 +92826,2 +92827,2 +92828,2 +92829,2 +92830,2 +92831,4 +92832,4 +92833,4 +92834,4 +92835,4 +92836,27 +92837,27 +92838,27 +92839,27 +92840,27 +92841,27 +92842,24 +92843,24 +92844,24 +92845,24 +92846,24 +92847,35 +92848,35 +92849,35 +92850,35 +92851,35 +92852,27 +92853,27 +92854,8 +92855,8 +92856,8 +92857,8 +92858,8 +92859,8 +92860,8 +92861,19 +92862,19 +92863,19 +92864,19 +92865,19 +92866,19 +92867,27 +92868,27 +92869,27 +92870,27 +92871,27 +92872,8 +92873,8 +92874,8 +92875,8 +92876,8 +92877,8 +92878,8 +92879,8 +92880,8 +92881,8 +92882,25 +92883,25 +92884,25 +92885,25 +92886,25 +92887,25 +92888,25 +92889,25 +92890,25 +92891,25 +92892,25 +92893,25 +92894,25 +92895,25 +92896,25 +92897,24 +92898,24 +92899,24 +92900,24 +92901,27 +92902,27 +92903,27 +92904,27 +92905,27 +92906,27 +92907,27 +92908,27 +92909,27 +92910,13 +92911,13 +92912,13 +92913,13 +92914,13 +92915,13 +92916,13 +92917,13 +92918,13 +92919,8 +92920,8 +92921,8 +92922,8 +92923,8 +92924,8 +92925,8 +92926,8 +92927,8 +92928,8 +92929,8 +92930,8 +92931,2 +92932,0 +92933,0 +92934,0 +92935,0 +92936,0 +92937,0 +92938,0 +92939,0 +92940,0 +92941,0 +92942,0 +92943,0 +92944,0 +92945,0 +92946,0 +92947,0 +92948,0 +92949,0 +92950,0 +92951,0 +92952,0 +92953,0 +92954,0 +92955,0 +92956,0 +92957,0 +92958,0 +92959,0 +92960,0 +92961,0 +92962,0 +92963,0 +92964,0 +92965,0 +92966,0 +92967,0 +92968,0 +92969,0 +92970,0 +92971,0 +92972,0 +92973,0 +92974,0 +92975,0 +92976,0 +92977,0 +92978,0 +92979,0 +92980,0 +92981,0 +92982,0 +92983,0 +92984,0 +92985,0 +92986,16 +92987,16 +92988,4 +92989,4 +92990,4 +92991,4 +92992,4 +92993,4 +92994,4 +92995,4 +92996,37 +92997,37 +92998,37 +92999,37 +93000,3 +93001,3 +93002,3 +93003,3 +93004,3 +93005,3 +93006,3 +93007,3 +93008,3 +93009,3 +93010,3 +93011,3 +93012,8 +93013,8 +93014,8 +93015,8 +93016,8 +93017,8 +93018,40 +93019,40 +93020,40 +93021,40 +93022,40 +93023,40 +93024,40 +93025,40 +93026,40 +93027,37 +93028,37 +93029,37 +93030,37 +93031,30 +93032,30 +93033,30 +93034,30 +93035,30 +93036,30 +93037,30 +93038,30 +93039,30 +93040,30 +93041,30 +93042,14 +93043,14 +93044,14 +93045,14 +93046,14 +93047,14 +93048,14 +93049,27 +93050,27 +93051,27 +93052,27 +93053,27 +93054,27 +93055,27 +93056,27 +93057,27 +93058,27 +93059,27 +93060,27 +93061,24 +93062,24 +93063,24 +93064,24 +93065,24 +93066,24 +93067,24 +93068,24 +93069,24 +93070,24 +93071,24 +93072,25 +93073,25 +93074,25 +93075,25 +93076,25 +93077,25 +93078,25 +93079,25 +93080,25 +93081,25 +93082,25 +93083,25 +93084,25 +93085,25 +93086,25 +93087,25 +93088,25 +93089,25 +93090,25 +93091,35 +93092,35 +93093,35 +93094,35 +93095,35 +93096,35 +93097,35 +93098,35 +93099,35 +93100,35 +93101,35 +93102,36 +93103,36 +93104,36 +93105,36 +93106,36 +93107,36 +93108,36 +93109,27 +93110,31 +93111,31 +93112,3 +93113,32 +93114,32 +93115,32 +93116,32 +93117,32 +93118,26 +93119,26 +93120,26 +93121,26 +93122,26 +93123,26 +93124,26 +93125,30 +93126,30 +93127,30 +93128,30 +93129,30 +93130,30 +93131,29 +93132,15 +93133,15 +93134,15 +93135,19 +93136,19 +93137,19 +93138,19 +93139,30 +93140,30 +93141,10 +93142,10 +93143,10 +93144,10 +93145,10 +93146,10 +93147,10 +93148,10 +93149,10 +93150,10 +93151,10 +93152,10 +93153,10 +93154,10 +93155,10 +93156,10 +93157,10 +93158,10 +93159,10 +93160,10 +93161,23 +93162,23 +93163,23 +93164,23 +93165,23 +93166,23 +93167,23 +93168,23 +93169,23 +93170,23 +93171,27 +93172,27 +93173,27 +93174,36 +93175,19 +93176,19 +93177,19 +93178,19 +93179,27 +93180,27 +93181,27 +93182,27 +93183,27 +93184,27 +93185,27 +93186,27 +93187,2 +93188,8 +93189,8 +93190,8 +93191,2 +93192,2 +93193,2 +93194,2 +93195,31 +93196,31 +93197,31 +93198,31 +93199,31 +93200,31 +93201,5 +93202,5 +93203,5 +93204,5 +93205,5 +93206,4 +93207,2 +93208,2 +93209,2 +93210,2 +93211,2 +93212,2 +93213,2 +93214,2 +93215,2 +93216,2 +93217,2 +93218,2 +93219,2 +93220,2 +93221,2 +93222,2 +93223,2 +93224,14 +93225,14 +93226,14 +93227,14 +93228,14 +93229,14 +93230,14 +93231,14 +93232,33 +93233,3 +93234,3 +93235,3 +93236,3 +93237,3 +93238,3 +93239,3 +93240,3 +93241,3 +93242,3 +93243,3 +93244,3 +93245,3 +93246,3 +93247,3 +93248,33 +93249,33 +93250,33 +93251,33 +93252,33 +93253,33 +93254,0 +93255,0 +93256,0 +93257,0 +93258,0 +93259,0 +93260,0 +93261,0 +93262,0 +93263,0 +93264,0 +93265,0 +93266,0 +93267,0 +93268,25 +93269,25 +93270,25 +93271,25 +93272,25 +93273,25 +93274,25 +93275,25 +93276,25 +93277,2 +93278,2 +93279,2 +93280,2 +93281,2 +93282,2 +93283,2 +93284,2 +93285,2 +93286,2 +93287,2 +93288,2 +93289,27 +93290,27 +93291,27 +93292,27 +93293,27 +93294,28 +93295,28 +93296,28 +93297,28 +93298,28 +93299,28 +93300,28 +93301,32 +93302,32 +93303,32 +93304,32 +93305,32 +93306,32 +93307,32 +93308,30 +93309,30 +93310,30 +93311,30 +93312,39 +93313,39 +93314,39 +93315,39 +93316,39 +93317,39 +93318,39 +93319,39 +93320,39 +93321,39 +93322,35 +93323,35 +93324,35 +93325,35 +93326,35 +93327,35 +93328,35 +93329,35 +93330,35 +93331,35 +93332,35 +93333,33 +93334,33 +93335,33 +93336,33 +93337,33 +93338,33 +93339,33 +93340,33 +93341,31 +93342,32 +93343,32 +93344,32 +93345,32 +93346,32 +93347,15 +93348,15 +93349,15 +93350,15 +93351,26 +93352,26 +93353,26 +93354,26 +93355,26 +93356,26 +93357,26 +93358,30 +93359,30 +93360,30 +93361,30 +93362,30 +93363,30 +93364,19 +93365,19 +93366,19 +93367,19 +93368,19 +93369,19 +93370,19 +93371,2 +93372,2 +93373,2 +93374,4 +93375,2 +93376,10 +93377,10 +93378,10 +93379,10 +93380,10 +93381,10 +93382,10 +93383,10 +93384,10 +93385,10 +93386,10 +93387,10 +93388,10 +93389,10 +93390,10 +93391,10 +93392,10 +93393,10 +93394,10 +93395,10 +93396,10 +93397,10 +93398,10 +93399,10 +93400,10 +93401,10 +93402,10 +93403,10 +93404,10 +93405,10 +93406,39 +93407,39 +93408,39 +93409,39 +93410,39 +93411,39 +93412,39 +93413,39 +93414,0 +93415,0 +93416,0 +93417,0 +93418,0 +93419,0 +93420,0 +93421,0 +93422,0 +93423,0 +93424,0 +93425,0 +93426,0 +93427,0 +93428,0 +93429,0 +93430,0 +93431,0 +93432,0 +93433,0 +93434,0 +93435,0 +93436,0 +93437,0 +93438,0 +93439,0 +93440,0 +93441,29 +93442,38 +93443,29 +93444,27 +93445,27 +93446,27 +93447,27 +93448,31 +93449,31 +93450,31 +93451,31 +93452,31 +93453,21 +93454,21 +93455,21 +93456,21 +93457,21 +93458,21 +93459,21 +93460,21 +93461,21 +93462,21 +93463,14 +93464,14 +93465,14 +93466,14 +93467,14 +93468,14 +93469,14 +93470,14 +93471,14 +93472,14 +93473,14 +93474,14 +93475,14 +93476,14 +93477,2 +93478,2 +93479,8 +93480,8 +93481,8 +93482,8 +93483,8 +93484,8 +93485,8 +93486,2 +93487,8 +93488,23 +93489,23 +93490,23 +93491,23 +93492,23 +93493,23 +93494,29 +93495,29 +93496,36 +93497,36 +93498,36 +93499,36 +93500,36 +93501,36 +93502,36 +93503,36 +93504,36 +93505,36 +93506,36 +93507,2 +93508,2 +93509,2 +93510,2 +93511,2 +93512,2 +93513,2 +93514,2 +93515,2 +93516,5 +93517,5 +93518,5 +93519,5 +93520,5 +93521,5 +93522,5 +93523,5 +93524,5 +93525,5 +93526,13 +93527,29 +93528,29 +93529,31 +93530,31 +93531,31 +93532,31 +93533,32 +93534,32 +93535,32 +93536,32 +93537,32 +93538,32 +93539,32 +93540,26 +93541,26 +93542,26 +93543,26 +93544,26 +93545,26 +93546,26 +93547,26 +93548,26 +93549,26 +93550,5 +93551,5 +93552,5 +93553,28 +93554,28 +93555,28 +93556,28 +93557,28 +93558,28 +93559,28 +93560,5 +93561,5 +93562,2 +93563,2 +93564,2 +93565,2 +93566,2 +93567,2 +93568,2 +93569,2 +93570,2 +93571,2 +93572,2 +93573,32 +93574,32 +93575,32 +93576,32 +93577,32 +93578,32 +93579,32 +93580,32 +93581,32 +93582,32 +93583,32 +93584,34 +93585,34 +93586,33 +93587,34 +93588,34 +93589,34 +93590,34 +93591,34 +93592,34 +93593,34 +93594,34 +93595,4 +93596,4 +93597,4 +93598,4 +93599,4 +93600,4 +93601,4 +93602,4 +93603,4 +93604,4 +93605,4 +93606,4 +93607,12 +93608,12 +93609,12 +93610,12 +93611,12 +93612,12 +93613,12 +93614,12 +93615,12 +93616,12 +93617,31 +93618,31 +93619,22 +93620,22 +93621,33 +93622,33 +93623,28 +93624,28 +93625,28 +93626,28 +93627,31 +93628,31 +93629,31 +93630,31 +93631,31 +93632,31 +93633,31 +93634,31 +93635,5 +93636,5 +93637,5 +93638,5 +93639,5 +93640,5 +93641,5 +93642,5 +93643,5 +93644,5 +93645,13 +93646,19 +93647,19 +93648,19 +93649,19 +93650,19 +93651,0 +93652,0 +93653,0 +93654,0 +93655,0 +93656,0 +93657,0 +93658,0 +93659,0 +93660,0 +93661,0 +93662,0 +93663,0 +93664,0 +93665,0 +93666,0 +93667,0 +93668,0 +93669,0 +93670,0 +93671,0 +93672,0 +93673,0 +93674,0 +93675,0 +93676,0 +93677,0 +93678,0 +93679,0 +93680,0 +93681,0 +93682,0 +93683,0 +93684,0 +93685,0 +93686,0 +93687,0 +93688,0 +93689,0 +93690,0 +93691,0 +93692,0 +93693,0 +93694,0 +93695,0 +93696,0 +93697,0 +93698,0 +93699,0 +93700,0 +93701,0 +93702,0 +93703,0 +93704,0 +93705,0 +93706,0 +93707,0 +93708,0 +93709,0 +93710,0 +93711,0 +93712,0 +93713,0 +93714,0 +93715,0 +93716,0 +93717,0 +93718,0 +93719,0 +93720,0 +93721,0 +93722,0 +93723,0 +93724,0 +93725,0 +93726,0 +93727,0 +93728,0 +93729,0 +93730,0 +93731,0 +93732,0 +93733,0 +93734,0 +93735,0 +93736,0 +93737,0 +93738,0 +93739,29 +93740,29 +93741,29 +93742,29 +93743,29 +93744,40 +93745,40 +93746,40 +93747,40 +93748,40 +93749,40 +93750,5 +93751,5 +93752,5 +93753,5 +93754,5 +93755,5 +93756,5 +93757,5 +93758,5 +93759,5 +93760,5 +93761,5 +93762,5 +93763,5 +93764,5 +93765,5 +93766,5 +93767,25 +93768,25 +93769,25 +93770,25 +93771,25 +93772,25 +93773,25 +93774,25 +93775,25 +93776,25 +93777,25 +93778,25 +93779,25 +93780,25 +93781,25 +93782,8 +93783,8 +93784,8 +93785,8 +93786,8 +93787,8 +93788,8 +93789,8 +93790,35 +93791,35 +93792,35 +93793,35 +93794,35 +93795,36 +93796,36 +93797,36 +93798,36 +93799,36 +93800,36 +93801,36 +93802,36 +93803,36 +93804,36 +93805,36 +93806,36 +93807,36 +93808,36 +93809,5 +93810,5 +93811,5 +93812,5 +93813,5 +93814,5 +93815,28 +93816,28 +93817,28 +93818,28 +93819,28 +93820,11 +93821,11 +93822,2 +93823,2 +93824,2 +93825,2 +93826,2 +93827,2 +93828,2 +93829,2 +93830,2 +93831,11 +93832,36 +93833,36 +93834,36 +93835,36 +93836,36 +93837,31 +93838,36 +93839,26 +93840,40 +93841,4 +93842,4 +93843,4 +93844,4 +93845,10 +93846,10 +93847,10 +93848,10 +93849,10 +93850,10 +93851,34 +93852,34 +93853,34 +93854,34 +93855,34 +93856,34 +93857,34 +93858,34 +93859,34 +93860,36 +93861,36 +93862,36 +93863,26 +93864,32 +93865,32 +93866,32 +93867,32 +93868,32 +93869,32 +93870,2 +93871,4 +93872,4 +93873,4 +93874,4 +93875,4 +93876,4 +93877,0 +93878,0 +93879,0 +93880,0 +93881,0 +93882,0 +93883,0 +93884,0 +93885,0 +93886,0 +93887,0 +93888,0 +93889,0 +93890,0 +93891,0 +93892,0 +93893,0 +93894,0 +93895,0 +93896,0 +93897,0 +93898,6 +93899,6 +93900,6 +93901,6 +93902,25 +93903,25 +93904,25 +93905,37 +93906,37 +93907,37 +93908,37 +93909,6 +93910,6 +93911,6 +93912,6 +93913,6 +93914,6 +93915,6 +93916,6 +93917,4 +93918,4 +93919,4 +93920,30 +93921,4 +93922,34 +93923,34 +93924,34 +93925,34 +93926,34 +93927,34 +93928,34 +93929,34 +93930,34 +93931,34 +93932,34 +93933,10 +93934,27 +93935,10 +93936,11 +93937,11 +93938,11 +93939,11 +93940,11 +93941,11 +93942,11 +93943,11 +93944,11 +93945,11 +93946,11 +93947,11 +93948,11 +93949,33 +93950,33 +93951,33 +93952,33 +93953,33 +93954,33 +93955,33 +93956,30 +93957,30 +93958,30 +93959,30 +93960,30 +93961,30 +93962,19 +93963,19 +93964,19 +93965,19 +93966,19 +93967,19 +93968,25 +93969,25 +93970,25 +93971,25 +93972,25 +93973,25 +93974,25 +93975,25 +93976,25 +93977,25 +93978,25 +93979,25 +93980,25 +93981,37 +93982,37 +93983,37 +93984,37 +93985,37 +93986,37 +93987,37 +93988,37 +93989,37 +93990,37 +93991,37 +93992,0 +93993,0 +93994,0 +93995,0 +93996,0 +93997,0 +93998,23 +93999,0 +94000,0 +94001,0 +94002,0 +94003,0 +94004,0 +94005,0 +94006,0 +94007,0 +94008,0 +94009,0 +94010,0 +94011,0 +94012,0 +94013,0 +94014,0 +94015,0 +94016,0 +94017,0 +94018,32 +94019,32 +94020,32 +94021,32 +94022,32 +94023,32 +94024,32 +94025,32 +94026,32 +94027,26 +94028,26 +94029,31 +94030,31 +94031,30 +94032,30 +94033,30 +94034,30 +94035,30 +94036,30 +94037,30 +94038,30 +94039,30 +94040,30 +94041,2 +94042,2 +94043,2 +94044,31 +94045,31 +94046,31 +94047,31 +94048,31 +94049,40 +94050,19 +94051,19 +94052,19 +94053,19 +94054,19 +94055,19 +94056,19 +94057,19 +94058,28 +94059,28 +94060,28 +94061,28 +94062,28 +94063,28 +94064,39 +94065,39 +94066,39 +94067,39 +94068,39 +94069,39 +94070,39 +94071,39 +94072,39 +94073,39 +94074,39 +94075,39 +94076,39 +94077,39 +94078,39 +94079,39 +94080,39 +94081,39 +94082,39 +94083,39 +94084,39 +94085,39 +94086,39 +94087,39 +94088,39 +94089,39 +94090,39 +94091,0 +94092,0 +94093,0 +94094,0 +94095,0 +94096,0 +94097,0 +94098,0 +94099,0 +94100,0 +94101,0 +94102,0 +94103,0 +94104,0 +94105,0 +94106,0 +94107,0 +94108,0 +94109,0 +94110,0 +94111,0 +94112,0 +94113,0 +94114,0 +94115,0 +94116,0 +94117,0 +94118,0 +94119,0 +94120,0 +94121,0 +94122,0 +94123,0 +94124,0 +94125,0 +94126,0 +94127,0 +94128,0 +94129,0 +94130,0 +94131,0 +94132,0 +94133,0 +94134,0 +94135,16 +94136,16 +94137,18 +94138,18 +94139,18 +94140,18 +94141,18 +94142,18 +94143,18 +94144,18 +94145,16 +94146,16 +94147,16 +94148,27 +94149,27 +94150,22 +94151,22 +94152,22 +94153,22 +94154,22 +94155,22 +94156,19 +94157,19 +94158,19 +94159,19 +94160,19 +94161,19 +94162,19 +94163,19 +94164,19 +94165,38 +94166,38 +94167,19 +94168,19 +94169,19 +94170,19 +94171,19 +94172,19 +94173,37 +94174,37 +94175,37 +94176,37 +94177,37 +94178,37 +94179,37 +94180,37 +94181,9 +94182,9 +94183,5 +94184,31 +94185,5 +94186,5 +94187,5 +94188,5 +94189,31 +94190,31 +94191,31 +94192,31 +94193,31 +94194,31 +94195,31 +94196,32 +94197,32 +94198,32 +94199,32 +94200,32 +94201,32 +94202,32 +94203,32 +94204,32 +94205,32 +94206,25 +94207,25 +94208,25 +94209,25 +94210,25 +94211,25 +94212,25 +94213,25 +94214,25 +94215,25 +94216,40 +94217,25 +94218,25 +94219,25 +94220,35 +94221,35 +94222,35 +94223,35 +94224,35 +94225,35 +94226,35 +94227,36 +94228,36 +94229,36 +94230,36 +94231,36 +94232,36 +94233,36 +94234,36 +94235,36 +94236,40 +94237,40 +94238,40 +94239,40 +94240,40 +94241,40 +94242,40 +94243,40 +94244,40 +94245,19 +94246,19 +94247,19 +94248,19 +94249,19 +94250,19 +94251,19 +94252,19 +94253,19 +94254,19 +94255,19 +94256,19 +94257,19 +94258,19 +94259,19 +94260,19 +94261,19 +94262,19 +94263,19 +94264,19 +94265,19 +94266,4 +94267,4 +94268,0 +94269,0 +94270,0 +94271,0 +94272,0 +94273,0 +94274,0 +94275,0 +94276,0 +94277,0 +94278,0 +94279,0 +94280,0 +94281,0 +94282,0 +94283,0 +94284,0 +94285,0 +94286,0 +94287,0 +94288,0 +94289,0 +94290,0 +94291,0 +94292,0 +94293,0 +94294,0 +94295,0 +94296,0 +94297,0 +94298,0 +94299,0 +94300,0 +94301,0 +94302,0 +94303,0 +94304,0 +94305,0 +94306,0 +94307,0 +94308,0 +94309,0 +94310,0 +94311,0 +94312,0 +94313,0 +94314,0 +94315,0 +94316,0 +94317,0 +94318,0 +94319,0 +94320,12 +94321,12 +94322,12 +94323,12 +94324,12 +94325,12 +94326,10 +94327,10 +94328,10 +94329,10 +94330,10 +94331,10 +94332,10 +94333,10 +94334,10 +94335,10 +94336,10 +94337,10 +94338,10 +94339,10 +94340,14 +94341,27 +94342,27 +94343,14 +94344,14 +94345,14 +94346,14 +94347,14 +94348,14 +94349,27 +94350,27 +94351,27 +94352,4 +94353,4 +94354,4 +94355,27 +94356,27 +94357,27 +94358,27 +94359,27 +94360,27 +94361,27 +94362,27 +94363,27 +94364,8 +94365,8 +94366,8 +94367,8 +94368,8 +94369,8 +94370,8 +94371,8 +94372,8 +94373,8 +94374,8 +94375,27 +94376,27 +94377,27 +94378,27 +94379,28 +94380,28 +94381,28 +94382,28 +94383,28 +94384,28 +94385,28 +94386,28 +94387,28 +94388,28 +94389,28 +94390,28 +94391,28 +94392,28 +94393,28 +94394,28 +94395,28 +94396,19 +94397,19 +94398,19 +94399,19 +94400,19 +94401,19 +94402,19 +94403,39 +94404,39 +94405,39 +94406,39 +94407,39 +94408,39 +94409,39 +94410,39 +94411,39 +94412,39 +94413,39 +94414,39 +94415,39 +94416,39 +94417,39 +94418,39 +94419,39 +94420,39 +94421,39 +94422,39 +94423,39 +94424,39 +94425,19 +94426,19 +94427,19 +94428,19 +94429,19 +94430,19 +94431,19 +94432,36 +94433,31 +94434,31 +94435,31 +94436,31 +94437,31 +94438,31 +94439,31 +94440,31 +94441,31 +94442,16 +94443,16 +94444,4 +94445,4 +94446,4 +94447,4 +94448,4 +94449,4 +94450,4 +94451,4 +94452,4 +94453,4 +94454,4 +94455,4 +94456,4 +94457,4 +94458,4 +94459,4 +94460,4 +94461,4 +94462,4 +94463,4 +94464,4 +94465,37 +94466,37 +94467,37 +94468,37 +94469,37 +94470,37 +94471,37 +94472,37 +94473,3 +94474,3 +94475,3 +94476,3 +94477,3 +94478,39 +94479,39 +94480,39 +94481,3 +94482,3 +94483,3 +94484,3 +94485,3 +94486,3 +94487,3 +94488,3 +94489,3 +94490,3 +94491,3 +94492,3 +94493,3 +94494,3 +94495,3 +94496,0 +94497,0 +94498,0 +94499,0 +94500,0 +94501,0 +94502,0 +94503,0 +94504,0 +94505,0 +94506,0 +94507,0 +94508,0 +94509,0 +94510,37 +94511,37 +94512,37 +94513,37 +94514,37 +94515,37 +94516,37 +94517,37 +94518,33 +94519,33 +94520,33 +94521,30 +94522,30 +94523,30 +94524,30 +94525,30 +94526,30 +94527,14 +94528,14 +94529,14 +94530,14 +94531,14 +94532,14 +94533,14 +94534,14 +94535,14 +94536,14 +94537,14 +94538,14 +94539,14 +94540,14 +94541,30 +94542,30 +94543,30 +94544,30 +94545,34 +94546,34 +94547,34 +94548,5 +94549,33 +94550,33 +94551,5 +94552,4 +94553,4 +94554,4 +94555,4 +94556,4 +94557,6 +94558,19 +94559,19 +94560,4 +94561,4 +94562,4 +94563,4 +94564,4 +94565,4 +94566,7 +94567,7 +94568,3 +94569,3 +94570,3 +94571,3 +94572,3 +94573,3 +94574,3 +94575,3 +94576,3 +94577,31 +94578,31 +94579,31 +94580,3 +94581,30 +94582,30 +94583,31 +94584,30 +94585,30 +94586,30 +94587,30 +94588,30 +94589,30 +94590,30 +94591,30 +94592,30 +94593,30 +94594,30 +94595,30 +94596,30 +94597,30 +94598,30 +94599,30 +94600,30 +94601,30 +94602,30 +94603,30 +94604,0 +94605,0 +94606,0 +94607,0 +94608,0 +94609,0 +94610,0 +94611,0 +94612,0 +94613,0 +94614,0 +94615,0 +94616,0 +94617,0 +94618,0 +94619,0 +94620,0 +94621,0 +94622,0 +94623,0 +94624,0 +94625,0 +94626,0 +94627,0 +94628,0 +94629,0 +94630,0 +94631,0 +94632,0 +94633,0 +94634,0 +94635,0 +94636,0 +94637,0 +94638,0 +94639,0 +94640,0 +94641,0 +94642,0 +94643,0 +94644,0 +94645,0 +94646,0 +94647,0 +94648,0 +94649,0 +94650,0 +94651,0 +94652,0 +94653,0 +94654,0 +94655,0 +94656,0 +94657,0 +94658,0 +94659,0 +94660,0 +94661,0 +94662,0 +94663,0 +94664,0 +94665,0 +94666,0 +94667,0 +94668,0 +94669,0 +94670,29 +94671,29 +94672,29 +94673,39 +94674,39 +94675,39 +94676,39 +94677,39 +94678,39 +94679,33 +94680,33 +94681,33 +94682,33 +94683,33 +94684,33 +94685,33 +94686,30 +94687,30 +94688,30 +94689,30 +94690,30 +94691,30 +94692,30 +94693,30 +94694,30 +94695,30 +94696,30 +94697,30 +94698,19 +94699,15 +94700,15 +94701,15 +94702,15 +94703,12 +94704,12 +94705,12 +94706,12 +94707,12 +94708,12 +94709,31 +94710,31 +94711,31 +94712,31 +94713,33 +94714,33 +94715,33 +94716,28 +94717,28 +94718,28 +94719,28 +94720,28 +94721,28 +94722,28 +94723,31 +94724,31 +94725,31 +94726,31 +94727,31 +94728,30 +94729,30 +94730,30 +94731,30 +94732,30 +94733,30 +94734,30 +94735,30 +94736,30 +94737,30 +94738,30 +94739,30 +94740,22 +94741,22 +94742,22 +94743,19 +94744,21 +94745,21 +94746,21 +94747,21 +94748,21 +94749,21 +94750,21 +94751,21 +94752,21 +94753,36 +94754,36 +94755,36 +94756,36 +94757,36 +94758,36 +94759,36 +94760,36 +94761,36 +94762,10 +94763,36 +94764,11 +94765,11 +94766,11 +94767,11 +94768,11 +94769,11 +94770,16 +94771,16 +94772,16 +94773,16 +94774,25 +94775,25 +94776,25 +94777,25 +94778,25 +94779,31 +94780,31 +94781,31 +94782,29 +94783,29 +94784,31 +94785,31 +94786,31 +94787,31 +94788,31 +94789,31 +94790,31 +94791,30 +94792,30 +94793,30 +94794,30 +94795,30 +94796,30 +94797,30 +94798,30 +94799,30 +94800,30 +94801,27 +94802,27 +94803,27 +94804,27 +94805,27 +94806,5 +94807,5 +94808,5 +94809,5 +94810,5 +94811,5 +94812,5 +94813,5 +94814,5 +94815,5 +94816,5 +94817,5 +94818,5 +94819,5 +94820,5 +94821,5 +94822,5 +94823,5 +94824,5 +94825,5 +94826,5 +94827,5 +94828,5 +94829,5 +94830,5 +94831,5 +94832,5 +94833,5 +94834,0 +94835,0 +94836,0 +94837,0 +94838,0 +94839,0 +94840,0 +94841,0 +94842,0 +94843,0 +94844,0 +94845,0 +94846,0 +94847,0 +94848,0 +94849,0 +94850,0 +94851,0 +94852,0 +94853,0 +94854,0 +94855,0 +94856,0 +94857,0 +94858,0 +94859,0 +94860,0 +94861,0 +94862,0 +94863,0 +94864,0 +94865,0 +94866,0 +94867,0 +94868,0 +94869,0 +94870,0 +94871,0 +94872,0 +94873,0 +94874,0 +94875,0 +94876,0 +94877,0 +94878,0 +94879,0 +94880,0 +94881,0 +94882,0 +94883,0 +94884,0 +94885,0 +94886,0 +94887,0 +94888,0 +94889,0 +94890,0 +94891,36 +94892,36 +94893,36 +94894,36 +94895,36 +94896,36 +94897,36 +94898,36 +94899,36 +94900,36 +94901,5 +94902,19 +94903,19 +94904,29 +94905,29 +94906,29 +94907,29 +94908,31 +94909,31 +94910,31 +94911,31 +94912,31 +94913,24 +94914,24 +94915,24 +94916,24 +94917,24 +94918,24 +94919,29 +94920,29 +94921,29 +94922,29 +94923,27 +94924,27 +94925,27 +94926,27 +94927,27 +94928,27 +94929,2 +94930,2 +94931,2 +94932,2 +94933,2 +94934,2 +94935,2 +94936,2 +94937,2 +94938,2 +94939,2 +94940,2 +94941,2 +94942,2 +94943,2 +94944,4 +94945,10 +94946,10 +94947,10 +94948,10 +94949,10 +94950,10 +94951,10 +94952,10 +94953,10 +94954,10 +94955,28 +94956,28 +94957,28 +94958,28 +94959,28 +94960,5 +94961,5 +94962,29 +94963,29 +94964,31 +94965,31 +94966,31 +94967,31 +94968,6 +94969,6 +94970,6 +94971,6 +94972,6 +94973,6 +94974,6 +94975,37 +94976,37 +94977,25 +94978,25 +94979,25 +94980,25 +94981,25 +94982,25 +94983,25 +94984,25 +94985,25 +94986,30 +94987,30 +94988,30 +94989,30 +94990,30 +94991,19 +94992,19 +94993,19 +94994,19 +94995,19 +94996,19 +94997,19 +94998,19 +94999,19 +95000,19 +95001,19 +95002,19 +95003,19 +95004,28 +95005,28 +95006,5 +95007,5 +95008,5 +95009,26 +95010,26 +95011,26 +95012,26 +95013,26 +95014,26 +95015,26 +95016,26 +95017,26 +95018,26 +95019,26 +95020,4 +95021,4 +95022,4 +95023,4 +95024,4 +95025,4 +95026,4 +95027,4 +95028,4 +95029,4 +95030,4 +95031,4 +95032,4 +95033,4 +95034,4 +95035,4 +95036,25 +95037,25 +95038,25 +95039,25 +95040,25 +95041,25 +95042,25 +95043,25 +95044,25 +95045,25 +95046,5 +95047,5 +95048,5 +95049,5 +95050,5 +95051,5 +95052,37 +95053,37 +95054,37 +95055,37 +95056,37 +95057,37 +95058,37 +95059,37 +95060,37 +95061,37 +95062,37 +95063,27 +95064,39 +95065,39 +95066,27 +95067,27 +95068,15 +95069,15 +95070,15 +95071,15 +95072,15 +95073,15 +95074,15 +95075,39 +95076,39 +95077,39 +95078,39 +95079,39 +95080,39 +95081,39 +95082,39 +95083,39 +95084,39 +95085,39 +95086,12 +95087,31 +95088,31 +95089,31 +95090,31 +95091,12 +95092,12 +95093,12 +95094,12 +95095,12 +95096,12 +95097,12 +95098,12 +95099,12 +95100,14 +95101,14 +95102,14 +95103,14 +95104,14 +95105,14 +95106,14 +95107,14 +95108,14 +95109,14 +95110,14 +95111,14 +95112,14 +95113,14 +95114,14 +95115,14 +95116,14 +95117,14 +95118,14 +95119,14 +95120,14 +95121,14 +95122,14 +95123,14 +95124,14 +95125,14 +95126,14 +95127,39 +95128,0 +95129,0 +95130,0 +95131,0 +95132,0 +95133,0 +95134,0 +95135,0 +95136,0 +95137,0 +95138,0 +95139,0 +95140,0 +95141,0 +95142,0 +95143,0 +95144,0 +95145,0 +95146,0 +95147,0 +95148,0 +95149,0 +95150,0 +95151,0 +95152,0 +95153,0 +95154,0 +95155,0 +95156,0 +95157,0 +95158,15 +95159,15 +95160,15 +95161,31 +95162,31 +95163,31 +95164,30 +95165,30 +95166,30 +95167,30 +95168,30 +95169,30 +95170,30 +95171,30 +95172,30 +95173,30 +95174,27 +95175,27 +95176,27 +95177,27 +95178,8 +95179,2 +95180,2 +95181,2 +95182,2 +95183,2 +95184,2 +95185,2 +95186,2 +95187,2 +95188,28 +95189,28 +95190,28 +95191,28 +95192,28 +95193,28 +95194,28 +95195,5 +95196,4 +95197,4 +95198,4 +95199,4 +95200,4 +95201,4 +95202,32 +95203,32 +95204,32 +95205,32 +95206,4 +95207,32 +95208,32 +95209,32 +95210,32 +95211,14 +95212,14 +95213,14 +95214,14 +95215,14 +95216,14 +95217,14 +95218,14 +95219,14 +95220,11 +95221,11 +95222,11 +95223,11 +95224,11 +95225,11 +95226,11 +95227,11 +95228,11 +95229,31 +95230,31 +95231,31 +95232,31 +95233,5 +95234,5 +95235,4 +95236,4 +95237,4 +95238,4 +95239,30 +95240,30 +95241,30 +95242,30 +95243,30 +95244,39 +95245,39 +95246,39 +95247,39 +95248,39 +95249,39 +95250,39 +95251,39 +95252,4 +95253,4 +95254,4 +95255,4 +95256,4 +95257,4 +95258,4 +95259,4 +95260,4 +95261,31 +95262,31 +95263,31 +95264,27 +95265,29 +95266,24 +95267,24 +95268,24 +95269,29 +95270,29 +95271,39 +95272,39 +95273,39 +95274,39 +95275,39 +95276,39 +95277,39 +95278,39 +95279,39 +95280,39 +95281,39 +95282,36 +95283,40 +95284,40 +95285,40 +95286,40 +95287,40 +95288,40 +95289,40 +95290,40 +95291,40 +95292,40 +95293,40 +95294,40 +95295,5 +95296,5 +95297,5 +95298,5 +95299,5 +95300,5 +95301,5 +95302,19 +95303,19 +95304,19 +95305,19 +95306,19 +95307,19 +95308,19 +95309,19 +95310,19 +95311,4 +95312,4 +95313,4 +95314,4 +95315,4 +95316,4 +95317,4 +95318,4 +95319,4 +95320,0 +95321,0 +95322,0 +95323,0 +95324,0 +95325,0 +95326,0 +95327,0 +95328,0 +95329,0 +95330,0 +95331,0 +95332,0 +95333,0 +95334,0 +95335,0 +95336,0 +95337,0 +95338,0 +95339,0 +95340,0 +95341,0 +95342,0 +95343,0 +95344,0 +95345,0 +95346,0 +95347,0 +95348,0 +95349,0 +95350,0 +95351,0 +95352,0 +95353,0 +95354,0 +95355,0 +95356,0 +95357,0 +95358,0 +95359,0 +95360,0 +95361,0 +95362,0 +95363,0 +95364,0 +95365,0 +95366,0 +95367,0 +95368,0 +95369,0 +95370,0 +95371,0 +95372,0 +95373,0 +95374,0 +95375,0 +95376,0 +95377,0 +95378,0 +95379,10 +95380,10 +95381,10 +95382,10 +95383,10 +95384,10 +95385,10 +95386,10 +95387,10 +95388,10 +95389,10 +95390,10 +95391,35 +95392,35 +95393,35 +95394,35 +95395,35 +95396,35 +95397,35 +95398,35 +95399,35 +95400,36 +95401,36 +95402,14 +95403,32 +95404,32 +95405,32 +95406,32 +95407,6 +95408,6 +95409,6 +95410,6 +95411,6 +95412,6 +95413,6 +95414,6 +95415,6 +95416,6 +95417,6 +95418,6 +95419,31 +95420,31 +95421,31 +95422,31 +95423,31 +95424,24 +95425,24 +95426,24 +95427,24 +95428,24 +95429,24 +95430,24 +95431,25 +95432,25 +95433,25 +95434,25 +95435,25 +95436,25 +95437,25 +95438,25 +95439,19 +95440,19 +95441,19 +95442,19 +95443,19 +95444,19 +95445,15 +95446,15 +95447,15 +95448,15 +95449,15 +95450,10 +95451,10 +95452,10 +95453,10 +95454,10 +95455,10 +95456,10 +95457,10 +95458,10 +95459,10 +95460,10 +95461,2 +95462,2 +95463,2 +95464,2 +95465,2 +95466,2 +95467,2 +95468,2 +95469,2 +95470,2 +95471,2 +95472,2 +95473,40 +95474,40 +95475,40 +95476,40 +95477,40 +95478,30 +95479,30 +95480,30 +95481,30 +95482,30 +95483,30 +95484,30 +95485,30 +95486,30 +95487,30 +95488,23 +95489,23 +95490,23 +95491,23 +95492,23 +95493,23 +95494,23 +95495,23 +95496,23 +95497,23 +95498,23 +95499,22 +95500,22 +95501,22 +95502,22 +95503,27 +95504,4 +95505,4 +95506,4 +95507,2 +95508,2 +95509,2 +95510,2 +95511,2 +95512,2 +95513,2 +95514,2 +95515,2 +95516,2 +95517,31 +95518,31 +95519,31 +95520,31 +95521,31 +95522,28 +95523,28 +95524,28 +95525,28 +95526,28 +95527,28 +95528,5 +95529,6 +95530,6 +95531,6 +95532,6 +95533,6 +95534,6 +95535,6 +95536,6 +95537,6 +95538,6 +95539,6 +95540,6 +95541,6 +95542,30 +95543,30 +95544,30 +95545,30 +95546,33 +95547,33 +95548,33 +95549,33 +95550,33 +95551,33 +95552,33 +95553,33 +95554,33 +95555,33 +95556,33 +95557,33 +95558,33 +95559,33 +95560,33 +95561,33 +95562,33 +95563,33 +95564,33 +95565,33 +95566,33 +95567,33 +95568,33 +95569,33 +95570,8 +95571,8 +95572,8 +95573,8 +95574,8 +95575,8 +95576,8 +95577,2 +95578,8 +95579,8 +95580,2 +95581,8 +95582,8 +95583,8 +95584,2 +95585,0 +95586,0 +95587,0 +95588,0 +95589,0 +95590,0 +95591,0 +95592,0 +95593,0 +95594,0 +95595,0 +95596,0 +95597,0 +95598,0 +95599,0 +95600,0 +95601,0 +95602,0 +95603,0 +95604,0 +95605,0 +95606,0 +95607,0 +95608,0 +95609,0 +95610,0 +95611,0 +95612,0 +95613,0 +95614,0 +95615,0 +95616,0 +95617,0 +95618,0 +95619,0 +95620,0 +95621,0 +95622,0 +95623,0 +95624,0 +95625,0 +95626,0 +95627,0 +95628,0 +95629,0 +95630,0 +95631,0 +95632,0 +95633,0 +95634,0 +95635,0 +95636,0 +95637,0 +95638,15 +95639,15 +95640,15 +95641,15 +95642,31 +95643,31 +95644,31 +95645,31 +95646,4 +95647,4 +95648,4 +95649,4 +95650,4 +95651,4 +95652,29 +95653,29 +95654,29 +95655,29 +95656,29 +95657,39 +95658,39 +95659,39 +95660,39 +95661,39 +95662,39 +95663,39 +95664,39 +95665,39 +95666,39 +95667,39 +95668,39 +95669,39 +95670,8 +95671,8 +95672,8 +95673,8 +95674,8 +95675,8 +95676,8 +95677,8 +95678,12 +95679,12 +95680,37 +95681,37 +95682,37 +95683,25 +95684,25 +95685,25 +95686,37 +95687,25 +95688,27 +95689,27 +95690,27 +95691,27 +95692,27 +95693,27 +95694,27 +95695,27 +95696,5 +95697,5 +95698,5 +95699,5 +95700,5 +95701,5 +95702,5 +95703,2 +95704,2 +95705,2 +95706,2 +95707,2 +95708,2 +95709,2 +95710,2 +95711,2 +95712,31 +95713,31 +95714,31 +95715,24 +95716,24 +95717,24 +95718,24 +95719,24 +95720,24 +95721,24 +95722,24 +95723,35 +95724,35 +95725,27 +95726,27 +95727,27 +95728,27 +95729,27 +95730,27 +95731,11 +95732,11 +95733,11 +95734,11 +95735,11 +95736,11 +95737,11 +95738,11 +95739,11 +95740,11 +95741,11 +95742,31 +95743,31 +95744,31 +95745,31 +95746,31 +95747,31 +95748,5 +95749,5 +95750,5 +95751,5 +95752,5 +95753,5 +95754,4 +95755,4 +95756,4 +95757,4 +95758,4 +95759,4 +95760,4 +95761,4 +95762,4 +95763,4 +95764,4 +95765,27 +95766,27 +95767,27 +95768,27 +95769,8 +95770,27 +95771,2 +95772,2 +95773,2 +95774,2 +95775,2 +95776,2 +95777,2 +95778,2 +95779,6 +95780,6 +95781,6 +95782,6 +95783,6 +95784,6 +95785,4 +95786,4 +95787,6 +95788,6 +95789,16 +95790,16 +95791,16 +95792,7 +95793,4 +95794,4 +95795,4 +95796,25 +95797,25 +95798,25 +95799,25 +95800,25 +95801,25 +95802,25 +95803,25 +95804,25 +95805,25 +95806,25 +95807,25 +95808,28 +95809,28 +95810,28 +95811,28 +95812,28 +95813,28 +95814,28 +95815,39 +95816,39 +95817,39 +95818,39 +95819,39 +95820,39 +95821,39 +95822,39 +95823,23 +95824,23 +95825,23 +95826,23 +95827,23 +95828,23 +95829,23 +95830,23 +95831,23 +95832,23 +95833,23 +95834,25 +95835,25 +95836,25 +95837,25 +95838,28 +95839,28 +95840,28 +95841,28 +95842,28 +95843,29 +95844,29 +95845,29 +95846,31 +95847,31 +95848,31 +95849,31 +95850,19 +95851,19 +95852,19 +95853,19 +95854,19 +95855,19 +95856,19 +95857,19 +95858,19 +95859,3 +95860,3 +95861,3 +95862,3 +95863,3 +95864,3 +95865,3 +95866,3 +95867,3 +95868,3 +95869,3 +95870,3 +95871,3 +95872,3 +95873,3 +95874,3 +95875,3 +95876,3 +95877,8 +95878,8 +95879,8 +95880,8 +95881,8 +95882,8 +95883,8 +95884,8 +95885,31 +95886,31 +95887,31 +95888,24 +95889,24 +95890,24 +95891,24 +95892,24 +95893,24 +95894,24 +95895,5 +95896,5 +95897,5 +95898,5 +95899,5 +95900,5 +95901,5 +95902,36 +95903,36 +95904,10 +95905,10 +95906,10 +95907,10 +95908,10 +95909,10 +95910,10 +95911,10 +95912,10 +95913,10 +95914,10 +95915,10 +95916,10 +95917,10 +95918,10 +95919,10 +95920,10 +95921,10 +95922,4 +95923,5 +95924,5 +95925,0 +95926,4 +95927,4 +95928,4 +95929,0 +95930,0 +95931,0 +95932,0 +95933,0 +95934,0 +95935,0 +95936,0 +95937,0 +95938,0 +95939,0 +95940,0 +95941,0 +95942,0 +95943,0 +95944,0 +95945,0 +95946,0 +95947,0 +95948,0 +95949,0 +95950,0 +95951,0 +95952,0 +95953,0 +95954,0 +95955,0 +95956,0 +95957,0 +95958,0 +95959,0 +95960,0 +95961,0 +95962,0 +95963,0 +95964,0 +95965,0 +95966,0 +95967,0 +95968,0 +95969,0 +95970,0 +95971,0 +95972,36 +95973,36 +95974,36 +95975,36 +95976,36 +95977,36 +95978,36 +95979,36 +95980,36 +95981,36 +95982,36 +95983,5 +95984,5 +95985,5 +95986,5 +95987,5 +95988,28 +95989,28 +95990,28 +95991,28 +95992,28 +95993,28 +95994,28 +95995,28 +95996,10 +95997,10 +95998,10 +95999,10 +96000,10 +96001,10 +96002,10 +96003,10 +96004,10 +96005,10 +96006,10 +96007,10 +96008,10 +96009,4 +96010,4 +96011,4 +96012,4 +96013,4 +96014,4 +96015,4 +96016,2 +96017,2 +96018,27 +96019,27 +96020,27 +96021,27 +96022,5 +96023,5 +96024,5 +96025,5 +96026,5 +96027,5 +96028,32 +96029,32 +96030,32 +96031,32 +96032,32 +96033,32 +96034,32 +96035,32 +96036,15 +96037,30 +96038,30 +96039,17 +96040,30 +96041,30 +96042,30 +96043,33 +96044,30 +96045,30 +96046,31 +96047,30 +96048,3 +96049,3 +96050,33 +96051,5 +96052,27 +96053,27 +96054,5 +96055,5 +96056,5 +96057,5 +96058,38 +96059,38 +96060,38 +96061,38 +96062,38 +96063,38 +96064,38 +96065,38 +96066,31 +96067,27 +96068,3 +96069,3 +96070,3 +96071,29 +96072,38 +96073,32 +96074,32 +96075,32 +96076,38 +96077,38 +96078,38 +96079,38 +96080,32 +96081,36 +96082,34 +96083,36 +96084,36 +96085,36 +96086,36 +96087,36 +96088,36 +96089,36 +96090,19 +96091,19 +96092,5 +96093,5 +96094,5 +96095,5 +96096,30 +96097,30 +96098,30 +96099,30 +96100,30 +96101,30 +96102,39 +96103,39 +96104,39 +96105,39 +96106,39 +96107,39 +96108,19 +96109,19 +96110,5 +96111,19 +96112,19 +96113,19 +96114,19 +96115,27 +96116,27 +96117,27 +96118,27 +96119,27 +96120,27 +96121,5 +96122,5 +96123,5 +96124,5 +96125,5 +96126,5 +96127,5 +96128,5 +96129,25 +96130,25 +96131,25 +96132,25 +96133,25 +96134,25 +96135,23 +96136,23 +96137,23 +96138,23 +96139,23 +96140,23 +96141,23 +96142,23 +96143,23 +96144,23 +96145,23 +96146,23 +96147,25 +96148,25 +96149,25 +96150,25 +96151,25 +96152,25 +96153,25 +96154,25 +96155,28 +96156,28 +96157,28 +96158,28 +96159,28 +96160,28 +96161,28 +96162,28 +96163,28 +96164,28 +96165,28 +96166,28 +96167,40 +96168,40 +96169,40 +96170,40 +96171,40 +96172,40 +96173,40 +96174,40 +96175,40 +96176,5 +96177,5 +96178,5 +96179,5 +96180,5 +96181,5 +96182,5 +96183,39 +96184,39 +96185,39 +96186,39 +96187,39 +96188,39 +96189,39 +96190,39 +96191,39 +96192,39 +96193,39 +96194,39 +96195,18 +96196,18 +96197,18 +96198,18 +96199,18 +96200,18 +96201,18 +96202,18 +96203,18 +96204,18 +96205,40 +96206,40 +96207,40 +96208,40 +96209,40 +96210,40 +96211,5 +96212,5 +96213,5 +96214,5 +96215,5 +96216,25 +96217,25 +96218,25 +96219,25 +96220,25 +96221,25 +96222,37 +96223,37 +96224,37 +96225,37 +96226,37 +96227,37 +96228,37 +96229,37 +96230,39 +96231,39 +96232,39 +96233,39 +96234,39 +96235,39 +96236,39 +96237,14 +96238,14 +96239,14 +96240,14 +96241,11 +96242,11 +96243,11 +96244,11 +96245,11 +96246,11 +96247,11 +96248,11 +96249,11 +96250,11 +96251,11 +96252,11 +96253,11 +96254,11 +96255,31 +96256,31 +96257,31 +96258,31 +96259,31 +96260,31 +96261,31 +96262,31 +96263,31 +96264,27 +96265,5 +96266,5 +96267,5 +96268,5 +96269,5 +96270,5 +96271,5 +96272,5 +96273,5 +96274,5 +96275,5 +96276,5 +96277,5 +96278,8 +96279,8 +96280,8 +96281,8 +96282,8 +96283,8 +96284,8 +96285,8 +96286,2 +96287,2 +96288,2 +96289,2 +96290,2 +96291,2 +96292,2 +96293,2 +96294,2 +96295,2 +96296,2 +96297,2 +96298,0 +96299,0 +96300,0 +96301,0 +96302,0 +96303,0 +96304,0 +96305,0 +96306,0 +96307,0 +96308,0 +96309,0 +96310,0 +96311,0 +96312,0 +96313,0 +96314,0 +96315,0 +96316,0 +96317,0 +96318,0 +96319,0 +96320,0 +96321,0 +96322,0 +96323,0 +96324,0 +96325,0 +96326,0 +96327,0 +96328,0 +96329,0 +96330,0 +96331,0 +96332,0 +96333,0 +96334,0 +96335,0 +96336,0 +96337,0 +96338,0 +96339,0 +96340,0 +96341,0 +96342,0 +96343,0 +96344,0 +96345,0 +96346,0 +96347,0 +96348,0 +96349,0 +96350,0 +96351,0 +96352,0 +96353,0 +96354,0 +96355,0 +96356,0 +96357,0 +96358,0 +96359,0 +96360,0 +96361,0 +96362,0 +96363,0 +96364,0 +96365,0 +96366,0 +96367,0 +96368,0 +96369,0 +96370,0 +96371,0 +96372,0 +96373,0 +96374,6 +96375,6 +96376,6 +96377,6 +96378,6 +96379,6 +96380,6 +96381,6 +96382,6 +96383,14 +96384,14 +96385,14 +96386,14 +96387,14 +96388,14 +96389,14 +96390,14 +96391,14 +96392,14 +96393,14 +96394,14 +96395,5 +96396,5 +96397,5 +96398,5 +96399,13 +96400,13 +96401,13 +96402,13 +96403,13 +96404,31 +96405,31 +96406,31 +96407,31 +96408,31 +96409,31 +96410,31 +96411,30 +96412,30 +96413,30 +96414,30 +96415,30 +96416,24 +96417,24 +96418,24 +96419,24 +96420,24 +96421,23 +96422,23 +96423,30 +96424,30 +96425,30 +96426,30 +96427,30 +96428,30 +96429,30 +96430,30 +96431,30 +96432,30 +96433,30 +96434,30 +96435,30 +96436,30 +96437,30 +96438,22 +96439,22 +96440,22 +96441,22 +96442,33 +96443,9 +96444,9 +96445,9 +96446,9 +96447,9 +96448,9 +96449,9 +96450,9 +96451,9 +96452,9 +96453,9 +96454,37 +96455,37 +96456,37 +96457,37 +96458,37 +96459,37 +96460,37 +96461,37 +96462,37 +96463,37 +96464,37 +96465,37 +96466,37 +96467,39 +96468,39 +96469,39 +96470,39 +96471,39 +96472,39 +96473,39 +96474,39 +96475,39 +96476,39 +96477,39 +96478,39 +96479,39 +96480,39 +96481,39 +96482,39 +96483,39 +96484,6 +96485,6 +96486,6 +96487,6 +96488,6 +96489,6 +96490,6 +96491,6 +96492,6 +96493,6 +96494,6 +96495,6 +96496,35 +96497,35 +96498,35 +96499,27 +96500,14 +96501,27 +96502,27 +96503,27 +96504,27 +96505,27 +96506,27 +96507,27 +96508,13 +96509,13 +96510,13 +96511,13 +96512,13 +96513,13 +96514,13 +96515,13 +96516,13 +96517,31 +96518,31 +96519,31 +96520,31 +96521,31 +96522,31 +96523,31 +96524,31 +96525,31 +96526,31 +96527,31 +96528,23 +96529,23 +96530,24 +96531,24 +96532,24 +96533,24 +96534,24 +96535,32 +96536,32 +96537,32 +96538,32 +96539,32 +96540,32 +96541,32 +96542,32 +96543,32 +96544,32 +96545,27 +96546,27 +96547,27 +96548,27 +96549,27 +96550,27 +96551,27 +96552,27 +96553,27 +96554,39 +96555,39 +96556,39 +96557,39 +96558,39 +96559,39 +96560,39 +96561,39 +96562,39 +96563,39 +96564,39 +96565,39 +96566,39 +96567,39 +96568,39 +96569,39 +96570,39 +96571,2 +96572,2 +96573,2 +96574,2 +96575,2 +96576,2 +96577,2 +96578,2 +96579,2 +96580,2 +96581,2 +96582,2 +96583,2 +96584,2 +96585,2 +96586,2 +96587,2 +96588,2 +96589,2 +96590,2 +96591,2 +96592,2 +96593,2 +96594,2 +96595,2 +96596,2 +96597,2 +96598,2 +96599,0 +96600,0 +96601,0 +96602,0 +96603,0 +96604,0 +96605,0 +96606,0 +96607,0 +96608,0 +96609,0 +96610,0 +96611,0 +96612,0 +96613,0 +96614,0 +96615,0 +96616,0 +96617,0 +96618,35 +96619,35 +96620,35 +96621,35 +96622,35 +96623,35 +96624,35 +96625,27 +96626,27 +96627,27 +96628,27 +96629,39 +96630,37 +96631,37 +96632,37 +96633,37 +96634,37 +96635,37 +96636,37 +96637,37 +96638,37 +96639,37 +96640,29 +96641,29 +96642,29 +96643,29 +96644,29 +96645,27 +96646,27 +96647,27 +96648,27 +96649,31 +96650,31 +96651,31 +96652,31 +96653,31 +96654,31 +96655,31 +96656,2 +96657,2 +96658,2 +96659,2 +96660,2 +96661,2 +96662,2 +96663,2 +96664,2 +96665,2 +96666,2 +96667,2 +96668,2 +96669,10 +96670,10 +96671,10 +96672,10 +96673,10 +96674,10 +96675,10 +96676,10 +96677,10 +96678,9 +96679,9 +96680,9 +96681,9 +96682,33 +96683,9 +96684,9 +96685,9 +96686,9 +96687,9 +96688,9 +96689,13 +96690,13 +96691,5 +96692,5 +96693,5 +96694,5 +96695,5 +96696,5 +96697,5 +96698,5 +96699,5 +96700,29 +96701,29 +96702,29 +96703,36 +96704,36 +96705,36 +96706,36 +96707,36 +96708,36 +96709,36 +96710,36 +96711,5 +96712,5 +96713,5 +96714,5 +96715,5 +96716,5 +96717,5 +96718,5 +96719,2 +96720,2 +96721,2 +96722,2 +96723,2 +96724,2 +96725,2 +96726,2 +96727,2 +96728,2 +96729,39 +96730,39 +96731,39 +96732,39 +96733,39 +96734,39 +96735,39 +96736,39 +96737,39 +96738,39 +96739,39 +96740,39 +96741,24 +96742,29 +96743,29 +96744,29 +96745,29 +96746,29 +96747,29 +96748,31 +96749,31 +96750,31 +96751,31 +96752,31 +96753,31 +96754,31 +96755,31 +96756,31 +96757,2 +96758,2 +96759,2 +96760,2 +96761,2 +96762,2 +96763,2 +96764,2 +96765,2 +96766,2 +96767,2 +96768,4 +96769,4 +96770,4 +96771,4 +96772,4 +96773,4 +96774,4 +96775,26 +96776,26 +96777,26 +96778,26 +96779,26 +96780,26 +96781,26 +96782,26 +96783,26 +96784,26 +96785,26 +96786,26 +96787,26 +96788,26 +96789,26 +96790,26 +96791,26 +96792,26 +96793,26 +96794,26 +96795,26 +96796,26 +96797,26 +96798,26 +96799,26 +96800,26 +96801,26 +96802,26 +96803,26 +96804,26 +96805,26 +96806,26 +96807,37 +96808,37 +96809,37 +96810,37 +96811,37 +96812,37 +96813,37 +96814,37 +96815,37 +96816,37 +96817,37 +96818,37 +96819,37 +96820,0 +96821,0 +96822,0 +96823,0 +96824,0 +96825,0 +96826,0 +96827,0 +96828,0 +96829,0 +96830,0 +96831,0 +96832,0 +96833,0 +96834,0 +96835,0 +96836,0 +96837,0 +96838,0 +96839,0 +96840,0 +96841,0 +96842,0 +96843,0 +96844,0 +96845,0 +96846,0 +96847,0 +96848,0 +96849,0 +96850,0 +96851,0 +96852,0 +96853,0 +96854,12 +96855,12 +96856,12 +96857,12 +96858,12 +96859,12 +96860,12 +96861,12 +96862,12 +96863,12 +96864,12 +96865,12 +96866,40 +96867,40 +96868,40 +96869,31 +96870,31 +96871,31 +96872,31 +96873,33 +96874,33 +96875,33 +96876,9 +96877,9 +96878,9 +96879,9 +96880,6 +96881,6 +96882,6 +96883,6 +96884,6 +96885,6 +96886,6 +96887,31 +96888,31 +96889,31 +96890,31 +96891,31 +96892,31 +96893,31 +96894,31 +96895,31 +96896,28 +96897,28 +96898,28 +96899,28 +96900,28 +96901,28 +96902,28 +96903,28 +96904,28 +96905,28 +96906,28 +96907,29 +96908,19 +96909,19 +96910,39 +96911,39 +96912,39 +96913,39 +96914,39 +96915,39 +96916,39 +96917,39 +96918,39 +96919,39 +96920,39 +96921,39 +96922,39 +96923,39 +96924,39 +96925,39 +96926,39 +96927,39 +96928,39 +96929,39 +96930,24 +96931,19 +96932,19 +96933,19 +96934,19 +96935,19 +96936,19 +96937,34 +96938,34 +96939,34 +96940,34 +96941,34 +96942,34 +96943,34 +96944,34 +96945,34 +96946,34 +96947,33 +96948,33 +96949,33 +96950,33 +96951,33 +96952,33 +96953,33 +96954,33 +96955,35 +96956,35 +96957,35 +96958,35 +96959,35 +96960,35 +96961,35 +96962,35 +96963,40 +96964,40 +96965,40 +96966,40 +96967,40 +96968,29 +96969,29 +96970,29 +96971,29 +96972,29 +96973,24 +96974,24 +96975,31 +96976,31 +96977,31 +96978,5 +96979,5 +96980,5 +96981,5 +96982,5 +96983,5 +96984,5 +96985,5 +96986,5 +96987,29 +96988,30 +96989,30 +96990,39 +96991,39 +96992,39 +96993,39 +96994,39 +96995,39 +96996,39 +96997,39 +96998,39 +96999,6 +97000,6 +97001,6 +97002,6 +97003,6 +97004,6 +97005,6 +97006,6 +97007,6 +97008,6 +97009,6 +97010,6 +97011,6 +97012,14 +97013,14 +97014,14 +97015,14 +97016,14 +97017,14 +97018,14 +97019,14 +97020,14 +97021,14 +97022,14 +97023,14 +97024,14 +97025,14 +97026,14 +97027,14 +97028,14 +97029,14 +97030,14 +97031,14 +97032,14 +97033,27 +97034,27 +97035,27 +97036,13 +97037,13 +97038,13 +97039,13 +97040,13 +97041,13 +97042,13 +97043,13 +97044,13 +97045,13 +97046,13 +97047,13 +97048,28 +97049,28 +97050,28 +97051,5 +97052,5 +97053,5 +97054,5 +97055,5 +97056,5 +97057,5 +97058,5 +97059,5 +97060,5 +97061,5 +97062,5 +97063,5 +97064,5 +97065,5 +97066,0 +97067,0 +97068,0 +97069,0 +97070,0 +97071,0 +97072,0 +97073,0 +97074,0 +97075,0 +97076,0 +97077,0 +97078,0 +97079,0 +97080,0 +97081,0 +97082,0 +97083,0 +97084,0 +97085,0 +97086,0 +97087,0 +97088,0 +97089,0 +97090,36 +97091,36 +97092,36 +97093,36 +97094,36 +97095,36 +97096,36 +97097,36 +97098,36 +97099,31 +97100,36 +97101,36 +97102,31 +97103,5 +97104,19 +97105,19 +97106,19 +97107,19 +97108,19 +97109,29 +97110,29 +97111,14 +97112,14 +97113,14 +97114,14 +97115,14 +97116,14 +97117,14 +97118,14 +97119,14 +97120,14 +97121,14 +97122,6 +97123,6 +97124,6 +97125,6 +97126,6 +97127,6 +97128,6 +97129,6 +97130,6 +97131,6 +97132,6 +97133,6 +97134,6 +97135,6 +97136,6 +97137,14 +97138,14 +97139,14 +97140,14 +97141,14 +97142,14 +97143,14 +97144,14 +97145,14 +97146,14 +97147,14 +97148,14 +97149,14 +97150,14 +97151,14 +97152,14 +97153,28 +97154,28 +97155,28 +97156,28 +97157,28 +97158,15 +97159,15 +97160,15 +97161,15 +97162,15 +97163,10 +97164,26 +97165,10 +97166,10 +97167,10 +97168,10 +97169,26 +97170,26 +97171,26 +97172,19 +97173,19 +97174,19 +97175,19 +97176,19 +97177,19 +97178,19 +97179,27 +97180,27 +97181,27 +97182,27 +97183,27 +97184,27 +97185,35 +97186,35 +97187,35 +97188,35 +97189,35 +97190,35 +97191,35 +97192,27 +97193,27 +97194,27 +97195,30 +97196,30 +97197,30 +97198,30 +97199,30 +97200,30 +97201,30 +97202,30 +97203,30 +97204,30 +97205,30 +97206,30 +97207,2 +97208,2 +97209,2 +97210,2 +97211,2 +97212,2 +97213,2 +97214,2 +97215,2 +97216,2 +97217,2 +97218,2 +97219,2 +97220,2 +97221,2 +97222,2 +97223,10 +97224,10 +97225,10 +97226,10 +97227,10 +97228,10 +97229,10 +97230,10 +97231,10 +97232,10 +97233,10 +97234,10 +97235,10 +97236,10 +97237,10 +97238,10 +97239,10 +97240,10 +97241,19 +97242,19 +97243,4 +97244,4 +97245,4 +97246,4 +97247,4 +97248,4 +97249,4 +97250,4 +97251,32 +97252,4 +97253,4 +97254,4 +97255,4 +97256,29 +97257,29 +97258,29 +97259,29 +97260,29 +97261,29 +97262,29 +97263,31 +97264,31 +97265,31 +97266,31 +97267,31 +97268,31 +97269,31 +97270,4 +97271,4 +97272,4 +97273,4 +97274,4 +97275,4 +97276,4 +97277,4 +97278,4 +97279,4 +97280,4 +97281,4 +97282,4 +97283,10 +97284,26 +97285,26 +97286,26 +97287,26 +97288,26 +97289,26 +97290,26 +97291,26 +97292,26 +97293,26 +97294,26 +97295,26 +97296,26 +97297,26 +97298,32 +97299,32 +97300,32 +97301,32 +97302,32 +97303,32 +97304,0 +97305,32 +97306,32 +97307,32 +97308,0 +97309,0 +97310,0 +97311,0 +97312,0 +97313,0 +97314,0 +97315,0 +97316,0 +97317,0 +97318,0 +97319,0 +97320,0 +97321,0 +97322,0 +97323,0 +97324,0 +97325,0 +97326,0 +97327,0 +97328,0 +97329,0 +97330,0 +97331,0 +97332,0 +97333,0 +97334,0 +97335,0 +97336,0 +97337,0 +97338,0 +97339,0 +97340,0 +97341,0 +97342,0 +97343,0 +97344,0 +97345,0 +97346,0 +97347,0 +97348,0 +97349,0 +97350,0 +97351,0 +97352,0 +97353,0 +97354,0 +97355,0 +97356,0 +97357,0 +97358,0 +97359,0 +97360,0 +97361,0 +97362,0 +97363,0 +97364,0 +97365,0 +97366,0 +97367,0 +97368,0 +97369,0 +97370,12 +97371,12 +97372,12 +97373,12 +97374,0 +97375,0 +97376,0 +97377,12 +97378,12 +97379,12 +97380,12 +97381,12 +97382,12 +97383,27 +97384,27 +97385,27 +97386,27 +97387,27 +97388,16 +97389,16 +97390,16 +97391,16 +97392,16 +97393,16 +97394,16 +97395,16 +97396,16 +97397,23 +97398,23 +97399,23 +97400,2 +97401,2 +97402,2 +97403,30 +97404,30 +97405,30 +97406,30 +97407,30 +97408,30 +97409,30 +97410,22 +97411,22 +97412,22 +97413,22 +97414,6 +97415,6 +97416,6 +97417,6 +97418,6 +97419,6 +97420,6 +97421,6 +97422,6 +97423,31 +97424,31 +97425,31 +97426,31 +97427,31 +97428,31 +97429,31 +97430,31 +97431,38 +97432,38 +97433,38 +97434,38 +97435,38 +97436,38 +97437,38 +97438,38 +97439,32 +97440,32 +97441,24 +97442,4 +97443,4 +97444,4 +97445,4 +97446,4 +97447,4 +97448,4 +97449,4 +97450,4 +97451,9 +97452,9 +97453,9 +97454,9 +97455,9 +97456,9 +97457,9 +97458,37 +97459,37 +97460,37 +97461,37 +97462,37 +97463,37 +97464,37 +97465,37 +97466,19 +97467,19 +97468,19 +97469,19 +97470,19 +97471,19 +97472,19 +97473,19 +97474,19 +97475,19 +97476,9 +97477,33 +97478,9 +97479,33 +97480,33 +97481,33 +97482,33 +97483,33 +97484,33 +97485,33 +97486,33 +97487,33 +97488,38 +97489,38 +97490,38 +97491,38 +97492,38 +97493,23 +97494,23 +97495,23 +97496,23 +97497,23 +97498,23 +97499,23 +97500,23 +97501,23 +97502,36 +97503,14 +97504,14 +97505,14 +97506,14 +97507,14 +97508,14 +97509,14 +97510,14 +97511,14 +97512,14 +97513,14 +97514,14 +97515,14 +97516,14 +97517,14 +97518,14 +97519,14 +97520,14 +97521,14 +97522,28 +97523,28 +97524,28 +97525,28 +97526,28 +97527,28 +97528,28 +97529,13 +97530,13 +97531,13 +97532,28 +97533,28 +97534,28 +97535,28 +97536,28 +97537,0 +97538,0 +97539,0 +97540,0 +97541,0 +97542,0 +97543,0 +97544,0 +97545,0 +97546,0 +97547,0 +97548,0 +97549,0 +97550,0 +97551,0 +97552,0 +97553,0 +97554,0 +97555,0 +97556,0 +97557,0 +97558,0 +97559,0 +97560,0 +97561,0 +97562,0 +97563,0 +97564,0 +97565,0 +97566,0 +97567,0 +97568,0 +97569,0 +97570,0 +97571,0 +97572,0 +97573,0 +97574,0 +97575,0 +97576,0 +97577,0 +97578,0 +97579,0 +97580,23 +97581,23 +97582,23 +97583,23 +97584,23 +97585,23 +97586,23 +97587,23 +97588,23 +97589,23 +97590,23 +97591,27 +97592,25 +97593,25 +97594,25 +97595,25 +97596,19 +97597,19 +97598,19 +97599,19 +97600,19 +97601,19 +97602,29 +97603,29 +97604,31 +97605,31 +97606,31 +97607,31 +97608,31 +97609,32 +97610,32 +97611,32 +97612,32 +97613,32 +97614,32 +97615,32 +97616,32 +97617,32 +97618,32 +97619,32 +97620,32 +97621,32 +97622,32 +97623,30 +97624,30 +97625,30 +97626,30 +97627,30 +97628,14 +97629,14 +97630,14 +97631,14 +97632,14 +97633,14 +97634,14 +97635,14 +97636,14 +97637,14 +97638,14 +97639,14 +97640,14 +97641,14 +97642,14 +97643,14 +97644,2 +97645,2 +97646,2 +97647,2 +97648,2 +97649,2 +97650,2 +97651,2 +97652,2 +97653,2 +97654,2 +97655,2 +97656,2 +97657,2 +97658,2 +97659,2 +97660,2 +97661,2 +97662,2 +97663,2 +97664,2 +97665,2 +97666,2 +97667,12 +97668,12 +97669,12 +97670,12 +97671,12 +97672,12 +97673,12 +97674,12 +97675,12 +97676,12 +97677,12 +97678,27 +97679,27 +97680,27 +97681,27 +97682,16 +97683,16 +97684,16 +97685,16 +97686,16 +97687,16 +97688,16 +97689,16 +97690,16 +97691,27 +97692,27 +97693,27 +97694,27 +97695,31 +97696,31 +97697,8 +97698,27 +97699,2 +97700,2 +97701,2 +97702,2 +97703,8 +97704,8 +97705,8 +97706,8 +97707,8 +97708,6 +97709,6 +97710,6 +97711,6 +97712,6 +97713,6 +97714,6 +97715,6 +97716,6 +97717,6 +97718,9 +97719,9 +97720,9 +97721,9 +97722,9 +97723,9 +97724,9 +97725,9 +97726,9 +97727,26 +97728,9 +97729,9 +97730,9 +97731,9 +97732,9 +97733,9 +97734,9 +97735,30 +97736,30 +97737,30 +97738,30 +97739,30 +97740,30 +97741,19 +97742,19 +97743,19 +97744,19 +97745,19 +97746,19 +97747,19 +97748,19 +97749,19 +97750,19 +97751,19 +97752,19 +97753,19 +97754,19 +97755,19 +97756,0 +97757,0 +97758,32 +97759,0 +97760,0 +97761,0 +97762,0 +97763,0 +97764,0 +97765,0 +97766,0 +97767,15 +97768,15 +97769,40 +97770,40 +97771,40 +97772,40 +97773,40 +97774,40 +97775,40 +97776,30 +97777,30 +97778,30 +97779,30 +97780,30 +97781,30 +97782,30 +97783,30 +97784,30 +97785,30 +97786,30 +97787,30 +97788,30 +97789,30 +97790,28 +97791,28 +97792,28 +97793,28 +97794,28 +97795,28 +97796,28 +97797,28 +97798,28 +97799,28 +97800,26 +97801,26 +97802,26 +97803,26 +97804,9 +97805,9 +97806,9 +97807,9 +97808,9 +97809,9 +97810,9 +97811,9 +97812,9 +97813,26 +97814,26 +97815,30 +97816,30 +97817,30 +97818,30 +97819,30 +97820,0 +97821,0 +97822,0 +97823,0 +97824,0 +97825,0 +97826,0 +97827,0 +97828,0 +97829,0 +97830,0 +97831,0 +97832,0 +97833,0 +97834,0 +97835,0 +97836,0 +97837,0 +97838,0 +97839,0 +97840,0 +97841,0 +97842,0 +97843,0 +97844,0 +97845,0 +97846,0 +97847,0 +97848,31 +97849,31 +97850,31 +97851,31 +97852,31 +97853,31 +97854,31 +97855,5 +97856,5 +97857,5 +97858,5 +97859,5 +97860,5 +97861,4 +97862,4 +97863,4 +97864,4 +97865,4 +97866,4 +97867,4 +97868,4 +97869,4 +97870,4 +97871,4 +97872,4 +97873,4 +97874,3 +97875,3 +97876,3 +97877,3 +97878,3 +97879,3 +97880,3 +97881,3 +97882,3 +97883,6 +97884,6 +97885,6 +97886,6 +97887,6 +97888,6 +97889,6 +97890,6 +97891,6 +97892,6 +97893,6 +97894,6 +97895,6 +97896,34 +97897,34 +97898,34 +97899,40 +97900,40 +97901,40 +97902,30 +97903,30 +97904,30 +97905,30 +97906,31 +97907,31 +97908,31 +97909,31 +97910,31 +97911,28 +97912,28 +97913,28 +97914,28 +97915,28 +97916,28 +97917,1 +97918,31 +97919,31 +97920,28 +97921,28 +97922,10 +97923,10 +97924,10 +97925,10 +97926,10 +97927,10 +97928,26 +97929,26 +97930,26 +97931,26 +97932,26 +97933,26 +97934,26 +97935,5 +97936,5 +97937,5 +97938,5 +97939,5 +97940,5 +97941,5 +97942,5 +97943,5 +97944,5 +97945,5 +97946,5 +97947,5 +97948,0 +97949,0 +97950,0 +97951,0 +97952,0 +97953,0 +97954,0 +97955,0 +97956,0 +97957,0 +97958,0 +97959,0 +97960,0 +97961,0 +97962,0 +97963,0 +97964,0 +97965,0 +97966,0 +97967,0 +97968,0 +97969,0 +97970,0 +97971,0 +97972,0 +97973,0 +97974,0 +97975,0 +97976,0 +97977,0 +97978,0 +97979,0 +97980,0 +97981,0 +97982,0 +97983,0 +97984,0 +97985,0 +97986,0 +97987,0 +97988,0 +97989,0 +97990,0 +97991,0 +97992,0 +97993,0 +97994,0 +97995,0 +97996,0 +97997,0 +97998,0 +97999,0 +98000,0 +98001,0 +98002,0 +98003,0 +98004,0 +98005,0 +98006,0 +98007,0 +98008,0 +98009,0 +98010,0 +98011,0 +98012,0 +98013,0 +98014,0 +98015,0 +98016,0 +98017,0 +98018,0 +98019,0 +98020,0 +98021,28 +98022,28 +98023,28 +98024,27 +98025,27 +98026,27 +98027,27 +98028,27 +98029,27 +98030,27 +98031,2 +98032,2 +98033,2 +98034,2 +98035,2 +98036,2 +98037,30 +98038,30 +98039,31 +98040,30 +98041,30 +98042,30 +98043,8 +98044,8 +98045,8 +98046,8 +98047,8 +98048,12 +98049,12 +98050,12 +98051,12 +98052,12 +98053,31 +98054,31 +98055,31 +98056,31 +98057,31 +98058,31 +98059,31 +98060,15 +98061,15 +98062,15 +98063,15 +98064,15 +98065,15 +98066,15 +98067,15 +98068,27 +98069,27 +98070,27 +98071,27 +98072,27 +98073,27 +98074,2 +98075,2 +98076,2 +98077,2 +98078,2 +98079,2 +98080,4 +98081,4 +98082,4 +98083,4 +98084,4 +98085,4 +98086,25 +98087,25 +98088,25 +98089,25 +98090,25 +98091,35 +98092,35 +98093,35 +98094,35 +98095,35 +98096,35 +98097,35 +98098,26 +98099,26 +98100,26 +98101,26 +98102,26 +98103,26 +98104,26 +98105,26 +98106,26 +98107,26 +98108,26 +98109,26 +98110,26 +98111,26 +98112,26 +98113,26 +98114,26 +98115,26 +98116,26 +98117,26 +98118,26 +98119,15 +98120,15 +98121,15 +98122,24 +98123,24 +98124,24 +98125,24 +98126,23 +98127,23 +98128,23 +98129,23 +98130,23 +98131,23 +98132,37 +98133,37 +98134,37 +98135,37 +98136,37 +98137,40 +98138,40 +98139,40 +98140,40 +98141,40 +98142,40 +98143,40 +98144,40 +98145,19 +98146,19 +98147,19 +98148,25 +98149,25 +98150,25 +98151,25 +98152,25 +98153,5 +98154,5 +98155,5 +98156,5 +98157,5 +98158,5 +98159,5 +98160,5 +98161,5 +98162,19 +98163,19 +98164,19 +98165,19 +98166,19 +98167,19 +98168,27 +98169,27 +98170,27 +98171,27 +98172,27 +98173,14 +98174,14 +98175,27 +98176,27 +98177,6 +98178,6 +98179,6 +98180,6 +98181,6 +98182,6 +98183,2 +98184,2 +98185,2 +98186,2 +98187,2 +98188,2 +98189,2 +98190,2 +98191,2 +98192,2 +98193,30 +98194,30 +98195,30 +98196,30 +98197,30 +98198,10 +98199,10 +98200,10 +98201,10 +98202,36 +98203,31 +98204,31 +98205,31 +98206,31 +98207,4 +98208,4 +98209,4 +98210,4 +98211,4 +98212,4 +98213,25 +98214,25 +98215,25 +98216,25 +98217,25 +98218,25 +98219,25 +98220,25 +98221,25 +98222,25 +98223,25 +98224,25 +98225,25 +98226,25 +98227,25 +98228,25 +98229,25 +98230,25 +98231,25 +98232,25 +98233,25 +98234,25 +98235,25 +98236,0 +98237,0 +98238,0 +98239,0 +98240,0 +98241,0 +98242,0 +98243,0 +98244,0 +98245,0 +98246,0 +98247,0 +98248,0 +98249,0 +98250,0 +98251,0 +98252,0 +98253,0 +98254,0 +98255,0 +98256,0 +98257,0 +98258,0 +98259,0 +98260,0 +98261,0 +98262,0 +98263,0 +98264,0 +98265,0 +98266,0 +98267,0 +98268,0 +98269,0 +98270,0 +98271,0 +98272,0 +98273,0 +98274,0 +98275,0 +98276,0 +98277,0 +98278,0 +98279,0 +98280,0 +98281,0 +98282,0 +98283,0 +98284,0 +98285,0 +98286,0 +98287,0 +98288,0 +98289,0 +98290,0 +98291,0 +98292,0 +98293,0 +98294,0 +98295,0 +98296,0 +98297,0 +98298,0 +98299,0 +98300,0 +98301,0 +98302,0 +98303,0 +98304,0 +98305,0 +98306,0 +98307,0 +98308,0 +98309,0 +98310,0 +98311,0 +98312,0 +98313,0 +98314,0 +98315,0 +98316,0 +98317,0 +98318,0 +98319,0 +98320,0 +98321,0 +98322,0 +98323,0 +98324,0 +98325,0 +98326,0 +98327,0 +98328,0 +98329,0 +98330,21 +98331,29 +98332,29 +98333,21 +98334,21 +98335,21 +98336,19 +98337,19 +98338,19 +98339,19 +98340,19 +98341,19 +98342,19 +98343,19 +98344,39 +98345,39 +98346,27 +98347,27 +98348,27 +98349,27 +98350,39 +98351,27 +98352,39 +98353,27 +98354,39 +98355,39 +98356,39 +98357,39 +98358,39 +98359,37 +98360,37 +98361,37 +98362,37 +98363,37 +98364,37 +98365,37 +98366,37 +98367,37 +98368,37 +98369,37 +98370,37 +98371,25 +98372,23 +98373,23 +98374,23 +98375,6 +98376,6 +98377,32 +98378,32 +98379,6 +98380,4 +98381,4 +98382,37 +98383,37 +98384,37 +98385,37 +98386,37 +98387,37 +98388,37 +98389,37 +98390,37 +98391,36 +98392,40 +98393,40 +98394,40 +98395,40 +98396,40 +98397,40 +98398,40 +98399,40 +98400,40 +98401,40 +98402,40 +98403,40 +98404,40 +98405,40 +98406,40 +98407,40 +98408,40 +98409,40 +98410,40 +98411,5 +98412,5 +98413,5 +98414,5 +98415,19 +98416,19 +98417,5 +98418,5 +98419,5 +98420,19 +98421,19 +98422,19 +98423,19 +98424,19 +98425,19 +98426,19 +98427,19 +98428,19 +98429,19 +98430,19 +98431,19 +98432,19 +98433,19 +98434,0 +98435,0 +98436,0 +98437,0 +98438,0 +98439,0 +98440,0 +98441,0 +98442,0 +98443,0 +98444,0 +98445,0 +98446,0 +98447,0 +98448,0 +98449,0 +98450,0 +98451,0 +98452,0 +98453,0 +98454,0 +98455,0 +98456,0 +98457,0 +98458,0 +98459,0 +98460,0 +98461,0 +98462,0 +98463,0 +98464,0 +98465,0 +98466,0 +98467,0 +98468,0 +98469,0 +98470,0 +98471,0 +98472,0 +98473,0 +98474,0 +98475,0 +98476,0 +98477,0 +98478,0 +98479,0 +98480,0 +98481,0 +98482,0 +98483,0 +98484,0 +98485,0 +98486,0 +98487,0 +98488,0 +98489,0 +98490,28 +98491,28 +98492,28 +98493,28 +98494,28 +98495,28 +98496,27 +98497,27 +98498,27 +98499,27 +98500,27 +98501,8 +98502,8 +98503,8 +98504,8 +98505,8 +98506,8 +98507,27 +98508,27 +98509,27 +98510,27 +98511,27 +98512,27 +98513,8 +98514,8 +98515,8 +98516,8 +98517,8 +98518,8 +98519,8 +98520,8 +98521,8 +98522,8 +98523,8 +98524,8 +98525,8 +98526,34 +98527,34 +98528,34 +98529,34 +98530,34 +98531,34 +98532,34 +98533,34 +98534,34 +98535,34 +98536,34 +98537,34 +98538,34 +98539,34 +98540,34 +98541,30 +98542,30 +98543,30 +98544,30 +98545,30 +98546,30 +98547,14 +98548,14 +98549,14 +98550,14 +98551,14 +98552,14 +98553,14 +98554,14 +98555,14 +98556,14 +98557,14 +98558,14 +98559,14 +98560,4 +98561,4 +98562,4 +98563,4 +98564,4 +98565,16 +98566,16 +98567,16 +98568,16 +98569,16 +98570,4 +98571,4 +98572,4 +98573,4 +98574,4 +98575,4 +98576,4 +98577,4 +98578,9 +98579,9 +98580,9 +98581,9 +98582,9 +98583,9 +98584,37 +98585,37 +98586,37 +98587,37 +98588,37 +98589,37 +98590,37 +98591,5 +98592,5 +98593,5 +98594,5 +98595,5 +98596,5 +98597,5 +98598,8 +98599,8 +98600,8 +98601,8 +98602,8 +98603,8 +98604,15 +98605,15 +98606,15 +98607,15 +98608,15 +98609,15 +98610,15 +98611,39 +98612,39 +98613,39 +98614,39 +98615,39 +98616,39 +98617,39 +98618,39 +98619,39 +98620,39 +98621,39 +98622,39 +98623,39 +98624,39 +98625,39 +98626,39 +98627,39 +98628,39 +98629,39 +98630,39 +98631,39 +98632,39 +98633,0 +98634,0 +98635,0 +98636,0 +98637,0 +98638,0 +98639,0 +98640,0 +98641,0 +98642,0 +98643,0 +98644,0 +98645,0 +98646,0 +98647,0 +98648,0 +98649,0 +98650,0 +98651,0 +98652,0 +98653,0 +98654,0 +98655,0 +98656,0 +98657,0 +98658,0 +98659,0 +98660,0 +98661,0 +98662,0 +98663,0 +98664,0 +98665,0 +98666,0 +98667,0 +98668,0 +98669,0 +98670,0 +98671,0 +98672,0 +98673,0 +98674,0 +98675,0 +98676,12 +98677,12 +98678,12 +98679,12 +98680,12 +98681,40 +98682,40 +98683,40 +98684,40 +98685,40 +98686,10 +98687,10 +98688,34 +98689,34 +98690,34 +98691,34 +98692,30 +98693,30 +98694,30 +98695,30 +98696,30 +98697,30 +98698,30 +98699,2 +98700,2 +98701,2 +98702,2 +98703,2 +98704,2 +98705,2 +98706,2 +98707,2 +98708,2 +98709,2 +98710,2 +98711,33 +98712,33 +98713,33 +98714,33 +98715,33 +98716,33 +98717,33 +98718,33 +98719,33 +98720,33 +98721,28 +98722,28 +98723,28 +98724,28 +98725,28 +98726,26 +98727,26 +98728,26 +98729,26 +98730,26 +98731,26 +98732,26 +98733,26 +98734,26 +98735,26 +98736,26 +98737,9 +98738,26 +98739,26 +98740,13 +98741,13 +98742,13 +98743,13 +98744,13 +98745,13 +98746,13 +98747,13 +98748,13 +98749,15 +98750,15 +98751,15 +98752,15 +98753,15 +98754,15 +98755,15 +98756,17 +98757,17 +98758,17 +98759,17 +98760,17 +98761,17 +98762,17 +98763,17 +98764,17 +98765,9 +98766,9 +98767,9 +98768,37 +98769,17 +98770,25 +98771,25 +98772,17 +98773,17 +98774,17 +98775,17 +98776,17 +98777,25 +98778,25 +98779,25 +98780,8 +98781,8 +98782,8 +98783,8 +98784,8 +98785,8 +98786,8 +98787,8 +98788,8 +98789,8 +98790,8 +98791,8 +98792,8 +98793,8 +98794,8 +98795,8 +98796,8 +98797,8 +98798,36 +98799,36 +98800,36 +98801,36 +98802,36 +98803,36 +98804,36 +98805,36 +98806,5 +98807,5 +98808,5 +98809,5 +98810,5 +98811,5 +98812,5 +98813,5 +98814,5 +98815,12 +98816,12 +98817,12 +98818,12 +98819,12 +98820,12 +98821,12 +98822,12 +98823,12 +98824,39 +98825,39 +98826,39 +98827,39 +98828,39 +98829,39 +98830,39 +98831,39 +98832,39 +98833,39 +98834,39 +98835,39 +98836,39 +98837,39 +98838,39 +98839,9 +98840,9 +98841,9 +98842,9 +98843,9 +98844,9 +98845,9 +98846,9 +98847,9 +98848,9 +98849,9 +98850,9 +98851,9 +98852,9 +98853,9 +98854,30 +98855,30 +98856,30 +98857,30 +98858,30 +98859,30 +98860,30 +98861,30 +98862,30 +98863,30 +98864,30 +98865,30 +98866,12 +98867,12 +98868,12 +98869,12 +98870,12 +98871,12 +98872,12 +98873,27 +98874,27 +98875,27 +98876,27 +98877,27 +98878,11 +98879,11 +98880,11 +98881,11 +98882,11 +98883,11 +98884,11 +98885,11 +98886,11 +98887,11 +98888,11 +98889,11 +98890,11 +98891,11 +98892,11 +98893,11 +98894,3 +98895,3 +98896,3 +98897,3 +98898,3 +98899,3 +98900,3 +98901,3 +98902,3 +98903,8 +98904,2 +98905,2 +98906,2 +98907,2 +98908,2 +98909,2 +98910,2 +98911,2 +98912,2 +98913,2 +98914,27 +98915,27 +98916,27 +98917,27 +98918,6 +98919,6 +98920,6 +98921,6 +98922,6 +98923,6 +98924,6 +98925,6 +98926,6 +98927,2 +98928,2 +98929,2 +98930,2 +98931,2 +98932,2 +98933,2 +98934,2 +98935,2 +98936,2 +98937,40 +98938,40 +98939,40 +98940,40 +98941,40 +98942,40 +98943,40 +98944,40 +98945,40 +98946,40 +98947,40 +98948,40 +98949,40 +98950,2 +98951,2 +98952,2 +98953,2 +98954,2 +98955,2 +98956,2 +98957,2 +98958,2 +98959,2 +98960,2 +98961,2 +98962,2 +98963,2 +98964,2 +98965,8 +98966,8 +98967,8 +98968,8 +98969,8 +98970,8 +98971,8 +98972,0 +98973,0 +98974,0 +98975,0 +98976,0 +98977,0 +98978,0 +98979,0 +98980,0 +98981,0 +98982,0 +98983,0 +98984,0 +98985,0 +98986,0 +98987,0 +98988,0 +98989,0 +98990,0 +98991,0 +98992,0 +98993,0 +98994,0 +98995,0 +98996,0 +98997,0 +98998,0 +98999,0 +99000,0 +99001,0 +99002,0 +99003,0 +99004,0 +99005,0 +99006,0 +99007,0 +99008,0 +99009,0 +99010,0 +99011,0 +99012,0 +99013,0 +99014,0 +99015,0 +99016,0 +99017,0 +99018,0 +99019,0 +99020,0 +99021,29 +99022,29 +99023,29 +99024,29 +99025,29 +99026,29 +99027,29 +99028,29 +99029,29 +99030,14 +99031,14 +99032,39 +99033,35 +99034,35 +99035,35 +99036,40 +99037,40 +99038,14 +99039,14 +99040,14 +99041,4 +99042,4 +99043,4 +99044,25 +99045,25 +99046,25 +99047,25 +99048,25 +99049,25 +99050,18 +99051,18 +99052,18 +99053,18 +99054,4 +99055,4 +99056,18 +99057,19 +99058,18 +99059,18 +99060,25 +99061,25 +99062,25 +99063,25 +99064,25 +99065,25 +99066,25 +99067,25 +99068,2 +99069,2 +99070,2 +99071,2 +99072,2 +99073,2 +99074,2 +99075,2 +99076,2 +99077,2 +99078,2 +99079,2 +99080,40 +99081,40 +99082,40 +99083,40 +99084,40 +99085,40 +99086,40 +99087,40 +99088,40 +99089,40 +99090,40 +99091,40 +99092,8 +99093,8 +99094,8 +99095,8 +99096,8 +99097,8 +99098,8 +99099,8 +99100,35 +99101,35 +99102,8 +99103,31 +99104,31 +99105,31 +99106,31 +99107,31 +99108,31 +99109,31 +99110,31 +99111,12 +99112,12 +99113,12 +99114,12 +99115,12 +99116,12 +99117,12 +99118,12 +99119,12 +99120,12 +99121,12 +99122,12 +99123,12 +99124,31 +99125,31 +99126,31 +99127,5 +99128,5 +99129,5 +99130,5 +99131,5 +99132,5 +99133,5 +99134,5 +99135,12 +99136,12 +99137,12 +99138,12 +99139,12 +99140,31 +99141,31 +99142,31 +99143,8 +99144,8 +99145,8 +99146,8 +99147,8 +99148,8 +99149,27 +99150,27 +99151,27 +99152,27 +99153,28 +99154,28 +99155,28 +99156,28 +99157,28 +99158,28 +99159,28 +99160,27 +99161,27 +99162,27 +99163,27 +99164,36 +99165,36 +99166,36 +99167,4 +99168,19 +99169,19 +99170,19 +99171,19 +99172,33 +99173,33 +99174,33 +99175,33 +99176,33 +99177,33 +99178,33 +99179,33 +99180,33 +99181,33 +99182,33 +99183,33 +99184,33 +99185,34 +99186,34 +99187,34 +99188,34 +99189,34 +99190,34 +99191,34 +99192,34 +99193,34 +99194,33 +99195,33 +99196,28 +99197,28 +99198,5 +99199,5 +99200,5 +99201,5 +99202,28 +99203,28 +99204,28 +99205,40 +99206,31 +99207,31 +99208,31 +99209,31 +99210,31 +99211,31 +99212,31 +99213,31 +99214,36 +99215,5 +99216,5 +99217,5 +99218,5 +99219,5 +99220,5 +99221,29 +99222,29 +99223,36 +99224,36 +99225,36 +99226,36 +99227,36 +99228,36 +99229,36 +99230,4 +99231,4 +99232,4 +99233,4 +99234,4 +99235,4 +99236,4 +99237,4 +99238,4 +99239,31 +99240,31 +99241,31 +99242,31 +99243,31 +99244,37 +99245,37 +99246,37 +99247,37 +99248,37 +99249,37 +99250,37 +99251,37 +99252,37 +99253,37 +99254,37 +99255,40 +99256,40 +99257,40 +99258,40 +99259,40 +99260,40 +99261,40 +99262,40 +99263,2 +99264,2 +99265,2 +99266,2 +99267,2 +99268,2 +99269,2 +99270,2 +99271,2 +99272,2 +99273,2 +99274,2 +99275,2 +99276,2 +99277,2 +99278,25 +99279,25 +99280,25 +99281,25 +99282,25 +99283,25 +99284,25 +99285,25 +99286,25 +99287,2 +99288,2 +99289,2 +99290,2 +99291,2 +99292,2 +99293,2 +99294,2 +99295,2 +99296,4 +99297,4 +99298,4 +99299,4 +99300,31 +99301,31 +99302,31 +99303,31 +99304,6 +99305,6 +99306,6 +99307,6 +99308,6 +99309,6 +99310,6 +99311,30 +99312,31 +99313,31 +99314,31 +99315,31 +99316,15 +99317,15 +99318,15 +99319,15 +99320,15 +99321,15 +99322,15 +99323,15 +99324,15 +99325,15 +99326,36 +99327,36 +99328,36 +99329,36 +99330,36 +99331,36 +99332,36 +99333,36 +99334,36 +99335,36 +99336,36 +99337,36 +99338,36 +99339,36 +99340,6 +99341,6 +99342,6 +99343,6 +99344,6 +99345,6 +99346,6 +99347,6 +99348,6 +99349,2 +99350,2 +99351,2 +99352,2 +99353,2 +99354,2 +99355,2 +99356,2 +99357,2 +99358,2 +99359,6 +99360,6 +99361,6 +99362,0 +99363,0 +99364,0 +99365,0 +99366,0 +99367,0 +99368,0 +99369,0 +99370,0 +99371,0 +99372,0 +99373,0 +99374,0 +99375,0 +99376,0 +99377,0 +99378,0 +99379,0 +99380,0 +99381,0 +99382,0 +99383,0 +99384,0 +99385,0 +99386,0 +99387,0 +99388,0 +99389,0 +99390,0 +99391,0 +99392,0 +99393,0 +99394,0 +99395,0 +99396,0 +99397,0 +99398,0 +99399,0 +99400,0 +99401,0 +99402,0 +99403,0 +99404,0 +99405,0 +99406,0 +99407,0 +99408,0 +99409,0 +99410,0 +99411,0 +99412,0 +99413,0 +99414,0 +99415,0 +99416,0 +99417,0 +99418,0 +99419,0 +99420,0 +99421,0 +99422,0 +99423,0 +99424,0 +99425,0 +99426,0 +99427,0 +99428,0 +99429,0 +99430,0 +99431,0 +99432,0 +99433,0 +99434,0 +99435,0 +99436,0 +99437,0 +99438,0 +99439,0 +99440,0 +99441,0 +99442,0 +99443,0 +99444,0 +99445,0 +99446,0 +99447,0 +99448,0 +99449,0 +99450,0 +99451,0 +99452,0 +99453,0 +99454,0 +99455,0 +99456,0 +99457,0 +99458,0 +99459,0 +99460,0 +99461,0 +99462,0 +99463,0 +99464,0 +99465,0 +99466,0 +99467,0 +99468,0 +99469,0 +99470,0 +99471,0 +99472,0 +99473,0 +99474,0 +99475,0 +99476,35 +99477,35 +99478,35 +99479,35 +99480,35 +99481,35 +99482,35 +99483,39 +99484,39 +99485,39 +99486,39 +99487,39 +99488,39 +99489,39 +99490,2 +99491,2 +99492,2 +99493,2 +99494,2 +99495,2 +99496,2 +99497,2 +99498,2 +99499,27 +99500,27 +99501,27 +99502,27 +99503,27 +99504,27 +99505,27 +99506,27 +99507,8 +99508,8 +99509,8 +99510,8 +99511,8 +99512,8 +99513,8 +99514,8 +99515,29 +99516,29 +99517,29 +99518,27 +99519,31 +99520,31 +99521,31 +99522,31 +99523,31 +99524,31 +99525,31 +99526,4 +99527,4 +99528,19 +99529,19 +99530,19 +99531,19 +99532,19 +99533,19 +99534,9 +99535,26 +99536,26 +99537,9 +99538,9 +99539,9 +99540,9 +99541,9 +99542,9 +99543,9 +99544,13 +99545,13 +99546,13 +99547,13 +99548,13 +99549,13 +99550,6 +99551,6 +99552,6 +99553,4 +99554,4 +99555,4 +99556,4 +99557,3 +99558,3 +99559,31 +99560,31 +99561,31 +99562,21 +99563,21 +99564,21 +99565,21 +99566,21 +99567,37 +99568,37 +99569,37 +99570,37 +99571,37 +99572,37 +99573,14 +99574,14 +99575,14 +99576,14 +99577,14 +99578,14 +99579,14 +99580,14 +99581,14 +99582,14 +99583,14 +99584,8 +99585,8 +99586,8 +99587,8 +99588,40 +99589,8 +99590,31 +99591,40 +99592,40 +99593,40 +99594,40 +99595,40 +99596,40 +99597,40 +99598,2 +99599,2 +99600,2 +99601,2 +99602,2 +99603,2 +99604,2 +99605,2 +99606,2 +99607,2 +99608,2 +99609,2 +99610,2 +99611,2 +99612,2 +99613,2 +99614,2 +99615,30 +99616,30 +99617,30 +99618,30 +99619,30 +99620,30 +99621,40 +99622,40 +99623,40 +99624,40 +99625,5 +99626,5 +99627,5 +99628,5 +99629,5 +99630,5 +99631,14 +99632,14 +99633,14 +99634,14 +99635,14 +99636,14 +99637,14 +99638,14 +99639,14 +99640,14 +99641,14 +99642,11 +99643,11 +99644,11 +99645,11 +99646,11 +99647,11 +99648,11 +99649,11 +99650,11 +99651,11 +99652,11 +99653,31 +99654,31 +99655,31 +99656,31 +99657,31 +99658,31 +99659,5 +99660,5 +99661,5 +99662,5 +99663,5 +99664,5 +99665,5 +99666,5 +99667,5 +99668,5 +99669,5 +99670,5 +99671,4 +99672,4 +99673,4 +99674,27 +99675,27 +99676,27 +99677,27 +99678,27 +99679,27 +99680,27 +99681,27 +99682,27 +99683,27 +99684,27 +99685,8 +99686,8 +99687,8 +99688,8 +99689,8 +99690,8 +99691,8 +99692,8 +99693,5 +99694,5 +99695,5 +99696,5 +99697,5 +99698,33 +99699,33 +99700,33 +99701,33 +99702,33 +99703,33 +99704,33 +99705,33 +99706,33 +99707,33 +99708,33 +99709,21 +99710,21 +99711,21 +99712,21 +99713,21 +99714,21 +99715,21 +99716,33 +99717,33 +99718,33 +99719,33 +99720,33 +99721,33 +99722,33 +99723,33 +99724,12 +99725,12 +99726,12 +99727,12 +99728,34 +99729,34 +99730,33 +99731,33 +99732,33 +99733,33 +99734,33 +99735,4 +99736,6 +99737,6 +99738,4 +99739,4 +99740,4 +99741,4 +99742,4 +99743,4 +99744,28 +99745,13 +99746,4 +99747,37 +99748,4 +99749,4 +99750,37 +99751,37 +99752,37 +99753,37 +99754,37 +99755,37 +99756,37 +99757,37 +99758,37 +99759,37 +99760,37 +99761,37 +99762,37 +99763,10 +99764,10 +99765,10 +99766,10 +99767,10 +99768,10 +99769,10 +99770,10 +99771,10 +99772,10 +99773,10 +99774,4 +99775,6 +99776,6 +99777,6 +99778,4 +99779,6 +99780,4 +99781,4 +99782,4 +99783,4 +99784,4 +99785,4 +99786,4 +99787,4 +99788,4 +99789,4 +99790,0 +99791,0 +99792,0 +99793,0 +99794,0 +99795,0 +99796,0 +99797,0 +99798,0 +99799,0 +99800,0 +99801,0 +99802,0 +99803,0 +99804,0 +99805,0 +99806,0 +99807,0 +99808,0 +99809,0 +99810,0 +99811,0 +99812,0 +99813,0 +99814,0 +99815,0 +99816,0 +99817,0 +99818,0 +99819,0 +99820,0 +99821,0 +99822,0 +99823,0 +99824,0 +99825,0 +99826,0 +99827,0 +99828,0 +99829,0 +99830,0 +99831,0 +99832,0 +99833,0 +99834,0 +99835,0 +99836,0 +99837,0 +99838,0 +99839,0 +99840,0 +99841,0 +99842,0 +99843,0 +99844,0 +99845,0 +99846,0 +99847,0 +99848,0 +99849,0 +99850,0 +99851,0 +99852,0 +99853,0 +99854,0 +99855,0 +99856,0 +99857,0 +99858,0 +99859,0 +99860,0 +99861,0 +99862,0 +99863,0 +99864,0 +99865,0 +99866,0 +99867,0 +99868,0 +99869,0 +99870,0 +99871,0 +99872,0 +99873,0 +99874,0 +99875,0 +99876,0 +99877,0 +99878,0 +99879,0 +99880,0 +99881,0 +99882,0 +99883,0 +99884,0 +99885,0 +99886,0 +99887,0 +99888,0 +99889,0 +99890,0 +99891,0 +99892,0 +99893,0 +99894,0 +99895,15 +99896,15 +99897,15 +99898,15 +99899,15 +99900,15 +99901,15 +99902,10 +99903,10 +99904,26 +99905,26 +99906,26 +99907,26 +99908,26 +99909,26 +99910,10 +99911,10 +99912,10 +99913,10 +99914,26 +99915,26 +99916,26 +99917,26 +99918,4 +99919,36 +99920,4 +99921,4 +99922,4 +99923,4 +99924,4 +99925,4 +99926,4 +99927,4 +99928,4 +99929,4 +99930,4 +99931,0 +99932,0 +99933,0 +99934,0 +99935,0 +99936,0 +99937,0 +99938,0 +99939,0 +99940,0 +99941,0 +99942,0 +99943,0 +99944,0 +99945,0 +99946,0 +99947,0 +99948,0 +99949,0 +99950,0 +99951,0 +99952,0 +99953,0 +99954,0 +99955,0 +99956,0 +99957,0 +99958,0 +99959,0 +99960,0 +99961,0 +99962,0 +99963,0 +99964,0 +99965,0 +99966,0 +99967,0 +99968,23 +99969,23 +99970,23 +99971,23 +99972,23 +99973,23 +99974,23 +99975,23 +99976,34 +99977,34 +99978,34 +99979,34 +99980,34 +99981,34 +99982,34 +99983,34 +99984,10 +99985,10 +99986,10 +99987,10 +99988,10 +99989,10 +99990,10 +99991,10 +99992,10 +99993,10 +99994,10 +99995,23 +99996,23 +99997,23 +99998,23 +99999,23 +100000,23 +100001,23 +100002,23 +100003,23 +100004,31 +100005,31 +100006,31 +100007,31 +100008,31 +100009,31 +100010,31 +100011,26 +100012,5 +100013,5 +100014,5 +100015,5 +100016,19 +100017,19 +100018,19 +100019,27 +100020,27 +100021,27 +100022,27 +100023,27 +100024,27 +100025,27 +100026,19 +100027,19 +100028,19 +100029,19 +100030,19 +100031,27 +100032,27 +100033,27 +100034,27 +100035,27 +100036,27 +100037,27 +100038,5 +100039,5 +100040,5 +100041,5 +100042,5 +100043,4 +100044,4 +100045,4 +100046,4 +100047,4 +100048,4 +100049,4 +100050,37 +100051,37 +100052,37 +100053,37 +100054,8 +100055,8 +100056,8 +100057,8 +100058,8 +100059,2 +100060,2 +100061,2 +100062,4 +100063,4 +100064,4 +100065,4 +100066,27 +100067,27 +100068,27 +100069,27 +100070,27 +100071,13 +100072,13 +100073,13 +100074,13 +100075,13 +100076,13 +100077,13 +100078,2 +100079,2 +100080,2 +100081,2 +100082,2 +100083,2 +100084,2 +100085,40 +100086,40 +100087,40 +100088,40 +100089,40 +100090,19 +100091,19 +100092,19 +100093,19 +100094,19 +100095,19 +100096,19 +100097,19 +100098,19 +100099,26 +100100,26 +100101,26 +100102,26 +100103,26 +100104,37 +100105,37 +100106,37 +100107,37 +100108,4 +100109,4 +100110,4 +100111,4 +100112,4 +100113,4 +100114,4 +100115,4 +100116,4 +100117,36 +100118,36 +100119,36 +100120,36 +100121,36 +100122,36 +100123,36 +100124,36 +100125,13 +100126,13 +100127,5 +100128,5 +100129,39 +100130,39 +100131,39 +100132,39 +100133,39 +100134,39 +100135,39 +100136,39 +100137,39 +100138,30 +100139,30 +100140,30 +100141,30 +100142,30 +100143,30 +100144,30 +100145,30 +100146,30 +100147,30 +100148,30 +100149,30 +100150,30 +100151,30 +100152,39 +100153,39 +100154,39 +100155,39 +100156,39 +100157,39 +100158,39 +100159,39 +100160,39 +100161,39 +100162,39 +100163,39 +100164,39 +100165,39 +100166,39 +100167,39 +100168,39 +100169,39 +100170,27 +100171,13 +100172,13 +100173,13 +100174,13 +100175,13 +100176,13 +100177,13 +100178,26 +100179,26 +100180,26 +100181,26 +100182,34 +100183,34 +100184,26 +100185,26 +100186,5 +100187,5 +100188,5 +100189,5 +100190,5 +100191,5 +100192,12 +100193,12 +100194,12 +100195,12 +100196,12 +100197,12 +100198,12 +100199,12 +100200,33 +100201,12 +100202,40 +100203,40 +100204,40 +100205,40 +100206,5 +100207,5 +100208,5 +100209,5 +100210,19 +100211,19 +100212,19 +100213,19 +100214,40 +100215,40 +100216,40 +100217,40 +100218,2 +100219,2 +100220,2 +100221,2 +100222,2 +100223,2 +100224,2 +100225,2 +100226,2 +100227,2 +100228,2 +100229,2 +100230,2 +100231,27 +100232,27 +100233,27 +100234,27 +100235,27 +100236,30 +100237,30 +100238,30 +100239,30 +100240,30 +100241,30 +100242,30 +100243,30 +100244,30 +100245,30 +100246,30 +100247,30 +100248,30 +100249,30 +100250,30 +100251,30 +100252,0 +100253,0 +100254,0 +100255,0 +100256,0 +100257,0 +100258,0 +100259,0 +100260,0 +100261,0 +100262,0 +100263,0 +100264,0 +100265,0 +100266,0 +100267,0 +100268,0 +100269,0 +100270,0 +100271,0 +100272,0 +100273,0 +100274,0 +100275,0 +100276,0 +100277,0 +100278,0 +100279,0 +100280,0 +100281,0 +100282,0 +100283,0 +100284,0 +100285,0 +100286,0 +100287,0 +100288,0 +100289,0 +100290,0 +100291,0 +100292,0 +100293,0 +100294,0 +100295,0 +100296,19 +100297,19 +100298,19 +100299,31 +100300,31 +100301,31 +100302,31 +100303,31 +100304,31 +100305,31 +100306,31 +100307,31 +100308,31 +100309,31 +100310,31 +100311,31 +100312,31 +100313,31 +100314,21 +100315,21 +100316,21 +100317,21 +100318,21 +100319,21 +100320,21 +100321,21 +100322,21 +100323,21 +100324,21 +100325,21 +100326,21 +100327,21 +100328,21 +100329,21 +100330,21 +100331,39 +100332,39 +100333,39 +100334,6 +100335,6 +100336,6 +100337,35 +100338,35 +100339,35 +100340,35 +100341,35 +100342,35 +100343,39 +100344,39 +100345,39 +100346,39 +100347,39 +100348,39 +100349,39 +100350,39 +100351,39 +100352,39 +100353,39 +100354,30 +100355,30 +100356,30 +100357,30 +100358,30 +100359,33 +100360,33 +100361,30 +100362,30 +100363,5 +100364,5 +100365,5 +100366,5 +100367,5 +100368,5 +100369,5 +100370,26 +100371,9 +100372,26 +100373,26 +100374,26 +100375,26 +100376,26 +100377,26 +100378,26 +100379,26 +100380,26 +100381,26 +100382,26 +100383,26 +100384,6 +100385,6 +100386,6 +100387,6 +100388,6 +100389,16 +100390,16 +100391,16 +100392,16 +100393,16 +100394,16 +100395,16 +100396,16 +100397,27 +100398,27 +100399,27 +100400,27 +100401,27 +100402,27 +100403,27 +100404,27 +100405,27 +100406,27 +100407,27 +100408,8 +100409,8 +100410,8 +100411,8 +100412,8 +100413,8 +100414,8 +100415,8 +100416,8 +100417,8 +100418,8 +100419,36 +100420,36 +100421,36 +100422,36 +100423,36 +100424,36 +100425,36 +100426,36 +100427,36 +100428,36 +100429,19 +100430,19 +100431,19 +100432,19 +100433,19 +100434,19 +100435,19 +100436,2 +100437,2 +100438,2 +100439,2 +100440,2 +100441,2 +100442,2 +100443,2 +100444,2 +100445,8 +100446,2 +100447,2 +100448,2 +100449,2 +100450,30 +100451,30 +100452,30 +100453,30 +100454,30 +100455,30 +100456,27 +100457,27 +100458,27 +100459,27 +100460,27 +100461,27 +100462,27 +100463,27 +100464,27 +100465,27 +100466,19 +100467,19 +100468,19 +100469,19 +100470,19 +100471,19 +100472,35 +100473,35 +100474,35 +100475,35 +100476,35 +100477,35 +100478,35 +100479,27 +100480,27 +100481,27 +100482,28 +100483,28 +100484,28 +100485,28 +100486,28 +100487,28 +100488,28 +100489,28 +100490,19 +100491,19 +100492,19 +100493,19 +100494,19 +100495,19 +100496,34 +100497,34 +100498,34 +100499,34 +100500,34 +100501,34 +100502,34 +100503,34 +100504,34 +100505,34 +100506,34 +100507,34 +100508,34 +100509,34 +100510,34 +100511,34 +100512,34 +100513,34 +100514,34 +100515,34 +100516,5 +100517,5 +100518,5 +100519,5 +100520,5 +100521,5 +100522,5 +100523,5 +100524,4 +100525,4 +100526,4 +100527,4 +100528,4 +100529,4 +100530,4 +100531,4 +100532,31 +100533,31 +100534,31 +100535,29 +100536,29 +100537,29 +100538,29 +100539,29 +100540,15 +100541,29 +100542,29 +100543,29 +100544,36 +100545,36 +100546,36 +100547,36 +100548,36 +100549,36 +100550,36 +100551,36 +100552,40 +100553,40 +100554,28 +100555,28 +100556,28 +100557,28 +100558,28 +100559,28 +100560,28 +100561,28 +100562,28 +100563,28 +100564,28 +100565,28 +100566,28 +100567,28 +100568,0 +100569,0 +100570,0 +100571,0 +100572,0 +100573,0 +100574,0 +100575,0 +100576,0 +100577,0 +100578,0 +100579,0 +100580,0 +100581,0 +100582,0 +100583,0 +100584,0 +100585,0 +100586,0 +100587,0 +100588,0 +100589,0 +100590,0 +100591,0 +100592,0 +100593,0 +100594,0 +100595,0 +100596,0 +100597,0 +100598,0 +100599,0 +100600,0 +100601,0 +100602,0 +100603,0 +100604,0 +100605,0 +100606,0 +100607,0 +100608,0 +100609,0 +100610,0 +100611,0 +100612,0 +100613,0 +100614,0 +100615,0 +100616,0 +100617,0 +100618,0 +100619,0 +100620,0 +100621,0 +100622,0 +100623,0 +100624,0 +100625,0 +100626,0 +100627,0 +100628,0 +100629,0 +100630,0 +100631,0 +100632,0 +100633,0 +100634,0 +100635,0 +100636,11 +100637,11 +100638,11 +100639,11 +100640,11 +100641,11 +100642,11 +100643,11 +100644,11 +100645,11 +100646,11 +100647,11 +100648,39 +100649,39 +100650,39 +100651,39 +100652,39 +100653,39 +100654,6 +100655,6 +100656,21 +100657,21 +100658,32 +100659,6 +100660,6 +100661,6 +100662,6 +100663,6 +100664,6 +100665,39 +100666,39 +100667,39 +100668,39 +100669,39 +100670,39 +100671,39 +100672,39 +100673,39 +100674,39 +100675,39 +100676,39 +100677,32 +100678,32 +100679,32 +100680,6 +100681,7 +100682,7 +100683,7 +100684,39 +100685,39 +100686,39 +100687,39 +100688,39 +100689,39 +100690,39 +100691,15 +100692,15 +100693,15 +100694,15 +100695,15 +100696,15 +100697,31 +100698,31 +100699,31 +100700,33 +100701,33 +100702,33 +100703,33 +100704,33 +100705,30 +100706,9 +100707,9 +100708,9 +100709,9 +100710,9 +100711,9 +100712,9 +100713,9 +100714,9 +100715,9 +100716,9 +100717,9 +100718,9 +100719,9 +100720,9 +100721,9 +100722,26 +100723,26 +100724,26 +100725,26 +100726,26 +100727,26 +100728,26 +100729,26 +100730,26 +100731,26 +100732,26 +100733,26 +100734,2 +100735,2 +100736,2 +100737,2 +100738,2 +100739,2 +100740,8 +100741,8 +100742,8 +100743,8 +100744,8 +100745,8 +100746,8 +100747,40 +100748,40 +100749,40 +100750,40 +100751,40 +100752,40 +100753,40 +100754,40 +100755,40 +100756,40 +100757,40 +100758,40 +100759,40 +100760,40 +100761,40 +100762,37 +100763,37 +100764,37 +100765,37 +100766,37 +100767,37 +100768,37 +100769,37 +100770,39 +100771,39 +100772,39 +100773,39 +100774,39 +100775,39 +100776,39 +100777,39 +100778,12 +100779,12 +100780,12 +100781,12 +100782,12 +100783,12 +100784,12 +100785,12 +100786,12 +100787,12 +100788,12 +100789,40 +100790,31 +100791,31 +100792,31 +100793,31 +100794,31 +100795,31 +100796,31 +100797,40 +100798,40 +100799,40 +100800,40 +100801,40 +100802,40 +100803,40 +100804,30 +100805,30 +100806,30 +100807,30 +100808,30 +100809,30 +100810,30 +100811,30 +100812,30 +100813,30 +100814,30 +100815,30 +100816,30 +100817,30 +100818,30 +100819,30 +100820,30 +100821,30 +100822,30 +100823,30 +100824,30 +100825,30 +100826,30 +100827,30 +100828,30 +100829,0 +100830,0 +100831,0 +100832,0 +100833,0 +100834,0 +100835,0 +100836,0 +100837,0 +100838,0 +100839,0 +100840,0 +100841,0 +100842,0 +100843,0 +100844,0 +100845,0 +100846,0 +100847,0 +100848,0 +100849,0 +100850,0 +100851,0 +100852,0 +100853,0 +100854,0 +100855,0 +100856,0 +100857,0 +100858,10 +100859,10 +100860,10 +100861,10 +100862,10 +100863,10 +100864,10 +100865,10 +100866,10 +100867,10 +100868,10 +100869,10 +100870,10 +100871,10 +100872,10 +100873,10 +100874,10 +100875,10 +100876,38 +100877,38 +100878,38 +100879,38 +100880,38 +100881,38 +100882,38 +100883,38 +100884,38 +100885,23 +100886,23 +100887,27 +100888,27 +100889,27 +100890,27 +100891,27 +100892,27 +100893,27 +100894,27 +100895,27 +100896,27 +100897,27 +100898,13 +100899,13 +100900,13 +100901,13 +100902,13 +100903,13 +100904,13 +100905,13 +100906,13 +100907,13 +100908,6 +100909,6 +100910,6 +100911,6 +100912,6 +100913,6 +100914,6 +100915,6 +100916,6 +100917,6 +100918,6 +100919,6 +100920,6 +100921,6 +100922,6 +100923,6 +100924,0 +100925,0 +100926,0 +100927,0 +100928,0 +100929,0 +100930,0 +100931,0 +100932,0 +100933,0 +100934,0 +100935,0 +100936,0 +100937,0 +100938,0 +100939,0 +100940,0 +100941,0 +100942,0 +100943,0 +100944,0 +100945,0 +100946,0 +100947,0 +100948,0 +100949,0 +100950,0 +100951,0 +100952,0 +100953,0 +100954,0 +100955,0 +100956,0 +100957,0 +100958,0 +100959,0 +100960,0 +100961,0 +100962,0 +100963,0 +100964,0 +100965,0 +100966,0 +100967,0 +100968,0 +100969,0 +100970,0 +100971,0 +100972,0 +100973,0 +100974,0 +100975,0 +100976,0 +100977,0 +100978,0 +100979,0 +100980,0 +100981,0 +100982,0 +100983,0 +100984,0 +100985,0 +100986,0 +100987,0 +100988,0 +100989,0 +100990,0 +100991,0 +100992,0 +100993,0 +100994,0 +100995,0 +100996,0 +100997,0 +100998,0 +100999,0 +101000,0 +101001,0 +101002,0 +101003,0 +101004,0 +101005,0 +101006,0 +101007,0 +101008,0 +101009,0 +101010,0 +101011,0 +101012,0 +101013,0 +101014,0 +101015,0 +101016,0 +101017,0 +101018,0 +101019,0 +101020,0 +101021,0 +101022,0 +101023,0 +101024,0 +101025,0 +101026,0 +101027,28 +101028,31 +101029,31 +101030,31 +101031,31 +101032,12 +101033,12 +101034,31 +101035,31 +101036,28 +101037,28 +101038,28 +101039,28 +101040,28 +101041,28 +101042,31 +101043,31 +101044,31 +101045,31 +101046,31 +101047,31 +101048,31 +101049,31 +101050,31 +101051,31 +101052,31 +101053,31 +101054,31 +101055,26 +101056,26 +101057,2 +101058,2 +101059,2 +101060,2 +101061,2 +101062,2 +101063,2 +101064,2 +101065,2 +101066,2 +101067,2 +101068,2 +101069,2 +101070,2 +101071,2 +101072,29 +101073,29 +101074,29 +101075,29 +101076,15 +101077,29 +101078,29 +101079,29 +101080,29 +101081,29 +101082,29 +101083,40 +101084,40 +101085,40 +101086,40 +101087,40 +101088,40 +101089,40 +101090,37 +101091,37 +101092,37 +101093,25 +101094,25 +101095,37 +101096,25 +101097,12 +101098,12 +101099,12 +101100,12 +101101,12 +101102,12 +101103,12 +101104,12 +101105,12 +101106,31 +101107,31 +101108,31 +101109,31 +101110,8 +101111,8 +101112,8 +101113,8 +101114,8 +101115,8 +101116,8 +101117,8 +101118,8 +101119,8 +101120,37 +101121,37 +101122,37 +101123,37 +101124,37 +101125,37 +101126,37 +101127,39 +101128,39 +101129,39 +101130,39 +101131,39 +101132,39 +101133,30 +101134,30 +101135,30 +101136,30 +101137,30 +101138,27 +101139,3 +101140,3 +101141,3 +101142,3 +101143,39 +101144,39 +101145,39 +101146,39 +101147,5 +101148,5 +101149,5 +101150,5 +101151,5 +101152,5 +101153,5 +101154,5 +101155,5 +101156,5 +101157,5 +101158,5 +101159,5 +101160,26 +101161,26 +101162,26 +101163,26 +101164,26 +101165,26 +101166,26 +101167,26 +101168,9 +101169,9 +101170,9 +101171,26 +101172,4 +101173,4 +101174,4 +101175,4 +101176,4 +101177,4 +101178,4 +101179,4 +101180,4 +101181,4 +101182,4 +101183,4 +101184,4 +101185,4 +101186,4 +101187,4 +101188,28 +101189,28 +101190,28 +101191,28 +101192,10 +101193,10 +101194,40 +101195,40 +101196,40 +101197,36 +101198,36 +101199,16 +101200,16 +101201,16 +101202,16 +101203,16 +101204,16 +101205,16 +101206,16 +101207,16 +101208,16 +101209,16 +101210,16 +101211,16 +101212,16 +101213,36 +101214,36 +101215,36 +101216,36 +101217,36 +101218,36 +101219,36 +101220,36 +101221,36 +101222,36 +101223,36 +101224,36 +101225,36 +101226,36 +101227,36 +101228,23 +101229,23 +101230,23 +101231,23 +101232,23 +101233,23 +101234,23 +101235,23 +101236,23 +101237,23 +101238,23 +101239,27 +101240,27 +101241,27 +101242,27 +101243,27 +101244,27 +101245,31 +101246,6 +101247,6 +101248,6 +101249,6 +101250,6 +101251,6 +101252,6 +101253,6 +101254,6 +101255,4 +101256,6 +101257,6 +101258,6 +101259,14 +101260,14 +101261,14 +101262,14 +101263,14 +101264,14 +101265,14 +101266,14 +101267,14 +101268,14 +101269,14 +101270,14 +101271,14 +101272,11 +101273,11 +101274,11 +101275,11 +101276,11 +101277,11 +101278,11 +101279,11 +101280,11 +101281,11 +101282,11 +101283,11 +101284,11 +101285,11 +101286,31 +101287,31 +101288,31 +101289,31 +101290,31 +101291,31 +101292,5 +101293,5 +101294,5 +101295,5 +101296,5 +101297,5 +101298,5 +101299,27 +101300,27 +101301,27 +101302,27 +101303,27 +101304,27 +101305,27 +101306,27 +101307,27 +101308,27 +101309,27 +101310,27 +101311,27 +101312,27 +101313,5 +101314,5 +101315,13 +101316,13 +101317,35 +101318,35 +101319,35 +101320,35 +101321,35 +101322,35 +101323,35 +101324,35 +101325,35 +101326,25 +101327,25 +101328,25 +101329,25 +101330,25 +101331,25 +101332,25 +101333,25 +101334,37 +101335,37 +101336,37 +101337,2 +101338,2 +101339,2 +101340,2 +101341,2 +101342,2 +101343,2 +101344,2 +101345,2 +101346,2 +101347,2 +101348,2 +101349,2 +101350,2 +101351,2 +101352,2 +101353,12 +101354,12 +101355,12 +101356,12 +101357,12 +101358,12 +101359,12 +101360,39 +101361,39 +101362,39 +101363,39 +101364,39 +101365,39 +101366,39 +101367,39 +101368,4 +101369,4 +101370,4 +101371,4 +101372,4 +101373,4 +101374,4 +101375,4 +101376,2 +101377,2 +101378,2 +101379,2 +101380,2 +101381,2 +101382,2 +101383,2 +101384,2 +101385,2 +101386,32 +101387,32 +101388,32 +101389,32 +101390,32 +101391,32 +101392,39 +101393,39 +101394,39 +101395,39 +101396,39 +101397,39 +101398,39 +101399,39 +101400,39 +101401,39 +101402,16 +101403,16 +101404,16 +101405,16 +101406,16 +101407,16 +101408,16 +101409,16 +101410,16 +101411,16 +101412,16 +101413,16 +101414,27 +101415,27 +101416,27 +101417,27 +101418,27 +101419,27 +101420,27 +101421,8 +101422,8 +101423,8 +101424,8 +101425,8 +101426,8 +101427,8 +101428,8 +101429,35 +101430,35 +101431,35 +101432,36 +101433,40 +101434,40 +101435,40 +101436,40 +101437,40 +101438,40 +101439,5 +101440,5 +101441,5 +101442,5 +101443,5 +101444,5 +101445,5 +101446,29 +101447,4 +101448,29 +101449,31 +101450,31 +101451,31 +101452,31 +101453,31 +101454,31 +101455,4 +101456,4 +101457,4 +101458,4 +101459,4 +101460,4 +101461,4 +101462,4 +101463,4 +101464,4 +101465,4 +101466,4 +101467,40 +101468,36 +101469,40 +101470,40 +101471,36 +101472,36 +101473,36 +101474,5 +101475,5 +101476,5 +101477,5 +101478,5 +101479,11 +101480,11 +101481,11 +101482,11 +101483,11 +101484,11 +101485,11 +101486,11 +101487,11 +101488,11 +101489,31 +101490,31 +101491,31 +101492,31 +101493,31 +101494,5 +101495,5 +101496,5 +101497,5 +101498,5 +101499,5 +101500,5 +101501,5 +101502,2 +101503,2 +101504,8 +101505,2 +101506,2 +101507,4 +101508,4 +101509,4 +101510,4 +101511,4 +101512,4 +101513,4 +101514,4 +101515,27 +101516,27 +101517,27 +101518,3 +101519,3 +101520,28 +101521,28 +101522,28 +101523,28 +101524,28 +101525,28 +101526,28 +101527,28 +101528,27 +101529,27 +101530,27 +101531,27 +101532,27 +101533,2 +101534,2 +101535,2 +101536,2 +101537,2 +101538,2 +101539,2 +101540,4 +101541,4 +101542,4 +101543,4 +101544,4 +101545,4 +101546,4 +101547,4 +101548,25 +101549,25 +101550,25 +101551,25 +101552,25 +101553,25 +101554,25 +101555,1 +101556,25 +101557,25 +101558,31 +101559,36 +101560,36 +101561,36 +101562,36 +101563,5 +101564,5 +101565,5 +101566,5 +101567,5 +101568,5 +101569,5 +101570,5 +101571,5 +101572,5 +101573,5 +101574,5 +101575,5 +101576,5 +101577,5 +101578,27 +101579,27 +101580,27 +101581,27 +101582,27 +101583,27 +101584,27 +101585,27 +101586,2 +101587,2 +101588,2 +101589,2 +101590,2 +101591,2 +101592,2 +101593,2 +101594,2 +101595,31 +101596,31 +101597,31 +101598,31 +101599,31 +101600,31 +101601,31 +101602,31 +101603,8 +101604,8 +101605,8 +101606,8 +101607,8 +101608,8 +101609,32 +101610,32 +101611,32 +101612,32 +101613,32 +101614,32 +101615,15 +101616,25 +101617,25 +101618,25 +101619,25 +101620,25 +101621,25 +101622,25 +101623,25 +101624,25 +101625,37 +101626,25 +101627,25 +101628,25 +101629,25 +101630,25 +101631,4 +101632,4 +101633,4 +101634,4 +101635,4 +101636,4 +101637,35 +101638,4 +101639,4 +101640,31 +101641,31 +101642,31 +101643,31 +101644,31 +101645,5 +101646,5 +101647,5 +101648,5 +101649,5 +101650,5 +101651,5 +101652,5 +101653,5 +101654,5 +101655,5 +101656,5 +101657,5 +101658,5 +101659,5 +101660,5 +101661,5 +101662,5 +101663,0 +101664,0 +101665,0 +101666,0 +101667,0 +101668,0 +101669,0 +101670,0 +101671,0 +101672,0 +101673,0 +101674,0 +101675,0 +101676,0 +101677,0 +101678,0 +101679,0 +101680,0 +101681,0 +101682,0 +101683,0 +101684,0 +101685,0 +101686,0 +101687,0 +101688,0 +101689,0 +101690,0 +101691,0 +101692,0 +101693,0 +101694,0 +101695,0 +101696,0 +101697,0 +101698,0 +101699,0 +101700,0 +101701,0 +101702,0 +101703,0 +101704,0 +101705,0 +101706,0 +101707,0 +101708,0 +101709,0 +101710,29 +101711,29 +101712,31 +101713,31 +101714,31 +101715,31 +101716,31 +101717,31 +101718,23 +101719,23 +101720,23 +101721,23 +101722,23 +101723,23 +101724,23 +101725,23 +101726,23 +101727,23 +101728,23 +101729,23 +101730,23 +101731,23 +101732,23 +101733,23 +101734,23 +101735,3 +101736,3 +101737,3 +101738,3 +101739,3 +101740,3 +101741,3 +101742,3 +101743,3 +101744,3 +101745,3 +101746,3 +101747,3 +101748,3 +101749,30 +101750,30 +101751,30 +101752,30 +101753,30 +101754,30 +101755,30 +101756,30 +101757,30 +101758,30 +101759,30 +101760,30 +101761,30 +101762,30 +101763,30 +101764,30 +101765,30 +101766,30 +101767,30 +101768,8 +101769,8 +101770,8 +101771,8 +101772,8 +101773,8 +101774,31 +101775,31 +101776,31 +101777,31 +101778,31 +101779,31 +101780,31 +101781,31 +101782,31 +101783,24 +101784,24 +101785,24 +101786,24 +101787,24 +101788,4 +101789,4 +101790,4 +101791,4 +101792,4 +101793,4 +101794,4 +101795,4 +101796,4 +101797,4 +101798,4 +101799,4 +101800,10 +101801,10 +101802,10 +101803,10 +101804,10 +101805,10 +101806,10 +101807,10 +101808,10 +101809,10 +101810,10 +101811,10 +101812,10 +101813,10 +101814,10 +101815,10 +101816,10 +101817,10 +101818,10 +101819,10 +101820,10 +101821,10 +101822,14 +101823,14 +101824,10 +101825,19 +101826,28 +101827,28 +101828,28 +101829,28 +101830,28 +101831,28 +101832,5 +101833,5 +101834,5 +101835,5 +101836,5 +101837,5 +101838,0 +101839,0 +101840,0 +101841,0 +101842,0 +101843,0 +101844,0 +101845,0 +101846,0 +101847,0 +101848,0 +101849,0 +101850,0 +101851,0 +101852,0 +101853,0 +101854,0 +101855,0 +101856,0 +101857,0 +101858,0 +101859,0 +101860,0 +101861,0 +101862,0 +101863,0 +101864,0 +101865,0 +101866,0 +101867,0 +101868,0 +101869,0 +101870,0 +101871,0 +101872,0 +101873,0 +101874,0 +101875,0 +101876,0 +101877,0 +101878,0 +101879,0 +101880,0 +101881,0 +101882,0 +101883,12 +101884,12 +101885,12 +101886,12 +101887,12 +101888,12 +101889,12 +101890,12 +101891,12 +101892,27 +101893,27 +101894,27 +101895,27 +101896,27 +101897,16 +101898,16 +101899,16 +101900,16 +101901,16 +101902,16 +101903,16 +101904,18 +101905,18 +101906,18 +101907,18 +101908,18 +101909,18 +101910,18 +101911,18 +101912,18 +101913,19 +101914,19 +101915,31 +101916,31 +101917,10 +101918,10 +101919,10 +101920,10 +101921,10 +101922,10 +101923,10 +101924,10 +101925,10 +101926,10 +101927,10 +101928,10 +101929,10 +101930,10 +101931,10 +101932,10 +101933,10 +101934,10 +101935,10 +101936,10 +101937,4 +101938,4 +101939,4 +101940,23 +101941,23 +101942,23 +101943,23 +101944,23 +101945,23 +101946,23 +101947,23 +101948,12 +101949,25 +101950,25 +101951,25 +101952,25 +101953,25 +101954,25 +101955,25 +101956,21 +101957,21 +101958,21 +101959,21 +101960,21 +101961,21 +101962,21 +101963,21 +101964,22 +101965,22 +101966,22 +101967,22 +101968,22 +101969,22 +101970,22 +101971,22 +101972,19 +101973,19 +101974,19 +101975,19 +101976,19 +101977,19 +101978,5 +101979,5 +101980,5 +101981,5 +101982,27 +101983,31 +101984,27 +101985,40 +101986,40 +101987,27 +101988,31 +101989,27 +101990,31 +101991,27 +101992,27 +101993,27 +101994,2 +101995,2 +101996,2 +101997,2 +101998,2 +101999,2 +102000,2 +102001,2 +102002,2 +102003,2 +102004,2 +102005,2 +102006,2 +102007,2 +102008,2 +102009,2 +102010,2 +102011,2 +102012,2 +102013,2 +102014,2 +102015,2 +102016,2 +102017,2 +102018,2 +102019,2 +102020,2 +102021,2 +102022,2 +102023,2 +102024,2 +102025,2 +102026,2 +102027,2 +102028,0 +102029,0 +102030,0 +102031,0 +102032,0 +102033,0 +102034,0 +102035,0 +102036,0 +102037,0 +102038,0 +102039,0 +102040,0 +102041,0 +102042,0 +102043,0 +102044,0 +102045,35 +102046,35 +102047,35 +102048,35 +102049,35 +102050,3 +102051,3 +102052,3 +102053,3 +102054,3 +102055,3 +102056,3 +102057,3 +102058,35 +102059,35 +102060,36 +102061,36 +102062,36 +102063,36 +102064,36 +102065,36 +102066,36 +102067,36 +102068,36 +102069,24 +102070,24 +102071,24 +102072,24 +102073,24 +102074,24 +102075,24 +102076,24 +102077,24 +102078,30 +102079,30 +102080,30 +102081,30 +102082,30 +102083,30 +102084,30 +102085,30 +102086,30 +102087,30 +102088,27 +102089,27 +102090,27 +102091,27 +102092,27 +102093,27 +102094,27 +102095,27 +102096,27 +102097,27 +102098,27 +102099,27 +102100,27 +102101,24 +102102,24 +102103,24 +102104,24 +102105,24 +102106,24 +102107,24 +102108,23 +102109,23 +102110,23 +102111,23 +102112,0 +102113,0 +102114,0 +102115,0 +102116,0 +102117,0 +102118,0 +102119,0 +102120,0 +102121,0 +102122,0 +102123,0 +102124,23 +102125,23 +102126,23 +102127,23 +102128,23 +102129,23 +102130,23 +102131,23 +102132,23 +102133,23 +102134,23 +102135,9 +102136,9 +102137,9 +102138,37 +102139,37 +102140,37 +102141,37 +102142,37 +102143,37 +102144,6 +102145,32 +102146,32 +102147,32 +102148,32 +102149,32 +102150,32 +102151,32 +102152,32 +102153,32 +102154,32 +102155,32 +102156,37 +102157,37 +102158,37 +102159,37 +102160,37 +102161,37 +102162,37 +102163,10 +102164,10 +102165,10 +102166,10 +102167,10 +102168,10 +102169,10 +102170,10 +102171,10 +102172,10 +102173,10 +102174,10 +102175,10 +102176,10 +102177,10 +102178,10 +102179,10 +102180,10 +102181,10 +102182,10 +102183,10 +102184,5 +102185,5 +102186,28 +102187,28 +102188,5 +102189,28 +102190,28 +102191,28 +102192,28 +102193,28 +102194,28 +102195,28 +102196,28 +102197,5 +102198,28 +102199,28 +102200,28 +102201,5 +102202,5 +102203,5 +102204,5 +102205,5 +102206,5 +102207,0 +102208,0 +102209,0 +102210,0 +102211,0 +102212,0 +102213,0 +102214,0 +102215,0 +102216,0 +102217,0 +102218,0 +102219,0 +102220,0 +102221,0 +102222,0 +102223,0 +102224,0 +102225,0 +102226,0 +102227,0 +102228,0 +102229,0 +102230,0 +102231,0 +102232,0 +102233,0 +102234,0 +102235,0 +102236,0 +102237,0 +102238,0 +102239,0 +102240,0 +102241,0 +102242,0 +102243,0 +102244,0 +102245,0 +102246,0 +102247,0 +102248,0 +102249,0 +102250,0 +102251,0 +102252,0 +102253,0 +102254,0 +102255,0 +102256,0 +102257,0 +102258,0 +102259,0 +102260,0 +102261,0 +102262,0 +102263,0 +102264,0 +102265,0 +102266,0 +102267,0 +102268,0 +102269,0 +102270,0 +102271,0 +102272,2 +102273,2 +102274,2 +102275,2 +102276,2 +102277,2 +102278,2 +102279,2 +102280,2 +102281,2 +102282,2 +102283,2 +102284,40 +102285,31 +102286,40 +102287,40 +102288,31 +102289,30 +102290,13 +102291,13 +102292,30 +102293,30 +102294,30 +102295,30 +102296,30 +102297,4 +102298,4 +102299,4 +102300,4 +102301,4 +102302,4 +102303,4 +102304,4 +102305,4 +102306,4 +102307,4 +102308,10 +102309,10 +102310,10 +102311,10 +102312,10 +102313,10 +102314,10 +102315,10 +102316,10 +102317,10 +102318,10 +102319,5 +102320,5 +102321,5 +102322,5 +102323,13 +102324,13 +102325,5 +102326,5 +102327,13 +102328,2 +102329,2 +102330,2 +102331,2 +102332,2 +102333,2 +102334,2 +102335,2 +102336,2 +102337,2 +102338,2 +102339,32 +102340,32 +102341,32 +102342,32 +102343,32 +102344,32 +102345,32 +102346,32 +102347,32 +102348,32 +102349,32 +102350,32 +102351,32 +102352,32 +102353,30 +102354,30 +102355,30 +102356,30 +102357,40 +102358,40 +102359,40 +102360,40 +102361,5 +102362,5 +102363,5 +102364,5 +102365,5 +102366,5 +102367,5 +102368,18 +102369,18 +102370,18 +102371,18 +102372,18 +102373,18 +102374,18 +102375,18 +102376,18 +102377,18 +102378,27 +102379,27 +102380,14 +102381,27 +102382,27 +102383,13 +102384,13 +102385,13 +102386,13 +102387,13 +102388,13 +102389,13 +102390,13 +102391,13 +102392,38 +102393,19 +102394,19 +102395,19 +102396,19 +102397,19 +102398,3 +102399,3 +102400,3 +102401,3 +102402,3 +102403,3 +102404,3 +102405,3 +102406,3 +102407,29 +102408,29 +102409,29 +102410,29 +102411,29 +102412,31 +102413,31 +102414,31 +102415,31 +102416,31 +102417,15 +102418,15 +102419,15 +102420,15 +102421,15 +102422,15 +102423,15 +102424,15 +102425,15 +102426,15 +102427,22 +102428,22 +102429,22 +102430,22 +102431,22 +102432,22 +102433,27 +102434,27 +102435,11 +102436,11 +102437,11 +102438,11 +102439,11 +102440,11 +102441,11 +102442,11 +102443,11 +102444,11 +102445,11 +102446,11 +102447,3 +102448,27 +102449,27 +102450,27 +102451,27 +102452,27 +102453,27 +102454,27 +102455,27 +102456,27 +102457,27 +102458,8 +102459,8 +102460,8 +102461,8 +102462,8 +102463,8 +102464,8 +102465,8 +102466,4 +102467,4 +102468,4 +102469,4 +102470,4 +102471,4 +102472,4 +102473,4 +102474,3 +102475,3 +102476,3 +102477,3 +102478,29 +102479,29 +102480,29 +102481,29 +102482,31 +102483,31 +102484,31 +102485,31 +102486,31 +102487,6 +102488,16 +102489,16 +102490,16 +102491,16 +102492,16 +102493,16 +102494,16 +102495,16 +102496,16 +102497,16 +102498,16 +102499,16 +102500,16 +102501,16 +102502,16 +102503,16 +102504,11 +102505,11 +102506,11 +102507,11 +102508,36 +102509,36 +102510,40 +102511,40 +102512,40 +102513,40 +102514,40 +102515,40 +102516,40 +102517,40 +102518,40 +102519,40 +102520,2 +102521,2 +102522,2 +102523,2 +102524,2 +102525,2 +102526,2 +102527,2 +102528,2 +102529,2 +102530,2 +102531,2 +102532,2 +102533,2 +102534,2 +102535,2 +102536,2 +102537,4 +102538,4 +102539,2 +102540,2 +102541,2 +102542,2 +102543,2 +102544,2 +102545,4 +102546,2 +102547,2 +102548,2 +102549,2 +102550,2 +102551,0 +102552,0 +102553,0 +102554,0 +102555,0 +102556,0 +102557,0 +102558,0 +102559,0 +102560,0 +102561,0 +102562,0 +102563,0 +102564,0 +102565,0 +102566,0 +102567,0 +102568,0 +102569,0 +102570,0 +102571,0 +102572,0 +102573,0 +102574,0 +102575,0 +102576,0 +102577,0 +102578,0 +102579,0 +102580,0 +102581,0 +102582,0 +102583,0 +102584,0 +102585,0 +102586,0 +102587,0 +102588,0 +102589,0 +102590,0 +102591,0 +102592,0 +102593,0 +102594,0 +102595,0 +102596,0 +102597,0 +102598,0 +102599,0 +102600,0 +102601,0 +102602,0 +102603,0 +102604,0 +102605,0 +102606,0 +102607,0 +102608,0 +102609,0 +102610,0 +102611,0 +102612,0 +102613,0 +102614,0 +102615,0 +102616,0 +102617,0 +102618,0 +102619,0 +102620,0 +102621,0 +102622,0 +102623,0 +102624,0 +102625,0 +102626,0 +102627,0 +102628,0 +102629,0 +102630,0 +102631,0 +102632,0 +102633,0 +102634,0 +102635,0 +102636,0 +102637,0 +102638,0 +102639,0 +102640,0 +102641,0 +102642,0 +102643,0 +102644,0 +102645,0 +102646,0 +102647,0 +102648,0 +102649,0 +102650,0 +102651,0 +102652,0 +102653,0 +102654,0 +102655,0 +102656,0 +102657,0 +102658,0 +102659,0 +102660,0 +102661,0 +102662,10 +102663,10 +102664,10 +102665,10 +102666,10 +102667,10 +102668,10 +102669,10 +102670,10 +102671,10 +102672,10 +102673,10 +102674,10 +102675,10 +102676,10 +102677,4 +102678,4 +102679,4 +102680,4 +102681,4 +102682,4 +102683,4 +102684,4 +102685,4 +102686,4 +102687,4 +102688,4 +102689,4 +102690,4 +102691,4 +102692,4 +102693,4 +102694,34 +102695,34 +102696,34 +102697,34 +102698,34 +102699,40 +102700,34 +102701,34 +102702,34 +102703,30 +102704,30 +102705,30 +102706,30 +102707,30 +102708,30 +102709,7 +102710,7 +102711,7 +102712,7 +102713,7 +102714,7 +102715,7 +102716,3 +102717,3 +102718,39 +102719,39 +102720,3 +102721,3 +102722,3 +102723,3 +102724,3 +102725,3 +102726,3 +102727,15 +102728,15 +102729,15 +102730,15 +102731,15 +102732,15 +102733,31 +102734,31 +102735,31 +102736,31 +102737,31 +102738,31 +102739,4 +102740,4 +102741,4 +102742,4 +102743,4 +102744,4 +102745,4 +102746,4 +102747,2 +102748,2 +102749,2 +102750,2 +102751,2 +102752,2 +102753,2 +102754,2 +102755,2 +102756,2 +102757,2 +102758,2 +102759,2 +102760,2 +102761,27 +102762,27 +102763,27 +102764,27 +102765,27 +102766,27 +102767,30 +102768,30 +102769,30 +102770,30 +102771,30 +102772,30 +102773,30 +102774,24 +102775,24 +102776,24 +102777,24 +102778,24 +102779,25 +102780,25 +102781,25 +102782,25 +102783,25 +102784,25 +102785,33 +102786,33 +102787,33 +102788,12 +102789,12 +102790,12 +102791,12 +102792,12 +102793,12 +102794,12 +102795,31 +102796,31 +102797,31 +102798,31 +102799,8 +102800,8 +102801,8 +102802,8 +102803,8 +102804,8 +102805,8 +102806,8 +102807,36 +102808,36 +102809,36 +102810,36 +102811,36 +102812,36 +102813,36 +102814,36 +102815,36 +102816,36 +102817,14 +102818,36 +102819,36 +102820,36 +102821,36 +102822,36 +102823,36 +102824,13 +102825,13 +102826,13 +102827,14 +102828,5 +102829,5 +102830,5 +102831,5 +102832,16 +102833,11 +102834,11 +102835,11 +102836,11 +102837,11 +102838,11 +102839,11 +102840,11 +102841,11 +102842,11 +102843,27 +102844,31 +102845,27 +102846,27 +102847,27 +102848,27 +102849,27 +102850,2 +102851,2 +102852,8 +102853,2 +102854,2 +102855,2 +102856,2 +102857,4 +102858,4 +102859,4 +102860,4 +102861,4 +102862,27 +102863,27 +102864,27 +102865,27 +102866,21 +102867,21 +102868,6 +102869,6 +102870,6 +102871,6 +102872,6 +102873,6 +102874,6 +102875,6 +102876,39 +102877,39 +102878,39 +102879,39 +102880,39 +102881,39 +102882,39 +102883,39 +102884,39 +102885,15 +102886,15 +102887,15 +102888,15 +102889,15 +102890,15 +102891,15 +102892,34 +102893,34 +102894,34 +102895,34 +102896,34 +102897,34 +102898,31 +102899,31 +102900,31 +102901,4 +102902,4 +102903,32 +102904,32 +102905,32 +102906,32 +102907,32 +102908,32 +102909,32 +102910,31 +102911,31 +102912,12 +102913,31 +102914,31 +102915,31 +102916,22 +102917,22 +102918,29 +102919,29 +102920,29 +102921,31 +102922,29 +102923,25 +102924,25 +102925,25 +102926,25 +102927,33 +102928,33 +102929,25 +102930,25 +102931,25 +102932,25 +102933,25 +102934,2 +102935,2 +102936,2 +102937,2 +102938,2 +102939,2 +102940,2 +102941,2 +102942,2 +102943,2 +102944,2 +102945,2 +102946,2 +102947,2 +102948,2 +102949,2 +102950,2 +102951,2 +102952,2 +102953,2 +102954,2 +102955,2 +102956,2 +102957,2 +102958,2 +102959,2 +102960,2 +102961,2 +102962,2 +102963,2 +102964,8 +102965,0 +102966,0 +102967,0 +102968,0 +102969,0 +102970,0 +102971,0 +102972,0 +102973,0 +102974,0 +102975,0 +102976,0 +102977,0 +102978,0 +102979,0 +102980,0 +102981,0 +102982,0 +102983,0 +102984,0 +102985,0 +102986,0 +102987,0 +102988,0 +102989,0 +102990,0 +102991,0 +102992,0 +102993,0 +102994,0 +102995,0 +102996,0 +102997,0 +102998,0 +102999,0 +103000,0 +103001,0 +103002,0 +103003,0 +103004,0 +103005,0 +103006,0 +103007,0 +103008,0 +103009,0 +103010,0 +103011,0 +103012,0 +103013,0 +103014,0 +103015,0 +103016,0 +103017,0 +103018,0 +103019,0 +103020,0 +103021,0 +103022,0 +103023,0 +103024,29 +103025,29 +103026,29 +103027,29 +103028,29 +103029,29 +103030,33 +103031,31 +103032,31 +103033,31 +103034,31 +103035,31 +103036,31 +103037,31 +103038,31 +103039,31 +103040,31 +103041,12 +103042,12 +103043,12 +103044,12 +103045,12 +103046,12 +103047,12 +103048,12 +103049,12 +103050,12 +103051,31 +103052,31 +103053,31 +103054,12 +103055,31 +103056,12 +103057,12 +103058,25 +103059,25 +103060,25 +103061,25 +103062,25 +103063,37 +103064,37 +103065,6 +103066,6 +103067,6 +103068,6 +103069,6 +103070,6 +103071,6 +103072,29 +103073,29 +103074,29 +103075,29 +103076,36 +103077,36 +103078,36 +103079,36 +103080,36 +103081,36 +103082,36 +103083,36 +103084,36 +103085,36 +103086,36 +103087,19 +103088,19 +103089,19 +103090,19 +103091,19 +103092,19 +103093,28 +103094,28 +103095,28 +103096,28 +103097,28 +103098,28 +103099,28 +103100,28 +103101,28 +103102,28 +103103,28 +103104,28 +103105,40 +103106,40 +103107,40 +103108,40 +103109,36 +103110,36 +103111,36 +103112,36 +103113,36 +103114,36 +103115,5 +103116,5 +103117,5 +103118,5 +103119,5 +103120,5 +103121,5 +103122,5 +103123,5 +103124,5 +103125,5 +103126,5 +103127,28 +103128,12 +103129,12 +103130,12 +103131,40 +103132,40 +103133,40 +103134,40 +103135,40 +103136,40 +103137,5 +103138,5 +103139,5 +103140,5 +103141,5 +103142,5 +103143,5 +103144,5 +103145,38 +103146,38 +103147,38 +103148,38 +103149,38 +103150,38 +103151,38 +103152,38 +103153,38 +103154,38 +103155,37 +103156,37 +103157,37 +103158,37 +103159,37 +103160,37 +103161,3 +103162,3 +103163,3 +103164,3 +103165,3 +103166,3 +103167,3 +103168,3 +103169,3 +103170,3 +103171,3 +103172,3 +103173,33 +103174,3 +103175,3 +103176,3 +103177,3 +103178,0 +103179,0 +103180,0 +103181,0 +103182,0 +103183,0 +103184,0 +103185,0 +103186,0 +103187,0 +103188,0 +103189,0 +103190,0 +103191,0 +103192,0 +103193,0 +103194,0 +103195,0 +103196,0 +103197,0 +103198,0 +103199,0 +103200,0 +103201,0 +103202,0 +103203,0 +103204,0 +103205,0 +103206,0 +103207,0 +103208,0 +103209,0 +103210,6 +103211,6 +103212,6 +103213,31 +103214,31 +103215,31 +103216,31 +103217,5 +103218,28 +103219,28 +103220,32 +103221,32 +103222,32 +103223,32 +103224,32 +103225,32 +103226,32 +103227,32 +103228,36 +103229,36 +103230,14 +103231,14 +103232,14 +103233,14 +103234,40 +103235,40 +103236,40 +103237,40 +103238,40 +103239,14 +103240,14 +103241,6 +103242,6 +103243,6 +103244,6 +103245,6 +103246,29 +103247,29 +103248,31 +103249,31 +103250,31 +103251,31 +103252,31 +103253,31 +103254,28 +103255,28 +103256,28 +103257,28 +103258,28 +103259,28 +103260,28 +103261,28 +103262,40 +103263,40 +103264,40 +103265,40 +103266,40 +103267,40 +103268,40 +103269,40 +103270,40 +103271,4 +103272,4 +103273,4 +103274,4 +103275,4 +103276,23 +103277,19 +103278,19 +103279,27 +103280,31 +103281,36 +103282,36 +103283,31 +103284,31 +103285,27 +103286,24 +103287,24 +103288,27 +103289,23 +103290,23 +103291,23 +103292,19 +103293,23 +103294,4 +103295,19 +103296,24 +103297,38 +103298,12 +103299,12 +103300,12 +103301,12 +103302,12 +103303,12 +103304,12 +103305,12 +103306,27 +103307,27 +103308,27 +103309,27 +103310,27 +103311,27 +103312,28 +103313,28 +103314,28 +103315,28 +103316,28 +103317,28 +103318,28 +103319,28 +103320,28 +103321,36 +103322,40 +103323,40 +103324,5 +103325,5 +103326,5 +103327,5 +103328,5 +103329,5 +103330,5 +103331,5 +103332,5 +103333,5 +103334,5 +103335,5 +103336,5 +103337,5 +103338,5 +103339,13 +103340,13 +103341,5 +103342,5 +103343,5 +103344,5 +103345,5 +103346,5 +103347,5 +103348,0 +103349,0 +103350,0 +103351,0 +103352,0 +103353,0 +103354,0 +103355,0 +103356,0 +103357,0 +103358,0 +103359,0 +103360,0 +103361,0 +103362,0 +103363,0 +103364,0 +103365,0 +103366,0 +103367,0 +103368,0 +103369,0 +103370,0 +103371,0 +103372,0 +103373,0 +103374,0 +103375,0 +103376,0 +103377,0 +103378,0 +103379,0 +103380,0 +103381,0 +103382,0 +103383,0 +103384,0 +103385,0 +103386,0 +103387,0 +103388,0 +103389,0 +103390,36 +103391,36 +103392,36 +103393,36 +103394,36 +103395,36 +103396,36 +103397,19 +103398,19 +103399,19 +103400,19 +103401,19 +103402,19 +103403,19 +103404,9 +103405,9 +103406,9 +103407,9 +103408,34 +103409,9 +103410,26 +103411,26 +103412,26 +103413,26 +103414,26 +103415,26 +103416,26 +103417,26 +103418,26 +103419,32 +103420,32 +103421,32 +103422,32 +103423,32 +103424,32 +103425,32 +103426,4 +103427,4 +103428,4 +103429,4 +103430,27 +103431,27 +103432,31 +103433,31 +103434,31 +103435,27 +103436,19 +103437,4 +103438,4 +103439,19 +103440,4 +103441,4 +103442,4 +103443,4 +103444,4 +103445,4 +103446,27 +103447,27 +103448,27 +103449,27 +103450,27 +103451,21 +103452,21 +103453,21 +103454,21 +103455,21 +103456,33 +103457,33 +103458,33 +103459,33 +103460,33 +103461,33 +103462,33 +103463,33 +103464,33 +103465,33 +103466,33 +103467,33 +103468,30 +103469,30 +103470,30 +103471,30 +103472,34 +103473,34 +103474,30 +103475,30 +103476,30 +103477,30 +103478,30 +103479,33 +103480,8 +103481,8 +103482,8 +103483,8 +103484,8 +103485,8 +103486,8 +103487,8 +103488,8 +103489,28 +103490,28 +103491,28 +103492,28 +103493,28 +103494,28 +103495,28 +103496,28 +103497,36 +103498,36 +103499,36 +103500,36 +103501,36 +103502,5 +103503,5 +103504,5 +103505,5 +103506,5 +103507,5 +103508,5 +103509,5 +103510,7 +103511,7 +103512,7 +103513,27 +103514,27 +103515,27 +103516,27 +103517,27 +103518,27 +103519,27 +103520,27 +103521,27 +103522,27 +103523,8 +103524,8 +103525,8 +103526,8 +103527,8 +103528,8 +103529,8 +103530,8 +103531,8 +103532,8 +103533,8 +103534,27 +103535,27 +103536,27 +103537,27 +103538,27 +103539,5 +103540,5 +103541,5 +103542,5 +103543,5 +103544,5 +103545,5 +103546,31 +103547,31 +103548,31 +103549,31 +103550,31 +103551,32 +103552,32 +103553,32 +103554,32 +103555,32 +103556,32 +103557,32 +103558,32 +103559,32 +103560,37 +103561,37 +103562,37 +103563,37 +103564,37 +103565,37 +103566,2 +103567,2 +103568,2 +103569,2 +103570,2 +103571,2 +103572,2 +103573,2 +103574,2 +103575,2 +103576,11 +103577,2 +103578,27 +103579,27 +103580,3 +103581,3 +103582,3 +103583,3 +103584,3 +103585,27 +103586,27 +103587,27 +103588,27 +103589,27 +103590,27 +103591,27 +103592,27 +103593,19 +103594,19 +103595,19 +103596,19 +103597,19 +103598,19 +103599,19 +103600,19 +103601,19 +103602,19 +103603,19 +103604,19 +103605,19 +103606,31 +103607,31 +103608,28 +103609,28 +103610,28 +103611,28 +103612,28 +103613,28 +103614,28 +103615,28 +103616,28 +103617,26 +103618,26 +103619,26 +103620,26 +103621,26 +103622,26 +103623,26 +103624,26 +103625,26 +103626,26 +103627,6 +103628,6 +103629,6 +103630,6 +103631,6 +103632,6 +103633,6 +103634,6 +103635,6 +103636,6 +103637,6 +103638,6 +103639,6 +103640,6 +103641,37 +103642,37 +103643,37 +103644,37 +103645,37 +103646,37 +103647,2 +103648,2 +103649,2 +103650,2 +103651,2 +103652,2 +103653,2 +103654,2 +103655,2 +103656,2 +103657,2 +103658,2 +103659,2 +103660,39 +103661,39 +103662,39 +103663,39 +103664,39 +103665,39 +103666,39 +103667,39 +103668,39 +103669,39 +103670,39 +103671,39 +103672,39 +103673,39 +103674,0 +103675,0 +103676,0 +103677,0 +103678,0 +103679,0 +103680,0 +103681,0 +103682,0 +103683,0 +103684,0 +103685,0 +103686,0 +103687,0 +103688,0 +103689,0 +103690,0 +103691,0 +103692,0 +103693,0 +103694,0 +103695,0 +103696,0 +103697,0 +103698,0 +103699,0 +103700,0 +103701,0 +103702,0 +103703,0 +103704,0 +103705,0 +103706,0 +103707,0 +103708,0 +103709,0 +103710,0 +103711,0 +103712,0 +103713,0 +103714,0 +103715,0 +103716,0 +103717,0 +103718,0 +103719,0 +103720,0 +103721,0 +103722,0 +103723,0 +103724,0 +103725,0 +103726,0 +103727,0 +103728,0 +103729,0 +103730,0 +103731,0 +103732,0 +103733,0 +103734,0 +103735,0 +103736,0 +103737,0 +103738,0 +103739,0 +103740,23 +103741,4 +103742,4 +103743,4 +103744,4 +103745,4 +103746,4 +103747,4 +103748,37 +103749,37 +103750,37 +103751,37 +103752,31 +103753,31 +103754,31 +103755,5 +103756,5 +103757,5 +103758,5 +103759,5 +103760,5 +103761,4 +103762,4 +103763,4 +103764,4 +103765,4 +103766,4 +103767,4 +103768,4 +103769,4 +103770,4 +103771,12 +103772,12 +103773,12 +103774,30 +103775,30 +103776,30 +103777,30 +103778,30 +103779,30 +103780,30 +103781,30 +103782,30 +103783,30 +103784,30 +103785,30 +103786,30 +103787,30 +103788,30 +103789,4 +103790,4 +103791,4 +103792,4 +103793,4 +103794,4 +103795,4 +103796,27 +103797,27 +103798,27 +103799,27 +103800,2 +103801,2 +103802,2 +103803,2 +103804,2 +103805,2 +103806,2 +103807,2 +103808,2 +103809,2 +103810,40 +103811,40 +103812,40 +103813,40 +103814,40 +103815,37 +103816,37 +103817,37 +103818,37 +103819,37 +103820,25 +103821,4 +103822,4 +103823,4 +103824,4 +103825,4 +103826,4 +103827,4 +103828,4 +103829,4 +103830,4 +103831,4 +103832,4 +103833,4 +103834,4 +103835,4 +103836,39 +103837,39 +103838,39 +103839,39 +103840,39 +103841,39 +103842,39 +103843,28 +103844,13 +103845,5 +103846,31 +103847,35 +103848,35 +103849,35 +103850,35 +103851,35 +103852,35 +103853,35 +103854,35 +103855,35 +103856,31 +103857,31 +103858,31 +103859,31 +103860,31 +103861,31 +103862,31 +103863,31 +103864,5 +103865,5 +103866,5 +103867,19 +103868,19 +103869,19 +103870,19 +103871,19 +103872,19 +103873,19 +103874,27 +103875,27 +103876,27 +103877,27 +103878,27 +103879,25 +103880,38 +103881,4 +103882,4 +103883,4 +103884,29 +103885,29 +103886,29 +103887,29 +103888,29 +103889,29 +103890,38 +103891,38 +103892,38 +103893,38 +103894,38 +103895,38 +103896,34 +103897,34 +103898,34 +103899,34 +103900,34 +103901,34 +103902,34 +103903,34 +103904,34 +103905,34 +103906,34 +103907,34 +103908,34 +103909,34 +103910,34 +103911,8 +103912,8 +103913,8 +103914,8 +103915,8 +103916,8 +103917,8 +103918,8 +103919,31 +103920,31 +103921,31 +103922,31 +103923,31 +103924,5 +103925,5 +103926,5 +103927,5 +103928,5 +103929,19 +103930,23 +103931,23 +103932,23 +103933,23 +103934,23 +103935,23 +103936,23 +103937,23 +103938,23 +103939,37 +103940,37 +103941,37 +103942,37 +103943,37 +103944,26 +103945,9 +103946,9 +103947,9 +103948,9 +103949,9 +103950,9 +103951,9 +103952,9 +103953,9 +103954,9 +103955,9 +103956,9 +103957,13 +103958,13 +103959,13 +103960,13 +103961,13 +103962,13 +103963,13 +103964,13 +103965,13 +103966,2 +103967,2 +103968,2 +103969,2 +103970,2 +103971,2 +103972,2 +103973,2 +103974,2 +103975,2 +103976,2 +103977,2 +103978,2 +103979,2 +103980,2 +103981,2 +103982,2 +103983,2 +103984,2 +103985,2 +103986,2 +103987,0 +103988,0 +103989,0 +103990,0 +103991,0 +103992,0 +103993,0 +103994,0 +103995,0 +103996,0 +103997,0 +103998,0 +103999,0 +104000,0 +104001,0 +104002,0 +104003,0 +104004,0 +104005,0 +104006,0 +104007,0 +104008,0 +104009,0 +104010,0 +104011,0 +104012,0 +104013,0 +104014,0 +104015,0 +104016,0 +104017,0 +104018,0 +104019,15 +104020,15 +104021,15 +104022,31 +104023,31 +104024,31 +104025,31 +104026,31 +104027,4 +104028,4 +104029,4 +104030,4 +104031,4 +104032,4 +104033,4 +104034,4 +104035,4 +104036,4 +104037,4 +104038,4 +104039,4 +104040,31 +104041,31 +104042,31 +104043,31 +104044,37 +104045,37 +104046,37 +104047,37 +104048,37 +104049,37 +104050,39 +104051,39 +104052,27 +104053,27 +104054,27 +104055,4 +104056,4 +104057,4 +104058,4 +104059,4 +104060,4 +104061,4 +104062,4 +104063,4 +104064,4 +104065,4 +104066,4 +104067,4 +104068,4 +104069,25 +104070,25 +104071,25 +104072,25 +104073,25 +104074,25 +104075,25 +104076,25 +104077,5 +104078,5 +104079,5 +104080,5 +104081,5 +104082,5 +104083,4 +104084,4 +104085,4 +104086,4 +104087,37 +104088,37 +104089,37 +104090,37 +104091,9 +104092,9 +104093,9 +104094,9 +104095,9 +104096,9 +104097,37 +104098,37 +104099,37 +104100,37 +104101,37 +104102,37 +104103,37 +104104,37 +104105,28 +104106,28 +104107,28 +104108,28 +104109,28 +104110,28 +104111,28 +104112,28 +104113,27 +104114,27 +104115,27 +104116,27 +104117,33 +104118,33 +104119,27 +104120,27 +104121,27 +104122,30 +104123,30 +104124,30 +104125,33 +104126,33 +104127,27 +104128,27 +104129,27 +104130,27 +104131,27 +104132,3 +104133,3 +104134,3 +104135,27 +104136,27 +104137,27 +104138,27 +104139,31 +104140,27 +104141,27 +104142,27 +104143,27 +104144,5 +104145,5 +104146,5 +104147,5 +104148,5 +104149,5 +104150,5 +104151,5 +104152,5 +104153,5 +104154,5 +104155,2 +104156,2 +104157,2 +104158,2 +104159,2 +104160,2 +104161,2 +104162,2 +104163,2 +104164,2 +104165,2 +104166,2 +104167,2 +104168,2 +104169,2 +104170,2 +104171,2 +104172,2 +104173,2 +104174,2 +104175,0 +104176,0 +104177,0 +104178,0 +104179,0 +104180,0 +104181,0 +104182,0 +104183,0 +104184,0 +104185,0 +104186,0 +104187,0 +104188,0 +104189,0 +104190,0 +104191,0 +104192,0 +104193,0 +104194,0 +104195,0 +104196,0 +104197,0 +104198,0 +104199,0 +104200,0 +104201,0 +104202,0 +104203,0 +104204,0 +104205,0 +104206,0 +104207,0 +104208,0 +104209,0 +104210,0 +104211,0 +104212,0 +104213,0 +104214,0 +104215,0 +104216,0 +104217,0 +104218,0 +104219,35 +104220,35 +104221,35 +104222,12 +104223,12 +104224,12 +104225,12 +104226,12 +104227,12 +104228,27 +104229,27 +104230,27 +104231,27 +104232,16 +104233,16 +104234,16 +104235,16 +104236,16 +104237,36 +104238,36 +104239,36 +104240,36 +104241,36 +104242,36 +104243,36 +104244,36 +104245,36 +104246,10 +104247,4 +104248,4 +104249,4 +104250,35 +104251,35 +104252,35 +104253,35 +104254,35 +104255,35 +104256,35 +104257,36 +104258,36 +104259,36 +104260,36 +104261,36 +104262,36 +104263,24 +104264,4 +104265,4 +104266,4 +104267,27 +104268,27 +104269,27 +104270,27 +104271,31 +104272,31 +104273,5 +104274,5 +104275,5 +104276,5 +104277,5 +104278,5 +104279,5 +104280,5 +104281,19 +104282,19 +104283,19 +104284,19 +104285,19 +104286,19 +104287,19 +104288,19 +104289,39 +104290,39 +104291,39 +104292,39 +104293,39 +104294,39 +104295,39 +104296,39 +104297,39 +104298,39 +104299,39 +104300,39 +104301,39 +104302,39 +104303,39 +104304,39 +104305,39 +104306,39 +104307,39 +104308,19 +104309,19 +104310,19 +104311,19 +104312,19 +104313,19 +104314,19 +104315,19 +104316,27 +104317,27 +104318,27 +104319,27 +104320,27 +104321,19 +104322,5 +104323,5 +104324,5 +104325,5 +104326,5 +104327,5 +104328,5 +104329,5 +104330,5 +104331,5 +104332,5 +104333,40 +104334,31 +104335,31 +104336,31 +104337,31 +104338,31 +104339,24 +104340,24 +104341,24 +104342,24 +104343,25 +104344,25 +104345,25 +104346,25 +104347,25 +104348,23 +104349,23 +104350,23 +104351,23 +104352,23 +104353,23 +104354,23 +104355,23 +104356,23 +104357,23 +104358,23 +104359,23 +104360,25 +104361,25 +104362,25 +104363,25 +104364,25 +104365,25 +104366,35 +104367,35 +104368,35 +104369,37 +104370,37 +104371,37 +104372,37 +104373,37 +104374,9 +104375,9 +104376,9 +104377,9 +104378,9 +104379,9 +104380,9 +104381,26 +104382,9 +104383,9 +104384,9 +104385,9 +104386,6 +104387,6 +104388,9 +104389,32 +104390,32 +104391,31 +104392,5 +104393,5 +104394,5 +104395,5 +104396,5 +104397,5 +104398,5 +104399,5 +104400,5 +104401,5 +104402,5 +104403,5 +104404,5 +104405,5 +104406,5 +104407,5 +104408,5 +104409,5 +104410,5 +104411,5 +104412,5 +104413,0 +104414,0 +104415,0 +104416,0 +104417,0 +104418,0 +104419,0 +104420,0 +104421,0 +104422,0 +104423,0 +104424,0 +104425,0 +104426,0 +104427,0 +104428,0 +104429,0 +104430,0 +104431,0 +104432,0 +104433,0 +104434,0 +104435,0 +104436,0 +104437,0 +104438,0 +104439,0 +104440,0 +104441,0 +104442,0 +104443,0 +104444,0 +104445,0 +104446,0 +104447,0 +104448,0 +104449,29 +104450,29 +104451,29 +104452,29 +104453,29 +104454,33 +104455,29 +104456,29 +104457,34 +104458,34 +104459,34 +104460,34 +104461,34 +104462,34 +104463,34 +104464,34 +104465,34 +104466,34 +104467,34 +104468,34 +104469,34 +104470,34 +104471,35 +104472,35 +104473,35 +104474,35 +104475,35 +104476,35 +104477,35 +104478,35 +104479,35 +104480,35 +104481,36 +104482,36 +104483,36 +104484,36 +104485,24 +104486,5 +104487,5 +104488,5 +104489,5 +104490,5 +104491,5 +104492,5 +104493,5 +104494,5 +104495,26 +104496,26 +104497,26 +104498,9 +104499,9 +104500,9 +104501,9 +104502,26 +104503,9 +104504,38 +104505,38 +104506,38 +104507,32 +104508,38 +104509,38 +104510,32 +104511,6 +104512,32 +104513,32 +104514,32 +104515,32 +104516,32 +104517,32 +104518,32 +104519,32 +104520,27 +104521,27 +104522,1 +104523,1 +104524,1 +104525,14 +104526,14 +104527,14 +104528,14 +104529,14 +104530,14 +104531,14 +104532,4 +104533,4 +104534,4 +104535,4 +104536,4 +104537,31 +104538,27 +104539,27 +104540,27 +104541,27 +104542,27 +104543,27 +104544,27 +104545,27 +104546,4 +104547,4 +104548,4 +104549,4 +104550,4 +104551,4 +104552,4 +104553,4 +104554,4 +104555,4 +104556,4 +104557,4 +104558,4 +104559,4 +104560,4 +104561,4 +104562,0 +104563,0 +104564,0 +104565,0 +104566,0 +104567,0 +104568,0 +104569,0 +104570,0 +104571,0 +104572,0 +104573,0 +104574,0 +104575,0 +104576,0 +104577,0 +104578,0 +104579,0 +104580,0 +104581,0 +104582,0 +104583,0 +104584,0 +104585,0 +104586,0 +104587,0 +104588,0 +104589,0 +104590,0 +104591,0 +104592,0 +104593,0 +104594,0 +104595,0 +104596,0 +104597,0 +104598,0 +104599,0 +104600,0 +104601,0 +104602,0 +104603,0 +104604,0 +104605,0 +104606,0 +104607,0 +104608,0 +104609,0 +104610,0 +104611,0 +104612,0 +104613,0 +104614,0 +104615,0 +104616,0 +104617,0 +104618,0 +104619,0 +104620,0 +104621,0 +104622,0 +104623,0 +104624,0 +104625,0 +104626,0 +104627,0 +104628,0 +104629,0 +104630,0 +104631,0 +104632,0 +104633,0 +104634,0 +104635,0 +104636,0 +104637,0 +104638,0 +104639,0 +104640,0 +104641,0 +104642,0 +104643,0 +104644,0 +104645,0 +104646,0 +104647,0 +104648,0 +104649,0 +104650,0 +104651,0 +104652,0 +104653,0 +104654,0 +104655,0 +104656,0 +104657,0 +104658,0 +104659,0 +104660,0 +104661,0 +104662,0 +104663,0 +104664,12 +104665,12 +104666,12 +104667,12 +104668,40 +104669,40 +104670,40 +104671,40 +104672,5 +104673,5 +104674,5 +104675,5 +104676,5 +104677,5 +104678,5 +104679,5 +104680,19 +104681,19 +104682,11 +104683,16 +104684,16 +104685,16 +104686,16 +104687,16 +104688,16 +104689,16 +104690,16 +104691,16 +104692,16 +104693,16 +104694,27 +104695,35 +104696,35 +104697,35 +104698,35 +104699,12 +104700,12 +104701,12 +104702,12 +104703,12 +104704,12 +104705,12 +104706,12 +104707,31 +104708,31 +104709,31 +104710,8 +104711,8 +104712,8 +104713,8 +104714,8 +104715,8 +104716,8 +104717,8 +104718,8 +104719,8 +104720,6 +104721,6 +104722,6 +104723,6 +104724,12 +104725,12 +104726,12 +104727,27 +104728,27 +104729,27 +104730,27 +104731,27 +104732,27 +104733,38 +104734,38 +104735,38 +104736,38 +104737,38 +104738,38 +104739,35 +104740,35 +104741,35 +104742,35 +104743,35 +104744,35 +104745,35 +104746,35 +104747,35 +104748,25 +104749,25 +104750,25 +104751,25 +104752,25 +104753,28 +104754,28 +104755,28 +104756,28 +104757,28 +104758,28 +104759,28 +104760,28 +104761,28 +104762,28 +104763,28 +104764,34 +104765,34 +104766,26 +104767,26 +104768,26 +104769,26 +104770,26 +104771,26 +104772,26 +104773,26 +104774,26 +104775,26 +104776,4 +104777,38 +104778,38 +104779,38 +104780,38 +104781,38 +104782,38 +104783,38 +104784,40 +104785,37 +104786,25 +104787,25 +104788,37 +104789,25 +104790,25 +104791,25 +104792,25 +104793,25 +104794,25 +104795,25 +104796,25 +104797,25 +104798,0 +104799,0 +104800,0 +104801,0 +104802,0 +104803,0 +104804,0 +104805,0 +104806,0 +104807,0 +104808,0 +104809,0 +104810,0 +104811,0 +104812,0 +104813,0 +104814,0 +104815,0 +104816,0 +104817,0 +104818,0 +104819,0 +104820,0 +104821,0 +104822,0 +104823,0 +104824,0 +104825,0 +104826,0 +104827,0 +104828,0 +104829,0 +104830,0 +104831,0 +104832,0 +104833,0 +104834,0 +104835,0 +104836,0 +104837,0 +104838,0 +104839,0 +104840,0 +104841,0 +104842,0 +104843,35 +104844,35 +104845,35 +104846,35 +104847,35 +104848,35 +104849,35 +104850,35 +104851,35 +104852,25 +104853,25 +104854,25 +104855,25 +104856,25 +104857,23 +104858,23 +104859,23 +104860,23 +104861,23 +104862,23 +104863,23 +104864,23 +104865,23 +104866,23 +104867,23 +104868,23 +104869,23 +104870,23 +104871,23 +104872,23 +104873,23 +104874,23 +104875,26 +104876,26 +104877,26 +104878,26 +104879,26 +104880,26 +104881,26 +104882,26 +104883,26 +104884,26 +104885,26 +104886,26 +104887,26 +104888,26 +104889,26 +104890,29 +104891,38 +104892,38 +104893,29 +104894,29 +104895,29 +104896,29 +104897,29 +104898,29 +104899,25 +104900,37 +104901,37 +104902,37 +104903,37 +104904,37 +104905,2 +104906,2 +104907,2 +104908,2 +104909,2 +104910,2 +104911,2 +104912,2 +104913,2 +104914,2 +104915,2 +104916,2 +104917,2 +104918,2 +104919,2 +104920,39 +104921,39 +104922,39 +104923,39 +104924,14 +104925,14 +104926,5 +104927,5 +104928,5 +104929,5 +104930,5 +104931,5 +104932,5 +104933,5 +104934,5 +104935,5 +104936,5 +104937,29 +104938,29 +104939,29 +104940,29 +104941,29 +104942,29 +104943,29 +104944,29 +104945,29 +104946,29 +104947,29 +104948,31 +104949,31 +104950,4 +104951,4 +104952,4 +104953,4 +104954,29 +104955,29 +104956,29 +104957,29 +104958,29 +104959,15 +104960,15 +104961,31 +104962,40 +104963,40 +104964,40 +104965,40 +104966,40 +104967,40 +104968,40 +104969,40 +104970,40 +104971,2 +104972,2 +104973,2 +104974,2 +104975,2 +104976,2 +104977,2 +104978,2 +104979,2 +104980,2 +104981,32 +104982,32 +104983,32 +104984,32 +104985,32 +104986,32 +104987,32 +104988,32 +104989,32 +104990,32 +104991,32 +104992,32 +104993,32 +104994,32 +104995,32 +104996,25 +104997,25 +104998,25 +104999,25 +105000,25 +105001,25 +105002,25 +105003,25 +105004,37 +105005,37 +105006,2 +105007,2 +105008,2 +105009,2 +105010,2 +105011,2 +105012,2 +105013,2 +105014,2 +105015,5 +105016,5 +105017,5 +105018,5 +105019,5 +105020,5 +105021,5 +105022,5 +105023,4 +105024,4 +105025,4 +105026,4 +105027,4 +105028,4 +105029,4 +105030,4 +105031,4 +105032,27 +105033,3 +105034,3 +105035,3 +105036,3 +105037,3 +105038,3 +105039,22 +105040,33 +105041,33 +105042,33 +105043,33 +105044,32 +105045,32 +105046,32 +105047,32 +105048,32 +105049,32 +105050,32 +105051,32 +105052,32 +105053,32 +105054,32 +105055,32 +105056,30 +105057,30 +105058,30 +105059,30 +105060,30 +105061,30 +105062,10 +105063,10 +105064,10 +105065,10 +105066,10 +105067,10 +105068,10 +105069,10 +105070,10 +105071,10 +105072,10 +105073,10 +105074,10 +105075,10 +105076,10 +105077,4 +105078,4 +105079,4 +105080,4 +105081,4 +105082,4 +105083,4 +105084,4 +105085,4 +105086,4 +105087,4 +105088,4 +105089,3 +105090,3 +105091,3 +105092,3 +105093,3 +105094,3 +105095,3 +105096,3 +105097,23 +105098,23 +105099,23 +105100,23 +105101,23 +105102,23 +105103,23 +105104,23 +105105,23 +105106,23 +105107,37 +105108,37 +105109,25 +105110,40 +105111,40 +105112,27 +105113,27 +105114,27 +105115,27 +105116,36 +105117,27 +105118,36 +105119,36 +105120,27 +105121,27 +105122,5 +105123,5 +105124,5 +105125,5 +105126,19 +105127,19 +105128,19 +105129,19 +105130,23 +105131,23 +105132,23 +105133,23 +105134,23 +105135,23 +105136,35 +105137,35 +105138,35 +105139,35 +105140,25 +105141,25 +105142,28 +105143,28 +105144,28 +105145,28 +105146,28 +105147,28 +105148,28 +105149,28 +105150,28 +105151,28 +105152,40 +105153,27 +105154,27 +105155,14 +105156,14 +105157,14 +105158,14 +105159,39 +105160,36 +105161,39 +105162,39 +105163,11 +105164,11 +105165,11 +105166,11 +105167,11 +105168,11 +105169,11 +105170,11 +105171,11 +105172,11 +105173,11 +105174,11 +105175,11 +105176,11 +105177,31 +105178,31 +105179,31 +105180,31 +105181,5 +105182,5 +105183,5 +105184,5 +105185,5 +105186,5 +105187,5 +105188,5 +105189,5 +105190,0 +105191,0 +105192,0 +105193,0 +105194,0 +105195,0 +105196,0 +105197,0 +105198,0 +105199,0 +105200,0 +105201,0 +105202,0 +105203,0 +105204,0 +105205,0 +105206,0 +105207,0 +105208,0 +105209,0 +105210,0 +105211,0 +105212,0 +105213,0 +105214,0 +105215,0 +105216,0 +105217,0 +105218,0 +105219,0 +105220,0 +105221,0 +105222,0 +105223,0 +105224,0 +105225,0 +105226,0 +105227,0 +105228,0 +105229,0 +105230,0 +105231,0 +105232,0 +105233,0 +105234,0 +105235,0 +105236,0 +105237,0 +105238,0 +105239,0 +105240,0 +105241,0 +105242,0 +105243,0 +105244,0 +105245,0 +105246,0 +105247,0 +105248,0 +105249,0 +105250,0 +105251,0 +105252,0 +105253,0 +105254,0 +105255,0 +105256,0 +105257,0 +105258,0 +105259,0 +105260,0 +105261,36 +105262,36 +105263,36 +105264,10 +105265,10 +105266,10 +105267,10 +105268,36 +105269,36 +105270,10 +105271,36 +105272,10 +105273,10 +105274,35 +105275,35 +105276,35 +105277,35 +105278,27 +105279,31 +105280,5 +105281,31 +105282,5 +105283,5 +105284,5 +105285,5 +105286,5 +105287,5 +105288,5 +105289,19 +105290,19 +105291,19 +105292,19 +105293,19 +105294,19 +105295,19 +105296,19 +105297,19 +105298,19 +105299,0 +105300,32 +105301,32 +105302,32 +105303,32 +105304,32 +105305,32 +105306,0 +105307,0 +105308,32 +105309,32 +105310,32 +105311,32 +105312,31 +105313,31 +105314,31 +105315,40 +105316,40 +105317,40 +105318,40 +105319,40 +105320,40 +105321,5 +105322,5 +105323,5 +105324,5 +105325,5 +105326,5 +105327,5 +105328,5 +105329,5 +105330,5 +105331,12 +105332,12 +105333,12 +105334,12 +105335,27 +105336,27 +105337,27 +105338,27 +105339,27 +105340,38 +105341,38 +105342,38 +105343,38 +105344,38 +105345,38 +105346,38 +105347,38 +105348,35 +105349,35 +105350,35 +105351,35 +105352,35 +105353,35 +105354,35 +105355,35 +105356,35 +105357,36 +105358,36 +105359,36 +105360,36 +105361,36 +105362,36 +105363,36 +105364,36 +105365,36 +105366,36 +105367,36 +105368,36 +105369,36 +105370,40 +105371,40 +105372,28 +105373,28 +105374,28 +105375,28 +105376,28 +105377,28 +105378,28 +105379,28 +105380,28 +105381,5 +105382,5 +105383,5 +105384,5 +105385,5 +105386,5 +105387,5 +105388,5 +105389,0 +105390,0 +105391,0 +105392,0 +105393,0 +105394,0 +105395,0 +105396,0 +105397,0 +105398,0 +105399,0 +105400,0 +105401,0 +105402,0 +105403,0 +105404,0 +105405,0 +105406,0 +105407,0 +105408,0 +105409,0 +105410,0 +105411,0 +105412,0 +105413,0 +105414,0 +105415,0 +105416,0 +105417,0 +105418,0 +105419,0 +105420,0 +105421,0 +105422,0 +105423,0 +105424,0 +105425,0 +105426,0 +105427,0 +105428,0 +105429,0 +105430,0 +105431,0 +105432,0 +105433,0 +105434,0 +105435,0 +105436,0 +105437,0 +105438,36 +105439,36 +105440,36 +105441,36 +105442,36 +105443,36 +105444,36 +105445,19 +105446,19 +105447,19 +105448,19 +105449,5 +105450,5 +105451,37 +105452,37 +105453,37 +105454,37 +105455,14 +105456,14 +105457,14 +105458,14 +105459,14 +105460,14 +105461,14 +105462,14 +105463,14 +105464,5 +105465,5 +105466,5 +105467,13 +105468,13 +105469,13 +105470,13 +105471,13 +105472,13 +105473,13 +105474,13 +105475,13 +105476,13 +105477,13 +105478,13 +105479,19 +105480,19 +105481,19 +105482,19 +105483,19 +105484,19 +105485,19 +105486,19 +105487,19 +105488,34 +105489,34 +105490,34 +105491,34 +105492,34 +105493,34 +105494,34 +105495,34 +105496,34 +105497,36 +105498,36 +105499,36 +105500,36 +105501,36 +105502,36 +105503,36 +105504,36 +105505,36 +105506,36 +105507,5 +105508,5 +105509,5 +105510,5 +105511,5 +105512,5 +105513,29 +105514,29 +105515,31 +105516,31 +105517,31 +105518,31 +105519,32 +105520,32 +105521,32 +105522,32 +105523,32 +105524,32 +105525,32 +105526,32 +105527,32 +105528,32 +105529,32 +105530,33 +105531,33 +105532,33 +105533,33 +105534,33 +105535,33 +105536,33 +105537,33 +105538,33 +105539,2 +105540,2 +105541,2 +105542,2 +105543,2 +105544,2 +105545,2 +105546,2 +105547,2 +105548,2 +105549,2 +105550,2 +105551,2 +105552,8 +105553,2 +105554,16 +105555,16 +105556,16 +105557,16 +105558,16 +105559,16 +105560,16 +105561,16 +105562,16 +105563,14 +105564,14 +105565,14 +105566,14 +105567,14 +105568,14 +105569,14 +105570,14 +105571,14 +105572,14 +105573,14 +105574,14 +105575,14 +105576,14 +105577,8 +105578,8 +105579,8 +105580,8 +105581,8 +105582,8 +105583,8 +105584,8 +105585,29 +105586,31 +105587,31 +105588,31 +105589,31 +105590,24 +105591,24 +105592,24 +105593,24 +105594,24 +105595,24 +105596,29 +105597,29 +105598,29 +105599,31 +105600,31 +105601,31 +105602,32 +105603,32 +105604,32 +105605,32 +105606,32 +105607,32 +105608,32 +105609,32 +105610,37 +105611,37 +105612,37 +105613,10 +105614,10 +105615,10 +105616,10 +105617,10 +105618,10 +105619,10 +105620,10 +105621,4 +105622,4 +105623,4 +105624,4 +105625,4 +105626,31 +105627,31 +105628,31 +105629,33 +105630,33 +105631,33 +105632,32 +105633,32 +105634,32 +105635,32 +105636,32 +105637,32 +105638,32 +105639,32 +105640,32 +105641,32 +105642,32 +105643,32 +105644,36 +105645,36 +105646,36 +105647,36 +105648,36 +105649,40 +105650,40 +105651,40 +105652,40 +105653,40 +105654,40 +105655,40 +105656,40 +105657,40 +105658,37 +105659,37 +105660,37 +105661,37 +105662,37 +105663,37 +105664,37 +105665,25 +105666,25 +105667,25 +105668,25 +105669,25 +105670,25 +105671,25 +105672,25 +105673,25 +105674,25 +105675,0 +105676,0 +105677,0 +105678,0 +105679,0 +105680,0 +105681,0 +105682,0 +105683,0 +105684,0 +105685,0 +105686,0 +105687,0 +105688,0 +105689,0 +105690,0 +105691,0 +105692,0 +105693,0 +105694,36 +105695,36 +105696,31 +105697,31 +105698,31 +105699,31 +105700,31 +105701,31 +105702,35 +105703,35 +105704,31 +105705,35 +105706,35 +105707,35 +105708,35 +105709,35 +105710,35 +105711,35 +105712,35 +105713,35 +105714,14 +105715,14 +105716,14 +105717,14 +105718,14 +105719,14 +105720,14 +105721,30 +105722,30 +105723,30 +105724,30 +105725,30 +105726,30 +105727,30 +105728,30 +105729,30 +105730,30 +105731,30 +105732,2 +105733,2 +105734,2 +105735,2 +105736,2 +105737,23 +105738,23 +105739,2 +105740,2 +105741,2 +105742,2 +105743,2 +105744,2 +105745,2 +105746,2 +105747,2 +105748,2 +105749,2 +105750,9 +105751,9 +105752,9 +105753,9 +105754,9 +105755,9 +105756,37 +105757,37 +105758,37 +105759,37 +105760,37 +105761,37 +105762,37 +105763,37 +105764,28 +105765,28 +105766,28 +105767,28 +105768,28 +105769,28 +105770,31 +105771,31 +105772,31 +105773,31 +105774,31 +105775,31 +105776,2 +105777,2 +105778,2 +105779,2 +105780,2 +105781,2 +105782,2 +105783,2 +105784,2 +105785,2 +105786,2 +105787,2 +105788,2 +105789,2 +105790,2 +105791,2 +105792,2 +105793,31 +105794,31 +105795,31 +105796,31 +105797,31 +105798,31 +105799,31 +105800,32 +105801,32 +105802,32 +105803,32 +105804,32 +105805,32 +105806,32 +105807,25 +105808,25 +105809,25 +105810,25 +105811,25 +105812,25 +105813,25 +105814,25 +105815,25 +105816,25 +105817,25 +105818,25 +105819,25 +105820,25 +105821,25 +105822,25 +105823,25 +105824,37 +105825,8 +105826,8 +105827,8 +105828,8 +105829,8 +105830,8 +105831,8 +105832,8 +105833,8 +105834,8 +105835,8 +105836,8 +105837,2 +105838,2 +105839,2 +105840,0 +105841,0 +105842,0 +105843,0 +105844,0 +105845,0 +105846,0 +105847,0 +105848,0 +105849,0 +105850,0 +105851,0 +105852,0 +105853,0 +105854,0 +105855,0 +105856,0 +105857,0 +105858,0 +105859,0 +105860,0 +105861,0 +105862,0 +105863,0 +105864,0 +105865,0 +105866,0 +105867,0 +105868,4 +105869,4 +105870,4 +105871,4 +105872,37 +105873,37 +105874,37 +105875,37 +105876,37 +105877,31 +105878,31 +105879,31 +105880,31 +105881,9 +105882,26 +105883,26 +105884,9 +105885,4 +105886,4 +105887,27 +105888,27 +105889,27 +105890,27 +105891,27 +105892,31 +105893,5 +105894,5 +105895,5 +105896,5 +105897,5 +105898,5 +105899,4 +105900,4 +105901,4 +105902,4 +105903,19 +105904,19 +105905,34 +105906,34 +105907,34 +105908,34 +105909,34 +105910,34 +105911,34 +105912,34 +105913,34 +105914,10 +105915,34 +105916,34 +105917,34 +105918,5 +105919,5 +105920,5 +105921,27 +105922,27 +105923,27 +105924,27 +105925,27 +105926,27 +105927,27 +105928,27 +105929,4 +105930,4 +105931,4 +105932,35 +105933,35 +105934,35 +105935,35 +105936,35 +105937,35 +105938,35 +105939,35 +105940,35 +105941,35 +105942,39 +105943,39 +105944,39 +105945,39 +105946,39 +105947,39 +105948,39 +105949,39 +105950,39 +105951,39 +105952,39 +105953,39 +105954,39 +105955,39 +105956,30 +105957,30 +105958,30 +105959,30 +105960,30 +105961,30 +105962,30 +105963,30 +105964,30 +105965,30 +105966,30 +105967,30 +105968,30 +105969,30 +105970,30 +105971,30 +105972,30 +105973,30 +105974,30 +105975,0 +105976,0 +105977,0 +105978,0 +105979,0 +105980,0 +105981,0 +105982,0 +105983,0 +105984,0 +105985,0 +105986,0 +105987,0 +105988,0 +105989,0 +105990,0 +105991,0 +105992,0 +105993,36 +105994,36 +105995,36 +105996,36 +105997,36 +105998,36 +105999,5 +106000,5 +106001,19 +106002,19 +106003,19 +106004,19 +106005,29 +106006,31 +106007,31 +106008,31 +106009,31 +106010,31 +106011,32 +106012,32 +106013,32 +106014,32 +106015,32 +106016,32 +106017,32 +106018,32 +106019,24 +106020,17 +106021,17 +106022,9 +106023,9 +106024,9 +106025,12 +106026,3 +106027,9 +106028,37 +106029,37 +106030,25 +106031,25 +106032,25 +106033,37 +106034,5 +106035,5 +106036,5 +106037,5 +106038,5 +106039,5 +106040,26 +106041,26 +106042,26 +106043,26 +106044,26 +106045,26 +106046,26 +106047,34 +106048,34 +106049,26 +106050,34 +106051,16 +106052,16 +106053,16 +106054,32 +106055,11 +106056,11 +106057,11 +106058,11 +106059,11 +106060,11 +106061,11 +106062,11 +106063,11 +106064,11 +106065,11 +106066,11 +106067,11 +106068,11 +106069,11 +106070,3 +106071,3 +106072,3 +106073,3 +106074,3 +106075,3 +106076,3 +106077,3 +106078,3 +106079,3 +106080,3 +106081,3 +106082,3 +106083,3 +106084,3 +106085,3 +106086,3 +106087,3 +106088,3 +106089,3 +106090,3 +106091,3 +106092,3 +106093,3 +106094,3 +106095,3 +106096,8 +106097,8 +106098,8 +106099,8 +106100,8 +106101,8 +106102,8 +106103,2 +106104,2 +106105,8 +106106,2 +106107,27 +106108,27 +106109,40 +106110,40 +106111,5 +106112,5 +106113,5 +106114,5 +106115,5 +106116,5 +106117,5 +106118,5 +106119,5 +106120,5 +106121,5 +106122,5 +106123,5 +106124,5 +106125,40 +106126,40 +106127,40 +106128,40 +106129,40 +106130,40 +106131,40 +106132,28 +106133,28 +106134,28 +106135,28 +106136,28 +106137,28 +106138,37 +106139,37 +106140,37 +106141,37 +106142,25 +106143,25 +106144,37 +106145,37 +106146,37 +106147,40 +106148,40 +106149,40 +106150,40 +106151,40 +106152,40 +106153,40 +106154,40 +106155,40 +106156,24 +106157,24 +106158,24 +106159,23 +106160,23 +106161,16 +106162,16 +106163,16 +106164,16 +106165,16 +106166,16 +106167,16 +106168,16 +106169,16 +106170,16 +106171,16 +106172,16 +106173,16 +106174,25 +106175,25 +106176,25 +106177,25 +106178,25 +106179,25 +106180,25 +106181,25 +106182,16 +106183,16 +106184,16 +106185,16 +106186,16 +106187,16 +106188,16 +106189,16 +106190,11 +106191,16 +106192,16 +106193,16 +106194,27 +106195,27 +106196,27 +106197,27 +106198,27 +106199,30 +106200,30 +106201,30 +106202,30 +106203,33 +106204,33 +106205,33 +106206,33 +106207,33 +106208,33 +106209,30 +106210,30 +106211,30 +106212,30 +106213,30 +106214,30 +106215,30 +106216,30 +106217,30 +106218,0 +106219,0 +106220,0 +106221,0 +106222,0 +106223,0 +106224,0 +106225,0 +106226,0 +106227,0 +106228,0 +106229,0 +106230,0 +106231,0 +106232,0 +106233,0 +106234,0 +106235,0 +106236,0 +106237,0 +106238,0 +106239,0 +106240,0 +106241,0 +106242,0 +106243,0 +106244,0 +106245,0 +106246,0 +106247,0 +106248,0 +106249,0 +106250,0 +106251,0 +106252,0 +106253,0 +106254,0 +106255,0 +106256,0 +106257,0 +106258,0 +106259,0 +106260,0 +106261,0 +106262,0 +106263,0 +106264,0 +106265,0 +106266,0 +106267,9 +106268,9 +106269,9 +106270,9 +106271,9 +106272,9 +106273,9 +106274,9 +106275,9 +106276,9 +106277,9 +106278,37 +106279,37 +106280,37 +106281,37 +106282,23 +106283,23 +106284,23 +106285,23 +106286,23 +106287,23 +106288,23 +106289,23 +106290,23 +106291,23 +106292,9 +106293,9 +106294,26 +106295,26 +106296,26 +106297,26 +106298,34 +106299,34 +106300,34 +106301,9 +106302,9 +106303,30 +106304,34 +106305,30 +106306,30 +106307,31 +106308,31 +106309,31 +106310,9 +106311,9 +106312,30 +106313,30 +106314,15 +106315,15 +106316,15 +106317,15 +106318,15 +106319,15 +106320,27 +106321,27 +106322,27 +106323,31 +106324,31 +106325,31 +106326,31 +106327,31 +106328,2 +106329,2 +106330,2 +106331,2 +106332,2 +106333,2 +106334,2 +106335,2 +106336,2 +106337,2 +106338,2 +106339,2 +106340,2 +106341,28 +106342,28 +106343,5 +106344,5 +106345,5 +106346,5 +106347,5 +106348,5 +106349,5 +106350,5 +106351,5 +106352,5 +106353,5 +106354,5 +106355,5 +106356,5 +106357,5 +106358,5 +106359,5 +106360,5 +106361,5 +106362,5 +106363,5 +106364,5 +106365,5 +106366,5 +106367,5 +106368,5 +106369,5 +106370,13 +106371,3 +106372,3 +106373,3 +106374,3 +106375,3 +106376,3 +106377,3 +106378,3 +106379,31 +106380,29 +106381,29 +106382,38 +106383,38 +106384,38 +106385,38 +106386,38 +106387,38 +106388,24 +106389,24 +106390,24 +106391,8 +106392,0 +106393,2 +106394,0 +106395,2 +106396,2 +106397,2 +106398,2 +106399,2 +106400,2 +106401,2 +106402,2 +106403,2 +106404,2 +106405,2 +106406,2 +106407,2 +106408,2 +106409,2 +106410,2 +106411,2 +106412,2 +106413,2 +106414,2 +106415,2 +106416,2 +106417,2 +106418,9 +106419,9 +106420,9 +106421,9 +106422,9 +106423,9 +106424,9 +106425,9 +106426,9 +106427,9 +106428,37 +106429,37 +106430,37 +106431,37 +106432,37 +106433,37 +106434,37 +106435,37 +106436,37 +106437,37 +106438,37 +106439,27 +106440,27 +106441,27 +106442,27 +106443,27 +106444,27 +106445,27 +106446,13 +106447,13 +106448,13 +106449,13 +106450,13 +106451,13 +106452,13 +106453,5 +106454,28 +106455,28 +106456,28 +106457,5 +106458,5 +106459,5 +106460,5 +106461,3 +106462,3 +106463,3 +106464,3 +106465,3 +106466,3 +106467,3 +106468,3 +106469,3 +106470,3 +106471,24 +106472,24 +106473,24 +106474,24 +106475,24 +106476,24 +106477,24 +106478,24 +106479,24 +106480,28 +106481,28 +106482,28 +106483,28 +106484,28 +106485,31 +106486,31 +106487,31 +106488,31 +106489,31 +106490,5 +106491,5 +106492,5 +106493,5 +106494,5 +106495,5 +106496,5 +106497,2 +106498,2 +106499,2 +106500,2 +106501,2 +106502,2 +106503,2 +106504,2 +106505,31 +106506,31 +106507,31 +106508,31 +106509,31 +106510,31 +106511,24 +106512,24 +106513,29 +106514,29 +106515,24 +106516,24 +106517,29 +106518,29 +106519,29 +106520,31 +106521,31 +106522,31 +106523,31 +106524,31 +106525,19 +106526,19 +106527,19 +106528,19 +106529,19 +106530,19 +106531,19 +106532,29 +106533,29 +106534,19 +106535,21 +106536,21 +106537,9 +106538,9 +106539,9 +106540,9 +106541,9 +106542,9 +106543,9 +106544,9 +106545,9 +106546,9 +106547,9 +106548,9 +106549,30 +106550,9 +106551,9 +106552,9 +106553,9 +106554,9 +106555,13 +106556,30 +106557,30 +106558,30 +106559,30 +106560,30 +106561,30 +106562,30 +106563,30 +106564,8 +106565,31 +106566,31 +106567,31 +106568,8 +106569,8 +106570,8 +106571,8 +106572,8 +106573,2 +106574,8 +106575,29 +106576,29 +106577,29 +106578,29 +106579,29 +106580,31 +106581,31 +106582,31 +106583,31 +106584,31 +106585,4 +106586,4 +106587,4 +106588,4 +106589,4 +106590,4 +106591,2 +106592,2 +106593,2 +106594,2 +106595,2 +106596,2 +106597,2 +106598,2 +106599,2 +106600,2 +106601,2 +106602,2 +106603,2 +106604,2 +106605,0 +106606,12 +106607,35 +106608,35 +106609,35 +106610,35 +106611,3 +106612,3 +106613,3 +106614,3 +106615,3 +106616,12 +106617,3 +106618,3 +106619,3 +106620,3 +106621,12 +106622,12 +106623,12 +106624,12 +106625,12 +106626,12 +106627,3 +106628,30 +106629,35 +106630,35 +106631,35 +106632,35 +106633,0 +106634,4 +106635,4 +106636,4 +106637,19 +106638,4 +106639,4 +106640,4 +106641,31 +106642,31 +106643,31 +106644,31 +106645,31 +106646,5 +106647,5 +106648,5 +106649,5 +106650,5 +106651,5 +106652,5 +106653,2 +106654,2 +106655,2 +106656,2 +106657,2 +106658,2 +106659,2 +106660,2 +106661,2 +106662,2 +106663,2 +106664,2 +106665,2 +106666,2 +106667,2 +106668,25 +106669,25 +106670,25 +106671,25 +106672,25 +106673,25 +106674,25 +106675,25 +106676,25 +106677,6 +106678,6 +106679,6 +106680,6 +106681,6 +106682,6 +106683,6 +106684,6 +106685,6 +106686,31 +106687,31 +106688,31 +106689,31 +106690,31 +106691,31 +106692,5 +106693,5 +106694,13 +106695,13 +106696,13 +106697,21 +106698,21 +106699,21 +106700,21 +106701,25 +106702,25 +106703,25 +106704,37 +106705,37 +106706,37 +106707,31 +106708,31 +106709,31 +106710,37 +106711,37 +106712,37 +106713,37 +106714,37 +106715,37 +106716,37 +106717,34 +106718,34 +106719,34 +106720,34 +106721,34 +106722,34 +106723,34 +106724,31 +106725,31 +106726,34 +106727,34 +106728,34 +106729,28 +106730,5 +106731,5 +106732,5 +106733,5 +106734,19 +106735,19 +106736,19 +106737,19 +106738,19 +106739,35 +106740,35 +106741,25 +106742,25 +106743,25 +106744,25 +106745,25 +106746,25 +106747,25 +106748,37 +106749,37 +106750,37 +106751,37 +106752,37 +106753,37 +106754,37 +106755,25 +106756,25 +106757,25 +106758,25 +106759,25 +106760,0 +106761,0 +106762,0 +106763,0 +106764,0 +106765,0 +106766,0 +106767,0 +106768,0 +106769,0 +106770,0 +106771,0 +106772,0 +106773,0 +106774,0 +106775,0 +106776,0 +106777,0 +106778,0 +106779,0 +106780,0 +106781,0 +106782,0 +106783,0 +106784,0 +106785,0 +106786,0 +106787,29 +106788,29 +106789,29 +106790,29 +106791,29 +106792,36 +106793,36 +106794,36 +106795,36 +106796,19 +106797,19 +106798,19 +106799,19 +106800,31 +106801,31 +106802,31 +106803,31 +106804,31 +106805,5 +106806,5 +106807,5 +106808,5 +106809,5 +106810,5 +106811,5 +106812,5 +106813,5 +106814,5 +106815,0 +106816,0 +106817,0 +106818,0 +106819,27 +106820,27 +106821,27 +106822,27 +106823,27 +106824,27 +106825,27 +106826,27 +106827,5 +106828,5 +106829,5 +106830,5 +106831,5 +106832,5 +106833,5 +106834,5 +106835,5 +106836,2 +106837,2 +106838,2 +106839,2 +106840,2 +106841,2 +106842,2 +106843,2 +106844,2 +106845,31 +106846,40 +106847,40 +106848,40 +106849,40 +106850,19 +106851,19 +106852,19 +106853,19 +106854,19 +106855,19 +106856,19 +106857,26 +106858,26 +106859,31 +106860,31 +106861,31 +106862,31 +106863,5 +106864,5 +106865,5 +106866,5 +106867,5 +106868,5 +106869,4 +106870,4 +106871,4 +106872,4 +106873,35 +106874,32 +106875,32 +106876,32 +106877,32 +106878,35 +106879,35 +106880,35 +106881,35 +106882,35 +106883,35 +106884,35 +106885,36 +106886,36 +106887,36 +106888,19 +106889,4 +106890,4 +106891,4 +106892,27 +106893,27 +106894,27 +106895,31 +106896,6 +106897,6 +106898,6 +106899,6 +106900,6 +106901,6 +106902,6 +106903,6 +106904,6 +106905,6 +106906,6 +106907,6 +106908,6 +106909,6 +106910,6 +106911,6 +106912,6 +106913,6 +106914,25 +106915,25 +106916,25 +106917,25 +106918,25 +106919,25 +106920,25 +106921,25 +106922,25 +106923,37 +106924,37 +106925,37 +106926,37 +106927,19 +106928,19 +106929,19 +106930,19 +106931,19 +106932,19 +106933,19 +106934,19 +106935,19 +106936,19 +106937,19 +106938,19 +106939,0 +106940,0 +106941,0 +106942,0 +106943,0 +106944,0 +106945,12 +106946,12 +106947,12 +106948,12 +106949,27 +106950,27 +106951,27 +106952,27 +106953,27 +106954,27 +106955,16 +106956,16 +106957,16 +106958,16 +106959,4 +106960,4 +106961,4 +106962,4 +106963,4 +106964,4 +106965,4 +106966,28 +106967,28 +106968,28 +106969,28 +106970,28 +106971,28 +106972,28 +106973,28 +106974,10 +106975,10 +106976,10 +106977,10 +106978,10 +106979,10 +106980,10 +106981,10 +106982,10 +106983,10 +106984,10 +106985,10 +106986,4 +106987,4 +106988,4 +106989,4 +106990,35 +106991,35 +106992,35 +106993,35 +106994,35 +106995,35 +106996,36 +106997,36 +106998,36 +106999,36 +107000,36 +107001,24 +107002,24 +107003,24 +107004,24 +107005,24 +107006,24 +107007,24 +107008,2 +107009,2 +107010,2 +107011,2 +107012,2 +107013,2 +107014,2 +107015,2 +107016,2 +107017,2 +107018,2 +107019,39 +107020,39 +107021,39 +107022,39 +107023,39 +107024,39 +107025,39 +107026,39 +107027,28 +107028,28 +107029,28 +107030,28 +107031,28 +107032,28 +107033,28 +107034,28 +107035,28 +107036,28 +107037,28 +107038,28 +107039,4 +107040,4 +107041,4 +107042,4 +107043,4 +107044,4 +107045,4 +107046,31 +107047,31 +107048,31 +107049,31 +107050,31 +107051,32 +107052,32 +107053,32 +107054,32 +107055,32 +107056,32 +107057,32 +107058,32 +107059,22 +107060,22 +107061,22 +107062,22 +107063,22 +107064,22 +107065,22 +107066,22 +107067,22 +107068,19 +107069,19 +107070,19 +107071,19 +107072,19 +107073,35 +107074,35 +107075,35 +107076,35 +107077,35 +107078,35 +107079,35 +107080,35 +107081,25 +107082,25 +107083,25 +107084,25 +107085,25 +107086,25 +107087,25 +107088,25 +107089,21 +107090,21 +107091,21 +107092,21 +107093,21 +107094,21 +107095,21 +107096,21 +107097,21 +107098,6 +107099,6 +107100,22 +107101,22 +107102,22 +107103,22 +107104,22 +107105,22 +107106,22 +107107,22 +107108,19 +107109,19 +107110,19 +107111,19 +107112,7 +107113,7 +107114,35 +107115,35 +107116,35 +107117,35 +107118,6 +107119,6 +107120,6 +107121,6 +107122,35 +107123,35 +107124,35 +107125,35 +107126,35 +107127,7 +107128,7 +107129,7 +107130,3 +107131,3 +107132,3 +107133,3 +107134,3 +107135,28 +107136,28 +107137,28 +107138,28 +107139,28 +107140,28 +107141,28 +107142,37 +107143,37 +107144,37 +107145,37 +107146,37 +107147,37 +107148,37 +107149,37 +107150,4 +107151,4 +107152,4 +107153,4 +107154,4 +107155,4 +107156,4 +107157,4 +107158,4 +107159,31 +107160,31 +107161,31 +107162,31 +107163,31 +107164,29 +107165,29 +107166,29 +107167,29 +107168,29 +107169,31 +107170,31 +107171,31 +107172,31 +107173,4 +107174,4 +107175,4 +107176,4 +107177,4 +107178,4 +107179,4 +107180,4 +107181,4 +107182,4 +107183,4 +107184,4 +107185,4 +107186,4 +107187,4 +107188,36 +107189,36 +107190,36 +107191,36 +107192,36 +107193,36 +107194,36 +107195,36 +107196,36 +107197,36 +107198,36 +107199,4 +107200,4 +107201,4 +107202,4 +107203,4 +107204,4 +107205,2 +107206,2 +107207,2 +107208,2 +107209,2 +107210,2 +107211,2 +107212,2 +107213,2 +107214,2 +107215,2 +107216,2 +107217,2 +107218,4 +107219,4 +107220,4 +107221,4 +107222,4 +107223,4 +107224,4 +107225,4 +107226,4 +107227,0 +107228,0 +107229,0 +107230,0 +107231,0 +107232,0 +107233,0 +107234,0 +107235,0 +107236,0 +107237,0 +107238,0 +107239,0 +107240,0 +107241,0 +107242,0 +107243,0 +107244,0 +107245,0 +107246,0 +107247,0 +107248,0 +107249,0 +107250,0 +107251,0 +107252,0 +107253,0 +107254,0 +107255,0 +107256,0 +107257,0 +107258,0 +107259,0 +107260,0 +107261,0 +107262,0 +107263,0 +107264,0 +107265,0 +107266,0 +107267,0 +107268,0 +107269,0 +107270,0 +107271,0 +107272,0 +107273,0 +107274,0 +107275,0 +107276,0 +107277,0 +107278,0 +107279,0 +107280,0 +107281,0 +107282,0 +107283,0 +107284,0 +107285,0 +107286,0 +107287,0 +107288,0 +107289,0 +107290,0 +107291,0 +107292,0 +107293,0 +107294,0 +107295,0 +107296,0 +107297,0 +107298,0 +107299,0 +107300,0 +107301,0 +107302,0 +107303,0 +107304,0 +107305,12 +107306,12 +107307,12 +107308,12 +107309,9 +107310,9 +107311,9 +107312,9 +107313,9 +107314,9 +107315,9 +107316,12 +107317,12 +107318,12 +107319,12 +107320,12 +107321,12 +107322,12 +107323,12 +107324,12 +107325,12 +107326,12 +107327,12 +107328,12 +107329,25 +107330,37 +107331,37 +107332,37 +107333,37 +107334,37 +107335,25 +107336,37 +107337,25 +107338,29 +107339,29 +107340,29 +107341,29 +107342,29 +107343,40 +107344,40 +107345,27 +107346,27 +107347,27 +107348,40 +107349,40 +107350,40 +107351,40 +107352,27 +107353,27 +107354,37 +107355,37 +107356,37 +107357,37 +107358,29 +107359,29 +107360,29 +107361,29 +107362,29 +107363,29 +107364,29 +107365,29 +107366,40 +107367,40 +107368,40 +107369,40 +107370,40 +107371,40 +107372,40 +107373,40 +107374,40 +107375,40 +107376,40 +107377,40 +107378,40 +107379,40 +107380,40 +107381,40 +107382,40 +107383,40 +107384,5 +107385,5 +107386,5 +107387,5 +107388,5 +107389,5 +107390,5 +107391,5 +107392,5 +107393,5 +107394,5 +107395,5 +107396,5 +107397,5 +107398,5 +107399,5 +107400,5 +107401,5 +107402,5 +107403,5 +107404,33 +107405,33 +107406,33 +107407,33 +107408,33 +107409,33 +107410,33 +107411,33 +107412,33 +107413,17 +107414,17 +107415,17 +107416,33 +107417,33 +107418,10 +107419,10 +107420,10 +107421,17 +107422,14 +107423,14 +107424,14 +107425,6 +107426,6 +107427,6 +107428,6 +107429,6 +107430,6 +107431,6 +107432,6 +107433,6 +107434,6 +107435,2 +107436,2 +107437,2 +107438,2 +107439,2 +107440,2 +107441,2 +107442,2 +107443,2 +107444,2 +107445,2 +107446,2 +107447,2 +107448,2 +107449,2 +107450,40 +107451,40 +107452,40 +107453,40 +107454,40 +107455,40 +107456,40 +107457,40 +107458,40 +107459,32 +107460,32 +107461,32 +107462,32 +107463,32 +107464,32 +107465,32 +107466,11 +107467,11 +107468,11 +107469,11 +107470,11 +107471,11 +107472,11 +107473,11 +107474,11 +107475,11 +107476,11 +107477,31 +107478,31 +107479,31 +107480,31 +107481,5 +107482,5 +107483,5 +107484,5 +107485,5 +107486,5 +107487,5 +107488,5 +107489,5 +107490,3 +107491,5 +107492,5 +107493,5 +107494,5 +107495,5 +107496,5 +107497,8 +107498,8 +107499,8 +107500,8 +107501,2 +107502,2 +107503,4 +107504,2 +107505,2 +107506,4 +107507,4 +107508,4 +107509,2 +107510,2 +107511,2 +107512,2 +107513,31 +107514,31 +107515,31 +107516,29 +107517,29 +107518,29 +107519,29 +107520,29 +107521,29 +107522,27 +107523,31 +107524,31 +107525,31 +107526,31 +107527,27 +107528,27 +107529,2 +107530,2 +107531,2 +107532,2 +107533,2 +107534,2 +107535,8 +107536,8 +107537,8 +107538,6 +107539,6 +107540,6 +107541,6 +107542,6 +107543,6 +107544,31 +107545,31 +107546,31 +107547,31 +107548,5 +107549,5 +107550,5 +107551,5 +107552,5 +107553,5 +107554,5 +107555,5 +107556,5 +107557,19 +107558,19 +107559,19 +107560,19 +107561,19 +107562,27 +107563,27 +107564,27 +107565,27 +107566,27 +107567,27 +107568,27 +107569,27 +107570,11 +107571,11 +107572,11 +107573,11 +107574,11 +107575,11 +107576,11 +107577,11 +107578,11 +107579,11 +107580,11 +107581,11 +107582,11 +107583,31 +107584,31 +107585,31 +107586,31 +107587,27 +107588,27 +107589,5 +107590,5 +107591,5 +107592,5 +107593,31 +107594,31 +107595,31 +107596,31 +107597,31 +107598,31 +107599,31 +107600,31 +107601,24 +107602,24 +107603,24 +107604,24 +107605,24 +107606,24 +107607,24 +107608,24 +107609,24 +107610,9 +107611,9 +107612,0 +107613,9 +107614,9 +107615,9 +107616,0 +107617,9 +107618,9 +107619,9 +107620,9 +107621,9 +107622,9 +107623,9 +107624,9 +107625,9 +107626,9 +107627,34 +107628,9 +107629,9 +107630,9 +107631,9 +107632,9 +107633,9 +107634,9 +107635,9 +107636,9 +107637,9 +107638,9 +107639,2 +107640,2 +107641,2 +107642,2 +107643,2 +107644,2 +107645,2 +107646,2 +107647,2 +107648,2 +107649,4 +107650,4 +107651,4 +107652,4 +107653,4 +107654,4 +107655,4 +107656,4 +107657,4 +107658,4 +107659,37 +107660,37 +107661,37 +107662,37 +107663,37 +107664,31 +107665,31 +107666,31 +107667,31 +107668,31 +107669,22 +107670,31 +107671,31 +107672,6 +107673,6 +107674,6 +107675,6 +107676,6 +107677,6 +107678,6 +107679,6 +107680,6 +107681,36 +107682,36 +107683,36 +107684,36 +107685,36 +107686,36 +107687,36 +107688,36 +107689,36 +107690,36 +107691,36 +107692,36 +107693,19 +107694,19 +107695,19 +107696,28 +107697,28 +107698,28 +107699,28 +107700,28 +107701,28 +107702,28 +107703,28 +107704,25 +107705,25 +107706,25 +107707,25 +107708,25 +107709,25 +107710,25 +107711,25 +107712,31 +107713,25 +107714,25 +107715,25 +107716,25 +107717,25 +107718,25 +107719,25 +107720,25 +107721,14 +107722,14 +107723,14 +107724,14 +107725,14 +107726,14 +107727,14 +107728,14 +107729,14 +107730,11 +107731,11 +107732,11 +107733,11 +107734,11 +107735,11 +107736,11 +107737,11 +107738,11 +107739,11 +107740,11 +107741,11 +107742,31 +107743,31 +107744,31 +107745,31 +107746,31 +107747,5 +107748,5 +107749,5 +107750,5 +107751,5 +107752,5 +107753,5 +107754,5 +107755,5 +107756,5 +107757,5 +107758,5 +107759,5 +107760,5 +107761,5 +107762,5 +107763,0 +107764,0 +107765,0 +107766,0 +107767,0 +107768,0 +107769,0 +107770,0 +107771,0 +107772,0 +107773,0 +107774,0 +107775,0 +107776,0 +107777,0 +107778,0 +107779,0 +107780,0 +107781,0 +107782,0 +107783,0 +107784,0 +107785,0 +107786,0 +107787,0 +107788,0 +107789,0 +107790,0 +107791,0 +107792,0 +107793,0 +107794,0 +107795,0 +107796,0 +107797,0 +107798,0 +107799,0 +107800,0 +107801,0 +107802,0 +107803,0 +107804,0 +107805,0 +107806,0 +107807,0 +107808,0 +107809,0 +107810,0 +107811,0 +107812,0 +107813,0 +107814,0 +107815,0 +107816,0 +107817,0 +107818,0 +107819,0 +107820,0 +107821,0 +107822,0 +107823,0 +107824,0 +107825,0 +107826,0 +107827,7 +107828,7 +107829,7 +107830,7 +107831,7 +107832,7 +107833,7 +107834,7 +107835,35 +107836,7 +107837,7 +107838,7 +107839,7 +107840,7 +107841,7 +107842,7 +107843,7 +107844,7 +107845,7 +107846,40 +107847,40 +107848,40 +107849,40 +107850,40 +107851,40 +107852,40 +107853,14 +107854,36 +107855,36 +107856,14 +107857,14 +107858,14 +107859,36 +107860,36 +107861,36 +107862,2 +107863,2 +107864,2 +107865,2 +107866,2 +107867,2 +107868,2 +107869,2 +107870,2 +107871,2 +107872,2 +107873,2 +107874,2 +107875,2 +107876,2 +107877,2 +107878,2 +107879,2 +107880,2 +107881,2 +107882,2 +107883,2 +107884,2 +107885,2 +107886,2 +107887,2 +107888,2 +107889,2 +107890,2 +107891,2 +107892,2 +107893,2 +107894,2 +107895,2 +107896,2 +107897,0 +107898,0 +107899,0 +107900,0 +107901,0 +107902,0 +107903,0 +107904,0 +107905,0 +107906,0 +107907,0 +107908,0 +107909,0 +107910,0 +107911,0 +107912,0 +107913,0 +107914,0 +107915,0 +107916,0 +107917,0 +107918,0 +107919,0 +107920,0 +107921,0 +107922,0 +107923,0 +107924,0 +107925,0 +107926,0 +107927,5 +107928,5 +107929,5 +107930,5 +107931,5 +107932,5 +107933,5 +107934,5 +107935,5 +107936,5 +107937,5 +107938,5 +107939,5 +107940,33 +107941,33 +107942,33 +107943,33 +107944,33 +107945,33 +107946,33 +107947,33 +107948,34 +107949,34 +107950,34 +107951,34 +107952,34 +107953,34 +107954,9 +107955,9 +107956,9 +107957,9 +107958,37 +107959,37 +107960,37 +107961,37 +107962,28 +107963,28 +107964,28 +107965,5 +107966,5 +107967,5 +107968,5 +107969,28 +107970,28 +107971,31 +107972,37 +107973,37 +107974,37 +107975,37 +107976,31 +107977,4 +107978,4 +107979,4 +107980,4 +107981,19 +107982,23 +107983,23 +107984,23 +107985,23 +107986,23 +107987,23 +107988,23 +107989,23 +107990,23 +107991,23 +107992,10 +107993,10 +107994,10 +107995,10 +107996,10 +107997,10 +107998,10 +107999,10 +108000,10 +108001,10 +108002,10 +108003,10 +108004,10 +108005,10 +108006,23 +108007,23 +108008,4 +108009,23 +108010,23 +108011,23 +108012,23 +108013,23 +108014,23 +108015,23 +108016,25 +108017,25 +108018,25 +108019,25 +108020,25 +108021,25 +108022,18 +108023,18 +108024,18 +108025,18 +108026,18 +108027,18 +108028,18 +108029,18 +108030,18 +108031,18 +108032,31 +108033,31 +108034,31 +108035,31 +108036,31 +108037,31 +108038,31 +108039,31 +108040,2 +108041,2 +108042,2 +108043,2 +108044,2 +108045,2 +108046,2 +108047,2 +108048,2 +108049,4 +108050,4 +108051,4 +108052,4 +108053,4 +108054,4 +108055,4 +108056,4 +108057,36 +108058,40 +108059,40 +108060,40 +108061,27 +108062,27 +108063,27 +108064,5 +108065,5 +108066,5 +108067,5 +108068,5 +108069,39 +108070,27 +108071,27 +108072,39 +108073,39 +108074,7 +108075,39 +108076,39 +108077,40 +108078,36 +108079,36 +108080,36 +108081,36 +108082,27 +108083,27 +108084,27 +108085,5 +108086,5 +108087,5 +108088,5 +108089,5 +108090,35 +108091,35 +108092,35 +108093,35 +108094,35 +108095,35 +108096,35 +108097,35 +108098,3 +108099,3 +108100,3 +108101,12 +108102,12 +108103,12 +108104,12 +108105,12 +108106,12 +108107,12 +108108,12 +108109,12 +108110,31 +108111,31 +108112,31 +108113,31 +108114,8 +108115,8 +108116,8 +108117,8 +108118,8 +108119,8 +108120,8 +108121,8 +108122,8 +108123,8 +108124,6 +108125,6 +108126,6 +108127,6 +108128,6 +108129,6 +108130,6 +108131,6 +108132,6 +108133,6 +108134,6 +108135,26 +108136,26 +108137,26 +108138,26 +108139,26 +108140,26 +108141,26 +108142,26 +108143,10 +108144,10 +108145,26 +108146,26 +108147,26 +108148,26 +108149,26 +108150,26 +108151,10 +108152,10 +108153,10 +108154,10 +108155,10 +108156,10 +108157,4 +108158,4 +108159,4 +108160,31 +108161,31 +108162,31 +108163,31 +108164,5 +108165,5 +108166,5 +108167,5 +108168,5 +108169,5 +108170,5 +108171,5 +108172,5 +108173,13 +108174,15 +108175,15 +108176,15 +108177,15 +108178,15 +108179,37 +108180,37 +108181,37 +108182,37 +108183,37 +108184,37 +108185,37 +108186,9 +108187,9 +108188,9 +108189,9 +108190,9 +108191,9 +108192,26 +108193,26 +108194,26 +108195,26 +108196,26 +108197,32 +108198,32 +108199,4 +108200,4 +108201,32 +108202,32 +108203,32 +108204,32 +108205,27 +108206,27 +108207,27 +108208,27 +108209,27 +108210,27 +108211,23 +108212,23 +108213,23 +108214,23 +108215,23 +108216,23 +108217,23 +108218,23 +108219,23 +108220,9 +108221,9 +108222,37 +108223,37 +108224,37 +108225,37 +108226,37 +108227,37 +108228,37 +108229,37 +108230,37 +108231,29 +108232,31 +108233,31 +108234,31 +108235,31 +108236,31 +108237,37 +108238,37 +108239,37 +108240,37 +108241,37 +108242,37 +108243,37 +108244,37 +108245,37 +108246,37 +108247,31 +108248,31 +108249,31 +108250,31 +108251,31 +108252,15 +108253,15 +108254,15 +108255,15 +108256,15 +108257,15 +108258,31 +108259,31 +108260,31 +108261,31 +108262,31 +108263,30 +108264,30 +108265,30 +108266,30 +108267,30 +108268,30 +108269,30 +108270,30 +108271,30 +108272,30 +108273,39 +108274,39 +108275,39 +108276,39 +108277,39 +108278,39 +108279,39 +108280,39 +108281,39 +108282,39 +108283,4 +108284,4 +108285,19 +108286,19 +108287,19 +108288,19 +108289,19 +108290,25 +108291,25 +108292,25 +108293,25 +108294,25 +108295,25 +108296,25 +108297,25 +108298,37 +108299,37 +108300,37 +108301,25 +108302,27 +108303,27 +108304,27 +108305,27 +108306,27 +108307,27 +108308,27 +108309,5 +108310,5 +108311,5 +108312,5 +108313,5 +108314,5 +108315,5 +108316,5 +108317,5 +108318,6 +108319,6 +108320,6 +108321,6 +108322,6 +108323,6 +108324,6 +108325,6 +108326,31 +108327,31 +108328,31 +108329,31 +108330,31 +108331,31 +108332,31 +108333,28 +108334,28 +108335,28 +108336,28 +108337,28 +108338,32 +108339,32 +108340,32 +108341,32 +108342,32 +108343,32 +108344,32 +108345,32 +108346,39 +108347,15 +108348,39 +108349,39 +108350,39 +108351,39 +108352,39 +108353,7 +108354,7 +108355,3 +108356,3 +108357,3 +108358,12 +108359,12 +108360,12 +108361,12 +108362,12 +108363,12 +108364,27 +108365,27 +108366,27 +108367,27 +108368,38 +108369,38 +108370,38 +108371,38 +108372,38 +108373,38 +108374,38 +108375,29 +108376,31 +108377,31 +108378,31 +108379,31 +108380,31 +108381,8 +108382,8 +108383,8 +108384,8 +108385,8 +108386,8 +108387,8 +108388,8 +108389,4 +108390,4 +108391,4 +108392,4 +108393,4 +108394,4 +108395,4 +108396,4 +108397,4 +108398,4 +108399,3 +108400,3 +108401,3 +108402,3 +108403,3 +108404,3 +108405,3 +108406,3 +108407,3 +108408,3 +108409,3 +108410,3 +108411,3 +108412,3 +108413,3 +108414,0 +108415,0 +108416,0 +108417,0 +108418,0 +108419,33 +108420,33 +108421,33 +108422,33 +108423,33 +108424,33 +108425,33 +108426,33 +108427,33 +108428,33 +108429,33 +108430,33 +108431,33 +108432,33 +108433,19 +108434,19 +108435,19 +108436,19 +108437,39 +108438,39 +108439,39 +108440,39 +108441,39 +108442,39 +108443,39 +108444,39 +108445,39 +108446,39 +108447,39 +108448,27 +108449,27 +108450,27 +108451,27 +108452,27 +108453,8 +108454,8 +108455,2 +108456,2 +108457,8 +108458,8 +108459,8 +108460,2 +108461,2 +108462,8 +108463,5 +108464,5 +108465,5 +108466,5 +108467,5 +108468,5 +108469,31 +108470,31 +108471,31 +108472,31 +108473,31 +108474,31 +108475,31 +108476,5 +108477,5 +108478,5 +108479,5 +108480,5 +108481,5 +108482,31 +108483,31 +108484,31 +108485,31 +108486,31 +108487,31 +108488,31 +108489,31 +108490,2 +108491,2 +108492,2 +108493,2 +108494,2 +108495,2 +108496,2 +108497,2 +108498,4 +108499,4 +108500,4 +108501,8 +108502,8 +108503,8 +108504,8 +108505,8 +108506,25 +108507,25 +108508,25 +108509,25 +108510,25 +108511,25 +108512,25 +108513,25 +108514,25 +108515,25 +108516,25 +108517,25 +108518,25 +108519,25 +108520,25 +108521,8 +108522,8 +108523,8 +108524,8 +108525,8 +108526,8 +108527,8 +108528,8 +108529,8 +108530,8 +108531,8 +108532,8 +108533,8 +108534,8 +108535,2 +108536,2 +108537,2 +108538,8 +108539,8 +108540,8 +108541,8 +108542,8 +108543,8 +108544,8 +108545,8 +108546,0 +108547,0 +108548,0 +108549,0 +108550,0 +108551,0 +108552,0 +108553,0 +108554,0 +108555,0 +108556,0 +108557,0 +108558,0 +108559,0 +108560,0 +108561,0 +108562,0 +108563,0 +108564,0 +108565,7 +108566,7 +108567,7 +108568,7 +108569,7 +108570,35 +108571,35 +108572,39 +108573,39 +108574,39 +108575,39 +108576,39 +108577,12 +108578,3 +108579,3 +108580,3 +108581,3 +108582,12 +108583,12 +108584,12 +108585,12 +108586,12 +108587,12 +108588,12 +108589,12 +108590,12 +108591,12 +108592,14 +108593,14 +108594,14 +108595,14 +108596,17 +108597,17 +108598,17 +108599,19 +108600,19 +108601,19 +108602,19 +108603,19 +108604,19 +108605,31 +108606,27 +108607,27 +108608,27 +108609,27 +108610,5 +108611,5 +108612,5 +108613,13 +108614,13 +108615,4 +108616,4 +108617,4 +108618,4 +108619,4 +108620,4 +108621,4 +108622,27 +108623,27 +108624,27 +108625,27 +108626,27 +108627,27 +108628,30 +108629,30 +108630,30 +108631,30 +108632,30 +108633,30 +108634,19 +108635,19 +108636,19 +108637,19 +108638,19 +108639,19 +108640,19 +108641,19 +108642,27 +108643,27 +108644,27 +108645,27 +108646,40 +108647,40 +108648,6 +108649,6 +108650,6 +108651,6 +108652,6 +108653,6 +108654,6 +108655,6 +108656,27 +108657,27 +108658,27 +108659,27 +108660,27 +108661,27 +108662,27 +108663,27 +108664,8 +108665,8 +108666,8 +108667,8 +108668,8 +108669,8 +108670,8 +108671,8 +108672,15 +108673,15 +108674,15 +108675,15 +108676,15 +108677,15 +108678,15 +108679,40 +108680,40 +108681,40 +108682,40 +108683,40 +108684,40 +108685,40 +108686,5 +108687,5 +108688,5 +108689,5 +108690,5 +108691,5 +108692,5 +108693,26 +108694,26 +108695,26 +108696,26 +108697,26 +108698,26 +108699,26 +108700,26 +108701,5 +108702,5 +108703,5 +108704,5 +108705,5 +108706,5 +108707,5 +108708,29 +108709,29 +108710,31 +108711,31 +108712,31 +108713,31 +108714,31 +108715,19 +108716,19 +108717,19 +108718,19 +108719,19 +108720,19 +108721,19 +108722,31 +108723,10 +108724,40 +108725,36 +108726,36 +108727,36 +108728,36 +108729,36 +108730,36 +108731,36 +108732,36 +108733,8 +108734,8 +108735,8 +108736,8 +108737,8 +108738,8 +108739,8 +108740,8 +108741,8 +108742,8 +108743,25 +108744,25 +108745,25 +108746,25 +108747,25 +108748,25 +108749,19 +108750,19 +108751,19 +108752,19 +108753,30 +108754,30 +108755,30 +108756,30 +108757,9 +108758,9 +108759,9 +108760,9 +108761,9 +108762,9 +108763,9 +108764,9 +108765,9 +108766,9 +108767,9 +108768,9 +108769,5 +108770,5 +108771,5 +108772,5 +108773,5 +108774,5 +108775,1 +108776,1 +108777,5 +108778,5 +108779,5 +108780,5 +108781,5 +108782,5 +108783,5 +108784,26 +108785,26 +108786,26 +108787,26 +108788,26 +108789,26 +108790,36 +108791,36 +108792,23 +108793,23 +108794,23 +108795,23 +108796,23 +108797,23 +108798,23 +108799,4 +108800,4 +108801,4 +108802,4 +108803,4 +108804,27 +108805,27 +108806,31 +108807,31 +108808,31 +108809,21 +108810,21 +108811,21 +108812,21 +108813,21 +108814,21 +108815,21 +108816,21 +108817,40 +108818,40 +108819,40 +108820,40 +108821,40 +108822,40 +108823,40 +108824,40 +108825,40 +108826,40 +108827,40 +108828,37 +108829,37 +108830,37 +108831,37 +108832,6 +108833,6 +108834,6 +108835,6 +108836,6 +108837,6 +108838,6 +108839,6 +108840,6 +108841,6 +108842,6 +108843,6 +108844,6 +108845,9 +108846,9 +108847,9 +108848,9 +108849,9 +108850,9 +108851,9 +108852,9 +108853,9 +108854,9 +108855,31 +108856,37 +108857,4 +108858,37 +108859,37 +108860,31 +108861,27 +108862,27 +108863,27 +108864,27 +108865,27 +108866,27 +108867,24 +108868,24 +108869,24 +108870,24 +108871,24 +108872,4 +108873,4 +108874,4 +108875,4 +108876,4 +108877,4 +108878,4 +108879,4 +108880,4 +108881,4 +108882,4 +108883,4 +108884,14 +108885,14 +108886,14 +108887,14 +108888,14 +108889,14 +108890,14 +108891,14 +108892,14 +108893,14 +108894,14 +108895,14 +108896,36 +108897,10 +108898,36 +108899,36 +108900,36 +108901,36 +108902,36 +108903,36 +108904,36 +108905,36 +108906,36 +108907,5 +108908,5 +108909,5 +108910,5 +108911,5 +108912,5 +108913,5 +108914,5 +108915,5 +108916,5 +108917,5 +108918,0 +108919,0 +108920,0 +108921,0 +108922,0 +108923,0 +108924,0 +108925,0 +108926,0 +108927,0 +108928,0 +108929,0 +108930,0 +108931,0 +108932,0 +108933,0 +108934,0 +108935,0 +108936,0 +108937,0 +108938,0 +108939,0 +108940,0 +108941,0 +108942,0 +108943,0 +108944,0 +108945,0 +108946,0 +108947,0 +108948,0 +108949,0 +108950,0 +108951,0 +108952,0 +108953,0 +108954,0 +108955,35 +108956,35 +108957,35 +108958,35 +108959,35 +108960,35 +108961,35 +108962,35 +108963,39 +108964,39 +108965,39 +108966,39 +108967,39 +108968,39 +108969,39 +108970,39 +108971,39 +108972,39 +108973,28 +108974,28 +108975,28 +108976,28 +108977,28 +108978,28 +108979,28 +108980,28 +108981,28 +108982,28 +108983,28 +108984,14 +108985,14 +108986,14 +108987,14 +108988,14 +108989,14 +108990,14 +108991,14 +108992,14 +108993,14 +108994,14 +108995,14 +108996,14 +108997,14 +108998,14 +108999,14 +109000,14 +109001,14 +109002,14 +109003,14 +109004,14 +109005,2 +109006,2 +109007,2 +109008,2 +109009,2 +109010,2 +109011,2 +109012,2 +109013,2 +109014,2 +109015,2 +109016,31 +109017,31 +109018,31 +109019,31 +109020,31 +109021,31 +109022,32 +109023,32 +109024,32 +109025,32 +109026,32 +109027,32 +109028,32 +109029,32 +109030,32 +109031,37 +109032,37 +109033,37 +109034,37 +109035,37 +109036,37 +109037,37 +109038,37 +109039,36 +109040,36 +109041,10 +109042,10 +109043,10 +109044,10 +109045,10 +109046,10 +109047,10 +109048,10 +109049,10 +109050,10 +109051,10 +109052,10 +109053,10 +109054,10 +109055,10 +109056,10 +109057,7 +109058,39 +109059,10 +109060,10 +109061,8 +109062,20 +109063,20 +109064,20 +109065,20 +109066,20 +109067,20 +109068,8 +109069,8 +109070,8 +109071,8 +109072,8 +109073,7 +109074,7 +109075,7 +109076,7 +109077,3 +109078,3 +109079,3 +109080,3 +109081,3 +109082,3 +109083,3 +109084,3 +109085,3 +109086,3 +109087,3 +109088,3 +109089,3 +109090,3 +109091,3 +109092,3 +109093,3 +109094,3 +109095,3 +109096,3 +109097,3 +109098,3 +109099,3 +109100,0 +109101,0 +109102,0 +109103,0 +109104,0 +109105,0 +109106,0 +109107,0 +109108,0 +109109,0 +109110,0 +109111,0 +109112,0 +109113,0 +109114,0 +109115,0 +109116,0 +109117,0 +109118,0 +109119,0 +109120,0 +109121,0 +109122,0 +109123,0 +109124,0 +109125,0 +109126,0 +109127,0 +109128,0 +109129,0 +109130,0 +109131,0 +109132,0 +109133,0 +109134,0 +109135,0 +109136,0 +109137,0 +109138,0 +109139,0 +109140,0 +109141,0 +109142,0 +109143,0 +109144,0 +109145,0 +109146,0 +109147,0 +109148,0 +109149,0 +109150,0 +109151,0 +109152,0 +109153,0 +109154,0 +109155,0 +109156,0 +109157,0 +109158,0 +109159,0 +109160,0 +109161,0 +109162,0 +109163,0 +109164,35 +109165,0 +109166,0 +109167,0 +109168,0 +109169,0 +109170,0 +109171,37 +109172,35 +109173,26 +109174,26 +109175,26 +109176,26 +109177,26 +109178,26 +109179,26 +109180,37 +109181,37 +109182,37 +109183,37 +109184,37 +109185,37 +109186,37 +109187,4 +109188,4 +109189,4 +109190,4 +109191,4 +109192,4 +109193,4 +109194,4 +109195,4 +109196,27 +109197,27 +109198,27 +109199,27 +109200,27 +109201,4 +109202,4 +109203,4 +109204,4 +109205,4 +109206,4 +109207,4 +109208,4 +109209,4 +109210,4 +109211,4 +109212,4 +109213,4 +109214,40 +109215,40 +109216,40 +109217,40 +109218,40 +109219,40 +109220,40 +109221,40 +109222,40 +109223,40 +109224,30 +109225,30 +109226,30 +109227,30 +109228,30 +109229,30 +109230,30 +109231,30 +109232,30 +109233,30 +109234,30 +109235,30 +109236,2 +109237,2 +109238,2 +109239,2 +109240,2 +109241,2 +109242,2 +109243,2 +109244,2 +109245,2 +109246,2 +109247,2 +109248,40 +109249,40 +109250,40 +109251,40 +109252,40 +109253,40 +109254,40 +109255,19 +109256,19 +109257,19 +109258,19 +109259,19 +109260,19 +109261,19 +109262,19 +109263,19 +109264,5 +109265,5 +109266,5 +109267,5 +109268,5 +109269,5 +109270,9 +109271,9 +109272,9 +109273,9 +109274,9 +109275,9 +109276,9 +109277,9 +109278,9 +109279,9 +109280,9 +109281,9 +109282,9 +109283,37 +109284,37 +109285,37 +109286,37 +109287,37 +109288,37 +109289,37 +109290,37 +109291,25 +109292,25 +109293,37 +109294,37 +109295,37 +109296,37 +109297,37 +109298,37 +109299,37 +109300,37 +109301,37 +109302,37 +109303,37 +109304,37 +109305,37 +109306,37 +109307,37 +109308,37 +109309,37 +109310,37 +109311,25 +109312,28 +109313,28 +109314,28 +109315,25 +109316,25 +109317,0 +109318,0 +109319,0 +109320,0 +109321,0 +109322,0 +109323,0 +109324,0 +109325,0 +109326,0 +109327,0 +109328,0 +109329,0 +109330,0 +109331,0 +109332,0 +109333,0 +109334,0 +109335,0 +109336,0 +109337,0 +109338,0 +109339,29 +109340,29 +109341,29 +109342,29 +109343,29 +109344,14 +109345,14 +109346,14 +109347,14 +109348,14 +109349,14 +109350,14 +109351,14 +109352,14 +109353,14 +109354,14 +109355,14 +109356,35 +109357,35 +109358,35 +109359,35 +109360,35 +109361,35 +109362,35 +109363,35 +109364,35 +109365,35 +109366,35 +109367,35 +109368,35 +109369,6 +109370,6 +109371,6 +109372,6 +109373,14 +109374,14 +109375,40 +109376,14 +109377,40 +109378,40 +109379,40 +109380,40 +109381,40 +109382,40 +109383,14 +109384,14 +109385,2 +109386,2 +109387,2 +109388,2 +109389,2 +109390,2 +109391,2 +109392,2 +109393,2 +109394,2 +109395,2 +109396,4 +109397,4 +109398,4 +109399,4 +109400,4 +109401,28 +109402,28 +109403,28 +109404,28 +109405,28 +109406,28 +109407,28 +109408,28 +109409,27 +109410,27 +109411,27 +109412,27 +109413,27 +109414,27 +109415,27 +109416,2 +109417,2 +109418,2 +109419,2 +109420,2 +109421,2 +109422,2 +109423,4 +109424,4 +109425,4 +109426,4 +109427,4 +109428,4 +109429,4 +109430,4 +109431,4 +109432,4 +109433,4 +109434,10 +109435,10 +109436,10 +109437,10 +109438,10 +109439,10 +109440,10 +109441,10 +109442,10 +109443,26 +109444,10 +109445,10 +109446,10 +109447,28 +109448,28 +109449,28 +109450,28 +109451,28 +109452,28 +109453,2 +109454,28 +109455,28 +109456,2 +109457,2 +109458,2 +109459,2 +109460,2 +109461,2 +109462,2 +109463,2 +109464,2 +109465,2 +109466,2 +109467,31 +109468,31 +109469,31 +109470,31 +109471,31 +109472,31 +109473,31 +109474,5 +109475,5 +109476,5 +109477,5 +109478,5 +109479,5 +109480,5 +109481,5 +109482,5 +109483,5 +109484,5 +109485,5 +109486,5 +109487,5 +109488,5 +109489,5 +109490,5 +109491,0 +109492,0 +109493,0 +109494,0 +109495,0 +109496,15 +109497,29 +109498,29 +109499,29 +109500,29 +109501,14 +109502,14 +109503,40 +109504,40 +109505,40 +109506,40 +109507,40 +109508,14 +109509,14 +109510,40 +109511,37 +109512,37 +109513,37 +109514,37 +109515,37 +109516,37 +109517,37 +109518,37 +109519,37 +109520,37 +109521,37 +109522,37 +109523,39 +109524,39 +109525,39 +109526,39 +109527,39 +109528,39 +109529,2 +109530,2 +109531,2 +109532,2 +109533,2 +109534,2 +109535,2 +109536,2 +109537,2 +109538,2 +109539,2 +109540,2 +109541,2 +109542,2 +109543,9 +109544,9 +109545,9 +109546,9 +109547,9 +109548,9 +109549,9 +109550,9 +109551,9 +109552,9 +109553,9 +109554,9 +109555,9 +109556,9 +109557,9 +109558,9 +109559,9 +109560,23 +109561,23 +109562,23 +109563,23 +109564,23 +109565,23 +109566,23 +109567,23 +109568,23 +109569,30 +109570,30 +109571,30 +109572,30 +109573,30 +109574,30 +109575,39 +109576,39 +109577,39 +109578,39 +109579,39 +109580,39 +109581,39 +109582,39 +109583,39 +109584,39 +109585,39 +109586,39 +109587,39 +109588,39 +109589,39 +109590,28 +109591,28 +109592,28 +109593,28 +109594,28 +109595,28 +109596,28 +109597,28 +109598,39 +109599,39 +109600,39 +109601,39 +109602,39 +109603,39 +109604,39 +109605,39 +109606,39 +109607,14 +109608,14 +109609,15 +109610,15 +109611,15 +109612,15 +109613,15 +109614,15 +109615,32 +109616,39 +109617,39 +109618,39 +109619,39 +109620,39 +109621,39 +109622,39 +109623,11 +109624,11 +109625,11 +109626,11 +109627,11 +109628,11 +109629,11 +109630,11 +109631,11 +109632,11 +109633,11 +109634,11 +109635,11 +109636,11 +109637,11 +109638,11 +109639,22 +109640,22 +109641,22 +109642,22 +109643,22 +109644,25 +109645,25 +109646,25 +109647,25 +109648,25 +109649,25 +109650,25 +109651,25 +109652,25 +109653,25 +109654,25 +109655,25 +109656,25 +109657,25 +109658,25 +109659,25 +109660,25 +109661,25 +109662,25 +109663,25 +109664,25 +109665,25 +109666,25 +109667,6 +109668,6 +109669,6 +109670,6 +109671,6 +109672,6 +109673,6 +109674,6 +109675,6 +109676,6 +109677,27 +109678,27 +109679,5 +109680,5 +109681,5 +109682,13 +109683,4 +109684,4 +109685,4 +109686,4 +109687,4 +109688,4 +109689,4 +109690,4 +109691,4 +109692,27 +109693,27 +109694,27 +109695,27 +109696,27 +109697,5 +109698,5 +109699,5 +109700,39 +109701,39 +109702,39 +109703,39 +109704,39 +109705,39 +109706,39 +109707,39 +109708,39 +109709,6 +109710,6 +109711,6 +109712,6 +109713,6 +109714,6 +109715,6 +109716,6 +109717,21 +109718,40 +109719,40 +109720,40 +109721,40 +109722,40 +109723,40 +109724,40 +109725,40 +109726,40 +109727,40 +109728,2 +109729,2 +109730,2 +109731,2 +109732,2 +109733,2 +109734,2 +109735,2 +109736,2 +109737,2 +109738,2 +109739,2 +109740,31 +109741,31 +109742,31 +109743,31 +109744,31 +109745,32 +109746,32 +109747,32 +109748,32 +109749,32 +109750,32 +109751,32 +109752,6 +109753,6 +109754,32 +109755,32 +109756,25 +109757,25 +109758,25 +109759,25 +109760,25 +109761,25 +109762,37 +109763,37 +109764,37 +109765,37 +109766,37 +109767,37 +109768,37 +109769,31 +109770,31 +109771,31 +109772,31 +109773,31 +109774,31 +109775,31 +109776,31 +109777,0 +109778,0 +109779,0 +109780,0 +109781,0 +109782,0 +109783,31 +109784,0 +109785,0 +109786,0 +109787,0 +109788,0 +109789,0 +109790,0 +109791,15 +109792,15 +109793,15 +109794,31 +109795,31 +109796,31 +109797,31 +109798,27 +109799,4 +109800,35 +109801,35 +109802,35 +109803,31 +109804,31 +109805,31 +109806,31 +109807,12 +109808,12 +109809,31 +109810,19 +109811,25 +109812,12 +109813,12 +109814,12 +109815,12 +109816,12 +109817,12 +109818,12 +109819,12 +109820,12 +109821,12 +109822,12 +109823,12 +109824,12 +109825,12 +109826,31 +109827,31 +109828,31 +109829,31 +109830,31 +109831,31 +109832,31 +109833,31 +109834,31 +109835,31 +109836,31 +109837,31 +109838,31 +109839,31 +109840,31 +109841,31 +109842,31 +109843,8 +109844,8 +109845,8 +109846,8 +109847,8 +109848,8 +109849,8 +109850,8 +109851,35 +109852,35 +109853,35 +109854,35 +109855,35 +109856,35 +109857,27 +109858,27 +109859,27 +109860,27 +109861,27 +109862,27 +109863,27 +109864,27 +109865,27 +109866,2 +109867,2 +109868,8 +109869,8 +109870,2 +109871,2 +109872,2 +109873,2 +109874,2 +109875,2 +109876,2 +109877,27 +109878,27 +109879,27 +109880,13 +109881,13 +109882,13 +109883,13 +109884,13 +109885,13 +109886,13 +109887,18 +109888,18 +109889,18 +109890,18 +109891,18 +109892,18 +109893,18 +109894,40 +109895,40 +109896,40 +109897,40 +109898,40 +109899,31 +109900,31 +109901,2 +109902,2 +109903,2 +109904,2 +109905,2 +109906,2 +109907,2 +109908,2 +109909,2 +109910,38 +109911,23 +109912,38 +109913,38 +109914,38 +109915,31 +109916,31 +109917,31 +109918,31 +109919,31 +109920,31 +109921,2 +109922,2 +109923,2 +109924,2 +109925,2 +109926,2 +109927,2 +109928,2 +109929,2 +109930,2 +109931,2 +109932,2 +109933,2 +109934,40 +109935,40 +109936,36 +109937,36 +109938,36 +109939,14 +109940,14 +109941,14 +109942,14 +109943,14 +109944,14 +109945,14 +109946,14 +109947,14 +109948,14 +109949,14 +109950,14 +109951,14 +109952,14 +109953,14 +109954,14 +109955,14 +109956,14 +109957,14 +109958,14 +109959,28 +109960,28 +109961,28 +109962,28 +109963,28 +109964,28 +109965,28 +109966,28 +109967,28 +109968,28 +109969,28 +109970,28 +109971,28 +109972,28 +109973,0 +109974,0 +109975,0 +109976,0 +109977,0 +109978,0 +109979,0 +109980,0 +109981,0 +109982,0 +109983,0 +109984,0 +109985,0 +109986,0 +109987,0 +109988,0 +109989,0 +109990,0 +109991,0 +109992,0 +109993,0 +109994,0 +109995,0 +109996,23 +109997,23 +109998,23 +109999,23 +110000,23 +110001,23 +110002,23 +110003,23 +110004,37 +110005,37 +110006,37 +110007,37 +110008,27 +110009,27 +110010,27 +110011,27 +110012,27 +110013,27 +110014,4 +110015,4 +110016,4 +110017,31 +110018,31 +110019,31 +110020,5 +110021,5 +110022,5 +110023,5 +110024,5 +110025,5 +110026,5 +110027,5 +110028,5 +110029,5 +110030,5 +110031,26 +110032,26 +110033,26 +110034,26 +110035,26 +110036,26 +110037,26 +110038,26 +110039,9 +110040,9 +110041,9 +110042,30 +110043,30 +110044,30 +110045,30 +110046,30 +110047,30 +110048,30 +110049,30 +110050,2 +110051,2 +110052,2 +110053,2 +110054,2 +110055,2 +110056,2 +110057,2 +110058,2 +110059,2 +110060,2 +110061,2 +110062,2 +110063,2 +110064,33 +110065,33 +110066,33 +110067,33 +110068,33 +110069,33 +110070,33 +110071,33 +110072,33 +110073,33 +110074,33 +110075,33 +110076,33 +110077,33 +110078,33 +110079,33 +110080,33 +110081,23 +110082,23 +110083,23 +110084,23 +110085,23 +110086,23 +110087,23 +110088,23 +110089,23 +110090,23 +110091,25 +110092,25 +110093,25 +110094,25 +110095,25 +110096,25 +110097,25 +110098,25 +110099,25 +110100,6 +110101,6 +110102,6 +110103,6 +110104,6 +110105,6 +110106,6 +110107,7 +110108,7 +110109,3 +110110,3 +110111,3 +110112,3 +110113,3 +110114,3 +110115,3 +110116,3 +110117,3 +110118,3 +110119,3 +110120,3 +110121,3 +110122,3 +110123,3 +110124,3 +110125,3 +110126,3 +110127,3 +110128,3 +110129,3 +110130,3 +110131,2 +110132,2 +110133,2 +110134,2 +110135,2 +110136,2 +110137,2 +110138,2 +110139,2 +110140,2 +110141,2 +110142,2 +110143,2 +110144,4 +110145,4 +110146,2 +110147,2 +110148,2 +110149,2 +110150,36 +110151,36 +110152,36 +110153,36 +110154,36 +110155,36 +110156,36 +110157,5 +110158,5 +110159,5 +110160,5 +110161,5 +110162,5 +110163,19 +110164,5 +110165,5 +110166,5 +110167,24 +110168,24 +110169,24 +110170,24 +110171,24 +110172,24 +110173,24 +110174,24 +110175,25 +110176,25 +110177,25 +110178,25 +110179,25 +110180,25 +110181,25 +110182,19 +110183,19 +110184,19 +110185,19 +110186,27 +110187,27 +110188,27 +110189,27 +110190,6 +110191,6 +110192,6 +110193,6 +110194,6 +110195,6 +110196,6 +110197,6 +110198,27 +110199,27 +110200,7 +110201,7 +110202,3 +110203,3 +110204,3 +110205,3 +110206,3 +110207,3 +110208,3 +110209,3 +110210,3 +110211,3 +110212,3 +110213,3 +110214,3 +110215,3 +110216,8 +110217,8 +110218,8 +110219,8 +110220,8 +110221,8 +110222,8 +110223,8 +110224,8 +110225,8 +110226,8 +110227,2 +110228,2 +110229,2 +110230,2 +110231,2 +110232,2 +110233,2 +110234,2 +110235,2 +110236,2 +110237,2 +110238,2 +110239,2 +110240,2 +110241,2 +110242,2 +110243,2 +110244,2 +110245,0 +110246,0 +110247,0 +110248,0 +110249,0 +110250,0 +110251,0 +110252,0 +110253,0 +110254,0 +110255,0 +110256,0 +110257,0 +110258,0 +110259,0 +110260,0 +110261,0 +110262,0 +110263,0 +110264,0 +110265,0 +110266,0 +110267,0 +110268,0 +110269,0 +110270,0 +110271,0 +110272,0 +110273,0 +110274,35 +110275,35 +110276,35 +110277,35 +110278,35 +110279,35 +110280,35 +110281,35 +110282,35 +110283,3 +110284,3 +110285,3 +110286,3 +110287,3 +110288,15 +110289,15 +110290,15 +110291,15 +110292,31 +110293,31 +110294,31 +110295,31 +110296,31 +110297,31 +110298,30 +110299,30 +110300,30 +110301,30 +110302,30 +110303,30 +110304,30 +110305,30 +110306,26 +110307,26 +110308,9 +110309,9 +110310,9 +110311,26 +110312,26 +110313,26 +110314,26 +110315,26 +110316,5 +110317,5 +110318,5 +110319,5 +110320,5 +110321,5 +110322,5 +110323,5 +110324,4 +110325,4 +110326,4 +110327,4 +110328,4 +110329,4 +110330,4 +110331,4 +110332,4 +110333,4 +110334,4 +110335,4 +110336,33 +110337,33 +110338,33 +110339,33 +110340,33 +110341,33 +110342,33 +110343,33 +110344,33 +110345,33 +110346,33 +110347,33 +110348,33 +110349,12 +110350,12 +110351,12 +110352,40 +110353,40 +110354,40 +110355,40 +110356,40 +110357,40 +110358,30 +110359,30 +110360,30 +110361,30 +110362,30 +110363,23 +110364,23 +110365,23 +110366,23 +110367,23 +110368,23 +110369,23 +110370,39 +110371,39 +110372,39 +110373,39 +110374,39 +110375,39 +110376,39 +110377,39 +110378,23 +110379,23 +110380,23 +110381,23 +110382,23 +110383,23 +110384,23 +110385,23 +110386,23 +110387,23 +110388,23 +110389,23 +110390,36 +110391,36 +110392,34 +110393,34 +110394,36 +110395,36 +110396,36 +110397,36 +110398,36 +110399,36 +110400,36 +110401,36 +110402,36 +110403,13 +110404,13 +110405,13 +110406,13 +110407,13 +110408,28 +110409,3 +110410,30 +110411,30 +110412,30 +110413,30 +110414,30 +110415,30 +110416,30 +110417,39 +110418,39 +110419,39 +110420,39 +110421,39 +110422,39 +110423,39 +110424,39 +110425,39 +110426,39 +110427,39 +110428,39 +110429,39 +110430,39 +110431,39 +110432,39 +110433,0 +110434,0 +110435,0 +110436,0 +110437,0 +110438,0 +110439,0 +110440,0 +110441,0 +110442,0 +110443,0 +110444,0 +110445,0 +110446,0 +110447,0 +110448,0 +110449,0 +110450,0 +110451,0 +110452,0 +110453,0 +110454,0 +110455,0 +110456,0 +110457,0 +110458,0 +110459,0 +110460,0 +110461,0 +110462,0 +110463,0 +110464,0 +110465,0 +110466,0 +110467,0 +110468,0 +110469,0 +110470,0 +110471,0 +110472,0 +110473,0 +110474,0 +110475,0 +110476,0 +110477,0 +110478,0 +110479,0 +110480,0 +110481,0 +110482,0 +110483,0 +110484,0 +110485,0 +110486,0 +110487,0 +110488,0 +110489,0 +110490,0 +110491,0 +110492,0 +110493,0 +110494,0 +110495,0 +110496,0 +110497,0 +110498,0 +110499,0 +110500,0 +110501,0 +110502,0 +110503,0 +110504,0 +110505,0 +110506,0 +110507,0 +110508,0 +110509,0 +110510,0 +110511,0 +110512,0 +110513,0 +110514,35 +110515,35 +110516,35 +110517,35 +110518,35 +110519,35 +110520,35 +110521,35 +110522,35 +110523,25 +110524,25 +110525,25 +110526,25 +110527,25 +110528,25 +110529,25 +110530,25 +110531,25 +110532,33 +110533,34 +110534,34 +110535,40 +110536,40 +110537,40 +110538,40 +110539,40 +110540,30 +110541,30 +110542,30 +110543,30 +110544,30 +110545,30 +110546,30 +110547,30 +110548,30 +110549,29 +110550,29 +110551,29 +110552,29 +110553,29 +110554,29 +110555,31 +110556,31 +110557,31 +110558,31 +110559,31 +110560,31 +110561,2 +110562,2 +110563,2 +110564,2 +110565,2 +110566,2 +110567,2 +110568,2 +110569,2 +110570,2 +110571,4 +110572,4 +110573,4 +110574,4 +110575,4 +110576,4 +110577,4 +110578,4 +110579,4 +110580,10 +110581,10 +110582,26 +110583,26 +110584,26 +110585,26 +110586,26 +110587,26 +110588,10 +110589,26 +110590,26 +110591,4 +110592,4 +110593,4 +110594,4 +110595,4 +110596,4 +110597,4 +110598,4 +110599,4 +110600,4 +110601,25 +110602,25 +110603,25 +110604,25 +110605,25 +110606,25 +110607,25 +110608,25 +110609,25 +110610,25 +110611,25 +110612,25 +110613,25 +110614,25 +110615,25 +110616,25 +110617,25 +110618,25 +110619,25 +110620,25 +110621,25 +110622,25 +110623,0 +110624,0 +110625,0 +110626,0 +110627,0 +110628,0 +110629,0 +110630,0 +110631,0 +110632,0 +110633,0 +110634,31 +110635,31 +110636,31 +110637,31 +110638,31 +110639,31 +110640,30 +110641,30 +110642,30 +110643,30 +110644,31 +110645,31 +110646,31 +110647,31 +110648,31 +110649,31 +110650,8 +110651,8 +110652,8 +110653,8 +110654,8 +110655,8 +110656,8 +110657,8 +110658,31 +110659,31 +110660,31 +110661,31 +110662,15 +110663,15 +110664,15 +110665,15 +110666,15 +110667,27 +110668,31 +110669,31 +110670,31 +110671,27 +110672,27 +110673,31 +110674,31 +110675,31 +110676,23 +110677,23 +110678,23 +110679,23 +110680,23 +110681,23 +110682,23 +110683,23 +110684,23 +110685,6 +110686,6 +110687,4 +110688,4 +110689,6 +110690,6 +110691,7 +110692,3 +110693,3 +110694,3 +110695,3 +110696,3 +110697,3 +110698,3 +110699,3 +110700,3 +110701,3 +110702,3 +110703,3 +110704,3 +110705,3 +110706,3 +110707,3 +110708,3 +110709,3 +110710,2 +110711,2 +110712,2 +110713,2 +110714,2 +110715,2 +110716,2 +110717,2 +110718,2 +110719,2 +110720,2 +110721,2 +110722,2 +110723,2 +110724,2 +110725,2 +110726,2 +110727,2 +110728,2 +110729,2 +110730,2 +110731,2 +110732,2 +110733,2 +110734,8 +110735,8 +110736,8 +110737,8 +110738,8 +110739,9 +110740,9 +110741,9 +110742,26 +110743,9 +110744,9 +110745,9 +110746,9 +110747,9 +110748,37 +110749,37 +110750,37 +110751,37 +110752,37 +110753,37 +110754,37 +110755,37 +110756,25 +110757,23 +110758,23 +110759,23 +110760,23 +110761,23 +110762,23 +110763,23 +110764,24 +110765,24 +110766,24 +110767,23 +110768,25 +110769,25 +110770,25 +110771,25 +110772,25 +110773,25 +110774,25 +110775,25 +110776,25 +110777,25 +110778,19 +110779,19 +110780,21 +110781,21 +110782,21 +110783,21 +110784,21 +110785,21 +110786,21 +110787,21 +110788,21 +110789,21 +110790,21 +110791,4 +110792,32 +110793,32 +110794,27 +110795,27 +110796,27 +110797,27 +110798,3 +110799,3 +110800,3 +110801,3 +110802,3 +110803,3 +110804,3 +110805,3 +110806,3 +110807,3 +110808,3 +110809,3 +110810,3 +110811,3 +110812,3 +110813,2 +110814,2 +110815,2 +110816,2 +110817,2 +110818,2 +110819,8 +110820,8 +110821,8 +110822,2 +110823,2 +110824,2 +110825,2 +110826,2 +110827,2 +110828,2 +110829,2 +110830,2 +110831,2 +110832,2 +110833,2 +110834,2 +110835,2 +110836,2 +110837,2 +110838,2 +110839,0 +110840,0 +110841,0 +110842,0 +110843,0 +110844,0 +110845,0 +110846,0 +110847,0 +110848,0 +110849,0 +110850,0 +110851,0 +110852,0 +110853,0 +110854,0 +110855,0 +110856,0 +110857,0 +110858,0 +110859,0 +110860,0 +110861,0 +110862,0 +110863,0 +110864,0 +110865,0 +110866,0 +110867,0 +110868,0 +110869,0 +110870,0 +110871,0 +110872,0 +110873,35 +110874,35 +110875,35 +110876,35 +110877,35 +110878,35 +110879,35 +110880,35 +110881,35 +110882,35 +110883,35 +110884,39 +110885,39 +110886,39 +110887,39 +110888,39 +110889,39 +110890,28 +110891,28 +110892,28 +110893,28 +110894,28 +110895,28 +110896,28 +110897,28 +110898,28 +110899,28 +110900,28 +110901,28 +110902,26 +110903,31 +110904,26 +110905,26 +110906,26 +110907,26 +110908,26 +110909,26 +110910,26 +110911,26 +110912,31 +110913,31 +110914,2 +110915,2 +110916,2 +110917,2 +110918,2 +110919,2 +110920,2 +110921,2 +110922,2 +110923,2 +110924,2 +110925,2 +110926,4 +110927,6 +110928,6 +110929,6 +110930,6 +110931,6 +110932,23 +110933,23 +110934,23 +110935,23 +110936,6 +110937,23 +110938,23 +110939,23 +110940,36 +110941,36 +110942,36 +110943,36 +110944,36 +110945,36 +110946,36 +110947,36 +110948,36 +110949,36 +110950,5 +110951,5 +110952,5 +110953,5 +110954,5 +110955,5 +110956,27 +110957,27 +110958,27 +110959,27 +110960,27 +110961,27 +110962,11 +110963,11 +110964,11 +110965,11 +110966,11 +110967,11 +110968,11 +110969,11 +110970,11 +110971,11 +110972,11 +110973,31 +110974,31 +110975,31 +110976,31 +110977,31 +110978,31 +110979,33 +110980,33 +110981,33 +110982,33 +110983,33 +110984,34 +110985,34 +110986,34 +110987,34 +110988,34 +110989,34 +110990,4 +110991,4 +110992,4 +110993,4 +110994,4 +110995,4 +110996,4 +110997,4 +110998,31 +110999,31 +111000,31 +111001,31 +111002,31 +111003,29 +111004,29 +111005,29 +111006,29 +111007,29 +111008,31 +111009,31 +111010,31 +111011,31 +111012,12 +111013,12 +111014,12 +111015,12 +111016,12 +111017,12 +111018,12 +111019,12 +111020,12 +111021,9 +111022,9 +111023,9 +111024,9 +111025,9 +111026,9 +111027,9 +111028,9 +111029,37 +111030,37 +111031,33 +111032,33 +111033,33 +111034,33 +111035,33 +111036,9 +111037,9 +111038,9 +111039,9 +111040,33 +111041,33 +111042,33 +111043,9 +111044,9 +111045,33 +111046,33 +111047,33 +111048,19 +111049,19 +111050,19 +111051,19 +111052,19 +111053,19 +111054,19 +111055,19 +111056,19 +111057,19 +111058,19 +111059,19 +111060,19 +111061,19 +111062,19 +111063,19 +111064,19 +111065,0 +111066,0 +111067,0 +111068,0 +111069,0 +111070,0 +111071,0 +111072,0 +111073,0 +111074,0 +111075,0 +111076,0 +111077,0 +111078,0 +111079,0 +111080,0 +111081,0 +111082,0 +111083,0 +111084,0 +111085,0 +111086,0 +111087,0 +111088,0 +111089,0 +111090,0 +111091,0 +111092,0 +111093,0 +111094,0 +111095,0 +111096,0 +111097,0 +111098,0 +111099,0 +111100,0 +111101,0 +111102,0 +111103,0 +111104,0 +111105,0 +111106,0 +111107,0 +111108,0 +111109,0 +111110,0 +111111,0 +111112,0 +111113,0 +111114,0 +111115,0 +111116,0 +111117,0 +111118,0 +111119,0 +111120,0 +111121,0 +111122,0 +111123,0 +111124,0 +111125,0 +111126,0 +111127,0 +111128,0 +111129,0 +111130,0 +111131,0 +111132,0 +111133,0 +111134,0 +111135,0 +111136,0 +111137,0 +111138,0 +111139,0 +111140,0 +111141,0 +111142,0 +111143,36 +111144,36 +111145,36 +111146,36 +111147,36 +111148,36 +111149,36 +111150,19 +111151,19 +111152,5 +111153,5 +111154,5 +111155,5 +111156,5 +111157,5 +111158,29 +111159,29 +111160,29 +111161,29 +111162,40 +111163,40 +111164,40 +111165,40 +111166,40 +111167,40 +111168,40 +111169,40 +111170,40 +111171,37 +111172,37 +111173,37 +111174,37 +111175,37 +111176,37 +111177,37 +111178,30 +111179,30 +111180,30 +111181,30 +111182,30 +111183,30 +111184,30 +111185,39 +111186,39 +111187,14 +111188,14 +111189,14 +111190,14 +111191,14 +111192,14 +111193,4 +111194,4 +111195,4 +111196,4 +111197,4 +111198,4 +111199,4 +111200,4 +111201,4 +111202,4 +111203,4 +111204,4 +111205,9 +111206,9 +111207,9 +111208,9 +111209,9 +111210,9 +111211,9 +111212,30 +111213,30 +111214,30 +111215,30 +111216,30 +111217,30 +111218,30 +111219,30 +111220,30 +111221,30 +111222,30 +111223,19 +111224,19 +111225,19 +111226,28 +111227,28 +111228,28 +111229,28 +111230,28 +111231,28 +111232,28 +111233,39 +111234,39 +111235,39 +111236,39 +111237,39 +111238,39 +111239,39 +111240,39 +111241,39 +111242,39 +111243,24 +111244,24 +111245,24 +111246,24 +111247,29 +111248,29 +111249,14 +111250,14 +111251,14 +111252,14 +111253,14 +111254,14 +111255,14 +111256,14 +111257,14 +111258,36 +111259,36 +111260,36 +111261,36 +111262,36 +111263,36 +111264,36 +111265,36 +111266,36 +111267,36 +111268,19 +111269,19 +111270,19 +111271,19 +111272,19 +111273,19 +111274,19 +111275,19 +111276,15 +111277,19 +111278,40 +111279,40 +111280,40 +111281,40 +111282,40 +111283,40 +111284,40 +111285,40 +111286,40 +111287,40 +111288,37 +111289,37 +111290,37 +111291,37 +111292,37 +111293,37 +111294,37 +111295,37 +111296,37 +111297,39 +111298,39 +111299,39 +111300,39 +111301,39 +111302,39 +111303,19 +111304,19 +111305,19 +111306,27 +111307,27 +111308,27 +111309,27 +111310,27 +111311,27 +111312,27 +111313,27 +111314,27 +111315,27 +111316,4 +111317,4 +111318,4 +111319,4 +111320,4 +111321,4 +111322,4 +111323,4 +111324,4 +111325,4 +111326,4 +111327,4 +111328,23 +111329,23 +111330,23 +111331,23 +111332,23 +111333,0 +111334,0 +111335,0 +111336,0 +111337,0 +111338,0 +111339,0 +111340,0 +111341,0 +111342,0 +111343,0 +111344,0 +111345,0 +111346,0 +111347,0 +111348,0 +111349,0 +111350,0 +111351,0 +111352,0 +111353,0 +111354,0 +111355,0 +111356,0 +111357,0 +111358,0 +111359,0 +111360,0 +111361,0 +111362,0 +111363,2 +111364,2 +111365,0 +111366,0 +111367,0 +111368,0 +111369,0 +111370,0 +111371,0 +111372,0 +111373,0 +111374,0 +111375,0 +111376,0 +111377,0 +111378,0 +111379,0 +111380,0 +111381,0 +111382,0 +111383,0 +111384,0 +111385,0 +111386,0 +111387,0 +111388,0 +111389,0 +111390,0 +111391,0 +111392,0 +111393,2 +111394,2 +111395,2 +111396,2 +111397,2 +111398,2 +111399,2 +111400,2 +111401,2 +111402,2 +111403,2 +111404,2 +111405,2 +111406,2 +111407,2 +111408,2 +111409,2 +111410,2 +111411,3 +111412,3 +111413,3 +111414,3 +111415,3 +111416,3 +111417,3 +111418,3 +111419,3 +111420,3 +111421,3 +111422,3 +111423,3 +111424,3 +111425,3 +111426,3 +111427,3 +111428,3 +111429,3 +111430,3 +111431,3 +111432,28 +111433,28 +111434,5 +111435,5 +111436,5 +111437,5 +111438,5 +111439,5 +111440,12 +111441,12 +111442,12 +111443,12 +111444,12 +111445,12 +111446,12 +111447,12 +111448,39 +111449,39 +111450,39 +111451,39 +111452,39 +111453,39 +111454,39 +111455,35 +111456,35 +111457,35 +111458,35 +111459,14 +111460,14 +111461,14 +111462,14 +111463,14 +111464,14 +111465,14 +111466,14 +111467,14 +111468,6 +111469,6 +111470,6 +111471,6 +111472,6 +111473,6 +111474,6 +111475,6 +111476,6 +111477,6 +111478,6 +111479,6 +111480,6 +111481,6 +111482,6 +111483,30 +111484,30 +111485,30 +111486,30 +111487,30 +111488,30 +111489,30 +111490,30 +111491,14 +111492,27 +111493,27 +111494,27 +111495,27 +111496,27 +111497,27 +111498,27 +111499,27 +111500,27 +111501,27 +111502,27 +111503,27 +111504,27 +111505,27 +111506,27 +111507,27 +111508,27 +111509,19 +111510,19 +111511,19 +111512,19 +111513,19 +111514,19 +111515,29 +111516,29 +111517,29 +111518,39 +111519,39 +111520,14 +111521,39 +111522,39 +111523,39 +111524,39 +111525,39 +111526,39 +111527,39 +111528,39 +111529,39 +111530,36 +111531,36 +111532,36 +111533,36 +111534,36 +111535,40 +111536,40 +111537,40 +111538,40 +111539,40 +111540,40 +111541,5 +111542,5 +111543,5 +111544,5 +111545,5 +111546,4 +111547,4 +111548,4 +111549,4 +111550,4 +111551,4 +111552,4 +111553,4 +111554,26 +111555,26 +111556,26 +111557,26 +111558,26 +111559,26 +111560,26 +111561,26 +111562,26 +111563,26 +111564,26 +111565,26 +111566,6 +111567,6 +111568,6 +111569,6 +111570,6 +111571,6 +111572,6 +111573,6 +111574,6 +111575,4 +111576,4 +111577,4 +111578,27 +111579,27 +111580,27 +111581,27 +111582,27 +111583,6 +111584,6 +111585,6 +111586,6 +111587,6 +111588,6 +111589,6 +111590,6 +111591,2 +111592,2 +111593,2 +111594,2 +111595,2 +111596,2 +111597,2 +111598,2 +111599,2 +111600,2 +111601,2 +111602,2 +111603,2 +111604,25 +111605,25 +111606,25 +111607,25 +111608,25 +111609,25 +111610,25 +111611,25 +111612,25 +111613,6 +111614,6 +111615,6 +111616,6 +111617,6 +111618,6 +111619,6 +111620,31 +111621,31 +111622,31 +111623,31 +111624,31 +111625,31 +111626,31 +111627,30 +111628,30 +111629,30 +111630,30 +111631,30 +111632,30 +111633,30 +111634,30 +111635,30 +111636,30 +111637,0 +111638,30 +111639,0 +111640,0 +111641,0 +111642,0 +111643,0 +111644,0 +111645,0 +111646,0 +111647,0 +111648,0 +111649,0 +111650,0 +111651,32 +111652,32 +111653,32 +111654,30 +111655,30 +111656,30 +111657,31 +111658,31 +111659,31 +111660,31 +111661,31 +111662,31 +111663,31 +111664,2 +111665,2 +111666,2 +111667,2 +111668,2 +111669,2 +111670,2 +111671,2 +111672,2 +111673,2 +111674,29 +111675,29 +111676,29 +111677,29 +111678,29 +111679,31 +111680,31 +111681,31 +111682,31 +111683,31 +111684,32 +111685,32 +111686,32 +111687,32 +111688,32 +111689,32 +111690,32 +111691,32 +111692,32 +111693,37 +111694,37 +111695,37 +111696,37 +111697,37 +111698,26 +111699,26 +111700,26 +111701,26 +111702,26 +111703,26 +111704,26 +111705,26 +111706,28 +111707,28 +111708,28 +111709,28 +111710,31 +111711,31 +111712,31 +111713,31 +111714,5 +111715,5 +111716,5 +111717,5 +111718,5 +111719,5 +111720,5 +111721,4 +111722,4 +111723,4 +111724,4 +111725,4 +111726,4 +111727,4 +111728,37 +111729,37 +111730,37 +111731,37 +111732,37 +111733,37 +111734,37 +111735,12 +111736,12 +111737,37 +111738,37 +111739,37 +111740,37 +111741,37 +111742,25 +111743,37 +111744,37 +111745,37 +111746,37 +111747,37 +111748,37 +111749,39 +111750,39 +111751,39 +111752,27 +111753,27 +111754,27 +111755,23 +111756,23 +111757,23 +111758,24 +111759,24 +111760,24 +111761,24 +111762,24 +111763,6 +111764,6 +111765,6 +111766,6 +111767,6 +111768,6 +111769,6 +111770,6 +111771,6 +111772,6 +111773,14 +111774,14 +111775,14 +111776,14 +111777,14 +111778,14 +111779,14 +111780,14 +111781,14 +111782,14 +111783,14 +111784,32 +111785,32 +111786,32 +111787,32 +111788,32 +111789,32 +111790,32 +111791,32 +111792,32 +111793,32 +111794,32 +111795,32 +111796,32 +111797,32 +111798,32 +111799,32 +111800,33 +111801,33 +111802,33 +111803,33 +111804,33 +111805,33 +111806,33 +111807,9 +111808,9 +111809,9 +111810,9 +111811,9 +111812,9 +111813,9 +111814,9 +111815,9 +111816,37 +111817,37 +111818,37 +111819,37 +111820,37 +111821,37 +111822,37 +111823,37 +111824,37 +111825,37 +111826,37 +111827,37 +111828,5 +111829,5 +111830,37 +111831,37 +111832,37 +111833,37 +111834,37 +111835,37 +111836,37 +111837,5 +111838,5 +111839,5 +111840,0 +111841,0 +111842,0 +111843,0 +111844,0 +111845,0 +111846,0 +111847,0 +111848,0 +111849,0 +111850,0 +111851,0 +111852,0 +111853,0 +111854,0 +111855,0 +111856,0 +111857,0 +111858,0 +111859,0 +111860,0 +111861,0 +111862,0 +111863,0 +111864,0 +111865,0 +111866,0 +111867,0 +111868,0 +111869,0 +111870,0 +111871,0 +111872,0 +111873,0 +111874,0 +111875,0 +111876,0 +111877,0 +111878,0 +111879,0 +111880,0 +111881,0 +111882,0 +111883,0 +111884,0 +111885,0 +111886,0 +111887,0 +111888,0 +111889,15 +111890,15 +111891,15 +111892,31 +111893,31 +111894,31 +111895,31 +111896,31 +111897,4 +111898,4 +111899,4 +111900,4 +111901,4 +111902,4 +111903,4 +111904,29 +111905,29 +111906,29 +111907,32 +111908,32 +111909,36 +111910,40 +111911,40 +111912,40 +111913,40 +111914,4 +111915,4 +111916,4 +111917,4 +111918,25 +111919,25 +111920,25 +111921,25 +111922,25 +111923,25 +111924,25 +111925,25 +111926,25 +111927,25 +111928,23 +111929,23 +111930,23 +111931,23 +111932,23 +111933,23 +111934,23 +111935,23 +111936,23 +111937,23 +111938,23 +111939,3 +111940,3 +111941,3 +111942,3 +111943,3 +111944,3 +111945,3 +111946,3 +111947,3 +111948,3 +111949,3 +111950,3 +111951,3 +111952,3 +111953,3 +111954,3 +111955,3 +111956,3 +111957,3 +111958,3 +111959,3 +111960,31 +111961,3 +111962,8 +111963,8 +111964,8 +111965,8 +111966,8 +111967,8 +111968,8 +111969,8 +111970,8 +111971,31 +111972,31 +111973,31 +111974,31 +111975,31 +111976,31 +111977,31 +111978,31 +111979,31 +111980,31 +111981,32 +111982,32 +111983,32 +111984,32 +111985,32 +111986,32 +111987,32 +111988,32 +111989,32 +111990,4 +111991,4 +111992,4 +111993,4 +111994,4 +111995,4 +111996,4 +111997,4 +111998,36 +111999,14 +112000,36 +112001,14 +112002,14 +112003,14 +112004,36 +112005,5 +112006,5 +112007,5 +112008,5 +112009,5 +112010,5 +112011,31 +112012,31 +112013,31 +112014,31 +112015,31 +112016,31 +112017,15 +112018,15 +112019,15 +112020,15 +112021,15 +112022,31 +112023,31 +112024,22 +112025,9 +112026,22 +112027,22 +112028,30 +112029,30 +112030,30 +112031,30 +112032,30 +112033,30 +112034,30 +112035,30 +112036,30 +112037,30 +112038,30 +112039,30 +112040,30 +112041,30 +112042,30 +112043,30 +112044,30 +112045,30 +112046,30 +112047,30 +112048,30 +112049,30 +112050,0 +112051,0 +112052,0 +112053,0 +112054,0 +112055,0 +112056,0 +112057,0 +112058,0 +112059,0 +112060,0 +112061,0 +112062,0 +112063,0 +112064,0 +112065,0 +112066,0 +112067,0 +112068,36 +112069,36 +112070,36 +112071,36 +112072,36 +112073,36 +112074,36 +112075,36 +112076,36 +112077,5 +112078,5 +112079,5 +112080,19 +112081,19 +112082,19 +112083,19 +112084,5 +112085,29 +112086,29 +112087,31 +112088,31 +112089,31 +112090,31 +112091,31 +112092,31 +112093,21 +112094,21 +112095,21 +112096,21 +112097,21 +112098,21 +112099,21 +112100,21 +112101,21 +112102,21 +112103,21 +112104,21 +112105,33 +112106,33 +112107,33 +112108,33 +112109,30 +112110,30 +112111,30 +112112,30 +112113,30 +112114,30 +112115,30 +112116,30 +112117,30 +112118,30 +112119,30 +112120,30 +112121,30 +112122,30 +112123,30 +112124,30 +112125,30 +112126,30 +112127,30 +112128,30 +112129,30 +112130,30 +112131,30 +112132,12 +112133,12 +112134,12 +112135,12 +112136,12 +112137,12 +112138,31 +112139,31 +112140,31 +112141,31 +112142,8 +112143,8 +112144,8 +112145,8 +112146,8 +112147,8 +112148,8 +112149,8 +112150,8 +112151,28 +112152,5 +112153,5 +112154,5 +112155,5 +112156,5 +112157,5 +112158,27 +112159,27 +112160,27 +112161,27 +112162,27 +112163,27 +112164,37 +112165,37 +112166,37 +112167,37 +112168,37 +112169,37 +112170,37 +112171,37 +112172,37 +112173,40 +112174,40 +112175,40 +112176,40 +112177,19 +112178,19 +112179,19 +112180,35 +112181,35 +112182,35 +112183,35 +112184,35 +112185,35 +112186,35 +112187,35 +112188,35 +112189,35 +112190,36 +112191,36 +112192,36 +112193,36 +112194,36 +112195,36 +112196,36 +112197,36 +112198,36 +112199,36 +112200,36 +112201,36 +112202,36 +112203,36 +112204,36 +112205,36 +112206,36 +112207,36 +112208,36 +112209,36 +112210,36 +112211,27 +112212,27 +112213,27 +112214,27 +112215,27 +112216,27 +112217,5 +112218,5 +112219,5 +112220,5 +112221,5 +112222,5 +112223,5 +112224,5 +112225,19 +112226,5 +112227,19 +112228,19 +112229,0 +112230,0 +112231,0 +112232,0 +112233,0 +112234,0 +112235,0 +112236,0 +112237,0 +112238,0 +112239,0 +112240,0 +112241,0 +112242,0 +112243,0 +112244,0 +112245,0 +112246,0 +112247,0 +112248,0 +112249,0 +112250,0 +112251,0 +112252,0 +112253,0 +112254,0 +112255,0 +112256,0 +112257,0 +112258,0 +112259,0 +112260,0 +112261,0 +112262,0 +112263,0 +112264,0 +112265,0 +112266,0 +112267,27 +112268,27 +112269,27 +112270,27 +112271,27 +112272,27 +112273,4 +112274,4 +112275,4 +112276,4 +112277,4 +112278,4 +112279,4 +112280,12 +112281,12 +112282,12 +112283,12 +112284,12 +112285,12 +112286,31 +112287,31 +112288,31 +112289,31 +112290,8 +112291,8 +112292,8 +112293,8 +112294,8 +112295,31 +112296,31 +112297,31 +112298,31 +112299,31 +112300,31 +112301,31 +112302,31 +112303,32 +112304,32 +112305,32 +112306,32 +112307,32 +112308,32 +112309,32 +112310,32 +112311,32 +112312,32 +112313,32 +112314,32 +112315,32 +112316,32 +112317,32 +112318,32 +112319,32 +112320,32 +112321,26 +112322,26 +112323,26 +112324,26 +112325,26 +112326,26 +112327,26 +112328,26 +112329,26 +112330,26 +112331,26 +112332,26 +112333,26 +112334,26 +112335,26 +112336,8 +112337,8 +112338,8 +112339,8 +112340,8 +112341,8 +112342,2 +112343,2 +112344,2 +112345,2 +112346,27 +112347,31 +112348,31 +112349,31 +112350,31 +112351,31 +112352,31 +112353,31 +112354,31 +112355,5 +112356,5 +112357,5 +112358,31 +112359,19 +112360,19 +112361,19 +112362,19 +112363,19 +112364,19 +112365,29 +112366,29 +112367,29 +112368,0 +112369,0 +112370,0 +112371,0 +112372,0 +112373,0 +112374,32 +112375,32 +112376,32 +112377,32 +112378,32 +112379,32 +112380,32 +112381,32 +112382,30 +112383,30 +112384,30 +112385,30 +112386,14 +112387,30 +112388,40 +112389,40 +112390,40 +112391,40 +112392,40 +112393,40 +112394,20 +112395,20 +112396,20 +112397,20 +112398,20 +112399,20 +112400,20 +112401,20 +112402,20 +112403,20 +112404,20 +112405,20 +112406,20 +112407,20 +112408,20 +112409,25 +112410,25 +112411,25 +112412,25 +112413,25 +112414,25 +112415,25 +112416,25 +112417,25 +112418,25 +112419,25 +112420,25 +112421,0 +112422,0 +112423,0 +112424,0 +112425,0 +112426,0 +112427,6 +112428,6 +112429,4 +112430,4 +112431,4 +112432,4 +112433,40 +112434,40 +112435,40 +112436,40 +112437,40 +112438,37 +112439,37 +112440,37 +112441,37 +112442,37 +112443,37 +112444,37 +112445,23 +112446,23 +112447,23 +112448,23 +112449,23 +112450,23 +112451,23 +112452,23 +112453,23 +112454,23 +112455,23 +112456,23 +112457,9 +112458,9 +112459,9 +112460,9 +112461,9 +112462,9 +112463,9 +112464,9 +112465,9 +112466,37 +112467,37 +112468,37 +112469,37 +112470,37 +112471,37 +112472,37 +112473,37 +112474,4 +112475,4 +112476,4 +112477,4 +112478,4 +112479,4 +112480,4 +112481,4 +112482,4 +112483,4 +112484,4 +112485,27 +112486,27 +112487,27 +112488,31 +112489,31 +112490,31 +112491,32 +112492,32 +112493,32 +112494,32 +112495,32 +112496,32 +112497,32 +112498,32 +112499,32 +112500,32 +112501,32 +112502,32 +112503,32 +112504,36 +112505,36 +112506,36 +112507,36 +112508,36 +112509,36 +112510,36 +112511,35 +112512,35 +112513,34 +112514,36 +112515,36 +112516,34 +112517,34 +112518,34 +112519,34 +112520,34 +112521,36 +112522,2 +112523,2 +112524,2 +112525,2 +112526,2 +112527,2 +112528,2 +112529,2 +112530,2 +112531,2 +112532,9 +112533,9 +112534,9 +112535,9 +112536,9 +112537,9 +112538,9 +112539,9 +112540,9 +112541,9 +112542,9 +112543,37 +112544,37 +112545,37 +112546,37 +112547,37 +112548,37 +112549,37 +112550,37 +112551,37 +112552,37 +112553,37 +112554,37 +112555,29 +112556,29 +112557,29 +112558,29 +112559,31 +112560,31 +112561,31 +112562,31 +112563,28 +112564,28 +112565,28 +112566,28 +112567,28 +112568,28 +112569,28 +112570,28 +112571,28 +112572,28 +112573,26 +112574,28 +112575,10 +112576,10 +112577,10 +112578,10 +112579,10 +112580,10 +112581,10 +112582,10 +112583,10 +112584,10 +112585,10 +112586,10 +112587,10 +112588,34 +112589,34 +112590,34 +112591,34 +112592,34 +112593,34 +112594,34 +112595,34 +112596,34 +112597,34 +112598,34 +112599,34 +112600,34 +112601,34 +112602,34 +112603,2 +112604,2 +112605,2 +112606,2 +112607,2 +112608,2 +112609,2 +112610,2 +112611,2 +112612,2 +112613,2 +112614,2 +112615,12 +112616,12 +112617,12 +112618,12 +112619,12 +112620,12 +112621,12 +112622,12 +112623,12 +112624,12 +112625,12 +112626,12 +112627,12 +112628,12 +112629,12 +112630,12 +112631,12 +112632,12 +112633,12 +112634,12 +112635,31 +112636,31 +112637,31 +112638,31 +112639,31 +112640,5 +112641,5 +112642,5 +112643,5 +112644,5 +112645,5 +112646,5 +112647,5 +112648,5 +112649,5 +112650,15 +112651,15 +112652,15 +112653,15 +112654,30 +112655,30 +112656,30 +112657,30 +112658,30 +112659,14 +112660,14 +112661,14 +112662,14 +112663,14 +112664,14 +112665,14 +112666,14 +112667,14 +112668,14 +112669,14 +112670,14 +112671,12 +112672,12 +112673,12 +112674,12 +112675,12 +112676,12 +112677,12 +112678,12 +112679,12 +112680,12 +112681,12 +112682,12 +112683,12 +112684,12 +112685,10 +112686,10 +112687,10 +112688,31 +112689,31 +112690,31 +112691,31 +112692,31 +112693,9 +112694,26 +112695,5 +112696,5 +112697,5 +112698,5 +112699,5 +112700,5 +112701,5 +112702,5 +112703,5 +112704,5 +112705,5 +112706,5 +112707,0 +112708,0 +112709,0 +112710,0 +112711,0 +112712,0 +112713,0 +112714,0 +112715,0 +112716,0 +112717,0 +112718,0 +112719,0 +112720,0 +112721,0 +112722,0 +112723,0 +112724,0 +112725,0 +112726,0 +112727,0 +112728,0 +112729,0 +112730,0 +112731,0 +112732,0 +112733,0 +112734,0 +112735,0 +112736,0 +112737,0 +112738,0 +112739,0 +112740,0 +112741,40 +112742,40 +112743,40 +112744,40 +112745,40 +112746,40 +112747,40 +112748,40 +112749,40 +112750,37 +112751,37 +112752,37 +112753,37 +112754,27 +112755,37 +112756,37 +112757,37 +112758,37 +112759,37 +112760,37 +112761,37 +112762,37 +112763,37 +112764,37 +112765,37 +112766,37 +112767,12 +112768,12 +112769,12 +112770,12 +112771,12 +112772,12 +112773,12 +112774,12 +112775,12 +112776,12 +112777,14 +112778,14 +112779,14 +112780,14 +112781,14 +112782,14 +112783,14 +112784,17 +112785,14 +112786,14 +112787,14 +112788,14 +112789,15 +112790,15 +112791,15 +112792,15 +112793,15 +112794,15 +112795,15 +112796,31 +112797,31 +112798,31 +112799,31 +112800,31 +112801,31 +112802,15 +112803,15 +112804,29 +112805,29 +112806,29 +112807,29 +112808,29 +112809,29 +112810,31 +112811,31 +112812,31 +112813,31 +112814,31 +112815,31 +112816,37 +112817,37 +112818,37 +112819,37 +112820,37 +112821,37 +112822,37 +112823,37 +112824,37 +112825,37 +112826,37 +112827,37 +112828,37 +112829,10 +112830,10 +112831,10 +112832,10 +112833,10 +112834,10 +112835,10 +112836,10 +112837,10 +112838,10 +112839,10 +112840,10 +112841,4 +112842,4 +112843,4 +112844,4 +112845,4 +112846,33 +112847,12 +112848,12 +112849,33 +112850,12 +112851,12 +112852,33 +112853,12 +112854,12 +112855,12 +112856,12 +112857,30 +112858,30 +112859,14 +112860,14 +112861,14 +112862,14 +112863,14 +112864,14 +112865,14 +112866,14 +112867,14 +112868,14 +112869,14 +112870,14 +112871,14 +112872,14 +112873,14 +112874,14 +112875,14 +112876,14 +112877,14 +112878,0 +112879,0 +112880,0 +112881,0 +112882,0 +112883,0 +112884,0 +112885,0 +112886,0 +112887,0 +112888,0 +112889,0 +112890,0 +112891,0 +112892,0 +112893,0 +112894,0 +112895,0 +112896,0 +112897,0 +112898,0 +112899,0 +112900,0 +112901,0 +112902,0 +112903,0 +112904,0 +112905,0 +112906,0 +112907,0 +112908,0 +112909,0 +112910,0 +112911,0 +112912,0 +112913,0 +112914,0 +112915,0 +112916,0 +112917,0 +112918,0 +112919,0 +112920,0 +112921,0 +112922,0 +112923,0 +112924,0 +112925,0 +112926,0 +112927,0 +112928,0 +112929,0 +112930,0 +112931,0 +112932,0 +112933,0 +112934,0 +112935,0 +112936,0 +112937,0 +112938,0 +112939,0 +112940,0 +112941,0 +112942,0 +112943,0 +112944,0 +112945,0 +112946,0 +112947,0 +112948,0 +112949,0 +112950,0 +112951,0 +112952,0 +112953,0 +112954,5 +112955,5 +112956,5 +112957,5 +112958,5 +112959,31 +112960,31 +112961,31 +112962,31 +112963,31 +112964,31 +112965,31 +112966,31 +112967,6 +112968,31 +112969,31 +112970,6 +112971,6 +112972,6 +112973,6 +112974,6 +112975,36 +112976,21 +112977,36 +112978,36 +112979,36 +112980,40 +112981,40 +112982,40 +112983,40 +112984,32 +112985,32 +112986,4 +112987,4 +112988,4 +112989,30 +112990,30 +112991,30 +112992,33 +112993,33 +112994,30 +112995,33 +112996,33 +112997,33 +112998,33 +112999,33 +113000,33 +113001,33 +113002,33 +113003,24 +113004,24 +113005,24 +113006,24 +113007,24 +113008,24 +113009,37 +113010,37 +113011,37 +113012,37 +113013,37 +113014,27 +113015,27 +113016,37 +113017,37 +113018,27 +113019,27 +113020,37 +113021,37 +113022,37 +113023,37 +113024,37 +113025,37 +113026,37 +113027,37 +113028,35 +113029,35 +113030,35 +113031,35 +113032,35 +113033,35 +113034,35 +113035,35 +113036,35 +113037,35 +113038,35 +113039,36 +113040,36 +113041,36 +113042,40 +113043,40 +113044,40 +113045,40 +113046,36 +113047,36 +113048,36 +113049,36 +113050,40 +113051,40 +113052,40 +113053,40 +113054,40 +113055,40 +113056,40 +113057,40 +113058,40 +113059,40 +113060,40 +113061,40 +113062,40 +113063,40 +113064,40 +113065,19 +113066,19 +113067,19 +113068,19 +113069,19 +113070,19 +113071,19 +113072,19 +113073,19 +113074,19 +113075,19 +113076,6 +113077,6 +113078,6 +113079,6 +113080,6 +113081,6 +113082,6 +113083,6 +113084,6 +113085,6 +113086,37 +113087,37 +113088,37 +113089,37 +113090,37 +113091,37 +113092,37 +113093,37 +113094,36 +113095,36 +113096,36 +113097,36 +113098,36 +113099,36 +113100,36 +113101,36 +113102,36 +113103,36 +113104,29 +113105,29 +113106,29 +113107,29 +113108,29 +113109,19 +113110,19 +113111,19 +113112,29 +113113,29 +113114,31 +113115,31 +113116,31 +113117,31 +113118,24 +113119,24 +113120,24 +113121,24 +113122,24 +113123,24 +113124,24 +113125,24 +113126,24 +113127,17 +113128,17 +113129,17 +113130,17 +113131,17 +113132,17 +113133,17 +113134,17 +113135,17 +113136,17 +113137,17 +113138,17 +113139,17 +113140,17 +113141,17 +113142,17 +113143,17 +113144,17 +113145,17 +113146,17 +113147,17 +113148,17 +113149,17 +113150,17 +113151,17 +113152,2 +113153,2 +113154,2 +113155,2 +113156,2 +113157,2 +113158,8 +113159,8 +113160,8 +113161,8 +113162,8 +113163,8 +113164,8 +113165,8 +113166,8 +113167,8 +113168,8 +113169,31 +113170,37 +113171,37 +113172,31 +113173,31 +113174,31 +113175,31 +113176,31 +113177,31 +113178,31 +113179,31 +113180,31 +113181,31 +113182,31 +113183,31 +113184,21 +113185,21 +113186,21 +113187,21 +113188,21 +113189,21 +113190,25 +113191,31 +113192,31 +113193,31 +113194,37 +113195,25 +113196,25 +113197,25 +113198,25 +113199,25 +113200,25 +113201,25 +113202,25 +113203,25 +113204,33 +113205,30 +113206,30 +113207,33 +113208,33 +113209,25 +113210,25 +113211,37 +113212,37 +113213,0 +113214,0 +113215,0 +113216,35 +113217,35 +113218,35 +113219,32 +113220,32 +113221,32 +113222,26 +113223,26 +113224,34 +113225,34 +113226,34 +113227,34 +113228,25 +113229,25 +113230,25 +113231,25 +113232,25 +113233,25 +113234,37 +113235,37 +113236,37 +113237,25 +113238,25 +113239,25 +113240,25 +113241,11 +113242,11 +113243,11 +113244,11 +113245,11 +113246,11 +113247,11 +113248,11 +113249,11 +113250,11 +113251,1 +113252,1 +113253,1 +113254,1 +113255,1 +113256,1 +113257,1 +113258,16 +113259,16 +113260,16 +113261,12 +113262,12 +113263,12 +113264,12 +113265,12 +113266,12 +113267,17 +113268,17 +113269,17 +113270,17 +113271,17 +113272,17 +113273,17 +113274,17 +113275,17 +113276,17 +113277,17 +113278,17 +113279,17 +113280,17 +113281,17 +113282,17 +113283,17 +113284,17 +113285,17 +113286,10 +113287,10 +113288,8 +113289,8 +113290,8 +113291,8 +113292,8 +113293,8 +113294,8 +113295,8 +113296,8 +113297,8 +113298,8 +113299,8 +113300,2 +113301,2 +113302,2 +113303,2 +113304,2 +113305,8 +113306,8 +113307,8 +113308,8 +113309,8 +113310,0 +113311,0 +113312,0 +113313,0 +113314,0 +113315,0 +113316,0 +113317,0 +113318,0 +113319,0 +113320,0 +113321,0 +113322,0 +113323,0 +113324,0 +113325,0 +113326,0 +113327,0 +113328,0 +113329,0 +113330,0 +113331,0 +113332,0 +113333,0 +113334,0 +113335,0 +113336,0 +113337,0 +113338,0 +113339,0 +113340,0 +113341,0 +113342,0 +113343,0 +113344,0 +113345,0 +113346,0 +113347,0 +113348,0 +113349,0 +113350,0 +113351,0 +113352,0 +113353,0 +113354,0 +113355,0 +113356,0 +113357,0 +113358,0 +113359,0 +113360,0 +113361,0 +113362,0 +113363,0 +113364,0 +113365,0 +113366,0 +113367,0 +113368,0 +113369,0 +113370,0 +113371,0 +113372,0 +113373,0 +113374,0 +113375,0 +113376,0 +113377,0 +113378,0 +113379,0 +113380,0 +113381,0 +113382,0 +113383,0 +113384,7 +113385,7 +113386,7 +113387,7 +113388,7 +113389,7 +113390,3 +113391,3 +113392,3 +113393,3 +113394,28 +113395,28 +113396,28 +113397,28 +113398,28 +113399,28 +113400,10 +113401,10 +113402,10 +113403,10 +113404,10 +113405,10 +113406,10 +113407,10 +113408,10 +113409,10 +113410,10 +113411,10 +113412,10 +113413,12 +113414,4 +113415,4 +113416,12 +113417,12 +113418,12 +113419,12 +113420,12 +113421,12 +113422,12 +113423,12 +113424,12 +113425,12 +113426,12 +113427,12 +113428,12 +113429,31 +113430,31 +113431,31 +113432,31 +113433,5 +113434,5 +113435,5 +113436,5 +113437,5 +113438,5 +113439,5 +113440,25 +113441,25 +113442,25 +113443,25 +113444,25 +113445,25 +113446,12 +113447,12 +113448,12 +113449,12 +113450,12 +113451,12 +113452,12 +113453,12 +113454,12 +113455,12 +113456,12 +113457,12 +113458,12 +113459,12 +113460,10 +113461,10 +113462,10 +113463,10 +113464,10 +113465,10 +113466,10 +113467,10 +113468,10 +113469,10 +113470,10 +113471,10 +113472,10 +113473,10 +113474,19 +113475,19 +113476,19 +113477,19 +113478,19 +113479,19 +113480,19 +113481,37 +113482,37 +113483,25 +113484,3 +113485,3 +113486,3 +113487,25 +113488,5 +113489,5 +113490,5 +113491,29 +113492,31 +113493,31 +113494,5 +113495,5 +113496,27 +113497,27 +113498,27 +113499,27 +113500,27 +113501,27 +113502,38 +113503,38 +113504,38 +113505,38 +113506,38 +113507,38 +113508,38 +113509,4 +113510,4 +113511,4 +113512,19 +113513,4 +113514,0 +113515,0 +113516,0 +113517,0 +113518,0 +113519,0 +113520,0 +113521,0 +113522,0 +113523,0 +113524,0 +113525,0 +113526,0 +113527,0 +113528,0 +113529,0 +113530,0 +113531,0 +113532,0 +113533,0 +113534,0 +113535,0 +113536,0 +113537,0 +113538,0 +113539,0 +113540,0 +113541,0 +113542,0 +113543,0 +113544,0 +113545,0 +113546,0 +113547,0 +113548,0 +113549,0 +113550,0 +113551,36 +113552,36 +113553,36 +113554,36 +113555,36 +113556,36 +113557,36 +113558,36 +113559,36 +113560,5 +113561,5 +113562,5 +113563,19 +113564,19 +113565,19 +113566,19 +113567,9 +113568,9 +113569,9 +113570,9 +113571,9 +113572,9 +113573,9 +113574,9 +113575,9 +113576,30 +113577,30 +113578,30 +113579,30 +113580,30 +113581,29 +113582,29 +113583,29 +113584,29 +113585,29 +113586,31 +113587,31 +113588,31 +113589,31 +113590,31 +113591,31 +113592,34 +113593,34 +113594,34 +113595,34 +113596,34 +113597,34 +113598,34 +113599,34 +113600,35 +113601,35 +113602,35 +113603,35 +113604,35 +113605,35 +113606,35 +113607,35 +113608,35 +113609,35 +113610,39 +113611,39 +113612,39 +113613,39 +113614,39 +113615,39 +113616,23 +113617,23 +113618,23 +113619,23 +113620,23 +113621,23 +113622,23 +113623,23 +113624,23 +113625,23 +113626,23 +113627,23 +113628,23 +113629,34 +113630,34 +113631,34 +113632,34 +113633,34 +113634,34 +113635,34 +113636,34 +113637,34 +113638,34 +113639,34 +113640,34 +113641,34 +113642,5 +113643,5 +113644,5 +113645,19 +113646,19 +113647,19 +113648,27 +113649,27 +113650,27 +113651,27 +113652,27 +113653,27 +113654,27 +113655,15 +113656,15 +113657,15 +113658,4 +113659,37 +113660,37 +113661,12 +113662,12 +113663,12 +113664,10 +113665,36 +113666,36 +113667,36 +113668,10 +113669,10 +113670,10 +113671,10 +113672,36 +113673,36 +113674,36 +113675,36 +113676,29 +113677,29 +113678,29 +113679,29 +113680,29 +113681,29 +113682,25 +113683,25 +113684,25 +113685,25 +113686,25 +113687,25 +113688,19 +113689,19 +113690,19 +113691,19 +113692,19 +113693,19 +113694,19 +113695,19 +113696,19 +113697,27 +113698,27 +113699,27 +113700,27 +113701,27 +113702,23 +113703,23 +113704,23 +113705,23 +113706,23 +113707,23 +113708,23 +113709,27 +113710,27 +113711,27 +113712,27 +113713,27 +113714,6 +113715,6 +113716,6 +113717,6 +113718,32 +113719,31 +113720,31 +113721,31 +113722,31 +113723,31 +113724,31 +113725,31 +113726,31 +113727,31 +113728,31 +113729,31 +113730,31 +113731,31 +113732,4 +113733,4 +113734,4 +113735,4 +113736,23 +113737,23 +113738,23 +113739,23 +113740,23 +113741,23 +113742,23 +113743,23 +113744,9 +113745,9 +113746,9 +113747,37 +113748,37 +113749,37 +113750,37 +113751,37 +113752,25 +113753,25 +113754,27 +113755,27 +113756,27 +113757,27 +113758,27 +113759,27 +113760,2 +113761,2 +113762,2 +113763,2 +113764,2 +113765,2 +113766,2 +113767,2 +113768,2 +113769,2 +113770,2 +113771,2 +113772,2 +113773,2 +113774,2 +113775,2 +113776,30 +113777,30 +113778,30 +113779,30 +113780,30 +113781,30 +113782,33 +113783,33 +113784,33 +113785,33 +113786,33 +113787,33 +113788,9 +113789,9 +113790,12 +113791,34 +113792,34 +113793,34 +113794,34 +113795,34 +113796,34 +113797,25 +113798,37 +113799,37 +113800,37 +113801,37 +113802,37 +113803,37 +113804,37 +113805,27 +113806,27 +113807,27 +113808,27 +113809,13 +113810,13 +113811,5 +113812,5 +113813,5 +113814,4 +113815,4 +113816,4 +113817,4 +113818,4 +113819,4 +113820,4 +113821,4 +113822,4 +113823,4 +113824,40 +113825,40 +113826,40 +113827,40 +113828,30 +113829,30 +113830,30 +113831,30 +113832,33 +113833,33 +113834,33 +113835,33 +113836,27 +113837,27 +113838,27 +113839,18 +113840,18 +113841,18 +113842,18 +113843,18 +113844,18 +113845,16 +113846,16 +113847,16 +113848,31 +113849,31 +113850,31 +113851,31 +113852,31 +113853,5 +113854,5 +113855,5 +113856,5 +113857,5 +113858,5 +113859,2 +113860,2 +113861,2 +113862,2 +113863,2 +113864,4 +113865,4 +113866,4 +113867,4 +113868,4 +113869,4 +113870,7 +113871,7 +113872,7 +113873,7 +113874,35 +113875,35 +113876,35 +113877,35 +113878,35 +113879,35 +113880,35 +113881,35 +113882,35 +113883,35 +113884,35 +113885,35 +113886,39 +113887,39 +113888,39 +113889,39 +113890,39 +113891,39 +113892,39 +113893,32 +113894,32 +113895,32 +113896,32 +113897,15 +113898,15 +113899,34 +113900,34 +113901,31 +113902,31 +113903,31 +113904,31 +113905,31 +113906,26 +113907,32 +113908,32 +113909,32 +113910,32 +113911,32 +113912,32 +113913,32 +113914,32 +113915,12 +113916,12 +113917,27 +113918,27 +113919,27 +113920,27 +113921,27 +113922,38 +113923,38 +113924,38 +113925,35 +113926,35 +113927,35 +113928,35 +113929,35 +113930,25 +113931,25 +113932,25 +113933,25 +113934,25 +113935,25 +113936,25 +113937,32 +113938,32 +113939,32 +113940,32 +113941,32 +113942,32 +113943,32 +113944,32 +113945,32 +113946,15 +113947,15 +113948,15 +113949,37 +113950,37 +113951,37 +113952,37 +113953,37 +113954,37 +113955,37 +113956,27 +113957,27 +113958,27 +113959,27 +113960,27 +113961,2 +113962,2 +113963,2 +113964,2 +113965,2 +113966,2 +113967,2 +113968,2 +113969,2 +113970,2 +113971,2 +113972,2 +113973,2 +113974,2 +113975,6 +113976,6 +113977,6 +113978,6 +113979,6 +113980,6 +113981,6 +113982,6 +113983,6 +113984,6 +113985,28 +113986,28 +113987,28 +113988,28 +113989,28 +113990,28 +113991,40 +113992,40 +113993,40 +113994,40 +113995,40 +113996,5 +113997,5 +113998,5 +113999,5 +114000,5 +114001,5 +114002,5 +114003,6 +114004,6 +114005,6 +114006,6 +114007,32 +114008,31 +114009,31 +114010,31 +114011,30 +114012,30 +114013,30 +114014,30 +114015,30 +114016,30 +114017,30 +114018,32 +114019,32 +114020,32 +114021,32 +114022,32 +114023,32 +114024,32 +114025,32 +114026,32 +114027,32 +114028,37 +114029,37 +114030,37 +114031,37 +114032,37 +114033,26 +114034,26 +114035,26 +114036,26 +114037,26 +114038,26 +114039,2 +114040,2 +114041,2 +114042,2 +114043,2 +114044,2 +114045,2 +114046,2 +114047,2 +114048,2 +114049,2 +114050,2 +114051,27 +114052,27 +114053,31 +114054,31 +114055,31 +114056,27 +114057,27 +114058,27 +114059,31 +114060,2 +114061,2 +114062,2 +114063,2 +114064,2 +114065,2 +114066,2 +114067,2 +114068,2 +114069,39 +114070,39 +114071,39 +114072,39 +114073,39 +114074,39 +114075,39 +114076,39 +114077,39 +114078,39 +114079,8 +114080,8 +114081,8 +114082,8 +114083,8 +114084,8 +114085,8 +114086,8 +114087,8 +114088,8 +114089,8 +114090,0 +114091,0 +114092,0 +114093,0 +114094,0 +114095,0 +114096,0 +114097,0 +114098,0 +114099,0 +114100,0 +114101,0 +114102,0 +114103,0 +114104,0 +114105,0 +114106,0 +114107,0 +114108,0 +114109,0 +114110,0 +114111,0 +114112,0 +114113,0 +114114,0 +114115,10 +114116,10 +114117,10 +114118,10 +114119,10 +114120,10 +114121,10 +114122,10 +114123,10 +114124,10 +114125,10 +114126,10 +114127,10 +114128,10 +114129,10 +114130,10 +114131,10 +114132,12 +114133,12 +114134,12 +114135,12 +114136,12 +114137,12 +114138,12 +114139,12 +114140,12 +114141,12 +114142,27 +114143,27 +114144,27 +114145,27 +114146,27 +114147,27 +114148,11 +114149,11 +114150,11 +114151,11 +114152,11 +114153,11 +114154,11 +114155,11 +114156,11 +114157,11 +114158,11 +114159,11 +114160,11 +114161,11 +114162,11 +114163,11 +114164,11 +114165,11 +114166,11 +114167,39 +114168,39 +114169,39 +114170,39 +114171,39 +114172,39 +114173,28 +114174,28 +114175,28 +114176,28 +114177,28 +114178,28 +114179,28 +114180,28 +114181,14 +114182,14 +114183,14 +114184,14 +114185,14 +114186,14 +114187,14 +114188,14 +114189,14 +114190,14 +114191,14 +114192,5 +114193,5 +114194,5 +114195,5 +114196,5 +114197,5 +114198,5 +114199,5 +114200,26 +114201,26 +114202,26 +114203,26 +114204,26 +114205,26 +114206,26 +114207,26 +114208,26 +114209,26 +114210,26 +114211,4 +114212,4 +114213,4 +114214,4 +114215,4 +114216,4 +114217,4 +114218,6 +114219,6 +114220,6 +114221,6 +114222,6 +114223,6 +114224,6 +114225,6 +114226,40 +114227,40 +114228,40 +114229,40 +114230,27 +114231,27 +114232,27 +114233,27 +114234,16 +114235,16 +114236,16 +114237,16 +114238,16 +114239,16 +114240,16 +114241,16 +114242,16 +114243,16 +114244,16 +114245,16 +114246,16 +114247,16 +114248,6 +114249,6 +114250,6 +114251,6 +114252,6 +114253,6 +114254,6 +114255,6 +114256,6 +114257,9 +114258,9 +114259,9 +114260,9 +114261,9 +114262,9 +114263,33 +114264,33 +114265,33 +114266,33 +114267,33 +114268,33 +114269,33 +114270,30 +114271,30 +114272,30 +114273,30 +114274,30 +114275,30 +114276,30 +114277,30 +114278,30 +114279,30 +114280,30 +114281,30 +114282,30 +114283,30 +114284,30 +114285,30 +114286,30 +114287,30 +114288,30 +114289,0 +114290,0 +114291,0 +114292,0 +114293,0 +114294,0 +114295,0 +114296,0 +114297,0 +114298,0 +114299,0 +114300,0 +114301,0 +114302,0 +114303,0 +114304,0 +114305,0 +114306,0 +114307,0 +114308,0 +114309,0 +114310,0 +114311,0 +114312,0 +114313,0 +114314,0 +114315,0 +114316,0 +114317,0 +114318,0 +114319,0 +114320,0 +114321,0 +114322,0 +114323,0 +114324,0 +114325,0 +114326,0 +114327,0 +114328,0 +114329,0 +114330,0 +114331,0 +114332,0 +114333,0 +114334,0 +114335,0 +114336,0 +114337,0 +114338,0 +114339,0 +114340,0 +114341,0 +114342,29 +114343,29 +114344,29 +114345,29 +114346,25 +114347,25 +114348,25 +114349,25 +114350,25 +114351,25 +114352,25 +114353,25 +114354,25 +114355,25 +114356,4 +114357,4 +114358,4 +114359,4 +114360,4 +114361,4 +114362,4 +114363,4 +114364,39 +114365,39 +114366,39 +114367,39 +114368,39 +114369,39 +114370,39 +114371,39 +114372,2 +114373,2 +114374,2 +114375,2 +114376,2 +114377,2 +114378,2 +114379,2 +114380,2 +114381,2 +114382,2 +114383,2 +114384,2 +114385,2 +114386,2 +114387,2 +114388,2 +114389,2 +114390,25 +114391,25 +114392,25 +114393,25 +114394,25 +114395,25 +114396,25 +114397,25 +114398,25 +114399,25 +114400,25 +114401,25 +114402,25 +114403,25 +114404,25 +114405,25 +114406,25 +114407,25 +114408,25 +114409,25 +114410,0 +114411,0 +114412,0 +114413,0 +114414,0 +114415,0 +114416,0 +114417,0 +114418,0 +114419,0 +114420,0 +114421,0 +114422,0 +114423,0 +114424,0 +114425,0 +114426,0 +114427,0 +114428,0 +114429,0 +114430,0 +114431,0 +114432,0 +114433,0 +114434,0 +114435,28 +114436,28 +114437,12 +114438,12 +114439,22 +114440,31 +114441,31 +114442,22 +114443,22 +114444,31 +114445,3 +114446,6 +114447,6 +114448,6 +114449,6 +114450,32 +114451,32 +114452,6 +114453,27 +114454,27 +114455,27 +114456,27 +114457,27 +114458,27 +114459,27 +114460,40 +114461,5 +114462,5 +114463,5 +114464,5 +114465,5 +114466,5 +114467,28 +114468,28 +114469,28 +114470,28 +114471,28 +114472,10 +114473,10 +114474,10 +114475,10 +114476,10 +114477,10 +114478,10 +114479,10 +114480,10 +114481,14 +114482,10 +114483,10 +114484,11 +114485,11 +114486,11 +114487,11 +114488,11 +114489,11 +114490,11 +114491,11 +114492,11 +114493,11 +114494,11 +114495,11 +114496,11 +114497,11 +114498,11 +114499,11 +114500,11 +114501,11 +114502,3 +114503,3 +114504,3 +114505,3 +114506,3 +114507,3 +114508,3 +114509,3 +114510,3 +114511,3 +114512,3 +114513,3 +114514,3 +114515,3 +114516,3 +114517,3 +114518,3 +114519,3 +114520,3 +114521,3 +114522,3 +114523,3 +114524,8 +114525,8 +114526,8 +114527,8 +114528,8 +114529,8 +114530,8 +114531,2 +114532,8 +114533,8 +114534,8 +114535,5 +114536,5 +114537,5 +114538,5 +114539,5 +114540,5 +114541,5 +114542,5 +114543,26 +114544,26 +114545,26 +114546,26 +114547,26 +114548,26 +114549,26 +114550,26 +114551,26 +114552,9 +114553,19 +114554,19 +114555,19 +114556,19 +114557,4 +114558,27 +114559,27 +114560,27 +114561,27 +114562,27 +114563,2 +114564,2 +114565,2 +114566,2 +114567,2 +114568,2 +114569,2 +114570,2 +114571,2 +114572,2 +114573,2 +114574,2 +114575,2 +114576,2 +114577,2 +114578,2 +114579,32 +114580,32 +114581,32 +114582,32 +114583,32 +114584,32 +114585,32 +114586,32 +114587,32 +114588,36 +114589,36 +114590,36 +114591,36 +114592,36 +114593,36 +114594,36 +114595,36 +114596,36 +114597,6 +114598,6 +114599,6 +114600,6 +114601,6 +114602,6 +114603,6 +114604,6 +114605,6 +114606,6 +114607,9 +114608,9 +114609,9 +114610,9 +114611,9 +114612,26 +114613,26 +114614,26 +114615,26 +114616,26 +114617,26 +114618,26 +114619,26 +114620,26 +114621,26 +114622,26 +114623,26 +114624,26 +114625,26 +114626,26 +114627,26 +114628,26 +114629,31 +114630,31 +114631,5 +114632,5 +114633,5 +114634,5 +114635,5 +114636,5 +114637,5 +114638,5 +114639,5 +114640,5 +114641,5 +114642,5 +114643,29 +114644,29 +114645,31 +114646,31 +114647,31 +114648,31 +114649,40 +114650,40 +114651,40 +114652,40 +114653,27 +114654,27 +114655,27 +114656,27 +114657,27 +114658,28 +114659,28 +114660,28 +114661,28 +114662,28 +114663,28 +114664,28 +114665,28 +114666,28 +114667,28 +114668,28 +114669,28 +114670,28 +114671,28 +114672,28 +114673,28 +114674,0 +114675,0 +114676,0 +114677,0 +114678,0 +114679,0 +114680,0 +114681,0 +114682,0 +114683,0 +114684,0 +114685,0 +114686,0 +114687,0 +114688,0 +114689,0 +114690,0 +114691,0 +114692,0 +114693,0 +114694,0 +114695,0 +114696,0 +114697,0 +114698,0 +114699,0 +114700,0 +114701,0 +114702,0 +114703,0 +114704,0 +114705,0 +114706,0 +114707,0 +114708,0 +114709,0 +114710,0 +114711,0 +114712,0 +114713,0 +114714,0 +114715,0 +114716,0 +114717,0 +114718,0 +114719,0 +114720,0 +114721,0 +114722,0 +114723,0 +114724,0 +114725,0 +114726,0 +114727,0 +114728,0 +114729,0 +114730,0 +114731,0 +114732,16 +114733,16 +114734,16 +114735,16 +114736,16 +114737,16 +114738,16 +114739,16 +114740,16 +114741,16 +114742,16 +114743,16 +114744,36 +114745,36 +114746,36 +114747,36 +114748,36 +114749,36 +114750,36 +114751,36 +114752,32 +114753,32 +114754,32 +114755,32 +114756,32 +114757,32 +114758,32 +114759,32 +114760,32 +114761,32 +114762,32 +114763,32 +114764,32 +114765,32 +114766,4 +114767,4 +114768,4 +114769,4 +114770,25 +114771,25 +114772,25 +114773,25 +114774,25 +114775,25 +114776,4 +114777,4 +114778,4 +114779,4 +114780,4 +114781,4 +114782,4 +114783,4 +114784,4 +114785,4 +114786,4 +114787,31 +114788,31 +114789,31 +114790,31 +114791,31 +114792,31 +114793,5 +114794,5 +114795,5 +114796,5 +114797,4 +114798,4 +114799,4 +114800,4 +114801,4 +114802,4 +114803,4 +114804,4 +114805,39 +114806,39 +114807,39 +114808,39 +114809,39 +114810,39 +114811,39 +114812,23 +114813,23 +114814,23 +114815,23 +114816,23 +114817,23 +114818,23 +114819,23 +114820,23 +114821,23 +114822,23 +114823,23 +114824,9 +114825,9 +114826,9 +114827,9 +114828,9 +114829,9 +114830,9 +114831,9 +114832,37 +114833,37 +114834,37 +114835,37 +114836,37 +114837,37 +114838,37 +114839,37 +114840,37 +114841,37 +114842,37 +114843,37 +114844,37 +114845,37 +114846,37 +114847,25 +114848,25 +114849,25 +114850,25 +114851,25 +114852,25 +114853,0 +114854,0 +114855,0 +114856,0 +114857,0 +114858,0 +114859,0 +114860,0 +114861,0 +114862,0 +114863,0 +114864,0 +114865,0 +114866,0 +114867,35 +114868,35 +114869,35 +114870,35 +114871,35 +114872,35 +114873,35 +114874,35 +114875,35 +114876,35 +114877,35 +114878,35 +114879,35 +114880,35 +114881,35 +114882,32 +114883,32 +114884,33 +114885,33 +114886,33 +114887,33 +114888,33 +114889,33 +114890,33 +114891,30 +114892,33 +114893,33 +114894,33 +114895,33 +114896,33 +114897,33 +114898,5 +114899,5 +114900,5 +114901,5 +114902,5 +114903,13 +114904,13 +114905,13 +114906,13 +114907,13 +114908,5 +114909,5 +114910,5 +114911,5 +114912,36 +114913,36 +114914,27 +114915,36 +114916,36 +114917,31 +114918,31 +114919,31 +114920,21 +114921,21 +114922,21 +114923,21 +114924,21 +114925,21 +114926,21 +114927,21 +114928,21 +114929,36 +114930,36 +114931,40 +114932,40 +114933,40 +114934,40 +114935,40 +114936,40 +114937,40 +114938,40 +114939,36 +114940,36 +114941,5 +114942,5 +114943,5 +114944,5 +114945,5 +114946,5 +114947,5 +114948,5 +114949,5 +114950,5 +114951,5 +114952,5 +114953,5 +114954,5 +114955,5 +114956,5 +114957,0 +114958,0 +114959,0 +114960,0 +114961,0 +114962,0 +114963,0 +114964,0 +114965,0 +114966,0 +114967,0 +114968,0 +114969,0 +114970,0 +114971,0 +114972,0 +114973,0 +114974,0 +114975,0 +114976,0 +114977,0 +114978,0 +114979,0 +114980,0 +114981,0 +114982,0 +114983,0 +114984,0 +114985,0 +114986,0 +114987,0 +114988,0 +114989,0 +114990,0 +114991,0 +114992,0 +114993,0 +114994,0 +114995,0 +114996,0 +114997,0 +114998,0 +114999,0 +115000,0 +115001,0 +115002,0 +115003,0 +115004,0 +115005,0 +115006,0 +115007,0 +115008,0 +115009,0 +115010,0 +115011,0 +115012,0 +115013,0 +115014,0 +115015,0 +115016,0 +115017,0 +115018,0 +115019,0 +115020,0 +115021,0 +115022,0 +115023,0 +115024,0 +115025,0 +115026,0 +115027,0 +115028,0 +115029,0 +115030,0 +115031,0 +115032,0 +115033,0 +115034,0 +115035,0 +115036,0 +115037,0 +115038,0 +115039,0 +115040,0 +115041,0 +115042,0 +115043,0 +115044,0 +115045,0 +115046,0 +115047,0 +115048,0 +115049,0 +115050,0 +115051,0 +115052,0 +115053,0 +115054,0 +115055,0 +115056,0 +115057,0 +115058,0 +115059,0 +115060,0 +115061,0 +115062,0 +115063,0 +115064,0 +115065,0 +115066,0 +115067,0 +115068,29 +115069,29 +115070,29 +115071,29 +115072,31 +115073,31 +115074,31 +115075,28 +115076,28 +115077,28 +115078,28 +115079,28 +115080,28 +115081,28 +115082,28 +115083,28 +115084,39 +115085,39 +115086,39 +115087,39 +115088,39 +115089,39 +115090,39 +115091,39 +115092,39 +115093,39 +115094,39 +115095,18 +115096,18 +115097,18 +115098,18 +115099,18 +115100,18 +115101,16 +115102,16 +115103,16 +115104,16 +115105,18 +115106,18 +115107,18 +115108,25 +115109,25 +115110,25 +115111,25 +115112,25 +115113,25 +115114,25 +115115,25 +115116,37 +115117,37 +115118,25 +115119,25 +115120,25 +115121,25 +115122,25 +115123,25 +115124,25 +115125,4 +115126,4 +115127,15 +115128,4 +115129,4 +115130,4 +115131,4 +115132,4 +115133,12 +115134,12 +115135,12 +115136,12 +115137,12 +115138,12 +115139,12 +115140,31 +115141,31 +115142,31 +115143,31 +115144,31 +115145,8 +115146,8 +115147,8 +115148,8 +115149,8 +115150,8 +115151,8 +115152,8 +115153,40 +115154,40 +115155,40 +115156,40 +115157,40 +115158,19 +115159,19 +115160,19 +115161,19 +115162,19 +115163,19 +115164,27 +115165,27 +115166,27 +115167,27 +115168,27 +115169,27 +115170,27 +115171,8 +115172,2 +115173,2 +115174,2 +115175,2 +115176,2 +115177,2 +115178,2 +115179,2 +115180,8 +115181,2 +115182,4 +115183,4 +115184,4 +115185,4 +115186,4 +115187,14 +115188,14 +115189,14 +115190,14 +115191,14 +115192,14 +115193,14 +115194,14 +115195,14 +115196,11 +115197,11 +115198,11 +115199,11 +115200,11 +115201,11 +115202,11 +115203,11 +115204,11 +115205,11 +115206,11 +115207,11 +115208,11 +115209,31 +115210,31 +115211,31 +115212,31 +115213,31 +115214,31 +115215,5 +115216,5 +115217,5 +115218,5 +115219,5 +115220,5 +115221,4 +115222,4 +115223,4 +115224,4 +115225,4 +115226,4 +115227,4 +115228,4 +115229,4 +115230,27 +115231,27 +115232,27 +115233,27 +115234,28 +115235,28 +115236,28 +115237,28 +115238,28 +115239,28 +115240,28 +115241,39 +115242,39 +115243,39 +115244,39 +115245,39 +115246,39 +115247,39 +115248,39 +115249,39 +115250,39 +115251,39 +115252,39 +115253,0 +115254,0 +115255,0 +115256,0 +115257,0 +115258,0 +115259,0 +115260,0 +115261,29 +115262,29 +115263,29 +115264,29 +115265,29 +115266,36 +115267,36 +115268,40 +115269,36 +115270,36 +115271,36 +115272,36 +115273,5 +115274,5 +115275,5 +115276,5 +115277,5 +115278,5 +115279,5 +115280,5 +115281,5 +115282,5 +115283,5 +115284,5 +115285,5 +115286,0 +115287,0 +115288,0 +115289,0 +115290,0 +115291,0 +115292,0 +115293,0 +115294,0 +115295,0 +115296,0 +115297,0 +115298,4 +115299,4 +115300,4 +115301,4 +115302,4 +115303,4 +115304,4 +115305,4 +115306,4 +115307,4 +115308,4 +115309,4 +115310,0 +115311,0 +115312,0 +115313,0 +115314,0 +115315,0 +115316,0 +115317,0 +115318,0 +115319,0 +115320,0 +115321,0 +115322,0 +115323,0 +115324,0 +115325,0 +115326,0 +115327,0 +115328,0 +115329,36 +115330,36 +115331,36 +115332,36 +115333,36 +115334,36 +115335,36 +115336,36 +115337,5 +115338,5 +115339,5 +115340,19 +115341,19 +115342,19 +115343,19 +115344,19 +115345,12 +115346,12 +115347,12 +115348,12 +115349,12 +115350,12 +115351,31 +115352,31 +115353,31 +115354,31 +115355,31 +115356,29 +115357,29 +115358,29 +115359,29 +115360,29 +115361,33 +115362,31 +115363,31 +115364,31 +115365,31 +115366,31 +115367,31 +115368,31 +115369,33 +115370,33 +115371,30 +115372,30 +115373,30 +115374,30 +115375,30 +115376,30 +115377,30 +115378,30 +115379,30 +115380,30 +115381,30 +115382,30 +115383,36 +115384,36 +115385,36 +115386,36 +115387,36 +115388,36 +115389,36 +115390,36 +115391,36 +115392,36 +115393,36 +115394,36 +115395,36 +115396,36 +115397,36 +115398,36 +115399,36 +115400,36 +115401,36 +115402,2 +115403,2 +115404,2 +115405,2 +115406,2 +115407,2 +115408,2 +115409,2 +115410,2 +115411,2 +115412,2 +115413,2 +115414,2 +115415,32 +115416,32 +115417,32 +115418,32 +115419,32 +115420,32 +115421,32 +115422,32 +115423,32 +115424,32 +115425,32 +115426,32 +115427,32 +115428,32 +115429,32 +115430,34 +115431,34 +115432,34 +115433,34 +115434,34 +115435,34 +115436,34 +115437,34 +115438,26 +115439,9 +115440,9 +115441,9 +115442,37 +115443,37 +115444,37 +115445,37 +115446,37 +115447,37 +115448,25 +115449,25 +115450,25 +115451,23 +115452,23 +115453,23 +115454,23 +115455,23 +115456,23 +115457,23 +115458,31 +115459,31 +115460,31 +115461,31 +115462,31 +115463,30 +115464,30 +115465,30 +115466,30 +115467,30 +115468,30 +115469,30 +115470,30 +115471,30 +115472,0 +115473,0 +115474,0 +115475,36 +115476,36 +115477,36 +115478,36 +115479,36 +115480,36 +115481,36 +115482,36 +115483,36 +115484,5 +115485,5 +115486,5 +115487,23 +115488,23 +115489,23 +115490,23 +115491,23 +115492,23 +115493,23 +115494,23 +115495,23 +115496,25 +115497,25 +115498,25 +115499,25 +115500,37 +115501,37 +115502,37 +115503,37 +115504,37 +115505,37 +115506,37 +115507,37 +115508,37 +115509,25 +115510,25 +115511,25 +115512,19 +115513,19 +115514,19 +115515,19 +115516,19 +115517,4 +115518,4 +115519,19 +115520,19 +115521,19 +115522,19 +115523,19 +115524,0 +115525,0 +115526,0 +115527,0 +115528,0 +115529,0 +115530,0 +115531,0 +115532,0 +115533,0 +115534,0 +115535,0 +115536,0 +115537,0 +115538,0 +115539,12 +115540,12 +115541,12 +115542,12 +115543,12 +115544,12 +115545,12 +115546,12 +115547,37 +115548,37 +115549,37 +115550,37 +115551,37 +115552,37 +115553,37 +115554,37 +115555,37 +115556,37 +115557,37 +115558,37 +115559,37 +115560,37 +115561,14 +115562,37 +115563,37 +115564,27 +115565,27 +115566,27 +115567,27 +115568,27 +115569,27 +115570,31 +115571,31 +115572,27 +115573,32 +115574,32 +115575,32 +115576,32 +115577,32 +115578,6 +115579,6 +115580,6 +115581,6 +115582,6 +115583,6 +115584,2 +115585,2 +115586,2 +115587,2 +115588,2 +115589,2 +115590,2 +115591,4 +115592,2 +115593,32 +115594,4 +115595,32 +115596,4 +115597,29 +115598,29 +115599,39 +115600,39 +115601,39 +115602,39 +115603,39 +115604,39 +115605,39 +115606,39 +115607,39 +115608,39 +115609,7 +115610,7 +115611,7 +115612,7 +115613,7 +115614,31 +115615,31 +115616,31 +115617,31 +115618,31 +115619,31 +115620,31 +115621,31 +115622,13 +115623,13 +115624,13 +115625,13 +115626,13 +115627,13 +115628,13 +115629,13 +115630,13 +115631,13 +115632,13 +115633,13 +115634,5 +115635,13 +115636,19 +115637,19 +115638,19 +115639,19 +115640,19 +115641,19 +115642,18 +115643,18 +115644,19 +115645,18 +115646,18 +115647,40 +115648,40 +115649,40 +115650,40 +115651,40 +115652,40 +115653,40 +115654,40 +115655,40 +115656,40 +115657,15 +115658,15 +115659,15 +115660,15 +115661,15 +115662,36 +115663,36 +115664,36 +115665,36 +115666,36 +115667,36 +115668,36 +115669,36 +115670,36 +115671,36 +115672,36 +115673,36 +115674,36 +115675,36 +115676,6 +115677,6 +115678,6 +115679,6 +115680,6 +115681,6 +115682,6 +115683,6 +115684,6 +115685,12 +115686,12 +115687,12 +115688,12 +115689,12 +115690,12 +115691,12 +115692,12 +115693,12 +115694,12 +115695,12 +115696,12 +115697,9 +115698,9 +115699,9 +115700,9 +115701,9 +115702,34 +115703,34 +115704,34 +115705,34 +115706,34 +115707,34 +115708,34 +115709,34 +115710,34 +115711,34 +115712,34 +115713,34 +115714,34 +115715,10 +115716,10 +115717,10 +115718,10 +115719,10 +115720,10 +115721,10 +115722,10 +115723,10 +115724,19 +115725,4 +115726,19 +115727,19 +115728,19 +115729,27 +115730,27 +115731,27 +115732,27 +115733,27 +115734,30 +115735,30 +115736,30 +115737,30 +115738,30 +115739,30 +115740,33 +115741,33 +115742,33 +115743,33 +115744,32 +115745,32 +115746,32 +115747,32 +115748,32 +115749,32 +115750,32 +115751,31 +115752,31 +115753,31 +115754,31 +115755,31 +115756,31 +115757,5 +115758,5 +115759,5 +115760,5 +115761,5 +115762,5 +115763,5 +115764,29 +115765,31 +115766,31 +115767,31 +115768,31 +115769,31 +115770,31 +115771,31 +115772,23 +115773,23 +115774,23 +115775,23 +115776,23 +115777,23 +115778,23 +115779,23 +115780,23 +115781,23 +115782,23 +115783,23 +115784,23 +115785,22 +115786,33 +115787,33 +115788,33 +115789,33 +115790,33 +115791,30 +115792,30 +115793,30 +115794,30 +115795,30 +115796,30 +115797,30 +115798,30 +115799,30 +115800,30 +115801,30 +115802,30 +115803,30 +115804,30 +115805,30 +115806,30 +115807,36 +115808,36 +115809,36 +115810,36 +115811,36 +115812,36 +115813,36 +115814,13 +115815,13 +115816,13 +115817,13 +115818,13 +115819,13 +115820,13 +115821,13 +115822,13 +115823,6 +115824,23 +115825,6 +115826,6 +115827,23 +115828,23 +115829,31 +115830,31 +115831,25 +115832,25 +115833,25 +115834,25 +115835,31 +115836,37 +115837,37 +115838,37 +115839,31 +115840,37 +115841,27 +115842,27 +115843,27 +115844,27 +115845,27 +115846,8 +115847,8 +115848,8 +115849,8 +115850,8 +115851,8 +115852,8 +115853,8 +115854,8 +115855,8 +115856,8 +115857,8 +115858,15 +115859,15 +115860,15 +115861,15 +115862,15 +115863,15 +115864,31 +115865,31 +115866,31 +115867,31 +115868,31 +115869,31 +115870,26 +115871,10 +115872,10 +115873,26 +115874,26 +115875,26 +115876,10 +115877,10 +115878,10 +115879,10 +115880,10 +115881,10 +115882,19 +115883,19 +115884,19 +115885,19 +115886,39 +115887,39 +115888,39 +115889,39 +115890,39 +115891,39 +115892,39 +115893,39 +115894,39 +115895,39 +115896,39 +115897,39 +115898,39 +115899,39 +115900,39 +115901,39 +115902,39 +115903,39 +115904,39 +115905,39 +115906,39 +115907,39 +115908,39 +115909,39 +115910,0 +115911,0 +115912,0 +115913,0 +115914,0 +115915,0 +115916,0 +115917,0 +115918,0 +115919,0 +115920,0 +115921,0 +115922,0 +115923,0 +115924,0 +115925,0 +115926,0 +115927,0 +115928,0 +115929,0 +115930,0 +115931,0 +115932,0 +115933,0 +115934,0 +115935,0 +115936,0 +115937,0 +115938,0 +115939,0 +115940,0 +115941,0 +115942,0 +115943,0 +115944,0 +115945,0 +115946,0 +115947,0 +115948,0 +115949,29 +115950,29 +115951,29 +115952,29 +115953,31 +115954,31 +115955,31 +115956,31 +115957,21 +115958,21 +115959,21 +115960,21 +115961,21 +115962,21 +115963,21 +115964,21 +115965,37 +115966,37 +115967,37 +115968,37 +115969,37 +115970,37 +115971,37 +115972,14 +115973,14 +115974,14 +115975,14 +115976,14 +115977,14 +115978,14 +115979,14 +115980,14 +115981,14 +115982,14 +115983,14 +115984,14 +115985,14 +115986,4 +115987,4 +115988,4 +115989,32 +115990,32 +115991,4 +115992,4 +115993,4 +115994,4 +115995,4 +115996,0 +115997,0 +115998,0 +115999,0 +116000,4 +116001,4 +116002,4 +116003,4 +116004,4 +116005,4 +116006,4 +116007,4 +116008,4 +116009,4 +116010,10 +116011,10 +116012,26 +116013,26 +116014,26 +116015,26 +116016,26 +116017,26 +116018,26 +116019,2 +116020,2 +116021,2 +116022,2 +116023,2 +116024,2 +116025,2 +116026,2 +116027,2 +116028,2 +116029,2 +116030,2 +116031,32 +116032,32 +116033,32 +116034,32 +116035,23 +116036,23 +116037,23 +116038,23 +116039,23 +116040,23 +116041,23 +116042,23 +116043,23 +116044,23 +116045,23 +116046,23 +116047,0 +116048,0 +116049,0 +116050,0 +116051,0 +116052,0 +116053,0 +116054,0 +116055,0 +116056,0 +116057,0 +116058,0 +116059,0 +116060,0 +116061,0 +116062,0 +116063,0 +116064,35 +116065,35 +116066,35 +116067,35 +116068,35 +116069,35 +116070,35 +116071,35 +116072,35 +116073,39 +116074,39 +116075,39 +116076,39 +116077,15 +116078,15 +116079,15 +116080,15 +116081,15 +116082,15 +116083,15 +116084,4 +116085,4 +116086,39 +116087,39 +116088,39 +116089,21 +116090,21 +116091,21 +116092,21 +116093,6 +116094,21 +116095,21 +116096,36 +116097,36 +116098,36 +116099,36 +116100,36 +116101,36 +116102,36 +116103,36 +116104,36 +116105,36 +116106,36 +116107,36 +116108,36 +116109,36 +116110,36 +116111,36 +116112,5 +116113,5 +116114,5 +116115,5 +116116,5 +116117,5 +116118,5 +116119,4 +116120,4 +116121,4 +116122,4 +116123,4 +116124,4 +116125,4 +116126,27 +116127,27 +116128,27 +116129,27 +116130,31 +116131,31 +116132,2 +116133,2 +116134,2 +116135,2 +116136,2 +116137,2 +116138,2 +116139,2 +116140,2 +116141,2 +116142,32 +116143,32 +116144,32 +116145,32 +116146,32 +116147,32 +116148,32 +116149,39 +116150,39 +116151,39 +116152,39 +116153,39 +116154,39 +116155,39 +116156,39 +116157,4 +116158,4 +116159,4 +116160,4 +116161,4 +116162,4 +116163,4 +116164,4 +116165,4 +116166,4 +116167,4 +116168,29 +116169,27 +116170,27 +116171,27 +116172,27 +116173,27 +116174,35 +116175,35 +116176,35 +116177,35 +116178,35 +116179,35 +116180,27 +116181,27 +116182,27 +116183,27 +116184,27 +116185,27 +116186,27 +116187,28 +116188,28 +116189,28 +116190,28 +116191,28 +116192,28 +116193,28 +116194,28 +116195,28 +116196,28 +116197,28 +116198,28 +116199,28 +116200,28 +116201,28 +116202,28 +116203,28 +116204,28 +116205,28 +116206,28 +116207,28 +116208,28 +116209,28 +116210,28 +116211,0 +116212,0 +116213,0 +116214,0 +116215,0 +116216,0 +116217,0 +116218,0 +116219,0 +116220,0 +116221,0 +116222,0 +116223,0 +116224,10 +116225,36 +116226,36 +116227,36 +116228,36 +116229,36 +116230,36 +116231,36 +116232,36 +116233,36 +116234,36 +116235,36 +116236,36 +116237,36 +116238,36 +116239,2 +116240,2 +116241,2 +116242,2 +116243,2 +116244,2 +116245,2 +116246,2 +116247,2 +116248,2 +116249,6 +116250,6 +116251,6 +116252,6 +116253,6 +116254,6 +116255,27 +116256,27 +116257,27 +116258,27 +116259,27 +116260,13 +116261,13 +116262,13 +116263,13 +116264,13 +116265,5 +116266,13 +116267,13 +116268,13 +116269,13 +116270,13 +116271,23 +116272,23 +116273,23 +116274,23 +116275,23 +116276,23 +116277,23 +116278,23 +116279,23 +116280,23 +116281,23 +116282,25 +116283,25 +116284,25 +116285,25 +116286,25 +116287,28 +116288,28 +116289,28 +116290,28 +116291,28 +116292,28 +116293,28 +116294,12 +116295,12 +116296,12 +116297,12 +116298,12 +116299,12 +116300,12 +116301,31 +116302,31 +116303,31 +116304,31 +116305,31 +116306,19 +116307,19 +116308,19 +116309,19 +116310,19 +116311,19 +116312,19 +116313,19 +116314,31 +116315,24 +116316,24 +116317,29 +116318,29 +116319,24 +116320,24 +116321,24 +116322,24 +116323,24 +116324,27 +116325,27 +116326,27 +116327,27 +116328,27 +116329,27 +116330,30 +116331,30 +116332,30 +116333,30 +116334,30 +116335,30 +116336,30 +116337,30 +116338,27 +116339,27 +116340,27 +116341,27 +116342,27 +116343,27 +116344,27 +116345,27 +116346,16 +116347,16 +116348,16 +116349,16 +116350,16 +116351,16 +116352,16 +116353,16 +116354,16 +116355,16 +116356,16 +116357,16 +116358,16 +116359,11 +116360,11 +116361,11 +116362,11 +116363,39 +116364,39 +116365,39 +116366,39 +116367,39 +116368,39 +116369,6 +116370,6 +116371,6 +116372,6 +116373,6 +116374,6 +116375,6 +116376,6 +116377,6 +116378,6 +116379,6 +116380,36 +116381,36 +116382,14 +116383,14 +116384,14 +116385,14 +116386,14 +116387,14 +116388,14 +116389,14 +116390,14 +116391,14 +116392,14 +116393,14 +116394,14 +116395,14 +116396,14 +116397,14 +116398,14 +116399,14 +116400,14 +116401,14 +116402,28 +116403,28 +116404,28 +116405,28 +116406,28 +116407,28 +116408,28 +116409,28 +116410,28 +116411,13 +116412,13 +116413,5 +116414,5 +116415,5 +116416,5 +116417,5 +116418,0 +116419,0 +116420,0 +116421,0 +116422,0 +116423,0 +116424,0 +116425,0 +116426,0 +116427,0 +116428,0 +116429,0 +116430,0 +116431,0 +116432,0 +116433,0 +116434,0 +116435,0 +116436,0 +116437,0 +116438,0 +116439,0 +116440,0 +116441,0 +116442,15 +116443,15 +116444,31 +116445,31 +116446,31 +116447,4 +116448,4 +116449,4 +116450,4 +116451,4 +116452,4 +116453,4 +116454,29 +116455,29 +116456,29 +116457,29 +116458,31 +116459,31 +116460,31 +116461,31 +116462,16 +116463,16 +116464,16 +116465,16 +116466,16 +116467,16 +116468,16 +116469,16 +116470,16 +116471,16 +116472,16 +116473,16 +116474,16 +116475,16 +116476,31 +116477,31 +116478,31 +116479,31 +116480,31 +116481,31 +116482,31 +116483,31 +116484,16 +116485,16 +116486,16 +116487,16 +116488,4 +116489,16 +116490,16 +116491,16 +116492,16 +116493,16 +116494,16 +116495,16 +116496,16 +116497,16 +116498,11 +116499,31 +116500,31 +116501,31 +116502,31 +116503,31 +116504,5 +116505,5 +116506,5 +116507,5 +116508,5 +116509,5 +116510,5 +116511,5 +116512,5 +116513,5 +116514,5 +116515,5 +116516,5 +116517,5 +116518,5 +116519,5 +116520,5 +116521,5 +116522,28 +116523,0 +116524,0 +116525,0 +116526,0 +116527,0 +116528,0 +116529,0 +116530,0 +116531,0 +116532,2 +116533,2 +116534,2 +116535,2 +116536,2 +116537,2 +116538,2 +116539,2 +116540,2 +116541,2 +116542,2 +116543,2 +116544,2 +116545,2 +116546,2 +116547,21 +116548,21 +116549,21 +116550,21 +116551,21 +116552,21 +116553,21 +116554,21 +116555,40 +116556,40 +116557,40 +116558,40 +116559,40 +116560,40 +116561,37 +116562,37 +116563,37 +116564,37 +116565,37 +116566,37 +116567,37 +116568,2 +116569,2 +116570,2 +116571,2 +116572,2 +116573,2 +116574,2 +116575,2 +116576,2 +116577,2 +116578,2 +116579,30 +116580,30 +116581,30 +116582,30 +116583,30 +116584,30 +116585,39 +116586,39 +116587,39 +116588,39 +116589,39 +116590,21 +116591,21 +116592,21 +116593,21 +116594,21 +116595,21 +116596,21 +116597,21 +116598,21 +116599,27 +116600,27 +116601,27 +116602,27 +116603,27 +116604,27 +116605,27 +116606,27 +116607,27 +116608,27 +116609,27 +116610,27 +116611,27 +116612,13 +116613,13 +116614,13 +116615,13 +116616,13 +116617,28 +116618,13 +116619,35 +116620,35 +116621,35 +116622,35 +116623,35 +116624,27 +116625,27 +116626,27 +116627,27 +116628,28 +116629,28 +116630,28 +116631,28 +116632,28 +116633,28 +116634,28 +116635,28 +116636,31 +116637,31 +116638,31 +116639,31 +116640,31 +116641,5 +116642,1 +116643,1 +116644,1 +116645,21 +116646,21 +116647,21 +116648,6 +116649,21 +116650,34 +116651,33 +116652,33 +116653,33 +116654,34 +116655,34 +116656,30 +116657,30 +116658,10 +116659,10 +116660,10 +116661,36 +116662,36 +116663,36 +116664,36 +116665,36 +116666,36 +116667,36 +116668,36 +116669,36 +116670,36 +116671,36 +116672,36 +116673,36 +116674,36 +116675,5 +116676,5 +116677,5 +116678,5 +116679,5 +116680,5 +116681,4 +116682,4 +116683,4 +116684,4 +116685,4 +116686,4 +116687,2 +116688,2 +116689,2 +116690,2 +116691,2 +116692,2 +116693,2 +116694,2 +116695,2 +116696,2 +116697,2 +116698,2 +116699,2 +116700,2 +116701,2 +116702,2 +116703,2 +116704,2 +116705,2 +116706,2 +116707,2 +116708,2 +116709,2 +116710,0 +116711,0 +116712,0 +116713,0 +116714,0 +116715,0 +116716,0 +116717,0 +116718,0 +116719,2 +116720,2 +116721,2 +116722,2 +116723,2 +116724,2 +116725,2 +116726,2 +116727,2 +116728,2 +116729,2 +116730,2 +116731,2 +116732,2 +116733,2 +116734,2 +116735,2 +116736,2 +116737,2 +116738,32 +116739,32 +116740,32 +116741,32 +116742,32 +116743,32 +116744,32 +116745,36 +116746,36 +116747,36 +116748,36 +116749,36 +116750,36 +116751,36 +116752,36 +116753,36 +116754,36 +116755,36 +116756,36 +116757,36 +116758,36 +116759,36 +116760,32 +116761,32 +116762,32 +116763,6 +116764,6 +116765,6 +116766,6 +116767,6 +116768,6 +116769,6 +116770,6 +116771,6 +116772,6 +116773,6 +116774,6 +116775,6 +116776,6 +116777,6 +116778,31 +116779,31 +116780,31 +116781,31 +116782,31 +116783,31 +116784,5 +116785,5 +116786,5 +116787,28 +116788,5 +116789,5 +116790,5 +116791,5 +116792,5 +116793,4 +116794,4 +116795,4 +116796,4 +116797,4 +116798,4 +116799,4 +116800,4 +116801,4 +116802,4 +116803,4 +116804,4 +116805,4 +116806,40 +116807,40 +116808,40 +116809,40 +116810,28 +116811,28 +116812,28 +116813,28 +116814,28 +116815,28 +116816,28 +116817,28 +116818,4 +116819,16 +116820,4 +116821,4 +116822,4 +116823,4 +116824,4 +116825,16 +116826,16 +116827,16 +116828,16 +116829,3 +116830,3 +116831,3 +116832,3 +116833,3 +116834,3 +116835,3 +116836,3 +116837,31 +116838,31 +116839,31 +116840,31 +116841,2 +116842,2 +116843,2 +116844,2 +116845,2 +116846,2 +116847,2 +116848,2 +116849,2 +116850,2 +116851,2 +116852,2 +116853,2 +116854,2 +116855,2 +116856,2 +116857,2 +116858,2 +116859,30 +116860,30 +116861,30 +116862,30 +116863,30 +116864,30 +116865,30 +116866,39 +116867,39 +116868,39 +116869,39 +116870,39 +116871,39 +116872,39 +116873,39 +116874,40 +116875,5 +116876,5 +116877,5 +116878,39 +116879,5 +116880,5 +116881,5 +116882,5 +116883,5 +116884,5 +116885,0 +116886,0 +116887,0 +116888,0 +116889,0 +116890,0 +116891,0 +116892,0 +116893,0 +116894,0 +116895,0 +116896,0 +116897,5 +116898,5 +116899,5 +116900,5 +116901,5 +116902,36 +116903,5 +116904,5 +116905,5 +116906,5 +116907,5 +116908,5 +116909,5 +116910,5 +116911,5 +116912,5 +116913,5 +116914,5 +116915,4 +116916,4 +116917,4 +116918,4 +116919,4 +116920,4 +116921,4 +116922,4 +116923,4 +116924,4 +116925,4 +116926,4 +116927,4 +116928,25 +116929,25 +116930,25 +116931,25 +116932,25 +116933,25 +116934,25 +116935,25 +116936,25 +116937,25 +116938,25 +116939,25 +116940,31 +116941,25 +116942,5 +116943,5 +116944,5 +116945,5 +116946,5 +116947,5 +116948,5 +116949,29 +116950,29 +116951,29 +116952,31 +116953,31 +116954,33 +116955,33 +116956,33 +116957,31 +116958,31 +116959,12 +116960,12 +116961,12 +116962,12 +116963,12 +116964,12 +116965,12 +116966,12 +116967,12 +116968,12 +116969,14 +116970,14 +116971,14 +116972,14 +116973,14 +116974,14 +116975,14 +116976,14 +116977,14 +116978,14 +116979,14 +116980,14 +116981,14 +116982,14 +116983,14 +116984,14 +116985,14 +116986,14 +116987,14 +116988,14 +116989,14 +116990,14 +116991,14 +116992,14 +116993,14 +116994,0 +116995,5 +116996,5 +116997,0 +116998,0 +116999,0 +117000,0 +117001,0 +117002,0 +117003,0 +117004,0 +117005,0 +117006,0 +117007,0 +117008,0 +117009,0 +117010,0 +117011,0 +117012,0 +117013,0 +117014,0 +117015,0 +117016,0 +117017,0 +117018,0 +117019,0 +117020,0 +117021,0 +117022,0 +117023,31 +117024,31 +117025,31 +117026,31 +117027,31 +117028,31 +117029,31 +117030,31 +117031,31 +117032,31 +117033,31 +117034,5 +117035,5 +117036,5 +117037,5 +117038,19 +117039,19 +117040,19 +117041,40 +117042,40 +117043,40 +117044,40 +117045,40 +117046,40 +117047,37 +117048,37 +117049,37 +117050,37 +117051,37 +117052,37 +117053,37 +117054,37 +117055,37 +117056,31 +117057,31 +117058,31 +117059,31 +117060,31 +117061,31 +117062,31 +117063,31 +117064,24 +117065,24 +117066,24 +117067,29 +117068,29 +117069,29 +117070,29 +117071,29 +117072,29 +117073,29 +117074,39 +117075,39 +117076,39 +117077,39 +117078,39 +117079,39 +117080,39 +117081,39 +117082,39 +117083,39 +117084,2 +117085,2 +117086,2 +117087,2 +117088,2 +117089,2 +117090,2 +117091,2 +117092,2 +117093,2 +117094,2 +117095,2 +117096,28 +117097,28 +117098,28 +117099,28 +117100,28 +117101,28 +117102,28 +117103,28 +117104,28 +117105,34 +117106,10 +117107,10 +117108,10 +117109,10 +117110,10 +117111,10 +117112,10 +117113,10 +117114,35 +117115,35 +117116,35 +117117,35 +117118,35 +117119,35 +117120,35 +117121,35 +117122,35 +117123,35 +117124,9 +117125,9 +117126,9 +117127,9 +117128,9 +117129,33 +117130,33 +117131,33 +117132,30 +117133,30 +117134,30 +117135,9 +117136,30 +117137,30 +117138,30 +117139,31 +117140,19 +117141,19 +117142,19 +117143,19 +117144,19 +117145,15 +117146,15 +117147,15 +117148,26 +117149,26 +117150,26 +117151,26 +117152,26 +117153,26 +117154,5 +117155,5 +117156,28 +117157,28 +117158,5 +117159,5 +117160,5 +117161,5 +117162,5 +117163,9 +117164,33 +117165,9 +117166,33 +117167,9 +117168,9 +117169,9 +117170,9 +117171,34 +117172,30 +117173,34 +117174,34 +117175,34 +117176,34 +117177,34 +117178,34 +117179,34 +117180,34 +117181,34 +117182,34 +117183,34 +117184,34 +117185,34 +117186,34 +117187,34 +117188,34 +117189,34 +117190,34 +117191,34 +117192,34 +117193,4 +117194,4 +117195,4 +117196,4 +117197,4 +117198,4 +117199,25 +117200,25 +117201,25 +117202,25 +117203,25 +117204,25 +117205,25 +117206,25 +117207,25 +117208,25 +117209,27 +117210,27 +117211,27 +117212,27 +117213,27 +117214,27 +117215,27 +117216,28 +117217,28 +117218,28 +117219,28 +117220,28 +117221,28 +117222,28 +117223,28 +117224,29 +117225,28 +117226,28 +117227,40 +117228,40 +117229,40 +117230,40 +117231,40 +117232,40 +117233,36 +117234,36 +117235,4 +117236,4 +117237,4 +117238,4 +117239,4 +117240,28 +117241,28 +117242,28 +117243,28 +117244,28 +117245,10 +117246,10 +117247,10 +117248,10 +117249,10 +117250,10 +117251,10 +117252,10 +117253,10 +117254,15 +117255,15 +117256,15 +117257,32 +117258,32 +117259,15 +117260,32 +117261,32 +117262,32 +117263,32 +117264,32 +117265,15 +117266,15 +117267,10 +117268,10 +117269,26 +117270,26 +117271,26 +117272,26 +117273,26 +117274,26 +117275,26 +117276,9 +117277,26 +117278,26 +117279,19 +117280,19 +117281,19 +117282,19 +117283,39 +117284,39 +117285,39 +117286,39 +117287,39 +117288,39 +117289,39 +117290,37 +117291,37 +117292,37 +117293,37 +117294,37 +117295,37 +117296,37 +117297,37 +117298,37 +117299,37 +117300,37 +117301,37 +117302,37 +117303,37 +117304,37 +117305,37 +117306,37 +117307,10 +117308,10 +117309,10 +117310,10 +117311,10 +117312,10 +117313,10 +117314,10 +117315,10 +117316,10 +117317,10 +117318,10 +117319,10 +117320,10 +117321,10 +117322,10 +117323,2 +117324,2 +117325,2 +117326,2 +117327,2 +117328,2 +117329,2 +117330,2 +117331,2 +117332,2 +117333,2 +117334,4 +117335,4 +117336,4 +117337,4 +117338,4 +117339,4 +117340,4 +117341,4 +117342,4 +117343,31 +117344,31 +117345,31 +117346,31 +117347,31 +117348,29 +117349,29 +117350,29 +117351,29 +117352,29 +117353,29 +117354,29 +117355,31 +117356,31 +117357,31 +117358,31 +117359,31 +117360,31 +117361,31 +117362,31 +117363,2 +117364,2 +117365,2 +117366,2 +117367,2 +117368,2 +117369,2 +117370,2 +117371,2 +117372,2 +117373,2 +117374,2 +117375,2 +117376,25 +117377,25 +117378,25 +117379,25 +117380,25 +117381,25 +117382,25 +117383,25 +117384,25 +117385,25 +117386,25 +117387,23 +117388,23 +117389,23 +117390,23 +117391,23 +117392,23 +117393,23 +117394,23 +117395,23 +117396,23 +117397,27 +117398,27 +117399,27 +117400,27 +117401,27 +117402,27 +117403,27 +117404,27 +117405,27 +117406,27 +117407,27 +117408,2 +117409,2 +117410,2 +117411,2 +117412,2 +117413,2 +117414,2 +117415,2 +117416,2 +117417,2 +117418,2 +117419,2 +117420,2 +117421,2 +117422,2 +117423,2 +117424,2 +117425,2 +117426,2 +117427,2 +117428,2 +117429,2 +117430,8 +117431,8 +117432,8 +117433,8 +117434,8 +117435,11 +117436,35 +117437,35 +117438,35 +117439,35 +117440,35 +117441,35 +117442,35 +117443,35 +117444,0 +117445,0 +117446,0 +117447,0 +117448,0 +117449,0 +117450,0 +117451,0 +117452,0 +117453,0 +117454,0 +117455,0 +117456,0 +117457,0 +117458,0 +117459,0 +117460,0 +117461,0 +117462,0 +117463,0 +117464,0 +117465,0 +117466,0 +117467,0 +117468,0 +117469,0 +117470,0 +117471,0 +117472,0 +117473,0 +117474,0 +117475,0 +117476,0 +117477,0 +117478,0 +117479,0 +117480,0 +117481,0 +117482,0 +117483,0 +117484,0 +117485,0 +117486,0 +117487,0 +117488,0 +117489,12 +117490,12 +117491,12 +117492,12 +117493,40 +117494,40 +117495,40 +117496,40 +117497,5 +117498,19 +117499,19 +117500,19 +117501,19 +117502,19 +117503,19 +117504,19 +117505,19 +117506,36 +117507,36 +117508,36 +117509,36 +117510,36 +117511,36 +117512,36 +117513,36 +117514,36 +117515,36 +117516,36 +117517,36 +117518,36 +117519,36 +117520,36 +117521,36 +117522,6 +117523,6 +117524,6 +117525,6 +117526,6 +117527,6 +117528,6 +117529,6 +117530,6 +117531,35 +117532,6 +117533,6 +117534,6 +117535,7 +117536,7 +117537,7 +117538,7 +117539,9 +117540,9 +117541,9 +117542,9 +117543,9 +117544,9 +117545,9 +117546,9 +117547,9 +117548,9 +117549,9 +117550,9 +117551,37 +117552,37 +117553,37 +117554,37 +117555,37 +117556,25 +117557,25 +117558,25 +117559,35 +117560,35 +117561,35 +117562,35 +117563,35 +117564,40 +117565,36 +117566,36 +117567,36 +117568,36 +117569,36 +117570,36 +117571,36 +117572,19 +117573,19 +117574,19 +117575,19 +117576,19 +117577,19 +117578,19 +117579,19 +117580,19 +117581,29 +117582,29 +117583,0 +117584,29 +117585,29 +117586,0 +117587,0 +117588,0 +117589,0 +117590,0 +117591,2 +117592,2 +117593,2 +117594,2 +117595,2 +117596,2 +117597,2 +117598,2 +117599,2 +117600,2 +117601,2 +117602,2 +117603,2 +117604,2 +117605,2 +117606,2 +117607,2 +117608,2 +117609,2 +117610,2 +117611,2 +117612,2 +117613,39 +117614,39 +117615,39 +117616,39 +117617,39 +117618,39 +117619,39 +117620,39 +117621,39 +117622,39 +117623,39 +117624,2 +117625,2 +117626,2 +117627,2 +117628,2 +117629,2 +117630,2 +117631,2 +117632,2 +117633,2 +117634,38 +117635,2 +117636,4 +117637,4 +117638,4 +117639,38 +117640,38 +117641,23 +117642,23 +117643,23 +117644,23 +117645,23 +117646,23 +117647,23 +117648,38 +117649,38 +117650,38 +117651,38 +117652,38 +117653,4 +117654,4 +117655,4 +117656,38 +117657,38 +117658,27 +117659,27 +117660,27 +117661,27 +117662,27 +117663,8 +117664,2 +117665,2 +117666,2 +117667,2 +117668,2 +117669,2 +117670,2 +117671,2 +117672,2 +117673,32 +117674,32 +117675,32 +117676,32 +117677,32 +117678,32 +117679,32 +117680,32 +117681,39 +117682,39 +117683,39 +117684,39 +117685,39 +117686,39 +117687,39 +117688,39 +117689,39 +117690,39 +117691,6 +117692,6 +117693,6 +117694,6 +117695,6 +117696,6 +117697,6 +117698,6 +117699,6 +117700,23 +117701,23 +117702,23 +117703,39 +117704,39 +117705,39 +117706,39 +117707,39 +117708,39 +117709,39 +117710,39 +117711,39 +117712,39 +117713,39 +117714,8 +117715,8 +117716,8 +117717,8 +117718,2 +117719,2 +117720,2 +117721,2 +117722,2 +117723,2 +117724,2 +117725,32 +117726,32 +117727,32 +117728,32 +117729,32 +117730,32 +117731,9 +117732,40 +117733,40 +117734,40 +117735,40 +117736,25 +117737,25 +117738,25 +117739,25 +117740,25 +117741,25 +117742,25 +117743,25 +117744,25 +117745,25 +117746,25 +117747,25 +117748,19 +117749,19 +117750,19 +117751,19 +117752,19 +117753,19 +117754,19 +117755,19 +117756,19 +117757,2 +117758,2 +117759,2 +117760,2 +117761,2 +117762,2 +117763,2 +117764,2 +117765,2 +117766,2 +117767,2 +117768,2 +117769,2 +117770,2 +117771,2 +117772,2 +117773,2 +117774,2 +117775,2 +117776,2 +117777,2 +117778,0 +117779,0 +117780,0 +117781,0 +117782,0 +117783,0 +117784,0 +117785,0 +117786,0 +117787,0 +117788,0 +117789,0 +117790,0 +117791,0 +117792,0 +117793,0 +117794,0 +117795,0 +117796,0 +117797,0 +117798,0 +117799,0 +117800,0 +117801,0 +117802,0 +117803,0 +117804,0 +117805,0 +117806,0 +117807,0 +117808,0 +117809,0 +117810,0 +117811,0 +117812,0 +117813,0 +117814,0 +117815,0 +117816,0 +117817,0 +117818,9 +117819,0 +117820,0 +117821,0 +117822,0 +117823,0 +117824,0 +117825,9 +117826,9 +117827,9 +117828,9 +117829,9 +117830,9 +117831,9 +117832,9 +117833,9 +117834,9 +117835,9 +117836,9 +117837,9 +117838,30 +117839,30 +117840,30 +117841,30 +117842,30 +117843,30 +117844,30 +117845,29 +117846,29 +117847,29 +117848,29 +117849,29 +117850,29 +117851,29 +117852,29 +117853,31 +117854,31 +117855,31 +117856,31 +117857,31 +117858,31 +117859,21 +117860,21 +117861,21 +117862,21 +117863,21 +117864,21 +117865,21 +117866,37 +117867,37 +117868,37 +117869,37 +117870,14 +117871,14 +117872,14 +117873,14 +117874,14 +117875,14 +117876,14 +117877,14 +117878,14 +117879,14 +117880,4 +117881,4 +117882,4 +117883,4 +117884,4 +117885,4 +117886,4 +117887,4 +117888,4 +117889,4 +117890,4 +117891,4 +117892,4 +117893,4 +117894,4 +117895,28 +117896,28 +117897,28 +117898,28 +117899,28 +117900,28 +117901,28 +117902,28 +117903,28 +117904,28 +117905,40 +117906,40 +117907,40 +117908,40 +117909,40 +117910,40 +117911,40 +117912,40 +117913,40 +117914,36 +117915,36 +117916,36 +117917,36 +117918,5 +117919,5 +117920,5 +117921,5 +117922,5 +117923,5 +117924,31 +117925,31 +117926,31 +117927,31 +117928,31 +117929,31 +117930,31 +117931,31 +117932,31 +117933,31 +117934,24 +117935,24 +117936,24 +117937,24 +117938,24 +117939,24 +117940,24 +117941,35 +117942,35 +117943,35 +117944,35 +117945,35 +117946,35 +117947,25 +117948,25 +117949,25 +117950,31 +117951,31 +117952,30 +117953,30 +117954,30 +117955,30 +117956,30 +117957,30 +117958,26 +117959,26 +117960,9 +117961,9 +117962,9 +117963,9 +117964,9 +117965,9 +117966,9 +117967,9 +117968,9 +117969,23 +117970,23 +117971,23 +117972,23 +117973,23 +117974,23 +117975,23 +117976,23 +117977,23 +117978,23 +117979,23 +117980,25 +117981,25 +117982,25 +117983,25 +117984,5 +117985,5 +117986,5 +117987,5 +117988,31 +117989,1 +117990,1 +117991,31 +117992,31 +117993,27 +117994,27 +117995,27 +117996,27 +117997,27 +117998,2 +117999,2 +118000,2 +118001,2 +118002,2 +118003,2 +118004,2 +118005,2 +118006,2 +118007,2 +118008,2 +118009,2 +118010,2 +118011,2 +118012,2 +118013,12 +118014,12 +118015,12 +118016,12 +118017,40 +118018,37 +118019,37 +118020,37 +118021,37 +118022,37 +118023,37 +118024,37 +118025,37 +118026,37 +118027,36 +118028,36 +118029,36 +118030,36 +118031,36 +118032,36 +118033,36 +118034,36 +118035,36 +118036,36 +118037,36 +118038,36 +118039,36 +118040,13 +118041,13 +118042,13 +118043,13 +118044,13 +118045,13 +118046,13 +118047,13 +118048,13 +118049,13 +118050,21 +118051,21 +118052,21 +118053,21 +118054,37 +118055,37 +118056,37 +118057,37 +118058,37 +118059,37 +118060,39 +118061,39 +118062,39 +118063,39 +118064,39 +118065,39 +118066,39 +118067,39 +118068,39 +118069,39 +118070,39 +118071,39 +118072,39 +118073,39 +118074,39 +118075,39 +118076,39 +118077,0 +118078,0 +118079,0 +118080,0 +118081,0 +118082,0 +118083,0 +118084,0 +118085,0 +118086,0 +118087,0 +118088,0 +118089,0 +118090,0 +118091,0 +118092,0 +118093,0 +118094,0 +118095,0 +118096,0 +118097,0 +118098,0 +118099,0 +118100,0 +118101,0 +118102,0 +118103,0 +118104,0 +118105,0 +118106,0 +118107,0 +118108,0 +118109,0 +118110,0 +118111,0 +118112,0 +118113,0 +118114,0 +118115,0 +118116,0 +118117,0 +118118,0 +118119,0 +118120,0 +118121,27 +118122,27 +118123,27 +118124,27 +118125,27 +118126,27 +118127,27 +118128,27 +118129,27 +118130,5 +118131,19 +118132,19 +118133,19 +118134,19 +118135,19 +118136,28 +118137,28 +118138,28 +118139,28 +118140,28 +118141,28 +118142,31 +118143,31 +118144,31 +118145,31 +118146,31 +118147,31 +118148,31 +118149,2 +118150,2 +118151,2 +118152,2 +118153,2 +118154,2 +118155,2 +118156,2 +118157,2 +118158,2 +118159,32 +118160,32 +118161,32 +118162,32 +118163,32 +118164,32 +118165,32 +118166,39 +118167,39 +118168,39 +118169,39 +118170,39 +118171,39 +118172,39 +118173,21 +118174,21 +118175,21 +118176,21 +118177,21 +118178,21 +118179,21 +118180,21 +118181,21 +118182,21 +118183,21 +118184,21 +118185,26 +118186,21 +118187,18 +118188,18 +118189,18 +118190,18 +118191,18 +118192,18 +118193,16 +118194,16 +118195,16 +118196,16 +118197,16 +118198,16 +118199,10 +118200,10 +118201,10 +118202,10 +118203,10 +118204,10 +118205,10 +118206,10 +118207,10 +118208,10 +118209,10 +118210,10 +118211,10 +118212,10 +118213,10 +118214,10 +118215,10 +118216,36 +118217,36 +118218,36 +118219,36 +118220,36 +118221,36 +118222,36 +118223,36 +118224,36 +118225,5 +118226,5 +118227,5 +118228,5 +118229,5 +118230,5 +118231,5 +118232,2 +118233,2 +118234,2 +118235,2 +118236,2 +118237,2 +118238,2 +118239,2 +118240,2 +118241,2 +118242,29 +118243,29 +118244,29 +118245,29 +118246,31 +118247,31 +118248,27 +118249,27 +118250,27 +118251,4 +118252,4 +118253,4 +118254,4 +118255,4 +118256,2 +118257,2 +118258,2 +118259,2 +118260,2 +118261,2 +118262,2 +118263,2 +118264,2 +118265,2 +118266,2 +118267,2 +118268,2 +118269,2 +118270,2 +118271,2 +118272,14 +118273,14 +118274,27 +118275,27 +118276,27 +118277,27 +118278,27 +118279,27 +118280,27 +118281,27 +118282,27 +118283,27 +118284,27 +118285,27 +118286,27 +118287,27 +118288,30 +118289,30 +118290,30 +118291,30 +118292,30 +118293,30 +118294,30 +118295,30 +118296,30 +118297,30 +118298,30 +118299,31 +118300,31 +118301,31 +118302,31 +118303,31 +118304,31 +118305,31 +118306,31 +118307,31 +118308,5 +118309,5 +118310,5 +118311,5 +118312,5 +118313,5 +118314,5 +118315,5 +118316,31 +118317,31 +118318,31 +118319,5 +118320,5 +118321,5 +118322,5 +118323,5 +118324,5 +118325,5 +118326,5 +118327,5 +118328,5 +118329,5 +118330,5 +118331,0 +118332,0 +118333,0 +118334,0 +118335,0 +118336,0 +118337,23 +118338,23 +118339,23 +118340,23 +118341,23 +118342,23 +118343,23 +118344,23 +118345,23 +118346,23 +118347,23 +118348,23 +118349,23 +118350,23 +118351,23 +118352,23 +118353,23 +118354,37 +118355,37 +118356,37 +118357,37 +118358,37 +118359,37 +118360,10 +118361,10 +118362,10 +118363,10 +118364,10 +118365,10 +118366,26 +118367,26 +118368,26 +118369,26 +118370,26 +118371,26 +118372,26 +118373,26 +118374,26 +118375,26 +118376,26 +118377,2 +118378,2 +118379,2 +118380,2 +118381,2 +118382,2 +118383,2 +118384,2 +118385,2 +118386,2 +118387,2 +118388,2 +118389,2 +118390,18 +118391,18 +118392,18 +118393,18 +118394,18 +118395,18 +118396,18 +118397,18 +118398,18 +118399,18 +118400,18 +118401,18 +118402,18 +118403,31 +118404,31 +118405,31 +118406,10 +118407,10 +118408,10 +118409,10 +118410,10 +118411,10 +118412,10 +118413,10 +118414,10 +118415,10 +118416,10 +118417,10 +118418,10 +118419,10 +118420,10 +118421,10 +118422,36 +118423,36 +118424,36 +118425,36 +118426,36 +118427,36 +118428,36 +118429,36 +118430,36 +118431,36 +118432,5 +118433,27 +118434,27 +118435,5 +118436,5 +118437,5 +118438,5 +118439,5 +118440,5 +118441,5 +118442,5 +118443,5 +118444,5 +118445,5 +118446,8 +118447,8 +118448,8 +118449,8 +118450,8 +118451,8 +118452,8 +118453,2 +118454,2 +118455,2 +118456,2 +118457,2 +118458,2 +118459,2 +118460,2 +118461,2 +118462,2 +118463,2 +118464,2 +118465,2 +118466,2 +118467,2 +118468,2 +118469,2 +118470,0 +118471,0 +118472,0 +118473,0 +118474,0 +118475,0 +118476,0 +118477,0 +118478,0 +118479,0 +118480,0 +118481,0 +118482,0 +118483,0 +118484,0 +118485,0 +118486,0 +118487,0 +118488,0 +118489,0 +118490,0 +118491,0 +118492,0 +118493,0 +118494,0 +118495,0 +118496,0 +118497,0 +118498,0 +118499,0 +118500,0 +118501,0 +118502,0 +118503,0 +118504,0 +118505,0 +118506,0 +118507,0 +118508,2 +118509,2 +118510,2 +118511,2 +118512,2 +118513,2 +118514,2 +118515,2 +118516,2 +118517,2 +118518,2 +118519,2 +118520,2 +118521,2 +118522,2 +118523,40 +118524,40 +118525,40 +118526,40 +118527,40 +118528,40 +118529,40 +118530,40 +118531,19 +118532,19 +118533,19 +118534,19 +118535,19 +118536,27 +118537,27 +118538,31 +118539,31 +118540,5 +118541,5 +118542,5 +118543,5 +118544,5 +118545,5 +118546,5 +118547,5 +118548,31 +118549,31 +118550,31 +118551,31 +118552,26 +118553,26 +118554,31 +118555,29 +118556,29 +118557,29 +118558,29 +118559,29 +118560,29 +118561,29 +118562,25 +118563,25 +118564,25 +118565,25 +118566,25 +118567,25 +118568,25 +118569,25 +118570,37 +118571,31 +118572,31 +118573,31 +118574,31 +118575,31 +118576,31 +118577,31 +118578,31 +118579,25 +118580,29 +118581,29 +118582,29 +118583,29 +118584,24 +118585,29 +118586,29 +118587,31 +118588,31 +118589,31 +118590,31 +118591,5 +118592,5 +118593,5 +118594,5 +118595,5 +118596,5 +118597,5 +118598,5 +118599,34 +118600,34 +118601,36 +118602,36 +118603,36 +118604,36 +118605,36 +118606,36 +118607,36 +118608,36 +118609,36 +118610,36 +118611,5 +118612,5 +118613,28 +118614,5 +118615,5 +118616,5 +118617,5 +118618,5 +118619,5 +118620,5 +118621,5 +118622,5 +118623,5 +118624,5 +118625,5 +118626,5 +118627,5 +118628,5 +118629,5 +118630,5 +118631,0 +118632,0 +118633,0 +118634,0 +118635,0 +118636,0 +118637,0 +118638,0 +118639,0 +118640,0 +118641,0 +118642,0 +118643,0 +118644,0 +118645,0 +118646,0 +118647,0 +118648,0 +118649,0 +118650,0 +118651,0 +118652,0 +118653,0 +118654,0 +118655,0 +118656,0 +118657,0 +118658,0 +118659,0 +118660,0 +118661,0 +118662,0 +118663,0 +118664,0 +118665,0 +118666,0 +118667,0 +118668,0 +118669,0 +118670,0 +118671,0 +118672,0 +118673,0 +118674,0 +118675,0 +118676,0 +118677,0 +118678,0 +118679,0 +118680,0 +118681,0 +118682,0 +118683,0 +118684,0 +118685,0 +118686,0 +118687,0 +118688,0 +118689,0 +118690,0 +118691,0 +118692,15 +118693,15 +118694,31 +118695,31 +118696,31 +118697,31 +118698,31 +118699,4 +118700,4 +118701,4 +118702,4 +118703,36 +118704,36 +118705,36 +118706,36 +118707,36 +118708,36 +118709,36 +118710,36 +118711,36 +118712,36 +118713,36 +118714,36 +118715,36 +118716,36 +118717,36 +118718,36 +118719,36 +118720,36 +118721,8 +118722,8 +118723,8 +118724,8 +118725,8 +118726,8 +118727,8 +118728,29 +118729,29 +118730,29 +118731,29 +118732,29 +118733,14 +118734,14 +118735,14 +118736,14 +118737,14 +118738,14 +118739,14 +118740,14 +118741,14 +118742,6 +118743,6 +118744,6 +118745,6 +118746,6 +118747,6 +118748,6 +118749,6 +118750,6 +118751,6 +118752,14 +118753,14 +118754,14 +118755,14 +118756,14 +118757,14 +118758,14 +118759,14 +118760,14 +118761,14 +118762,14 +118763,14 +118764,14 +118765,14 +118766,14 +118767,28 +118768,28 +118769,28 +118770,28 +118771,28 +118772,28 +118773,28 +118774,28 +118775,28 +118776,28 +118777,5 +118778,5 +118779,5 +118780,27 +118781,27 +118782,27 +118783,27 +118784,27 +118785,27 +118786,27 +118787,27 +118788,27 +118789,37 +118790,25 +118791,25 +118792,25 +118793,25 +118794,37 +118795,37 +118796,37 +118797,37 +118798,37 +118799,37 +118800,37 +118801,25 +118802,25 +118803,25 +118804,25 +118805,25 +118806,25 +118807,25 +118808,37 +118809,37 +118810,37 +118811,37 +118812,37 +118813,37 +118814,37 +118815,37 +118816,37 +118817,25 +118818,37 +118819,37 +118820,37 +118821,37 +118822,37 +118823,37 +118824,0 +118825,0 +118826,0 +118827,0 +118828,0 +118829,0 +118830,0 +118831,0 +118832,0 +118833,0 +118834,0 +118835,0 +118836,0 +118837,0 +118838,0 +118839,0 +118840,0 +118841,0 +118842,0 +118843,0 +118844,0 +118845,0 +118846,0 +118847,0 +118848,37 +118849,37 +118850,37 +118851,37 +118852,37 +118853,33 +118854,33 +118855,33 +118856,33 +118857,33 +118858,33 +118859,33 +118860,33 +118861,4 +118862,4 +118863,4 +118864,4 +118865,4 +118866,4 +118867,4 +118868,4 +118869,2 +118870,2 +118871,2 +118872,2 +118873,2 +118874,2 +118875,2 +118876,2 +118877,2 +118878,33 +118879,33 +118880,33 +118881,33 +118882,33 +118883,9 +118884,9 +118885,9 +118886,9 +118887,9 +118888,9 +118889,9 +118890,9 +118891,9 +118892,9 +118893,9 +118894,9 +118895,9 +118896,9 +118897,9 +118898,9 +118899,9 +118900,9 +118901,9 +118902,9 +118903,9 +118904,9 +118905,9 +118906,9 +118907,30 +118908,30 +118909,30 +118910,30 +118911,30 +118912,30 +118913,30 +118914,30 +118915,30 +118916,30 +118917,30 +118918,30 +118919,29 +118920,29 +118921,29 +118922,29 +118923,29 +118924,36 +118925,36 +118926,36 +118927,36 +118928,31 +118929,31 +118930,31 +118931,40 +118932,4 +118933,4 +118934,4 +118935,4 +118936,4 +118937,4 +118938,4 +118939,4 +118940,4 +118941,4 +118942,4 +118943,4 +118944,4 +118945,4 +118946,23 +118947,23 +118948,12 +118949,12 +118950,12 +118951,12 +118952,12 +118953,25 +118954,25 +118955,25 +118956,25 +118957,25 +118958,25 +118959,25 +118960,25 +118961,25 +118962,31 +118963,31 +118964,31 +118965,31 +118966,31 +118967,31 +118968,31 +118969,31 +118970,33 +118971,33 +118972,33 +118973,33 +118974,33 +118975,33 +118976,33 +118977,33 +118978,33 +118979,33 +118980,33 +118981,33 +118982,33 +118983,23 +118984,23 +118985,23 +118986,23 +118987,23 +118988,23 +118989,23 +118990,23 +118991,25 +118992,25 +118993,25 +118994,25 +118995,25 +118996,25 +118997,25 +118998,25 +118999,25 +119000,25 +119001,37 +119002,14 +119003,14 +119004,40 +119005,40 +119006,40 +119007,40 +119008,40 +119009,40 +119010,27 +119011,27 +119012,14 +119013,14 +119014,21 +119015,21 +119016,21 +119017,21 +119018,21 +119019,21 +119020,21 +119021,21 +119022,21 +119023,36 +119024,36 +119025,36 +119026,36 +119027,36 +119028,36 +119029,36 +119030,36 +119031,36 +119032,5 +119033,5 +119034,5 +119035,5 +119036,5 +119037,2 +119038,2 +119039,2 +119040,2 +119041,2 +119042,2 +119043,2 +119044,2 +119045,2 +119046,29 +119047,4 +119048,29 +119049,29 +119050,29 +119051,0 +119052,0 +119053,0 +119054,36 +119055,36 +119056,40 +119057,40 +119058,40 +119059,36 +119060,40 +119061,40 +119062,40 +119063,40 +119064,40 +119065,36 +119066,36 +119067,36 +119068,36 +119069,8 +119070,8 +119071,8 +119072,8 +119073,2 +119074,2 +119075,2 +119076,2 +119077,2 +119078,4 +119079,4 +119080,4 +119081,4 +119082,4 +119083,4 +119084,4 +119085,37 +119086,37 +119087,37 +119088,31 +119089,31 +119090,31 +119091,31 +119092,31 +119093,31 +119094,31 +119095,30 +119096,30 +119097,30 +119098,30 +119099,30 +119100,9 +119101,30 +119102,30 +119103,30 +119104,30 +119105,30 +119106,30 +119107,10 +119108,9 +119109,9 +119110,9 +119111,9 +119112,9 +119113,31 +119114,31 +119115,31 +119116,31 +119117,5 +119118,5 +119119,5 +119120,5 +119121,5 +119122,5 +119123,5 +119124,5 +119125,5 +119126,5 +119127,5 +119128,5 +119129,0 +119130,0 +119131,0 +119132,0 +119133,0 +119134,0 +119135,0 +119136,0 +119137,0 +119138,0 +119139,0 +119140,0 +119141,0 +119142,0 +119143,0 +119144,0 +119145,0 +119146,0 +119147,0 +119148,0 +119149,0 +119150,0 +119151,0 +119152,0 +119153,0 +119154,0 +119155,0 +119156,0 +119157,0 +119158,0 +119159,0 +119160,0 +119161,0 +119162,0 +119163,0 +119164,0 +119165,0 +119166,0 +119167,2 +119168,2 +119169,2 +119170,2 +119171,2 +119172,2 +119173,2 +119174,2 +119175,2 +119176,2 +119177,2 +119178,2 +119179,2 +119180,2 +119181,2 +119182,2 +119183,40 +119184,10 +119185,10 +119186,10 +119187,10 +119188,10 +119189,10 +119190,10 +119191,10 +119192,10 +119193,10 +119194,10 +119195,10 +119196,10 +119197,10 +119198,19 +119199,19 +119200,19 +119201,19 +119202,19 +119203,19 +119204,19 +119205,19 +119206,28 +119207,28 +119208,28 +119209,28 +119210,28 +119211,28 +119212,28 +119213,14 +119214,14 +119215,14 +119216,3 +119217,3 +119218,14 +119219,14 +119220,3 +119221,3 +119222,3 +119223,14 +119224,28 +119225,28 +119226,28 +119227,28 +119228,28 +119229,28 +119230,28 +119231,28 +119232,28 +119233,25 +119234,25 +119235,25 +119236,25 +119237,25 +119238,25 +119239,25 +119240,25 +119241,4 +119242,4 +119243,4 +119244,4 +119245,4 +119246,4 +119247,4 +119248,4 +119249,4 +119250,4 +119251,40 +119252,40 +119253,40 +119254,40 +119255,40 +119256,40 +119257,40 +119258,40 +119259,40 +119260,40 +119261,40 +119262,40 +119263,30 +119264,30 +119265,30 +119266,30 +119267,30 +119268,30 +119269,30 +119270,33 +119271,33 +119272,33 +119273,33 +119274,33 +119275,33 +119276,33 +119277,33 +119278,33 +119279,33 +119280,33 +119281,33 +119282,30 +119283,30 +119284,30 +119285,30 +119286,30 +119287,30 +119288,30 +119289,30 +119290,30 +119291,30 +119292,30 +119293,30 +119294,0 +119295,0 +119296,0 +119297,0 +119298,0 +119299,0 +119300,0 +119301,0 +119302,0 +119303,0 +119304,0 +119305,0 +119306,0 +119307,0 +119308,0 +119309,0 +119310,0 +119311,0 +119312,0 +119313,0 +119314,0 +119315,0 +119316,0 +119317,0 +119318,0 +119319,0 +119320,0 +119321,0 +119322,0 +119323,0 +119324,0 +119325,0 +119326,0 +119327,0 +119328,0 +119329,0 +119330,0 +119331,0 +119332,0 +119333,0 +119334,0 +119335,0 +119336,0 +119337,0 +119338,0 +119339,0 +119340,0 +119341,0 +119342,0 +119343,0 +119344,0 +119345,0 +119346,0 +119347,0 +119348,0 +119349,0 +119350,35 +119351,35 +119352,35 +119353,35 +119354,0 +119355,0 +119356,0 +119357,12 +119358,12 +119359,12 +119360,12 +119361,12 +119362,12 +119363,10 +119364,10 +119365,10 +119366,10 +119367,10 +119368,10 +119369,10 +119370,10 +119371,10 +119372,10 +119373,10 +119374,10 +119375,10 +119376,10 +119377,10 +119378,10 +119379,10 +119380,10 +119381,10 +119382,10 +119383,10 +119384,10 +119385,10 +119386,10 +119387,10 +119388,10 +119389,10 +119390,10 +119391,10 +119392,10 +119393,10 +119394,10 +119395,10 +119396,10 +119397,36 +119398,26 +119399,36 +119400,10 +119401,10 +119402,4 +119403,4 +119404,4 +119405,4 +119406,4 +119407,4 +119408,4 +119409,4 +119410,4 +119411,4 +119412,4 +119413,4 +119414,4 +119415,4 +119416,4 +119417,4 +119418,31 +119419,31 +119420,31 +119421,32 +119422,32 +119423,32 +119424,38 +119425,38 +119426,32 +119427,32 +119428,32 +119429,25 +119430,25 +119431,25 +119432,25 +119433,25 +119434,25 +119435,25 +119436,2 +119437,2 +119438,2 +119439,2 +119440,2 +119441,2 +119442,2 +119443,2 +119444,31 +119445,31 +119446,31 +119447,31 +119448,31 +119449,31 +119450,31 +119451,31 +119452,31 +119453,31 +119454,32 +119455,32 +119456,32 +119457,32 +119458,32 +119459,32 +119460,32 +119461,32 +119462,32 +119463,32 +119464,36 +119465,36 +119466,36 +119467,36 +119468,36 +119469,36 +119470,36 +119471,36 +119472,36 +119473,36 +119474,19 +119475,19 +119476,19 +119477,39 +119478,39 +119479,39 +119480,39 +119481,39 +119482,39 +119483,39 +119484,39 +119485,39 +119486,39 +119487,39 +119488,39 +119489,39 +119490,39 +119491,39 +119492,39 +119493,39 +119494,39 +119495,39 +119496,39 +119497,39 +119498,39 +119499,39 +119500,39 +119501,39 +119502,39 +119503,0 +119504,0 +119505,0 +119506,0 +119507,0 +119508,0 +119509,0 +119510,0 +119511,0 +119512,0 +119513,0 +119514,0 +119515,0 +119516,0 +119517,0 +119518,0 +119519,0 +119520,0 +119521,0 +119522,0 +119523,0 +119524,0 +119525,0 +119526,0 +119527,0 +119528,0 +119529,7 +119530,7 +119531,7 +119532,7 +119533,7 +119534,7 +119535,25 +119536,25 +119537,25 +119538,25 +119539,25 +119540,25 +119541,25 +119542,2 +119543,2 +119544,2 +119545,2 +119546,2 +119547,2 +119548,2 +119549,2 +119550,2 +119551,2 +119552,2 +119553,2 +119554,2 +119555,33 +119556,33 +119557,30 +119558,30 +119559,30 +119560,30 +119561,30 +119562,30 +119563,30 +119564,30 +119565,30 +119566,39 +119567,39 +119568,39 +119569,39 +119570,39 +119571,39 +119572,39 +119573,0 +119574,0 +119575,0 +119576,0 +119577,0 +119578,0 +119579,0 +119580,0 +119581,0 +119582,0 +119583,0 +119584,0 +119585,0 +119586,0 +119587,0 +119588,0 +119589,0 +119590,0 +119591,0 +119592,0 +119593,0 +119594,0 +119595,0 +119596,0 +119597,0 +119598,0 +119599,0 +119600,31 +119601,31 +119602,31 +119603,31 +119604,31 +119605,31 +119606,5 +119607,5 +119608,5 +119609,5 +119610,5 +119611,5 +119612,4 +119613,4 +119614,4 +119615,4 +119616,4 +119617,4 +119618,4 +119619,4 +119620,4 +119621,4 +119622,4 +119623,4 +119624,37 +119625,37 +119626,37 +119627,37 +119628,37 +119629,37 +119630,10 +119631,10 +119632,10 +119633,10 +119634,10 +119635,10 +119636,10 +119637,10 +119638,10 +119639,10 +119640,10 +119641,10 +119642,19 +119643,19 +119644,19 +119645,19 +119646,4 +119647,4 +119648,4 +119649,4 +119650,4 +119651,4 +119652,4 +119653,31 +119654,31 +119655,37 +119656,37 +119657,37 +119658,37 +119659,37 +119660,37 +119661,37 +119662,37 +119663,27 +119664,27 +119665,27 +119666,27 +119667,27 +119668,8 +119669,8 +119670,8 +119671,8 +119672,8 +119673,8 +119674,8 +119675,8 +119676,27 +119677,27 +119678,27 +119679,27 +119680,27 +119681,27 +119682,27 +119683,27 +119684,27 +119685,27 +119686,2 +119687,2 +119688,2 +119689,2 +119690,2 +119691,2 +119692,2 +119693,2 +119694,4 +119695,4 +119696,4 +119697,4 +119698,4 +119699,4 +119700,4 +119701,31 +119702,31 +119703,31 +119704,31 +119705,28 +119706,28 +119707,28 +119708,28 +119709,39 +119710,39 +119711,39 +119712,39 +119713,39 +119714,39 +119715,39 +119716,39 +119717,39 +119718,39 +119719,39 +119720,12 +119721,12 +119722,12 +119723,12 +119724,12 +119725,40 +119726,40 +119727,40 +119728,40 +119729,5 +119730,5 +119731,34 +119732,34 +119733,34 +119734,10 +119735,10 +119736,10 +119737,10 +119738,10 +119739,10 +119740,10 +119741,10 +119742,10 +119743,10 +119744,10 +119745,10 +119746,10 +119747,10 +119748,10 +119749,10 +119750,14 +119751,14 +119752,14 +119753,14 +119754,14 +119755,36 +119756,5 +119757,5 +119758,5 +119759,5 +119760,5 +119761,5 +119762,5 +119763,2 +119764,2 +119765,2 +119766,2 +119767,2 +119768,2 +119769,2 +119770,2 +119771,2 +119772,2 +119773,2 +119774,2 +119775,2 +119776,27 +119777,27 +119778,27 +119779,27 +119780,27 +119781,27 +119782,2 +119783,8 +119784,8 +119785,2 +119786,2 +119787,2 +119788,2 +119789,2 +119790,2 +119791,2 +119792,2 +119793,31 +119794,31 +119795,27 +119796,27 +119797,27 +119798,4 +119799,19 +119800,19 +119801,19 +119802,34 +119803,26 +119804,26 +119805,26 +119806,26 +119807,31 +119808,37 +119809,37 +119810,37 +119811,37 +119812,37 +119813,37 +119814,37 +119815,37 +119816,37 +119817,37 +119818,37 +119819,27 +119820,27 +119821,27 +119822,31 +119823,5 +119824,5 +119825,5 +119826,30 +119827,30 +119828,30 +119829,30 +119830,30 +119831,39 +119832,39 +119833,39 +119834,39 +119835,39 +119836,39 +119837,39 +119838,39 +119839,39 +119840,4 +119841,4 +119842,4 +119843,4 +119844,27 +119845,27 +119846,27 +119847,13 +119848,13 +119849,13 +119850,13 +119851,13 +119852,13 +119853,35 +119854,35 +119855,35 +119856,35 +119857,35 +119858,35 +119859,35 +119860,35 +119861,35 +119862,35 +119863,35 +119864,35 +119865,25 +119866,25 +119867,25 +119868,25 +119869,25 +119870,25 +119871,25 +119872,25 +119873,31 +119874,31 +119875,31 +119876,31 +119877,31 +119878,31 +119879,31 +119880,31 +119881,31 +119882,31 +119883,24 +119884,24 +119885,24 +119886,24 +119887,24 +119888,24 +119889,24 +119890,24 +119891,24 +119892,24 +119893,31 +119894,31 +119895,31 +119896,31 +119897,31 +119898,15 +119899,15 +119900,15 +119901,15 +119902,15 +119903,15 +119904,15 +119905,36 +119906,36 +119907,36 +119908,36 +119909,36 +119910,36 +119911,36 +119912,36 +119913,36 +119914,36 +119915,36 +119916,36 +119917,36 +119918,36 +119919,36 +119920,36 +119921,36 +119922,36 +119923,36 +119924,2 +119925,2 +119926,2 +119927,2 +119928,2 +119929,2 +119930,2 +119931,2 +119932,2 +119933,2 +119934,6 +119935,6 +119936,6 +119937,6 +119938,6 +119939,6 +119940,31 +119941,31 +119942,31 +119943,27 +119944,27 +119945,27 +119946,27 +119947,31 +119948,31 +119949,27 +119950,4 +119951,4 +119952,4 +119953,4 +119954,4 +119955,4 +119956,4 +119957,4 +119958,4 +119959,4 +119960,4 +119961,4 +119962,0 +119963,0 +119964,0 +119965,0 +119966,0 +119967,0 +119968,0 +119969,0 +119970,0 +119971,0 +119972,0 +119973,0 +119974,0 +119975,0 +119976,0 +119977,0 +119978,0 +119979,0 +119980,0 +119981,0 +119982,0 +119983,0 +119984,0 +119985,0 +119986,0 +119987,0 +119988,0 +119989,0 +119990,0 +119991,0 +119992,0 +119993,0 +119994,0 +119995,0 +119996,0 +119997,0 +119998,0 +119999,0 +120000,0 +120001,0 +120002,0 +120003,0 +120004,0 +120005,0 +120006,0 +120007,0 +120008,0 +120009,0 +120010,0 +120011,0 +120012,0 +120013,0 +120014,0 +120015,0 +120016,0 +120017,0 +120018,0 +120019,0 +120020,0 +120021,0 +120022,0 +120023,0 +120024,0 +120025,0 +120026,0 +120027,0 +120028,0 +120029,0 +120030,0 +120031,0 +120032,0 +120033,0 +120034,0 +120035,0 +120036,0 +120037,0 +120038,0 +120039,0 +120040,0 +120041,0 +120042,0 +120043,0 +120044,0 +120045,0 +120046,0 +120047,0 +120048,0 +120049,0 +120050,0 +120051,0 +120052,0 +120053,0 +120054,0 +120055,0 +120056,0 +120057,0 +120058,0 +120059,0 +120060,0 +120061,0 +120062,0 +120063,0 +120064,0 +120065,0 +120066,0 +120067,5 +120068,28 +120069,28 +120070,28 +120071,28 +120072,28 +120073,28 +120074,27 +120075,27 +120076,27 +120077,27 +120078,27 +120079,27 +120080,27 +120081,2 +120082,2 +120083,2 +120084,2 +120085,2 +120086,2 +120087,2 +120088,2 +120089,2 +120090,2 +120091,27 +120092,27 +120093,27 +120094,27 +120095,27 +120096,18 +120097,18 +120098,18 +120099,18 +120100,18 +120101,18 +120102,18 +120103,18 +120104,11 +120105,11 +120106,31 +120107,31 +120108,25 +120109,25 +120110,25 +120111,24 +120112,24 +120113,24 +120114,24 +120115,24 +120116,24 +120117,37 +120118,37 +120119,37 +120120,37 +120121,37 +120122,10 +120123,10 +120124,10 +120125,10 +120126,10 +120127,10 +120128,31 +120129,31 +120130,31 +120131,26 +120132,26 +120133,26 +120134,26 +120135,26 +120136,5 +120137,5 +120138,5 +120139,5 +120140,5 +120141,5 +120142,5 +120143,5 +120144,16 +120145,16 +120146,16 +120147,16 +120148,16 +120149,16 +120150,16 +120151,16 +120152,16 +120153,16 +120154,16 +120155,27 +120156,39 +120157,39 +120158,39 +120159,32 +120160,32 +120161,32 +120162,32 +120163,32 +120164,32 +120165,32 +120166,37 +120167,37 +120168,37 +120169,37 +120170,37 +120171,33 +120172,33 +120173,33 +120174,33 +120175,33 +120176,33 +120177,33 +120178,33 +120179,33 +120180,33 +120181,4 +120182,4 +120183,4 +120184,4 +120185,4 +120186,4 +120187,4 +120188,4 +120189,4 +120190,4 +120191,4 +120192,40 +120193,40 +120194,40 +120195,40 +120196,40 +120197,40 +120198,40 +120199,40 +120200,40 +120201,40 +120202,2 +120203,2 +120204,2 +120205,2 +120206,2 +120207,2 +120208,2 +120209,4 +120210,4 +120211,4 +120212,4 +120213,2 +120214,2 +120215,2 +120216,27 +120217,27 +120218,27 +120219,27 +120220,27 +120221,8 +120222,8 +120223,8 +120224,8 +120225,8 +120226,8 +120227,8 +120228,8 +120229,8 +120230,8 +120231,8 +120232,8 +120233,8 +120234,4 +120235,0 +120236,0 +120237,0 +120238,0 +120239,0 +120240,0 +120241,0 +120242,0 +120243,0 +120244,0 +120245,0 +120246,0 +120247,0 +120248,0 +120249,0 +120250,0 +120251,0 +120252,0 +120253,0 +120254,0 +120255,0 +120256,0 +120257,0 +120258,0 +120259,0 +120260,0 +120261,0 +120262,0 +120263,0 +120264,0 +120265,0 +120266,0 +120267,0 +120268,0 +120269,0 +120270,0 +120271,0 +120272,0 +120273,0 +120274,0 +120275,0 +120276,0 +120277,0 +120278,0 +120279,0 +120280,0 +120281,0 +120282,0 +120283,0 +120284,33 +120285,33 +120286,33 +120287,33 +120288,33 +120289,33 +120290,33 +120291,33 +120292,33 +120293,33 +120294,33 +120295,33 +120296,33 +120297,33 +120298,33 +120299,33 +120300,8 +120301,8 +120302,8 +120303,8 +120304,8 +120305,8 +120306,8 +120307,8 +120308,8 +120309,8 +120310,8 +120311,31 +120312,31 +120313,31 +120314,31 +120315,31 +120316,31 +120317,31 +120318,31 +120319,5 +120320,5 +120321,5 +120322,5 +120323,5 +120324,29 +120325,29 +120326,30 +120327,39 +120328,39 +120329,39 +120330,39 +120331,39 +120332,39 +120333,35 +120334,35 +120335,35 +120336,35 +120337,35 +120338,35 +120339,35 +120340,35 +120341,35 +120342,35 +120343,35 +120344,35 +120345,36 +120346,36 +120347,36 +120348,36 +120349,36 +120350,36 +120351,36 +120352,36 +120353,23 +120354,23 +120355,23 +120356,23 +120357,23 +120358,23 +120359,23 +120360,23 +120361,23 +120362,23 +120363,23 +120364,31 +120365,31 +120366,31 +120367,31 +120368,31 +120369,12 +120370,12 +120371,12 +120372,12 +120373,12 +120374,12 +120375,12 +120376,12 +120377,14 +120378,14 +120379,14 +120380,14 +120381,14 +120382,39 +120383,39 +120384,14 +120385,17 +120386,17 +120387,14 +120388,14 +120389,14 +120390,14 +120391,14 +120392,14 +120393,0 +120394,0 +120395,0 +120396,0 +120397,0 +120398,0 +120399,0 +120400,0 +120401,0 +120402,0 +120403,0 +120404,0 +120405,0 +120406,0 +120407,6 +120408,6 +120409,6 +120410,6 +120411,6 +120412,6 +120413,0 +120414,0 +120415,0 +120416,0 +120417,0 +120418,0 +120419,0 +120420,0 +120421,0 +120422,0 +120423,15 +120424,15 +120425,15 +120426,15 +120427,31 +120428,31 +120429,31 +120430,4 +120431,4 +120432,4 +120433,4 +120434,10 +120435,10 +120436,10 +120437,10 +120438,10 +120439,10 +120440,10 +120441,10 +120442,19 +120443,19 +120444,19 +120445,19 +120446,19 +120447,19 +120448,27 +120449,27 +120450,27 +120451,27 +120452,27 +120453,2 +120454,2 +120455,2 +120456,2 +120457,2 +120458,2 +120459,2 +120460,2 +120461,2 +120462,2 +120463,2 +120464,2 +120465,10 +120466,10 +120467,10 +120468,10 +120469,10 +120470,10 +120471,10 +120472,10 +120473,10 +120474,10 +120475,10 +120476,19 +120477,19 +120478,19 +120479,19 +120480,19 +120481,19 +120482,27 +120483,27 +120484,27 +120485,27 +120486,27 +120487,27 +120488,27 +120489,27 +120490,27 +120491,27 +120492,19 +120493,19 +120494,19 +120495,19 +120496,19 +120497,19 +120498,19 +120499,0 +120500,0 +120501,0 +120502,0 +120503,0 +120504,0 +120505,0 +120506,0 +120507,0 +120508,0 +120509,0 +120510,0 +120511,0 +120512,29 +120513,29 +120514,29 +120515,29 +120516,29 +120517,29 +120518,29 +120519,29 +120520,29 +120521,29 +120522,40 +120523,40 +120524,40 +120525,31 +120526,4 +120527,4 +120528,19 +120529,19 +120530,19 +120531,4 +120532,35 +120533,35 +120534,35 +120535,35 +120536,35 +120537,35 +120538,39 +120539,39 +120540,7 +120541,7 +120542,7 +120543,7 +120544,39 +120545,39 +120546,3 +120547,3 +120548,28 +120549,28 +120550,28 +120551,28 +120552,28 +120553,28 +120554,28 +120555,28 +120556,10 +120557,10 +120558,10 +120559,10 +120560,10 +120561,10 +120562,10 +120563,10 +120564,10 +120565,10 +120566,10 +120567,10 +120568,10 +120569,10 +120570,14 +120571,14 +120572,14 +120573,14 +120574,4 +120575,4 +120576,4 +120577,4 +120578,4 +120579,4 +120580,4 +120581,4 +120582,4 +120583,4 +120584,4 +120585,4 +120586,4 +120587,4 +120588,4 +120589,4 +120590,14 +120591,14 +120592,14 +120593,14 +120594,14 +120595,14 +120596,14 +120597,14 +120598,14 +120599,14 +120600,6 +120601,6 +120602,6 +120603,6 +120604,6 +120605,6 +120606,6 +120607,6 +120608,6 +120609,6 +120610,6 +120611,6 +120612,6 +120613,27 +120614,27 +120615,27 +120616,27 +120617,6 +120618,6 +120619,6 +120620,6 +120621,6 +120622,6 +120623,6 +120624,6 +120625,6 +120626,6 +120627,6 +120628,6 +120629,31 +120630,31 +120631,31 +120632,31 +120633,31 +120634,31 +120635,31 +120636,4 +120637,4 +120638,4 +120639,4 +120640,4 +120641,4 +120642,25 +120643,25 +120644,4 +120645,4 +120646,25 +120647,25 +120648,25 +120649,8 +120650,8 +120651,8 +120652,8 +120653,8 +120654,8 +120655,2 +120656,2 +120657,2 +120658,2 +120659,2 +120660,2 +120661,2 +120662,2 +120663,2 +120664,2 +120665,2 +120666,2 +120667,33 +120668,33 +120669,33 +120670,33 +120671,33 +120672,33 +120673,33 +120674,33 +120675,33 +120676,33 +120677,24 +120678,24 +120679,24 +120680,24 +120681,24 +120682,24 +120683,24 +120684,24 +120685,25 +120686,25 +120687,25 +120688,25 +120689,25 +120690,25 +120691,25 +120692,25 +120693,25 +120694,25 +120695,25 +120696,25 +120697,25 +120698,25 +120699,25 +120700,25 +120701,25 +120702,25 +120703,25 +120704,25 +120705,25 +120706,25 +120707,25 +120708,25 +120709,33 +120710,33 +120711,33 +120712,33 +120713,33 +120714,33 +120715,33 +120716,33 +120717,33 +120718,33 +120719,33 +120720,33 +120721,33 +120722,33 +120723,33 +120724,37 +120725,37 +120726,37 +120727,37 +120728,37 +120729,37 +120730,37 +120731,37 +120732,25 +120733,25 +120734,25 +120735,25 +120736,25 +120737,25 +120738,25 +120739,7 +120740,7 +120741,7 +120742,7 +120743,7 +120744,7 +120745,3 +120746,3 +120747,3 +120748,3 +120749,3 +120750,3 +120751,3 +120752,3 +120753,3 +120754,3 +120755,3 +120756,12 +120757,12 +120758,12 +120759,31 +120760,31 +120761,31 +120762,31 +120763,31 +120764,31 +120765,31 +120766,31 +120767,31 +120768,31 +120769,31 +120770,31 +120771,31 +120772,31 +120773,31 +120774,8 +120775,8 +120776,8 +120777,8 +120778,8 +120779,8 +120780,8 +120781,8 +120782,8 +120783,8 +120784,8 +120785,2 +120786,2 +120787,2 +120788,2 +120789,2 +120790,2 +120791,2 +120792,2 +120793,2 +120794,2 +120795,2 +120796,2 +120797,2 +120798,2 +120799,2 +120800,0 +120801,0 +120802,0 +120803,0 +120804,0 +120805,0 +120806,0 +120807,0 +120808,0 +120809,0 +120810,0 +120811,0 +120812,0 +120813,0 +120814,0 +120815,0 +120816,0 +120817,0 +120818,0 +120819,0 +120820,0 +120821,0 +120822,0 +120823,0 +120824,0 +120825,0 +120826,0 +120827,0 +120828,0 +120829,0 +120830,0 +120831,0 +120832,0 +120833,0 +120834,0 +120835,0 +120836,0 +120837,0 +120838,0 +120839,0 +120840,0 +120841,0 +120842,0 +120843,0 +120844,0 +120845,0 +120846,0 +120847,0 +120848,0 +120849,0 +120850,0 +120851,0 +120852,29 +120853,29 +120854,31 +120855,31 +120856,31 +120857,31 +120858,31 +120859,31 +120860,2 +120861,2 +120862,2 +120863,2 +120864,2 +120865,2 +120866,2 +120867,2 +120868,2 +120869,2 +120870,14 +120871,14 +120872,14 +120873,14 +120874,14 +120875,14 +120876,14 +120877,14 +120878,14 +120879,14 +120880,14 +120881,14 +120882,14 +120883,28 +120884,28 +120885,28 +120886,28 +120887,28 +120888,40 +120889,40 +120890,40 +120891,40 +120892,40 +120893,40 +120894,40 +120895,8 +120896,8 +120897,8 +120898,8 +120899,8 +120900,8 +120901,8 +120902,8 +120903,8 +120904,31 +120905,31 +120906,31 +120907,31 +120908,19 +120909,19 +120910,19 +120911,19 +120912,19 +120913,19 +120914,27 +120915,27 +120916,27 +120917,27 +120918,27 +120919,27 +120920,27 +120921,27 +120922,27 +120923,27 +120924,27 +120925,27 +120926,27 +120927,8 +120928,8 +120929,8 +120930,8 +120931,8 +120932,8 +120933,8 +120934,8 +120935,27 +120936,27 +120937,27 +120938,28 +120939,28 +120940,28 +120941,28 +120942,28 +120943,28 +120944,28 +120945,32 +120946,32 +120947,32 +120948,32 +120949,32 +120950,32 +120951,32 +120952,32 +120953,32 +120954,32 +120955,32 +120956,32 +120957,34 +120958,34 +120959,34 +120960,34 +120961,34 +120962,34 +120963,34 +120964,34 +120965,34 +120966,34 +120967,9 +120968,9 +120969,9 +120970,9 +120971,9 +120972,9 +120973,37 +120974,37 +120975,37 +120976,37 +120977,37 +120978,4 +120979,4 +120980,4 +120981,4 +120982,4 +120983,4 +120984,4 +120985,4 +120986,4 +120987,4 +120988,4 +120989,4 +120990,37 +120991,37 +120992,37 +120993,37 +120994,37 +120995,37 +120996,14 +120997,27 +120998,39 +120999,39 +121000,25 +121001,39 +121002,39 +121003,39 +121004,39 +121005,39 +121006,39 +121007,39 +121008,39 +121009,39 +121010,39 +121011,39 +121012,39 +121013,39 +121014,39 +121015,39 +121016,39 +121017,39 +121018,39 +121019,39 +121020,39 +121021,0 +121022,0 +121023,0 +121024,0 +121025,0 +121026,0 +121027,0 +121028,0 +121029,0 +121030,0 +121031,0 +121032,0 +121033,0 +121034,0 +121035,0 +121036,0 +121037,0 +121038,0 +121039,0 +121040,0 +121041,0 +121042,0 +121043,0 +121044,0 +121045,0 +121046,0 +121047,0 +121048,0 +121049,0 +121050,0 +121051,0 +121052,0 +121053,0 +121054,0 +121055,0 +121056,0 +121057,0 +121058,0 +121059,0 +121060,0 +121061,0 +121062,0 +121063,0 +121064,0 +121065,0 +121066,0 +121067,0 +121068,0 +121069,12 +121070,12 +121071,12 +121072,12 +121073,12 +121074,12 +121075,12 +121076,12 +121077,27 +121078,27 +121079,27 +121080,18 +121081,18 +121082,18 +121083,18 +121084,18 +121085,18 +121086,18 +121087,18 +121088,31 +121089,31 +121090,31 +121091,24 +121092,37 +121093,37 +121094,37 +121095,37 +121096,37 +121097,37 +121098,37 +121099,40 +121100,40 +121101,40 +121102,40 +121103,40 +121104,40 +121105,40 +121106,40 +121107,36 +121108,24 +121109,24 +121110,24 +121111,24 +121112,24 +121113,27 +121114,27 +121115,27 +121116,27 +121117,27 +121118,2 +121119,2 +121120,2 +121121,2 +121122,2 +121123,2 +121124,2 +121125,2 +121126,2 +121127,2 +121128,2 +121129,2 +121130,14 +121131,14 +121132,14 +121133,14 +121134,14 +121135,14 +121136,14 +121137,14 +121138,14 +121139,14 +121140,14 +121141,39 +121142,39 +121143,39 +121144,39 +121145,39 +121146,27 +121147,27 +121148,27 +121149,27 +121150,27 +121151,27 +121152,27 +121153,27 +121154,5 +121155,5 +121156,5 +121157,5 +121158,5 +121159,5 +121160,5 +121161,5 +121162,2 +121163,2 +121164,23 +121165,23 +121166,23 +121167,23 +121168,23 +121169,23 +121170,23 +121171,23 +121172,23 +121173,40 +121174,40 +121175,40 +121176,40 +121177,40 +121178,40 +121179,40 +121180,37 +121181,37 +121182,37 +121183,37 +121184,37 +121185,37 +121186,37 +121187,37 +121188,4 +121189,4 +121190,4 +121191,4 +121192,4 +121193,8 +121194,0 +121195,8 +121196,4 +121197,4 +121198,4 +121199,4 +121200,4 +121201,4 +121202,2 +121203,2 +121204,2 +121205,2 +121206,2 +121207,2 +121208,2 +121209,2 +121210,2 +121211,2 +121212,4 +121213,4 +121214,4 +121215,0 +121216,0 +121217,0 +121218,0 +121219,0 +121220,0 +121221,0 +121222,0 +121223,0 +121224,0 +121225,0 +121226,0 +121227,0 +121228,0 +121229,0 +121230,0 +121231,0 +121232,0 +121233,0 +121234,0 +121235,0 +121236,0 +121237,0 +121238,0 +121239,0 +121240,0 +121241,0 +121242,0 +121243,0 +121244,0 +121245,0 +121246,0 +121247,0 +121248,0 +121249,0 +121250,0 +121251,0 +121252,0 +121253,0 +121254,0 +121255,0 +121256,0 +121257,0 +121258,0 +121259,0 +121260,0 +121261,0 +121262,0 +121263,0 +121264,0 +121265,0 +121266,0 +121267,0 +121268,0 +121269,0 +121270,0 +121271,0 +121272,0 +121273,0 +121274,0 +121275,0 +121276,0 +121277,0 +121278,0 +121279,0 +121280,0 +121281,0 +121282,0 +121283,0 +121284,0 +121285,0 +121286,0 +121287,0 +121288,0 +121289,0 +121290,0 +121291,0 +121292,0 +121293,0 +121294,0 +121295,0 +121296,0 +121297,0 +121298,0 +121299,0 +121300,0 +121301,0 +121302,0 +121303,0 +121304,0 +121305,0 +121306,0 +121307,0 +121308,0 +121309,0 +121310,0 +121311,0 +121312,0 +121313,0 +121314,0 +121315,0 +121316,0 +121317,0 +121318,0 +121319,0 +121320,0 +121321,0 +121322,0 +121323,0 +121324,5 +121325,5 +121326,5 +121327,5 +121328,5 +121329,5 +121330,5 +121331,5 +121332,5 +121333,5 +121334,5 +121335,5 +121336,5 +121337,5 +121338,5 +121339,5 +121340,5 +121341,5 +121342,5 +121343,5 +121344,5 +121345,5 +121346,5 +121347,5 +121348,5 +121349,5 +121350,5 +121351,33 +121352,33 +121353,33 +121354,33 +121355,33 +121356,33 +121357,9 +121358,26 +121359,9 +121360,9 +121361,33 +121362,33 +121363,33 +121364,33 +121365,33 +121366,33 +121367,33 +121368,33 +121369,33 +121370,33 +121371,33 +121372,33 +121373,33 +121374,33 +121375,33 +121376,33 +121377,33 +121378,33 +121379,9 +121380,33 +121381,33 +121382,33 +121383,33 +121384,33 +121385,33 +121386,33 +121387,33 +121388,33 +121389,33 +121390,33 +121391,33 +121392,33 +121393,33 +121394,33 +121395,33 +121396,33 +121397,33 +121398,35 +121399,6 +121400,6 +121401,21 +121402,21 +121403,21 +121404,21 +121405,21 +121406,21 +121407,21 +121408,21 +121409,21 +121410,21 +121411,37 +121412,37 +121413,37 +121414,37 +121415,37 +121416,31 +121417,31 +121418,31 +121419,31 +121420,28 +121421,28 +121422,28 +121423,28 +121424,28 +121425,15 +121426,15 +121427,15 +121428,15 +121429,31 +121430,31 +121431,31 +121432,30 +121433,30 +121434,30 +121435,30 +121436,30 +121437,30 +121438,30 +121439,19 +121440,19 +121441,19 +121442,19 +121443,19 +121444,27 +121445,27 +121446,27 +121447,27 +121448,27 +121449,27 +121450,27 +121451,27 +121452,28 +121453,28 +121454,28 +121455,28 +121456,28 +121457,28 +121458,28 +121459,28 +121460,31 +121461,31 +121462,31 +121463,18 +121464,18 +121465,18 +121466,18 +121467,18 +121468,18 +121469,18 +121470,18 +121471,18 +121472,18 +121473,18 +121474,18 +121475,18 +121476,14 +121477,14 +121478,14 +121479,14 +121480,14 +121481,14 +121482,14 +121483,14 +121484,14 +121485,14 +121486,14 +121487,14 +121488,14 +121489,14 +121490,14 +121491,14 +121492,14 +121493,14 +121494,14 +121495,14 +121496,14 +121497,14 +121498,14 +121499,14 +121500,14 +121501,28 +121502,28 +121503,28 +121504,28 +121505,28 +121506,28 +121507,28 +121508,28 +121509,5 +121510,5 +121511,5 +121512,5 +121513,5 +121514,5 +121515,5 +121516,5 +121517,0 +121518,0 +121519,0 +121520,0 +121521,0 +121522,0 +121523,0 +121524,0 +121525,0 +121526,0 +121527,0 +121528,0 +121529,0 +121530,0 +121531,0 +121532,0 +121533,0 +121534,0 +121535,0 +121536,0 +121537,0 +121538,0 +121539,0 +121540,0 +121541,0 +121542,0 +121543,0 +121544,0 +121545,0 +121546,0 +121547,27 +121548,27 +121549,27 +121550,27 +121551,27 +121552,27 +121553,27 +121554,27 +121555,5 +121556,5 +121557,5 +121558,5 +121559,5 +121560,5 +121561,5 +121562,23 +121563,23 +121564,23 +121565,23 +121566,23 +121567,23 +121568,23 +121569,27 +121570,27 +121571,27 +121572,27 +121573,27 +121574,27 +121575,27 +121576,27 +121577,4 +121578,24 +121579,19 +121580,24 +121581,19 +121582,19 +121583,19 +121584,4 +121585,19 +121586,4 +121587,27 +121588,27 +121589,27 +121590,27 +121591,27 +121592,27 +121593,27 +121594,27 +121595,8 +121596,8 +121597,8 +121598,8 +121599,8 +121600,8 +121601,8 +121602,8 +121603,8 +121604,2 +121605,12 +121606,12 +121607,12 +121608,12 +121609,12 +121610,12 +121611,12 +121612,12 +121613,9 +121614,9 +121615,9 +121616,25 +121617,25 +121618,25 +121619,25 +121620,25 +121621,25 +121622,37 +121623,37 +121624,37 +121625,25 +121626,25 +121627,25 +121628,2 +121629,2 +121630,2 +121631,2 +121632,2 +121633,2 +121634,2 +121635,2 +121636,2 +121637,39 +121638,39 +121639,39 +121640,39 +121641,39 +121642,39 +121643,39 +121644,39 +121645,39 +121646,39 +121647,39 +121648,35 +121649,39 +121650,35 +121651,35 +121652,1 +121653,24 +121654,24 +121655,24 +121656,35 +121657,27 +121658,31 +121659,31 +121660,31 +121661,27 +121662,28 +121663,28 +121664,5 +121665,5 +121666,5 +121667,29 +121668,29 +121669,29 +121670,29 +121671,31 +121672,31 +121673,31 +121674,31 +121675,31 +121676,5 +121677,5 +121678,5 +121679,5 +121680,5 +121681,5 +121682,5 +121683,5 +121684,5 +121685,5 +121686,5 +121687,5 +121688,5 +121689,38 +121690,38 +121691,38 +121692,38 +121693,32 +121694,32 +121695,32 +121696,14 +121697,14 +121698,14 +121699,14 +121700,14 +121701,14 +121702,14 +121703,14 +121704,14 +121705,14 +121706,14 +121707,14 +121708,14 +121709,14 +121710,14 +121711,14 +121712,14 +121713,14 +121714,14 +121715,14 +121716,14 +121717,14 +121718,14 +121719,14 +121720,14 +121721,14 +121722,14 +121723,14 +121724,39 +121725,14 +121726,14 +121727,14 +121728,14 +121729,14 +121730,14 +121731,39 +121732,39 +121733,39 +121734,39 +121735,32 +121736,32 +121737,32 +121738,32 +121739,32 +121740,32 +121741,32 +121742,0 +121743,0 +121744,0 +121745,0 +121746,0 +121747,0 +121748,0 +121749,0 +121750,0 +121751,0 +121752,0 +121753,0 +121754,0 +121755,0 +121756,0 +121757,0 +121758,0 +121759,0 +121760,0 +121761,0 +121762,0 +121763,0 +121764,0 +121765,0 +121766,0 +121767,0 +121768,0 +121769,0 +121770,0 +121771,0 +121772,0 +121773,0 +121774,0 +121775,0 +121776,0 +121777,0 +121778,0 +121779,0 +121780,0 +121781,0 +121782,0 +121783,0 +121784,0 +121785,0 +121786,0 +121787,0 +121788,0 +121789,0 +121790,0 +121791,0 +121792,0 +121793,0 +121794,0 +121795,0 +121796,0 +121797,0 +121798,0 +121799,0 +121800,0 +121801,0 +121802,0 +121803,0 +121804,0 +121805,0 +121806,0 +121807,0 +121808,0 +121809,35 +121810,35 +121811,35 +121812,35 +121813,35 +121814,35 +121815,35 +121816,35 +121817,35 +121818,34 +121819,34 +121820,34 +121821,34 +121822,34 +121823,34 +121824,30 +121825,30 +121826,30 +121827,30 +121828,30 +121829,30 +121830,23 +121831,23 +121832,23 +121833,23 +121834,23 +121835,23 +121836,23 +121837,23 +121838,23 +121839,23 +121840,38 +121841,38 +121842,37 +121843,37 +121844,37 +121845,37 +121846,37 +121847,3 +121848,3 +121849,25 +121850,25 +121851,25 +121852,37 +121853,25 +121854,37 +121855,37 +121856,31 +121857,31 +121858,25 +121859,25 +121860,23 +121861,23 +121862,23 +121863,23 +121864,23 +121865,23 +121866,23 +121867,23 +121868,23 +121869,23 +121870,23 +121871,23 +121872,9 +121873,9 +121874,9 +121875,9 +121876,9 +121877,9 +121878,9 +121879,9 +121880,30 +121881,30 +121882,30 +121883,30 +121884,30 +121885,30 +121886,30 +121887,30 +121888,30 +121889,30 +121890,30 +121891,30 +121892,30 +121893,30 +121894,30 +121895,30 +121896,30 +121897,30 +121898,30 +121899,30 +121900,30 +121901,33 +121902,33 +121903,33 +121904,33 +121905,30 +121906,30 +121907,30 +121908,30 +121909,30 +121910,30 +121911,0 +121912,0 +121913,0 +121914,0 +121915,0 +121916,0 +121917,0 +121918,30 +121919,0 +121920,0 +121921,0 +121922,0 +121923,0 +121924,0 +121925,0 +121926,0 +121927,0 +121928,0 +121929,0 +121930,0 +121931,0 +121932,0 +121933,0 +121934,0 +121935,0 +121936,0 +121937,0 +121938,0 +121939,0 +121940,0 +121941,0 +121942,0 +121943,0 +121944,0 +121945,0 +121946,0 +121947,0 +121948,0 +121949,0 +121950,0 +121951,0 +121952,0 +121953,0 +121954,0 +121955,0 +121956,0 +121957,0 +121958,0 +121959,0 +121960,0 +121961,0 +121962,0 +121963,0 +121964,0 +121965,36 +121966,36 +121967,36 +121968,36 +121969,36 +121970,36 +121971,36 +121972,36 +121973,36 +121974,5 +121975,5 +121976,5 +121977,5 +121978,5 +121979,5 +121980,5 +121981,5 +121982,5 +121983,5 +121984,19 +121985,19 +121986,19 +121987,19 +121988,19 +121989,19 +121990,19 +121991,27 +121992,27 +121993,27 +121994,27 +121995,27 +121996,27 +121997,27 +121998,8 +121999,8 +122000,8 +122001,8 +122002,8 +122003,8 +122004,8 +122005,8 +122006,8 +122007,39 +122008,39 +122009,39 +122010,39 +122011,39 +122012,39 +122013,39 +122014,39 +122015,39 +122016,39 +122017,39 +122018,39 +122019,39 +122020,4 +122021,4 +122022,4 +122023,4 +122024,4 +122025,4 +122026,4 +122027,4 +122028,4 +122029,4 +122030,4 +122031,4 +122032,3 +122033,3 +122034,3 +122035,3 +122036,3 +122037,27 +122038,27 +122039,27 +122040,27 +122041,27 +122042,27 +122043,27 +122044,27 +122045,27 +122046,27 +122047,27 +122048,27 +122049,27 +122050,27 +122051,27 +122052,27 +122053,27 +122054,8 +122055,8 +122056,2 +122057,2 +122058,2 +122059,2 +122060,2 +122061,2 +122062,8 +122063,8 +122064,8 +122065,8 +122066,8 +122067,8 +122068,4 +122069,4 +122070,4 +122071,4 +122072,4 +122073,4 +122074,4 +122075,4 +122076,4 +122077,27 +122078,27 +122079,27 +122080,27 +122081,27 +122082,6 +122083,6 +122084,6 +122085,6 +122086,6 +122087,6 +122088,6 +122089,6 +122090,6 +122091,6 +122092,6 +122093,6 +122094,36 +122095,36 +122096,36 +122097,36 +122098,36 +122099,36 +122100,36 +122101,36 +122102,36 +122103,36 +122104,36 +122105,2 +122106,2 +122107,2 +122108,2 +122109,2 +122110,2 +122111,2 +122112,2 +122113,2 +122114,2 +122115,2 +122116,2 +122117,2 +122118,12 +122119,12 +122120,12 +122121,12 +122122,12 +122123,12 +122124,12 +122125,12 +122126,31 +122127,31 +122128,31 +122129,31 +122130,5 +122131,5 +122132,5 +122133,5 +122134,13 +122135,5 +122136,10 +122137,10 +122138,10 +122139,10 +122140,10 +122141,10 +122142,10 +122143,10 +122144,10 +122145,10 +122146,10 +122147,10 +122148,10 +122149,10 +122150,10 +122151,10 +122152,10 +122153,10 +122154,10 +122155,10 +122156,2 +122157,2 +122158,2 +122159,2 +122160,2 +122161,2 +122162,2 +122163,2 +122164,2 +122165,2 +122166,2 +122167,2 +122168,2 +122169,2 +122170,2 +122171,2 +122172,2 +122173,2 +122174,2 +122175,2 +122176,2 +122177,2 +122178,33 +122179,33 +122180,33 +122181,33 +122182,33 +122183,33 +122184,33 +122185,33 +122186,33 +122187,33 +122188,33 +122189,33 +122190,33 +122191,29 +122192,29 +122193,29 +122194,29 +122195,29 +122196,29 +122197,19 +122198,30 +122199,30 +122200,31 +122201,31 +122202,31 +122203,31 +122204,31 +122205,31 +122206,33 +122207,33 +122208,33 +122209,33 +122210,33 +122211,33 +122212,33 +122213,33 +122214,33 +122215,33 +122216,33 +122217,33 +122218,33 +122219,33 +122220,33 +122221,33 +122222,33 +122223,33 +122224,33 +122225,33 +122226,33 +122227,33 +122228,33 +122229,33 +122230,33 +122231,33 +122232,33 +122233,33 +122234,33 +122235,33 +122236,33 +122237,3 +122238,3 +122239,3 +122240,3 +122241,0 +122242,0 +122243,0 +122244,0 +122245,0 +122246,0 +122247,0 +122248,0 +122249,0 +122250,0 +122251,0 +122252,0 +122253,0 +122254,0 +122255,0 +122256,0 +122257,0 +122258,0 +122259,0 +122260,0 +122261,0 +122262,0 +122263,0 +122264,0 +122265,0 +122266,0 +122267,0 +122268,0 +122269,0 +122270,0 +122271,0 +122272,0 +122273,0 +122274,0 +122275,0 +122276,0 +122277,0 +122278,0 +122279,0 +122280,0 +122281,0 +122282,0 +122283,0 +122284,0 +122285,0 +122286,0 +122287,0 +122288,0 +122289,0 +122290,0 +122291,0 +122292,0 +122293,0 +122294,0 +122295,0 +122296,0 +122297,0 +122298,0 +122299,0 +122300,0 +122301,0 +122302,0 +122303,0 +122304,0 +122305,0 +122306,0 +122307,0 +122308,0 +122309,0 +122310,0 +122311,0 +122312,0 +122313,36 +122314,36 +122315,36 +122316,36 +122317,36 +122318,36 +122319,36 +122320,36 +122321,36 +122322,36 +122323,36 +122324,36 +122325,30 +122326,30 +122327,30 +122328,30 +122329,30 +122330,30 +122331,30 +122332,30 +122333,30 +122334,30 +122335,30 +122336,30 +122337,30 +122338,30 +122339,30 +122340,30 +122341,30 +122342,22 +122343,22 +122344,22 +122345,22 +122346,22 +122347,22 +122348,6 +122349,6 +122350,6 +122351,6 +122352,6 +122353,6 +122354,6 +122355,6 +122356,13 +122357,13 +122358,0 +122359,0 +122360,0 +122361,0 +122362,5 +122363,5 +122364,5 +122365,5 +122366,5 +122367,5 +122368,5 +122369,5 +122370,5 +122371,33 +122372,33 +122373,33 +122374,33 +122375,33 +122376,33 +122377,33 +122378,33 +122379,3 +122380,28 +122381,28 +122382,28 +122383,28 +122384,28 +122385,28 +122386,28 +122387,28 +122388,28 +122389,28 +122390,28 +122391,28 +122392,9 +122393,9 +122394,9 +122395,9 +122396,9 +122397,9 +122398,9 +122399,9 +122400,9 +122401,9 +122402,9 +122403,9 +122404,9 +122405,9 +122406,9 +122407,9 +122408,37 +122409,37 +122410,37 +122411,26 +122412,37 +122413,37 +122414,37 +122415,37 +122416,37 +122417,37 +122418,37 +122419,37 +122420,37 +122421,37 +122422,37 +122423,37 +122424,37 +122425,37 +122426,37 +122427,37 +122428,37 +122429,37 +122430,37 +122431,37 +122432,37 +122433,37 +122434,37 +122435,37 +122436,37 +122437,37 +122438,25 +122439,0 +122440,0 +122441,0 +122442,0 +122443,0 +122444,0 +122445,0 +122446,0 +122447,0 +122448,0 +122449,0 +122450,0 +122451,0 +122452,0 +122453,0 +122454,0 +122455,0 +122456,0 +122457,0 +122458,0 +122459,0 +122460,0 +122461,0 +122462,0 +122463,0 +122464,0 +122465,0 +122466,0 +122467,0 +122468,0 +122469,0 +122470,0 +122471,0 +122472,0 +122473,0 +122474,0 +122475,0 +122476,0 +122477,0 +122478,0 +122479,0 +122480,0 +122481,0 +122482,0 +122483,0 +122484,0 +122485,0 +122486,0 +122487,0 +122488,10 +122489,10 +122490,10 +122491,10 +122492,10 +122493,10 +122494,10 +122495,10 +122496,10 +122497,10 +122498,28 +122499,28 +122500,28 +122501,28 +122502,28 +122503,28 +122504,28 +122505,28 +122506,39 +122507,39 +122508,39 +122509,39 +122510,39 +122511,39 +122512,39 +122513,39 +122514,29 +122515,29 +122516,5 +122517,29 +122518,29 +122519,29 +122520,29 +122521,29 +122522,31 +122523,31 +122524,31 +122525,31 +122526,31 +122527,4 +122528,4 +122529,4 +122530,4 +122531,4 +122532,4 +122533,4 +122534,29 +122535,29 +122536,29 +122537,29 +122538,25 +122539,25 +122540,25 +122541,25 +122542,25 +122543,23 +122544,23 +122545,23 +122546,23 +122547,23 +122548,23 +122549,23 +122550,23 +122551,23 +122552,23 +122553,23 +122554,37 +122555,37 +122556,37 +122557,37 +122558,39 +122559,39 +122560,39 +122561,39 +122562,39 +122563,39 +122564,39 +122565,39 +122566,39 +122567,39 +122568,32 +122569,32 +122570,32 +122571,32 +122572,32 +122573,32 +122574,32 +122575,32 +122576,32 +122577,32 +122578,32 +122579,37 +122580,37 +122581,37 +122582,37 +122583,37 +122584,31 +122585,31 +122586,31 +122587,31 +122588,31 +122589,31 +122590,31 +122591,26 +122592,2 +122593,2 +122594,2 +122595,2 +122596,2 +122597,2 +122598,2 +122599,2 +122600,2 +122601,2 +122602,35 +122603,35 +122604,35 +122605,35 +122606,35 +122607,35 +122608,35 +122609,27 +122610,27 +122611,27 +122612,27 +122613,8 +122614,8 +122615,8 +122616,8 +122617,8 +122618,35 +122619,35 +122620,35 +122621,35 +122622,35 +122623,14 +122624,14 +122625,14 +122626,14 +122627,14 +122628,36 +122629,40 +122630,36 +122631,36 +122632,36 +122633,40 +122634,40 +122635,19 +122636,19 +122637,19 +122638,19 +122639,19 +122640,19 +122641,19 +122642,19 +122643,19 +122644,19 +122645,2 +122646,2 +122647,2 +122648,2 +122649,2 +122650,2 +122651,2 +122652,2 +122653,2 +122654,4 +122655,4 +122656,4 +122657,4 +122658,4 +122659,4 +122660,4 +122661,36 +122662,36 +122663,36 +122664,36 +122665,36 +122666,36 +122667,36 +122668,36 +122669,36 +122670,28 +122671,28 +122672,28 +122673,5 +122674,28 +122675,32 +122676,32 +122677,32 +122678,32 +122679,4 +122680,4 +122681,31 +122682,31 +122683,31 +122684,31 +122685,31 +122686,32 +122687,32 +122688,32 +122689,32 +122690,32 +122691,32 +122692,32 +122693,32 +122694,32 +122695,32 +122696,32 +122697,32 +122698,32 +122699,32 +122700,26 +122701,10 +122702,10 +122703,10 +122704,10 +122705,26 +122706,26 +122707,26 +122708,26 +122709,36 +122710,26 +122711,26 +122712,26 +122713,5 +122714,5 +122715,5 +122716,5 +122717,5 +122718,31 +122719,31 +122720,31 +122721,31 +122722,31 +122723,31 +122724,31 +122725,31 +122726,31 +122727,4 +122728,4 +122729,4 +122730,4 +122731,4 +122732,4 +122733,4 +122734,4 +122735,27 +122736,27 +122737,31 +122738,31 +122739,6 +122740,6 +122741,6 +122742,6 +122743,6 +122744,6 +122745,6 +122746,6 +122747,6 +122748,6 +122749,40 +122750,40 +122751,40 +122752,40 +122753,40 +122754,40 +122755,37 +122756,37 +122757,37 +122758,37 +122759,37 +122760,37 +122761,37 +122762,37 +122763,25 +122764,25 +122765,4 +122766,4 +122767,4 +122768,4 +122769,4 +122770,4 +122771,4 +122772,4 +122773,25 +122774,25 +122775,25 +122776,25 +122777,25 +122778,25 +122779,25 +122780,25 +122781,25 +122782,31 +122783,31 +122784,31 +122785,31 +122786,31 +122787,15 +122788,15 +122789,15 +122790,15 +122791,15 +122792,15 +122793,15 +122794,15 +122795,4 +122796,4 +122797,4 +122798,4 +122799,27 +122800,27 +122801,27 +122802,27 +122803,27 +122804,27 +122805,27 +122806,27 +122807,2 +122808,2 +122809,2 +122810,2 +122811,2 +122812,2 +122813,2 +122814,32 +122815,32 +122816,32 +122817,32 +122818,32 +122819,32 +122820,32 +122821,32 +122822,25 +122823,25 +122824,25 +122825,25 +122826,25 +122827,25 +122828,25 +122829,25 +122830,25 +122831,31 +122832,31 +122833,31 +122834,31 +122835,31 +122836,4 +122837,25 +122838,4 +122839,4 +122840,4 +122841,4 +122842,4 +122843,4 +122844,32 +122845,32 +122846,32 +122847,32 +122848,32 +122849,32 +122850,32 +122851,32 +122852,32 +122853,32 +122854,32 +122855,32 +122856,32 +122857,32 +122858,32 +122859,25 +122860,25 +122861,25 +122862,25 +122863,25 +122864,4 +122865,4 +122866,4 +122867,4 +122868,4 +122869,4 +122870,4 +122871,4 +122872,4 +122873,14 +122874,14 +122875,14 +122876,14 +122877,14 +122878,14 +122879,14 +122880,6 +122881,6 +122882,6 +122883,6 +122884,6 +122885,6 +122886,6 +122887,31 +122888,25 +122889,25 +122890,25 +122891,25 +122892,31 +122893,31 +122894,30 +122895,30 +122896,34 +122897,34 +122898,34 +122899,34 +122900,34 +122901,25 +122902,25 +122903,25 +122904,25 +122905,25 +122906,25 +122907,25 +122908,25 +122909,25 +122910,25 +122911,25 +122912,25 +122913,25 +122914,25 +122915,25 +122916,25 +122917,8 +122918,8 +122919,8 +122920,8 +122921,8 +122922,8 +122923,8 +122924,8 +122925,8 +122926,28 +122927,28 +122928,28 +122929,28 +122930,28 +122931,28 +122932,28 +122933,28 +122934,28 +122935,28 +122936,28 +122937,28 +122938,28 +122939,28 +122940,28 +122941,28 +122942,28 +122943,28 +122944,28 +122945,28 +122946,28 +122947,28 +122948,0 +122949,0 +122950,0 +122951,0 +122952,0 +122953,0 +122954,0 +122955,0 +122956,0 +122957,0 +122958,0 +122959,0 +122960,0 +122961,0 +122962,0 +122963,0 +122964,0 +122965,0 +122966,0 +122967,0 +122968,0 +122969,0 +122970,0 +122971,0 +122972,0 +122973,0 +122974,0 +122975,0 +122976,0 +122977,0 +122978,0 +122979,0 +122980,0 +122981,0 +122982,0 +122983,0 +122984,0 +122985,0 +122986,0 +122987,0 +122988,0 +122989,0 +122990,0 +122991,0 +122992,0 +122993,0 +122994,0 +122995,0 +122996,0 +122997,0 +122998,12 +122999,12 +123000,12 +123001,12 +123002,12 +123003,12 +123004,31 +123005,31 +123006,31 +123007,31 +123008,8 +123009,8 +123010,8 +123011,8 +123012,8 +123013,8 +123014,8 +123015,29 +123016,29 +123017,29 +123018,29 +123019,27 +123020,27 +123021,27 +123022,27 +123023,27 +123024,27 +123025,27 +123026,27 +123027,2 +123028,8 +123029,8 +123030,8 +123031,2 +123032,31 +123033,31 +123034,31 +123035,31 +123036,24 +123037,24 +123038,24 +123039,24 +123040,24 +123041,31 +123042,31 +123043,31 +123044,31 +123045,27 +123046,30 +123047,30 +123048,30 +123049,30 +123050,30 +123051,30 +123052,30 +123053,30 +123054,30 +123055,30 +123056,23 +123057,23 +123058,23 +123059,23 +123060,23 +123061,23 +123062,23 +123063,23 +123064,37 +123065,37 +123066,37 +123067,37 +123068,31 +123069,37 +123070,28 +123071,28 +123072,28 +123073,28 +123074,28 +123075,28 +123076,28 +123077,28 +123078,28 +123079,28 +123080,14 +123081,40 +123082,31 +123083,31 +123084,31 +123085,35 +123086,35 +123087,35 +123088,35 +123089,35 +123090,35 +123091,35 +123092,35 +123093,35 +123094,40 +123095,40 +123096,40 +123097,40 +123098,40 +123099,40 +123100,40 +123101,40 +123102,40 +123103,12 +123104,31 +123105,31 +123106,12 +123107,12 +123108,31 +123109,33 +123110,33 +123111,33 +123112,30 +123113,30 +123114,30 +123115,30 +123116,30 +123117,0 +123118,0 +123119,0 +123120,0 +123121,0 +123122,0 +123123,0 +123124,0 +123125,0 +123126,0 +123127,0 +123128,0 +123129,0 +123130,0 +123131,0 +123132,0 +123133,0 +123134,0 +123135,0 +123136,0 +123137,0 +123138,0 +123139,0 +123140,0 +123141,0 +123142,0 +123143,0 +123144,0 +123145,0 +123146,0 +123147,0 +123148,0 +123149,0 +123150,0 +123151,0 +123152,0 +123153,0 +123154,0 +123155,0 +123156,0 +123157,0 +123158,0 +123159,0 +123160,0 +123161,0 +123162,39 +123163,39 +123164,39 +123165,39 +123166,39 +123167,0 +123168,0 +123169,0 +123170,0 +123171,0 +123172,0 +123173,0 +123174,0 +123175,0 +123176,0 +123177,0 +123178,0 +123179,0 +123180,0 +123181,0 +123182,0 +123183,0 +123184,0 +123185,0 +123186,0 +123187,0 +123188,0 +123189,0 +123190,0 +123191,0 +123192,0 +123193,0 +123194,0 +123195,0 +123196,0 +123197,0 +123198,0 +123199,0 +123200,0 +123201,0 +123202,0 +123203,0 +123204,0 +123205,0 +123206,0 +123207,0 +123208,0 +123209,0 +123210,0 +123211,0 +123212,0 +123213,0 +123214,0 +123215,0 +123216,0 +123217,0 +123218,0 +123219,0 +123220,0 +123221,0 +123222,0 +123223,0 +123224,0 +123225,0 +123226,0 +123227,0 +123228,0 +123229,0 +123230,0 +123231,0 +123232,0 +123233,0 +123234,0 +123235,0 +123236,0 +123237,0 +123238,0 +123239,0 +123240,0 +123241,0 +123242,0 +123243,0 +123244,0 +123245,0 +123246,0 +123247,35 +123248,35 +123249,35 +123250,12 +123251,12 +123252,27 +123253,27 +123254,27 +123255,27 +123256,33 +123257,33 +123258,33 +123259,33 +123260,33 +123261,30 +123262,30 +123263,30 +123264,21 +123265,13 +123266,13 +123267,6 +123268,6 +123269,6 +123270,6 +123271,6 +123272,6 +123273,6 +123274,6 +123275,6 +123276,6 +123277,6 +123278,6 +123279,6 +123280,6 +123281,6 +123282,6 +123283,6 +123284,6 +123285,6 +123286,6 +123287,6 +123288,6 +123289,6 +123290,31 +123291,31 +123292,31 +123293,31 +123294,31 +123295,31 +123296,4 +123297,4 +123298,4 +123299,4 +123300,25 +123301,25 +123302,25 +123303,25 +123304,25 +123305,25 +123306,25 +123307,6 +123308,6 +123309,6 +123310,6 +123311,6 +123312,6 +123313,6 +123314,6 +123315,6 +123316,6 +123317,6 +123318,37 +123319,37 +123320,37 +123321,37 +123322,37 +123323,37 +123324,37 +123325,37 +123326,26 +123327,26 +123328,36 +123329,36 +123330,36 +123331,36 +123332,36 +123333,36 +123334,36 +123335,36 +123336,36 +123337,36 +123338,2 +123339,2 +123340,2 +123341,2 +123342,2 +123343,2 +123344,2 +123345,2 +123346,2 +123347,2 +123348,2 +123349,2 +123350,2 +123351,29 +123352,29 +123353,29 +123354,29 +123355,29 +123356,29 +123357,33 +123358,33 +123359,33 +123360,33 +123361,33 +123362,33 +123363,33 +123364,33 +123365,33 +123366,33 +123367,33 +123368,33 +123369,33 +123370,8 +123371,8 +123372,8 +123373,8 +123374,8 +123375,8 +123376,8 +123377,8 +123378,8 +123379,8 +123380,8 +123381,23 +123382,23 +123383,23 +123384,23 +123385,23 +123386,23 +123387,23 +123388,23 +123389,39 +123390,39 +123391,39 +123392,39 +123393,39 +123394,39 +123395,39 +123396,39 +123397,39 +123398,39 +123399,31 +123400,31 +123401,31 +123402,31 +123403,4 +123404,31 +123405,31 +123406,12 +123407,12 +123408,24 +123409,28 +123410,5 +123411,5 +123412,5 +123413,5 +123414,5 +123415,4 +123416,4 +123417,4 +123418,4 +123419,4 +123420,4 +123421,4 +123422,4 +123423,4 +123424,4 +123425,4 +123426,4 +123427,4 +123428,8 +123429,8 +123430,0 +123431,0 +123432,0 +123433,0 +123434,0 +123435,0 +123436,0 +123437,0 +123438,0 +123439,0 +123440,0 +123441,0 +123442,0 +123443,0 +123444,0 +123445,0 +123446,0 +123447,0 +123448,38 +123449,38 +123450,38 +123451,0 +123452,0 +123453,0 +123454,0 +123455,0 +123456,0 +123457,0 +123458,0 +123459,0 +123460,0 +123461,0 +123462,0 +123463,0 +123464,0 +123465,0 +123466,0 +123467,0 +123468,0 +123469,23 +123470,23 +123471,23 +123472,23 +123473,10 +123474,10 +123475,10 +123476,10 +123477,10 +123478,10 +123479,10 +123480,10 +123481,10 +123482,10 +123483,10 +123484,10 +123485,10 +123486,10 +123487,10 +123488,28 +123489,28 +123490,28 +123491,28 +123492,28 +123493,28 +123494,28 +123495,31 +123496,28 +123497,28 +123498,10 +123499,10 +123500,10 +123501,10 +123502,10 +123503,4 +123504,4 +123505,4 +123506,4 +123507,4 +123508,4 +123509,16 +123510,16 +123511,16 +123512,4 +123513,16 +123514,37 +123515,37 +123516,37 +123517,37 +123518,12 +123519,37 +123520,3 +123521,3 +123522,3 +123523,12 +123524,12 +123525,12 +123526,12 +123527,12 +123528,12 +123529,12 +123530,27 +123531,27 +123532,27 +123533,27 +123534,27 +123535,27 +123536,27 +123537,13 +123538,13 +123539,13 +123540,13 +123541,13 +123542,13 +123543,13 +123544,13 +123545,13 +123546,13 +123547,13 +123548,29 +123549,29 +123550,5 +123551,5 +123552,5 +123553,29 +123554,29 +123555,31 +123556,31 +123557,23 +123558,23 +123559,23 +123560,23 +123561,23 +123562,23 +123563,23 +123564,23 +123565,23 +123566,23 +123567,9 +123568,9 +123569,9 +123570,9 +123571,9 +123572,9 +123573,37 +123574,37 +123575,37 +123576,37 +123577,37 +123578,37 +123579,37 +123580,37 +123581,37 +123582,37 +123583,37 +123584,37 +123585,37 +123586,37 +123587,2 +123588,2 +123589,2 +123590,2 +123591,2 +123592,2 +123593,2 +123594,2 +123595,2 +123596,2 +123597,29 +123598,4 +123599,29 +123600,29 +123601,29 +123602,29 +123603,29 +123604,31 +123605,31 +123606,27 +123607,31 +123608,4 +123609,4 +123610,4 +123611,4 +123612,30 +123613,30 +123614,30 +123615,30 +123616,30 +123617,30 +123618,30 +123619,30 +123620,30 +123621,18 +123622,18 +123623,18 +123624,18 +123625,18 +123626,18 +123627,18 +123628,18 +123629,18 +123630,26 +123631,26 +123632,26 +123633,26 +123634,26 +123635,26 +123636,26 +123637,26 +123638,26 +123639,26 +123640,26 +123641,26 +123642,26 +123643,26 +123644,26 +123645,26 +123646,26 +123647,26 +123648,26 +123649,26 +123650,26 +123651,5 +123652,5 +123653,5 +123654,5 +123655,5 +123656,35 +123657,35 +123658,35 +123659,35 +123660,35 +123661,35 +123662,36 +123663,36 +123664,36 +123665,36 +123666,36 +123667,19 +123668,19 +123669,19 +123670,19 +123671,19 +123672,19 +123673,19 +123674,6 +123675,6 +123676,6 +123677,6 +123678,6 +123679,6 +123680,6 +123681,6 +123682,6 +123683,6 +123684,6 +123685,31 +123686,31 +123687,31 +123688,31 +123689,31 +123690,31 +123691,31 +123692,28 +123693,28 +123694,28 +123695,28 +123696,28 +123697,28 +123698,28 +123699,28 +123700,28 +123701,28 +123702,28 +123703,2 +123704,2 +123705,2 +123706,2 +123707,31 +123708,31 +123709,31 +123710,31 +123711,27 +123712,30 +123713,30 +123714,30 +123715,30 +123716,30 +123717,30 +123718,30 +123719,30 +123720,22 +123721,22 +123722,22 +123723,22 +123724,22 +123725,6 +123726,6 +123727,6 +123728,6 +123729,6 +123730,6 +123731,6 +123732,31 +123733,31 +123734,31 +123735,31 +123736,31 +123737,31 +123738,32 +123739,32 +123740,32 +123741,32 +123742,32 +123743,32 +123744,32 +123745,26 +123746,26 +123747,26 +123748,26 +123749,26 +123750,26 +123751,26 +123752,26 +123753,26 +123754,26 +123755,26 +123756,9 +123757,5 +123758,5 +123759,5 +123760,5 +123761,5 +123762,26 +123763,26 +123764,9 +123765,26 +123766,26 +123767,26 +123768,26 +123769,30 +123770,30 +123771,30 +123772,30 +123773,30 +123774,30 +123775,30 +123776,30 +123777,30 +123778,30 +123779,30 +123780,30 +123781,19 +123782,19 +123783,19 +123784,19 +123785,19 +123786,29 +123787,29 +123788,31 +123789,31 +123790,31 +123791,31 +123792,31 +123793,19 +123794,19 +123795,19 +123796,19 +123797,19 +123798,19 +123799,19 +123800,39 +123801,39 +123802,27 +123803,27 +123804,27 +123805,27 +123806,27 +123807,37 +123808,37 +123809,37 +123810,37 +123811,37 +123812,37 +123813,37 +123814,37 +123815,37 +123816,25 +123817,25 +123818,25 +123819,25 +123820,5 +123821,5 +123822,5 +123823,5 +123824,5 +123825,5 +123826,11 +123827,11 +123828,16 +123829,16 +123830,16 +123831,16 +123832,18 +123833,16 +123834,16 +123835,16 +123836,22 +123837,22 +123838,22 +123839,22 +123840,25 +123841,25 +123842,25 +123843,37 +123844,37 +123845,37 +123846,37 +123847,33 +123848,33 +123849,33 +123850,33 +123851,33 +123852,33 +123853,33 +123854,33 +123855,33 +123856,33 +123857,9 +123858,9 +123859,4 +123860,4 +123861,4 +123862,4 +123863,4 +123864,4 +123865,4 +123866,29 +123867,29 +123868,29 +123869,31 +123870,31 +123871,31 +123872,31 +123873,31 +123874,31 +123875,31 +123876,31 +123877,4 +123878,4 +123879,4 +123880,4 +123881,4 +123882,4 +123883,4 +123884,4 +123885,4 +123886,29 +123887,29 +123888,31 +123889,31 +123890,31 +123891,31 +123892,30 +123893,30 +123894,30 +123895,30 +123896,30 +123897,30 +123898,30 +123899,9 +123900,9 +123901,9 +123902,9 +123903,9 +123904,9 +123905,9 +123906,9 +123907,9 +123908,13 +123909,1 +123910,1 +123911,1 +123912,1 +123913,1 +123914,1 +123915,1 +123916,1 +123917,1 +123918,1 +123919,1 +123920,13 +123921,13 +123922,13 +123923,13 +123924,4 +123925,4 +123926,4 +123927,4 +123928,4 +123929,4 +123930,31 +123931,31 +123932,31 +123933,31 +123934,31 +123935,31 +123936,31 +123937,31 +123938,31 +123939,31 +123940,37 +123941,37 +123942,37 +123943,25 +123944,37 +123945,37 +123946,37 +123947,26 +123948,26 +123949,26 +123950,26 +123951,26 +123952,26 +123953,26 +123954,26 +123955,26 +123956,32 +123957,32 +123958,32 +123959,32 +123960,31 +123961,31 +123962,31 +123963,31 +123964,31 +123965,31 +123966,31 +123967,5 +123968,5 +123969,5 +123970,5 +123971,5 +123972,5 +123973,31 +123974,31 +123975,31 +123976,31 +123977,31 +123978,31 +123979,31 +123980,31 +123981,31 +123982,31 +123983,31 +123984,5 +123985,31 +123986,31 +123987,4 +123988,4 +123989,4 +123990,4 +123991,4 +123992,4 +123993,36 +123994,36 +123995,36 +123996,31 +123997,36 +123998,31 +123999,31 +124000,5 +124001,5 +124002,5 +124003,5 +124004,5 +124005,35 +124006,35 +124007,35 +124008,35 +124009,27 +124010,27 +124011,27 +124012,27 +124013,27 +124014,8 +124015,8 +124016,8 +124017,8 +124018,8 +124019,8 +124020,8 +124021,8 +124022,15 +124023,15 +124024,15 +124025,15 +124026,15 +124027,15 +124028,32 +124029,32 +124030,36 +124031,36 +124032,36 +124033,36 +124034,36 +124035,36 +124036,36 +124037,36 +124038,36 +124039,36 +124040,36 +124041,36 +124042,36 +124043,36 +124044,36 +124045,36 +124046,36 +124047,36 +124048,5 +124049,5 +124050,5 +124051,5 +124052,5 +124053,19 +124054,19 +124055,19 +124056,40 +124057,40 +124058,40 +124059,40 +124060,40 +124061,40 +124062,40 +124063,40 +124064,8 +124065,8 +124066,8 +124067,8 +124068,8 +124069,28 +124070,28 +124071,28 +124072,28 +124073,28 +124074,28 +124075,28 +124076,28 +124077,28 +124078,28 +124079,28 +124080,28 +124081,28 +124082,31 +124083,31 +124084,31 +124085,31 +124086,31 +124087,31 +124088,31 +124089,31 +124090,16 +124091,16 +124092,16 +124093,16 +124094,16 +124095,16 +124096,16 +124097,16 +124098,16 +124099,27 +124100,27 +124101,27 +124102,27 +124103,27 +124104,27 +124105,8 +124106,2 +124107,2 +124108,2 +124109,2 +124110,2 +124111,2 +124112,2 +124113,4 +124114,4 +124115,4 +124116,4 +124117,4 +124118,31 +124119,31 +124120,31 +124121,31 +124122,31 +124123,29 +124124,29 +124125,29 +124126,29 +124127,29 +124128,29 +124129,31 +124130,31 +124131,21 +124132,21 +124133,21 +124134,21 +124135,21 +124136,21 +124137,21 +124138,21 +124139,22 +124140,22 +124141,22 +124142,22 +124143,22 +124144,22 +124145,19 +124146,19 +124147,19 +124148,19 +124149,18 +124150,19 +124151,6 +124152,6 +124153,6 +124154,6 +124155,6 +124156,6 +124157,6 +124158,6 +124159,6 +124160,27 +124161,27 +124162,27 +124163,27 +124164,27 +124165,27 +124166,27 +124167,27 +124168,13 +124169,13 +124170,13 +124171,13 +124172,13 +124173,13 +124174,13 +124175,13 +124176,13 +124177,13 +124178,35 +124179,35 +124180,35 +124181,35 +124182,35 +124183,35 +124184,35 +124185,40 +124186,40 +124187,40 +124188,40 +124189,40 +124190,40 +124191,40 +124192,37 +124193,37 +124194,37 +124195,37 +124196,37 +124197,37 +124198,37 +124199,37 +124200,37 +124201,37 +124202,37 +124203,39 +124204,39 +124205,39 +124206,39 +124207,39 +124208,39 +124209,39 +124210,39 +124211,39 +124212,39 +124213,14 +124214,14 +124215,14 +124216,14 +124217,0 +124218,0 +124219,0 +124220,0 +124221,0 +124222,0 +124223,0 +124224,0 +124225,0 +124226,0 +124227,0 +124228,0 +124229,0 +124230,0 +124231,0 +124232,0 +124233,0 +124234,0 +124235,0 +124236,0 +124237,0 +124238,0 +124239,0 +124240,0 +124241,0 +124242,0 +124243,0 +124244,0 +124245,0 +124246,0 +124247,0 +124248,0 +124249,0 +124250,0 +124251,0 +124252,0 +124253,0 +124254,0 +124255,0 +124256,0 +124257,0 +124258,0 +124259,0 +124260,0 +124261,0 +124262,0 +124263,0 +124264,0 +124265,0 +124266,0 +124267,0 +124268,0 +124269,0 +124270,0 +124271,0 +124272,0 +124273,0 +124274,0 +124275,0 +124276,0 +124277,0 +124278,0 +124279,0 +124280,0 +124281,0 +124282,0 +124283,0 +124284,0 +124285,0 +124286,0 +124287,0 +124288,28 +124289,28 +124290,28 +124291,28 +124292,28 +124293,28 +124294,28 +124295,28 +124296,28 +124297,28 +124298,28 +124299,28 +124300,28 +124301,28 +124302,28 +124303,28 +124304,28 +124305,28 +124306,14 +124307,14 +124308,14 +124309,14 +124310,14 +124311,14 +124312,14 +124313,14 +124314,14 +124315,14 +124316,14 +124317,14 +124318,14 +124319,14 +124320,14 +124321,14 +124322,14 +124323,14 +124324,14 +124325,14 +124326,14 +124327,14 +124328,14 +124329,14 +124330,14 +124331,14 +124332,14 +124333,14 +124334,14 +124335,14 +124336,14 +124337,14 +124338,14 +124339,14 +124340,14 +124341,14 +124342,14 +124343,14 +124344,14 +124345,14 +124346,14 +124347,14 +124348,14 +124349,14 +124350,14 +124351,14 +124352,14 +124353,14 +124354,14 +124355,14 +124356,14 +124357,14 +124358,14 +124359,39 +124360,39 +124361,39 +124362,39 +124363,39 +124364,39 +124365,39 +124366,39 +124367,0 +124368,39 +124369,0 +124370,0 +124371,0 +124372,0 +124373,0 +124374,0 +124375,0 +124376,0 +124377,0 +124378,0 +124379,0 +124380,0 +124381,0 +124382,0 +124383,0 +124384,0 +124385,0 +124386,0 +124387,0 +124388,0 +124389,0 +124390,0 +124391,0 +124392,0 +124393,0 +124394,0 +124395,0 +124396,0 +124397,10 +124398,35 +124399,35 +124400,35 +124401,35 +124402,34 +124403,34 +124404,34 +124405,34 +124406,34 +124407,34 +124408,34 +124409,34 +124410,34 +124411,34 +124412,34 +124413,32 +124414,4 +124415,4 +124416,4 +124417,32 +124418,32 +124419,32 +124420,32 +124421,32 +124422,32 +124423,32 +124424,32 +124425,37 +124426,37 +124427,37 +124428,37 +124429,27 +124430,27 +124431,27 +124432,27 +124433,27 +124434,31 +124435,31 +124436,40 +124437,32 +124438,32 +124439,32 +124440,27 +124441,23 +124442,23 +124443,23 +124444,23 +124445,23 +124446,23 +124447,25 +124448,25 +124449,25 +124450,25 +124451,28 +124452,28 +124453,28 +124454,28 +124455,28 +124456,28 +124457,28 +124458,29 +124459,27 +124460,27 +124461,31 +124462,31 +124463,31 +124464,31 +124465,31 +124466,6 +124467,6 +124468,6 +124469,6 +124470,6 +124471,6 +124472,6 +124473,6 +124474,6 +124475,9 +124476,9 +124477,9 +124478,9 +124479,9 +124480,9 +124481,9 +124482,9 +124483,9 +124484,26 +124485,26 +124486,26 +124487,26 +124488,26 +124489,26 +124490,26 +124491,26 +124492,19 +124493,19 +124494,19 +124495,19 +124496,19 +124497,25 +124498,25 +124499,25 +124500,25 +124501,25 +124502,25 +124503,25 +124504,25 +124505,8 +124506,8 +124507,8 +124508,8 +124509,8 +124510,8 +124511,8 +124512,29 +124513,29 +124514,29 +124515,29 +124516,29 +124517,31 +124518,31 +124519,31 +124520,31 +124521,24 +124522,24 +124523,24 +124524,24 +124525,24 +124526,24 +124527,24 +124528,40 +124529,40 +124530,40 +124531,40 +124532,40 +124533,40 +124534,37 +124535,37 +124536,37 +124537,37 +124538,25 +124539,25 +124540,25 +124541,25 +124542,25 +124543,25 +124544,19 +124545,19 +124546,19 +124547,4 +124548,4 +124549,31 +124550,31 +124551,31 +124552,31 +124553,15 +124554,15 +124555,15 +124556,15 +124557,15 +124558,15 +124559,15 +124560,15 +124561,31 +124562,15 +124563,31 +124564,9 +124565,9 +124566,9 +124567,9 +124568,9 +124569,9 +124570,9 +124571,9 +124572,9 +124573,23 +124574,23 +124575,23 +124576,23 +124577,23 +124578,23 +124579,23 +124580,23 +124581,23 +124582,23 +124583,23 +124584,23 +124585,23 +124586,23 +124587,14 +124588,14 +124589,14 +124590,14 +124591,14 +124592,14 +124593,14 +124594,14 +124595,39 +124596,39 +124597,39 +124598,39 +124599,39 +124600,39 +124601,39 +124602,27 +124603,27 +124604,27 +124605,27 +124606,39 +124607,39 +124608,39 +124609,19 +124610,19 +124611,19 +124612,19 +124613,19 +124614,35 +124615,35 +124616,35 +124617,35 +124618,35 +124619,36 +124620,36 +124621,36 +124622,36 +124623,36 +124624,36 +124625,36 +124626,36 +124627,36 +124628,36 +124629,36 +124630,36 +124631,36 +124632,36 +124633,36 +124634,36 +124635,36 +124636,36 +124637,36 +124638,36 +124639,36 +124640,36 +124641,36 +124642,36 +124643,36 +124644,19 +124645,19 +124646,19 +124647,19 +124648,19 +124649,0 +124650,0 +124651,0 +124652,0 +124653,0 +124654,0 +124655,0 +124656,0 +124657,0 +124658,0 +124659,0 +124660,0 +124661,0 +124662,0 +124663,0 +124664,0 +124665,0 +124666,0 +124667,0 +124668,0 +124669,0 +124670,0 +124671,0 +124672,0 +124673,0 +124674,0 +124675,0 +124676,0 +124677,0 +124678,0 +124679,0 +124680,0 +124681,0 +124682,0 +124683,0 +124684,0 +124685,0 +124686,0 +124687,0 +124688,6 +124689,6 +124690,6 +124691,6 +124692,6 +124693,6 +124694,6 +124695,6 +124696,26 +124697,26 +124698,26 +124699,26 +124700,26 +124701,26 +124702,26 +124703,26 +124704,26 +124705,26 +124706,32 +124707,32 +124708,32 +124709,32 +124710,32 +124711,32 +124712,32 +124713,32 +124714,25 +124715,25 +124716,25 +124717,25 +124718,25 +124719,25 +124720,25 +124721,25 +124722,2 +124723,2 +124724,8 +124725,8 +124726,2 +124727,2 +124728,8 +124729,8 +124730,8 +124731,8 +124732,6 +124733,6 +124734,6 +124735,6 +124736,6 +124737,6 +124738,6 +124739,6 +124740,6 +124741,33 +124742,33 +124743,33 +124744,33 +124745,31 +124746,31 +124747,30 +124748,30 +124749,30 +124750,30 +124751,30 +124752,25 +124753,25 +124754,25 +124755,25 +124756,25 +124757,25 +124758,25 +124759,25 +124760,25 +124761,19 +124762,19 +124763,19 +124764,19 +124765,19 +124766,32 +124767,32 +124768,32 +124769,32 +124770,32 +124771,32 +124772,32 +124773,36 +124774,36 +124775,36 +124776,36 +124777,36 +124778,36 +124779,36 +124780,36 +124781,36 +124782,14 +124783,14 +124784,14 +124785,14 +124786,36 +124787,36 +124788,36 +124789,36 +124790,36 +124791,36 +124792,36 +124793,36 +124794,36 +124795,36 +124796,5 +124797,5 +124798,5 +124799,5 +124800,5 +124801,5 +124802,2 +124803,2 +124804,2 +124805,2 +124806,2 +124807,2 +124808,8 +124809,8 +124810,8 +124811,2 +124812,2 +124813,2 +124814,2 +124815,2 +124816,2 +124817,2 +124818,0 +124819,0 +124820,0 +124821,0 +124822,0 +124823,0 +124824,0 +124825,0 +124826,0 +124827,0 +124828,0 +124829,0 +124830,0 +124831,0 +124832,0 +124833,0 +124834,0 +124835,0 +124836,0 +124837,0 +124838,0 +124839,0 +124840,0 +124841,0 +124842,0 +124843,0 +124844,0 +124845,0 +124846,0 +124847,0 +124848,0 +124849,0 +124850,39 +124851,39 +124852,7 +124853,10 +124854,10 +124855,10 +124856,10 +124857,10 +124858,10 +124859,10 +124860,10 +124861,30 +124862,30 +124863,30 +124864,30 +124865,30 +124866,33 +124867,33 +124868,33 +124869,33 +124870,33 +124871,33 +124872,33 +124873,33 +124874,33 +124875,6 +124876,6 +124877,6 +124878,6 +124879,6 +124880,6 +124881,6 +124882,6 +124883,6 +124884,6 +124885,34 +124886,34 +124887,34 +124888,34 +124889,34 +124890,34 +124891,34 +124892,34 +124893,34 +124894,34 +124895,34 +124896,34 +124897,10 +124898,34 +124899,34 +124900,34 +124901,34 +124902,34 +124903,26 +124904,5 +124905,5 +124906,5 +124907,5 +124908,5 +124909,5 +124910,5 +124911,5 +124912,5 +124913,5 +124914,36 +124915,36 +124916,36 +124917,36 +124918,36 +124919,36 +124920,36 +124921,36 +124922,5 +124923,5 +124924,5 +124925,5 +124926,5 +124927,5 +124928,5 +124929,2 +124930,2 +124931,2 +124932,2 +124933,2 +124934,2 +124935,2 +124936,2 +124937,2 +124938,2 +124939,2 +124940,2 +124941,2 +124942,2 +124943,2 +124944,0 +124945,0 +124946,0 +124947,0 +124948,0 +124949,0 +124950,0 +124951,0 +124952,0 +124953,0 +124954,0 +124955,0 +124956,0 +124957,0 +124958,0 +124959,0 +124960,0 +124961,36 +124962,36 +124963,36 +124964,36 +124965,36 +124966,5 +124967,5 +124968,5 +124969,5 +124970,5 +124971,5 +124972,5 +124973,4 +124974,4 +124975,4 +124976,4 +124977,4 +124978,4 +124979,4 +124980,4 +124981,4 +124982,3 +124983,3 +124984,3 +124985,3 +124986,3 +124987,3 +124988,3 +124989,3 +124990,3 +124991,3 +124992,3 +124993,3 +124994,3 +124995,3 +124996,3 +124997,3 +124998,39 +124999,39 +125000,39 +125001,39 +125002,39 +125003,39 +125004,39 +125005,6 +125006,6 +125007,6 +125008,6 +125009,6 +125010,6 +125011,2 +125012,2 +125013,2 +125014,2 +125015,2 +125016,15 +125017,15 +125018,15 +125019,15 +125020,15 +125021,15 +125022,15 +125023,27 +125024,27 +125025,27 +125026,27 +125027,27 +125028,27 +125029,27 +125030,27 +125031,27 +125032,27 +125033,27 +125034,27 +125035,37 +125036,37 +125037,37 +125038,37 +125039,37 +125040,37 +125041,37 +125042,37 +125043,19 +125044,37 +125045,37 +125046,19 +125047,19 +125048,19 +125049,12 +125050,12 +125051,12 +125052,12 +125053,12 +125054,12 +125055,39 +125056,39 +125057,39 +125058,39 +125059,39 +125060,39 +125061,39 +125062,39 +125063,39 +125064,39 +125065,39 +125066,39 +125067,19 +125068,19 +125069,19 +125070,19 +125071,19 +125072,19 +125073,2 +125074,2 +125075,2 +125076,2 +125077,2 +125078,2 +125079,2 +125080,2 +125081,2 +125082,2 +125083,39 +125084,27 +125085,27 +125086,27 +125087,27 +125088,27 +125089,27 +125090,27 +125091,27 +125092,5 +125093,5 +125094,5 +125095,5 +125096,29 +125097,29 +125098,29 +125099,29 +125100,29 +125101,31 +125102,31 +125103,31 +125104,31 +125105,31 +125106,5 +125107,5 +125108,5 +125109,5 +125110,5 +125111,5 +125112,5 +125113,10 +125114,10 +125115,10 +125116,10 +125117,10 +125118,10 +125119,10 +125120,10 +125121,10 +125122,10 +125123,10 +125124,10 +125125,10 +125126,15 +125127,15 +125128,19 +125129,19 +125130,19 +125131,29 +125132,27 +125133,31 +125134,31 +125135,31 +125136,31 +125137,31 +125138,31 +125139,31 +125140,23 +125141,23 +125142,23 +125143,23 +125144,23 +125145,23 +125146,23 +125147,23 +125148,23 +125149,23 +125150,9 +125151,9 +125152,9 +125153,9 +125154,9 +125155,9 +125156,9 +125157,9 +125158,9 +125159,9 +125160,9 +125161,9 +125162,9 +125163,9 +125164,9 +125165,9 +125166,9 +125167,9 +125168,37 +125169,37 +125170,37 +125171,37 +125172,37 +125173,37 +125174,37 +125175,37 +125176,37 +125177,37 +125178,37 +125179,37 +125180,37 +125181,37 +125182,0 +125183,0 +125184,0 +125185,0 +125186,0 +125187,0 +125188,0 +125189,0 +125190,0 +125191,0 +125192,0 +125193,0 +125194,0 +125195,0 +125196,0 +125197,0 +125198,0 +125199,0 +125200,0 +125201,0 +125202,0 +125203,0 +125204,0 +125205,0 +125206,0 +125207,0 +125208,0 +125209,0 +125210,0 +125211,0 +125212,0 +125213,0 +125214,0 +125215,0 +125216,0 +125217,0 +125218,0 +125219,0 +125220,0 +125221,0 +125222,0 +125223,0 +125224,0 +125225,0 +125226,0 +125227,0 +125228,0 +125229,0 +125230,0 +125231,0 +125232,0 +125233,0 +125234,0 +125235,0 +125236,0 +125237,0 +125238,0 +125239,0 +125240,27 +125241,27 +125242,27 +125243,27 +125244,27 +125245,27 +125246,27 +125247,27 +125248,27 +125249,27 +125250,27 +125251,27 +125252,27 +125253,23 +125254,23 +125255,23 +125256,23 +125257,23 +125258,23 +125259,23 +125260,25 +125261,25 +125262,25 +125263,25 +125264,25 +125265,25 +125266,25 +125267,15 +125268,15 +125269,15 +125270,15 +125271,15 +125272,15 +125273,15 +125274,15 +125275,15 +125276,15 +125277,15 +125278,15 +125279,37 +125280,37 +125281,37 +125282,37 +125283,37 +125284,37 +125285,37 +125286,37 +125287,27 +125288,27 +125289,27 +125290,19 +125291,19 +125292,4 +125293,4 +125294,14 +125295,14 +125296,14 +125297,14 +125298,14 +125299,14 +125300,14 +125301,14 +125302,14 +125303,14 +125304,14 +125305,11 +125306,11 +125307,11 +125308,11 +125309,11 +125310,11 +125311,11 +125312,11 +125313,11 +125314,11 +125315,11 +125316,11 +125317,11 +125318,16 +125319,16 +125320,16 +125321,35 +125322,0 +125323,0 +125324,0 +125325,35 +125326,35 +125327,35 +125328,35 +125329,35 +125330,35 +125331,35 +125332,35 +125333,35 +125334,35 +125335,34 +125336,34 +125337,34 +125338,36 +125339,34 +125340,34 +125341,34 +125342,34 +125343,36 +125344,36 +125345,36 +125346,34 +125347,2 +125348,2 +125349,2 +125350,2 +125351,2 +125352,2 +125353,2 +125354,2 +125355,2 +125356,31 +125357,31 +125358,31 +125359,31 +125360,24 +125361,24 +125362,24 +125363,24 +125364,24 +125365,24 +125366,24 +125367,24 +125368,6 +125369,6 +125370,6 +125371,6 +125372,6 +125373,6 +125374,6 +125375,6 +125376,6 +125377,6 +125378,6 +125379,6 +125380,6 +125381,6 +125382,26 +125383,26 +125384,26 +125385,26 +125386,26 +125387,26 +125388,26 +125389,26 +125390,26 +125391,26 +125392,26 +125393,26 +125394,26 +125395,26 +125396,31 +125397,26 +125398,26 +125399,26 +125400,28 +125401,28 +125402,28 +125403,28 +125404,28 +125405,28 +125406,28 +125407,31 +125408,31 +125409,31 +125410,31 +125411,31 +125412,31 +125413,31 +125414,5 +125415,5 +125416,5 +125417,5 +125418,5 +125419,5 +125420,5 +125421,5 +125422,5 +125423,8 +125424,8 +125425,8 +125426,8 +125427,8 +125428,8 +125429,8 +125430,8 +125431,8 +125432,8 +125433,8 +125434,8 +125435,8 +125436,8 +125437,8 +125438,8 +125439,8 +125440,8 +125441,0 +125442,0 +125443,0 +125444,0 +125445,0 +125446,0 +125447,0 +125448,0 +125449,0 +125450,0 +125451,0 +125452,0 +125453,0 +125454,0 +125455,0 +125456,0 +125457,0 +125458,0 +125459,0 +125460,23 +125461,23 +125462,23 +125463,23 +125464,23 +125465,23 +125466,23 +125467,23 +125468,23 +125469,25 +125470,25 +125471,25 +125472,25 +125473,25 +125474,28 +125475,28 +125476,28 +125477,28 +125478,28 +125479,28 +125480,28 +125481,28 +125482,5 +125483,29 +125484,29 +125485,31 +125486,31 +125487,31 +125488,31 +125489,28 +125490,28 +125491,28 +125492,28 +125493,28 +125494,28 +125495,28 +125496,28 +125497,33 +125498,33 +125499,33 +125500,33 +125501,33 +125502,33 +125503,33 +125504,33 +125505,33 +125506,33 +125507,33 +125508,33 +125509,2 +125510,2 +125511,2 +125512,2 +125513,2 +125514,2 +125515,4 +125516,4 +125517,4 +125518,4 +125519,4 +125520,4 +125521,4 +125522,23 +125523,23 +125524,23 +125525,23 +125526,23 +125527,23 +125528,23 +125529,23 +125530,23 +125531,23 +125532,23 +125533,23 +125534,23 +125535,39 +125536,39 +125537,39 +125538,39 +125539,39 +125540,39 +125541,39 +125542,39 +125543,39 +125544,15 +125545,15 +125546,15 +125547,15 +125548,15 +125549,15 +125550,31 +125551,31 +125552,31 +125553,31 +125554,30 +125555,30 +125556,30 +125557,30 +125558,15 +125559,15 +125560,15 +125561,15 +125562,15 +125563,15 +125564,27 +125565,27 +125566,27 +125567,22 +125568,27 +125569,21 +125570,21 +125571,21 +125572,21 +125573,21 +125574,21 +125575,21 +125576,21 +125577,21 +125578,14 +125579,14 +125580,40 +125581,40 +125582,40 +125583,40 +125584,40 +125585,40 +125586,40 +125587,40 +125588,27 +125589,27 +125590,5 +125591,5 +125592,5 +125593,5 +125594,5 +125595,5 +125596,27 +125597,27 +125598,27 +125599,27 +125600,27 +125601,13 +125602,13 +125603,13 +125604,13 +125605,13 +125606,13 +125607,13 +125608,13 +125609,13 +125610,13 +125611,13 +125612,8 +125613,8 +125614,8 +125615,8 +125616,8 +125617,8 +125618,8 +125619,8 +125620,8 +125621,8 +125622,2 +125623,8 +125624,8 +125625,8 +125626,8 +125627,8 +125628,0 +125629,0 +125630,0 +125631,0 +125632,0 +125633,0 +125634,0 +125635,0 +125636,0 +125637,0 +125638,0 +125639,0 +125640,0 +125641,0 +125642,0 +125643,0 +125644,0 +125645,0 +125646,0 +125647,0 +125648,0 +125649,0 +125650,0 +125651,23 +125652,23 +125653,23 +125654,23 +125655,23 +125656,23 +125657,23 +125658,23 +125659,23 +125660,23 +125661,25 +125662,25 +125663,25 +125664,25 +125665,25 +125666,28 +125667,28 +125668,28 +125669,28 +125670,28 +125671,28 +125672,28 +125673,28 +125674,28 +125675,29 +125676,29 +125677,31 +125678,31 +125679,31 +125680,31 +125681,31 +125682,28 +125683,28 +125684,28 +125685,28 +125686,28 +125687,28 +125688,28 +125689,28 +125690,28 +125691,28 +125692,27 +125693,27 +125694,27 +125695,27 +125696,27 +125697,27 +125698,27 +125699,27 +125700,37 +125701,37 +125702,37 +125703,37 +125704,37 +125705,37 +125706,37 +125707,37 +125708,37 +125709,37 +125710,37 +125711,37 +125712,37 +125713,37 +125714,37 +125715,37 +125716,37 +125717,32 +125718,32 +125719,32 +125720,32 +125721,32 +125722,32 +125723,32 +125724,32 +125725,32 +125726,32 +125727,32 +125728,32 +125729,32 +125730,32 +125731,32 +125732,32 +125733,34 +125734,34 +125735,34 +125736,34 +125737,34 +125738,34 +125739,34 +125740,34 +125741,34 +125742,34 +125743,34 +125744,34 +125745,34 +125746,34 +125747,25 +125748,25 +125749,25 +125750,25 +125751,25 +125752,37 +125753,37 +125754,37 +125755,37 +125756,37 +125757,25 +125758,25 +125759,25 +125760,25 +125761,25 +125762,25 +125763,25 +125764,31 +125765,31 +125766,31 +125767,31 +125768,31 +125769,31 +125770,31 +125771,31 +125772,24 +125773,24 +125774,24 +125775,24 +125776,24 +125777,31 +125778,31 +125779,31 +125780,31 +125781,31 +125782,31 +125783,31 +125784,31 +125785,2 +125786,2 +125787,2 +125788,2 +125789,2 +125790,2 +125791,2 +125792,2 +125793,2 +125794,2 +125795,2 +125796,2 +125797,2 +125798,2 +125799,40 +125800,40 +125801,40 +125802,40 +125803,40 +125804,40 +125805,40 +125806,40 +125807,40 +125808,40 +125809,19 +125810,4 +125811,4 +125812,4 +125813,4 +125814,29 +125815,29 +125816,29 +125817,14 +125818,14 +125819,14 +125820,14 +125821,27 +125822,14 +125823,14 +125824,14 +125825,14 +125826,12 +125827,12 +125828,12 +125829,12 +125830,12 +125831,12 +125832,12 +125833,12 +125834,12 +125835,12 +125836,25 +125837,25 +125838,25 +125839,25 +125840,37 +125841,19 +125842,19 +125843,19 +125844,19 +125845,19 +125846,19 +125847,19 +125848,19 +125849,27 +125850,27 +125851,27 +125852,27 +125853,27 +125854,27 +125855,27 +125856,2 +125857,2 +125858,2 +125859,2 +125860,2 +125861,2 +125862,2 +125863,31 +125864,31 +125865,31 +125866,27 +125867,27 +125868,27 +125869,21 +125870,21 +125871,21 +125872,21 +125873,21 +125874,21 +125875,21 +125876,21 +125877,21 +125878,37 +125879,37 +125880,37 +125881,37 +125882,37 +125883,37 +125884,37 +125885,37 +125886,37 +125887,37 +125888,27 +125889,27 +125890,27 +125891,27 +125892,27 +125893,27 +125894,27 +125895,27 +125896,27 +125897,27 +125898,27 +125899,27 +125900,39 +125901,39 +125902,27 +125903,27 +125904,13 +125905,13 +125906,13 +125907,13 +125908,13 +125909,13 +125910,13 +125911,13 +125912,4 +125913,4 +125914,4 +125915,4 +125916,4 +125917,4 +125918,4 +125919,4 +125920,27 +125921,27 +125922,27 +125923,27 +125924,27 +125925,29 +125926,29 +125927,29 +125928,29 +125929,29 +125930,29 +125931,29 +125932,39 +125933,39 +125934,39 +125935,39 +125936,39 +125937,39 +125938,39 +125939,39 +125940,39 +125941,39 +125942,31 +125943,31 +125944,31 +125945,5 +125946,5 +125947,5 +125948,5 +125949,4 +125950,4 +125951,4 +125952,32 +125953,23 +125954,23 +125955,23 +125956,27 +125957,27 +125958,27 +125959,27 +125960,27 +125961,31 +125962,31 +125963,31 +125964,8 +125965,8 +125966,8 +125967,8 +125968,8 +125969,8 +125970,8 +125971,8 +125972,8 +125973,8 +125974,27 +125975,27 +125976,27 +125977,27 +125978,27 +125979,27 +125980,27 +125981,27 +125982,27 +125983,11 +125984,11 +125985,11 +125986,11 +125987,11 +125988,11 +125989,11 +125990,11 +125991,11 +125992,11 +125993,11 +125994,31 +125995,31 +125996,31 +125997,5 +125998,5 +125999,5 +126000,5 +126001,5 +126002,5 +126003,31 +126004,31 +126005,31 +126006,31 +126007,24 +126008,24 +126009,24 +126010,24 +126011,24 +126012,24 +126013,31 +126014,31 +126015,31 +126016,31 +126017,31 +126018,5 +126019,5 +126020,5 +126021,5 +126022,5 +126023,5 +126024,5 +126025,5 +126026,7 +126027,7 +126028,7 +126029,7 +126030,7 +126031,3 +126032,3 +126033,3 +126034,3 +126035,3 +126036,3 +126037,3 +126038,3 +126039,3 +126040,3 +126041,3 +126042,0 +126043,0 +126044,0 +126045,0 +126046,0 +126047,0 +126048,4 +126049,4 +126050,4 +126051,4 +126052,4 +126053,4 +126054,4 +126055,4 +126056,4 +126057,4 +126058,36 +126059,36 +126060,36 +126061,36 +126062,14 +126063,14 +126064,14 +126065,14 +126066,14 +126067,14 +126068,14 +126069,14 +126070,14 +126071,14 +126072,14 +126073,14 +126074,14 +126075,14 +126076,14 +126077,10 +126078,10 +126079,14 +126080,10 +126081,14 +126082,10 +126083,6 +126084,6 +126085,6 +126086,6 +126087,6 +126088,6 +126089,6 +126090,6 +126091,6 +126092,2 +126093,2 +126094,2 +126095,2 +126096,2 +126097,2 +126098,2 +126099,2 +126100,2 +126101,2 +126102,2 +126103,2 +126104,2 +126105,2 +126106,2 +126107,2 +126108,2 +126109,0 +126110,0 +126111,0 +126112,0 +126113,0 +126114,0 +126115,0 +126116,0 +126117,0 +126118,0 +126119,0 +126120,0 +126121,0 +126122,0 +126123,0 +126124,0 +126125,0 +126126,0 +126127,0 +126128,0 +126129,0 +126130,0 +126131,0 +126132,0 +126133,0 +126134,0 +126135,0 +126136,0 +126137,0 +126138,0 +126139,0 +126140,0 +126141,0 +126142,0 +126143,0 +126144,0 +126145,0 +126146,0 +126147,0 +126148,0 +126149,0 +126150,7 +126151,7 +126152,7 +126153,7 +126154,7 +126155,22 +126156,22 +126157,37 +126158,37 +126159,39 +126160,39 +126161,39 +126162,39 +126163,32 +126164,32 +126165,32 +126166,32 +126167,32 +126168,37 +126169,37 +126170,37 +126171,37 +126172,40 +126173,40 +126174,40 +126175,40 +126176,40 +126177,40 +126178,8 +126179,8 +126180,8 +126181,8 +126182,8 +126183,8 +126184,8 +126185,8 +126186,28 +126187,5 +126188,5 +126189,5 +126190,5 +126191,5 +126192,5 +126193,5 +126194,5 +126195,5 +126196,2 +126197,2 +126198,2 +126199,2 +126200,2 +126201,2 +126202,2 +126203,31 +126204,31 +126205,31 +126206,31 +126207,5 +126208,5 +126209,5 +126210,5 +126211,5 +126212,31 +126213,31 +126214,31 +126215,31 +126216,31 +126217,32 +126218,32 +126219,32 +126220,32 +126221,32 +126222,32 +126223,32 +126224,32 +126225,37 +126226,36 +126227,36 +126228,36 +126229,36 +126230,36 +126231,36 +126232,36 +126233,10 +126234,10 +126235,10 +126236,24 +126237,24 +126238,24 +126239,24 +126240,24 +126241,31 +126242,31 +126243,31 +126244,4 +126245,31 +126246,31 +126247,27 +126248,2 +126249,2 +126250,2 +126251,2 +126252,2 +126253,2 +126254,2 +126255,2 +126256,2 +126257,2 +126258,2 +126259,40 +126260,40 +126261,40 +126262,40 +126263,37 +126264,37 +126265,37 +126266,37 +126267,37 +126268,37 +126269,6 +126270,6 +126271,6 +126272,6 +126273,6 +126274,6 +126275,14 +126276,14 +126277,14 +126278,14 +126279,14 +126280,14 +126281,14 +126282,14 +126283,14 +126284,14 +126285,14 +126286,14 +126287,2 +126288,2 +126289,2 +126290,2 +126291,2 +126292,2 +126293,2 +126294,2 +126295,2 +126296,2 +126297,12 +126298,12 +126299,12 +126300,12 +126301,33 +126302,29 +126303,29 +126304,8 +126305,8 +126306,29 +126307,29 +126308,29 +126309,31 +126310,31 +126311,30 +126312,30 +126313,30 +126314,30 +126315,31 +126316,30 +126317,30 +126318,30 +126319,30 +126320,30 +126321,30 +126322,40 +126323,40 +126324,40 +126325,40 +126326,40 +126327,40 +126328,40 +126329,40 +126330,9 +126331,9 +126332,31 +126333,2 +126334,2 +126335,2 +126336,2 +126337,2 +126338,2 +126339,2 +126340,2 +126341,2 +126342,4 +126343,4 +126344,4 +126345,4 +126346,4 +126347,4 +126348,4 +126349,37 +126350,37 +126351,37 +126352,37 +126353,37 +126354,37 +126355,26 +126356,26 +126357,26 +126358,26 +126359,26 +126360,26 +126361,26 +126362,26 +126363,26 +126364,26 +126365,26 +126366,26 +126367,26 +126368,26 +126369,26 +126370,26 +126371,34 +126372,34 +126373,34 +126374,34 +126375,34 +126376,0 +126377,0 +126378,0 +126379,0 +126380,0 +126381,0 +126382,0 +126383,0 +126384,0 +126385,0 +126386,0 +126387,0 +126388,0 +126389,0 +126390,0 +126391,0 +126392,0 +126393,0 +126394,0 +126395,0 +126396,0 +126397,0 +126398,0 +126399,0 +126400,0 +126401,0 +126402,0 +126403,0 +126404,0 +126405,0 +126406,0 +126407,0 +126408,0 +126409,0 +126410,0 +126411,0 +126412,0 +126413,0 +126414,0 +126415,0 +126416,0 +126417,0 +126418,0 +126419,0 +126420,0 +126421,0 +126422,0 +126423,0 +126424,0 +126425,0 +126426,0 +126427,0 +126428,0 +126429,0 +126430,0 +126431,0 +126432,0 +126433,0 +126434,0 +126435,0 +126436,0 +126437,0 +126438,0 +126439,0 +126440,0 +126441,0 +126442,0 +126443,0 +126444,0 +126445,0 +126446,0 +126447,0 +126448,7 +126449,7 +126450,7 +126451,7 +126452,7 +126453,7 +126454,7 +126455,7 +126456,7 +126457,7 +126458,3 +126459,3 +126460,3 +126461,3 +126462,3 +126463,3 +126464,3 +126465,3 +126466,3 +126467,3 +126468,3 +126469,3 +126470,3 +126471,33 +126472,33 +126473,33 +126474,33 +126475,33 +126476,33 +126477,9 +126478,9 +126479,9 +126480,23 +126481,23 +126482,23 +126483,23 +126484,23 +126485,23 +126486,23 +126487,23 +126488,25 +126489,25 +126490,25 +126491,25 +126492,25 +126493,19 +126494,19 +126495,19 +126496,19 +126497,19 +126498,27 +126499,27 +126500,27 +126501,27 +126502,27 +126503,27 +126504,24 +126505,24 +126506,24 +126507,24 +126508,24 +126509,31 +126510,31 +126511,31 +126512,31 +126513,31 +126514,31 +126515,31 +126516,31 +126517,31 +126518,31 +126519,31 +126520,31 +126521,2 +126522,2 +126523,2 +126524,2 +126525,2 +126526,2 +126527,2 +126528,2 +126529,2 +126530,6 +126531,6 +126532,6 +126533,6 +126534,6 +126535,6 +126536,6 +126537,6 +126538,26 +126539,26 +126540,26 +126541,26 +126542,26 +126543,26 +126544,26 +126545,26 +126546,26 +126547,26 +126548,26 +126549,33 +126550,33 +126551,33 +126552,33 +126553,33 +126554,33 +126555,33 +126556,33 +126557,33 +126558,33 +126559,33 +126560,33 +126561,33 +126562,33 +126563,33 +126564,33 +126565,33 +126566,33 +126567,33 +126568,33 +126569,2 +126570,2 +126571,2 +126572,2 +126573,2 +126574,2 +126575,2 +126576,2 +126577,2 +126578,2 +126579,2 +126580,2 +126581,2 +126582,2 +126583,2 +126584,2 +126585,2 +126586,2 +126587,2 +126588,2 +126589,2 +126590,8 +126591,8 +126592,0 +126593,0 +126594,0 +126595,0 +126596,0 +126597,0 +126598,0 +126599,0 +126600,0 +126601,0 +126602,0 +126603,0 +126604,0 +126605,0 +126606,0 +126607,0 +126608,0 +126609,0 +126610,0 +126611,0 +126612,0 +126613,0 +126614,0 +126615,0 +126616,0 +126617,0 +126618,0 +126619,0 +126620,0 +126621,0 +126622,0 +126623,0 +126624,0 +126625,0 +126626,0 +126627,0 +126628,0 +126629,0 +126630,0 +126631,0 +126632,0 +126633,0 +126634,0 +126635,0 +126636,0 +126637,0 +126638,0 +126639,0 +126640,0 +126641,0 +126642,0 +126643,0 +126644,0 +126645,0 +126646,0 +126647,0 +126648,0 +126649,0 +126650,0 +126651,0 +126652,0 +126653,0 +126654,0 +126655,0 +126656,0 +126657,31 +126658,31 +126659,31 +126660,31 +126661,31 +126662,31 +126663,31 +126664,31 +126665,31 +126666,31 +126667,15 +126668,15 +126669,15 +126670,15 +126671,15 +126672,15 +126673,15 +126674,15 +126675,26 +126676,26 +126677,9 +126678,26 +126679,9 +126680,26 +126681,26 +126682,37 +126683,37 +126684,37 +126685,37 +126686,37 +126687,37 +126688,37 +126689,37 +126690,15 +126691,15 +126692,15 +126693,25 +126694,25 +126695,25 +126696,25 +126697,25 +126698,25 +126699,25 +126700,25 +126701,25 +126702,25 +126703,25 +126704,25 +126705,25 +126706,25 +126707,11 +126708,11 +126709,11 +126710,11 +126711,11 +126712,11 +126713,11 +126714,11 +126715,11 +126716,11 +126717,11 +126718,11 +126719,11 +126720,36 +126721,36 +126722,36 +126723,40 +126724,40 +126725,40 +126726,40 +126727,40 +126728,40 +126729,28 +126730,28 +126731,28 +126732,28 +126733,28 +126734,28 +126735,32 +126736,32 +126737,32 +126738,32 +126739,3 +126740,3 +126741,3 +126742,3 +126743,3 +126744,3 +126745,3 +126746,3 +126747,3 +126748,3 +126749,3 +126750,3 +126751,15 +126752,19 +126753,19 +126754,19 +126755,19 +126756,19 +126757,19 +126758,28 +126759,28 +126760,28 +126761,28 +126762,28 +126763,28 +126764,10 +126765,10 +126766,10 +126767,10 +126768,10 +126769,10 +126770,10 +126771,10 +126772,10 +126773,10 +126774,10 +126775,10 +126776,35 +126777,35 +126778,35 +126779,35 +126780,35 +126781,35 +126782,35 +126783,36 +126784,36 +126785,36 +126786,36 +126787,36 +126788,36 +126789,36 +126790,36 +126791,36 +126792,36 +126793,36 +126794,36 +126795,36 +126796,40 +126797,40 +126798,40 +126799,37 +126800,37 +126801,37 +126802,37 +126803,37 +126804,37 +126805,37 +126806,37 +126807,37 +126808,37 +126809,37 +126810,37 +126811,37 +126812,37 +126813,37 +126814,25 +126815,25 +126816,25 +126817,25 +126818,25 +126819,25 +126820,37 +126821,0 +126822,0 +126823,0 +126824,0 +126825,0 +126826,0 +126827,0 +126828,0 +126829,0 +126830,0 +126831,0 +126832,0 +126833,0 +126834,0 +126835,0 +126836,0 +126837,0 +126838,0 +126839,0 +126840,0 +126841,0 +126842,0 +126843,0 +126844,0 +126845,0 +126846,0 +126847,0 +126848,0 +126849,0 +126850,0 +126851,0 +126852,0 +126853,0 +126854,0 +126855,0 +126856,0 +126857,0 +126858,0 +126859,0 +126860,0 +126861,0 +126862,0 +126863,0 +126864,0 +126865,0 +126866,0 +126867,0 +126868,0 +126869,0 +126870,0 +126871,0 +126872,0 +126873,0 +126874,0 +126875,0 +126876,0 +126877,0 +126878,0 +126879,0 +126880,0 +126881,0 +126882,0 +126883,0 +126884,0 +126885,0 +126886,0 +126887,0 +126888,0 +126889,0 +126890,0 +126891,0 +126892,0 +126893,31 +126894,31 +126895,31 +126896,31 +126897,31 +126898,31 +126899,31 +126900,31 +126901,31 +126902,2 +126903,2 +126904,2 +126905,2 +126906,2 +126907,2 +126908,2 +126909,2 +126910,2 +126911,2 +126912,2 +126913,2 +126914,25 +126915,25 +126916,25 +126917,25 +126918,25 +126919,25 +126920,24 +126921,24 +126922,24 +126923,24 +126924,24 +126925,24 +126926,24 +126927,31 +126928,31 +126929,40 +126930,27 +126931,27 +126932,5 +126933,5 +126934,5 +126935,5 +126936,5 +126937,5 +126938,5 +126939,4 +126940,4 +126941,4 +126942,31 +126943,37 +126944,37 +126945,31 +126946,31 +126947,31 +126948,25 +126949,25 +126950,25 +126951,25 +126952,4 +126953,4 +126954,4 +126955,4 +126956,4 +126957,4 +126958,4 +126959,4 +126960,4 +126961,4 +126962,25 +126963,25 +126964,25 +126965,25 +126966,25 +126967,25 +126968,25 +126969,25 +126970,25 +126971,25 +126972,25 +126973,25 +126974,25 +126975,25 +126976,25 +126977,25 +126978,25 +126979,25 +126980,25 +126981,5 +126982,5 +126983,5 +126984,5 +126985,5 +126986,19 +126987,19 +126988,19 +126989,19 +126990,19 +126991,12 +126992,12 +126993,12 +126994,12 +126995,12 +126996,12 +126997,31 +126998,31 +126999,8 +127000,8 +127001,8 +127002,8 +127003,8 +127004,8 +127005,8 +127006,8 +127007,6 +127008,6 +127009,6 +127010,6 +127011,6 +127012,6 +127013,6 +127014,6 +127015,6 +127016,9 +127017,9 +127018,9 +127019,9 +127020,9 +127021,9 +127022,9 +127023,9 +127024,9 +127025,37 +127026,37 +127027,37 +127028,37 +127029,37 +127030,37 +127031,37 +127032,5 +127033,5 +127034,5 +127035,5 +127036,5 +127037,5 +127038,5 +127039,5 +127040,15 +127041,15 +127042,15 +127043,15 +127044,15 +127045,39 +127046,39 +127047,39 +127048,39 +127049,39 +127050,39 +127051,39 +127052,39 +127053,39 +127054,39 +127055,39 +127056,39 +127057,39 +127058,39 +127059,39 +127060,39 +127061,23 +127062,23 +127063,23 +127064,23 +127065,23 +127066,23 +127067,23 +127068,23 +127069,23 +127070,27 +127071,27 +127072,27 +127073,27 +127074,5 +127075,5 +127076,5 +127077,5 +127078,5 +127079,5 +127080,5 +127081,5 +127082,5 +127083,5 +127084,5 +127085,4 +127086,4 +127087,4 +127088,4 +127089,4 +127090,4 +127091,4 +127092,4 +127093,4 +127094,4 +127095,4 +127096,4 +127097,4 +127098,3 +127099,3 +127100,3 +127101,39 +127102,39 +127103,27 +127104,27 +127105,27 +127106,27 +127107,27 +127108,27 +127109,27 +127110,27 +127111,27 +127112,27 +127113,5 +127114,5 +127115,5 +127116,5 +127117,5 +127118,5 +127119,5 +127120,5 +127121,5 +127122,5 +127123,5 +127124,5 +127125,5 +127126,5 +127127,5 +127128,5 +127129,5 +127130,5 +127131,5 +127132,5 +127133,5 +127134,8 +127135,8 +127136,8 +127137,8 +127138,8 +127139,8 +127140,8 +127141,8 +127142,8 +127143,2 +127144,8 +127145,2 +127146,2 +127147,2 +127148,2 +127149,2 +127150,2 +127151,2 +127152,2 +127153,2 +127154,2 +127155,2 +127156,2 +127157,2 +127158,31 +127159,31 +127160,31 +127161,31 +127162,31 +127163,31 +127164,31 +127165,31 +127166,15 +127167,15 +127168,15 +127169,15 +127170,15 +127171,15 +127172,9 +127173,9 +127174,9 +127175,26 +127176,26 +127177,26 +127178,26 +127179,26 +127180,26 +127181,9 +127182,9 +127183,4 +127184,4 +127185,4 +127186,31 +127187,31 +127188,31 +127189,31 +127190,31 +127191,30 +127192,30 +127193,30 +127194,30 +127195,30 +127196,30 +127197,30 +127198,30 +127199,30 +127200,30 +127201,30 +127202,23 +127203,23 +127204,23 +127205,23 +127206,23 +127207,24 +127208,24 +127209,24 +127210,24 +127211,24 +127212,32 +127213,32 +127214,32 +127215,32 +127216,32 +127217,32 +127218,32 +127219,9 +127220,9 +127221,9 +127222,9 +127223,9 +127224,9 +127225,9 +127226,9 +127227,9 +127228,9 +127229,9 +127230,9 +127231,9 +127232,9 +127233,37 +127234,37 +127235,37 +127236,37 +127237,37 +127238,37 +127239,37 +127240,37 +127241,37 +127242,37 +127243,4 +127244,4 +127245,4 +127246,4 +127247,4 +127248,4 +127249,4 +127250,4 +127251,4 +127252,4 +127253,4 +127254,4 +127255,4 +127256,4 +127257,0 +127258,0 +127259,0 +127260,0 +127261,0 +127262,0 +127263,0 +127264,0 +127265,0 +127266,0 +127267,0 +127268,0 +127269,0 +127270,0 +127271,0 +127272,0 +127273,0 +127274,0 +127275,0 +127276,0 +127277,0 +127278,0 +127279,0 +127280,0 +127281,0 +127282,0 +127283,0 +127284,0 +127285,31 +127286,31 +127287,31 +127288,31 +127289,31 +127290,31 +127291,31 +127292,31 +127293,5 +127294,5 +127295,5 +127296,5 +127297,5 +127298,5 +127299,5 +127300,33 +127301,33 +127302,33 +127303,33 +127304,33 +127305,33 +127306,29 +127307,29 +127308,29 +127309,29 +127310,29 +127311,25 +127312,25 +127313,25 +127314,25 +127315,25 +127316,25 +127317,25 +127318,25 +127319,25 +127320,25 +127321,31 +127322,31 +127323,31 +127324,31 +127325,31 +127326,31 +127327,24 +127328,24 +127329,24 +127330,24 +127331,24 +127332,24 +127333,6 +127334,6 +127335,6 +127336,6 +127337,6 +127338,6 +127339,6 +127340,6 +127341,10 +127342,10 +127343,26 +127344,26 +127345,26 +127346,26 +127347,26 +127348,26 +127349,26 +127350,26 +127351,26 +127352,5 +127353,5 +127354,5 +127355,5 +127356,5 +127357,5 +127358,5 +127359,5 +127360,10 +127361,10 +127362,10 +127363,10 +127364,10 +127365,10 +127366,10 +127367,36 +127368,36 +127369,36 +127370,36 +127371,10 +127372,10 +127373,10 +127374,10 +127375,36 +127376,36 +127377,36 +127378,36 +127379,36 +127380,36 +127381,36 +127382,6 +127383,6 +127384,6 +127385,6 +127386,6 +127387,6 +127388,6 +127389,6 +127390,6 +127391,6 +127392,6 +127393,6 +127394,6 +127395,6 +127396,6 +127397,6 +127398,6 +127399,6 +127400,6 +127401,0 +127402,0 +127403,0 +127404,0 +127405,0 +127406,0 +127407,0 +127408,0 +127409,0 +127410,0 +127411,0 +127412,0 +127413,0 +127414,0 +127415,0 +127416,0 +127417,0 +127418,0 +127419,0 +127420,36 +127421,36 +127422,36 +127423,36 +127424,36 +127425,36 +127426,36 +127427,36 +127428,36 +127429,36 +127430,36 +127431,5 +127432,5 +127433,5 +127434,5 +127435,5 +127436,5 +127437,5 +127438,5 +127439,5 +127440,5 +127441,5 +127442,0 +127443,0 +127444,0 +127445,15 +127446,15 +127447,15 +127448,15 +127449,15 +127450,15 +127451,15 +127452,39 +127453,39 +127454,39 +127455,39 +127456,27 +127457,27 +127458,27 +127459,27 +127460,27 +127461,27 +127462,27 +127463,27 +127464,27 +127465,37 +127466,37 +127467,37 +127468,37 +127469,37 +127470,37 +127471,37 +127472,37 +127473,37 +127474,37 +127475,37 +127476,37 +127477,37 +127478,37 +127479,37 +127480,37 +127481,37 +127482,37 +127483,37 +127484,37 +127485,37 +127486,37 +127487,37 +127488,37 +127489,37 +127490,37 +127491,37 +127492,37 +127493,37 +127494,37 +127495,0 +127496,0 +127497,0 +127498,0 +127499,0 +127500,0 +127501,0 +127502,0 +127503,0 +127504,0 +127505,0 +127506,0 +127507,0 +127508,0 +127509,0 +127510,0 +127511,0 +127512,0 +127513,0 +127514,0 +127515,0 +127516,0 +127517,0 +127518,0 +127519,0 +127520,0 +127521,0 +127522,0 +127523,0 +127524,0 +127525,0 +127526,0 +127527,0 +127528,0 +127529,0 +127530,0 +127531,0 +127532,0 +127533,0 +127534,0 +127535,0 +127536,0 +127537,0 +127538,0 +127539,0 +127540,0 +127541,0 +127542,0 +127543,0 +127544,0 +127545,0 +127546,0 +127547,0 +127548,0 +127549,0 +127550,0 +127551,0 +127552,0 +127553,0 +127554,0 +127555,0 +127556,0 +127557,0 +127558,0 +127559,12 +127560,12 +127561,12 +127562,10 +127563,10 +127564,35 +127565,10 +127566,10 +127567,10 +127568,10 +127569,40 +127570,10 +127571,10 +127572,10 +127573,19 +127574,19 +127575,19 +127576,19 +127577,19 +127578,19 +127579,19 +127580,19 +127581,19 +127582,19 +127583,19 +127584,31 +127585,31 +127586,31 +127587,31 +127588,12 +127589,12 +127590,12 +127591,12 +127592,12 +127593,12 +127594,12 +127595,12 +127596,12 +127597,12 +127598,12 +127599,12 +127600,12 +127601,12 +127602,14 +127603,14 +127604,14 +127605,14 +127606,14 +127607,14 +127608,14 +127609,14 +127610,14 +127611,14 +127612,14 +127613,14 +127614,14 +127615,14 +127616,27 +127617,27 +127618,27 +127619,27 +127620,27 +127621,27 +127622,27 +127623,27 +127624,27 +127625,5 +127626,5 +127627,5 +127628,5 +127629,5 +127630,5 +127631,4 +127632,4 +127633,4 +127634,4 +127635,4 +127636,4 +127637,4 +127638,4 +127639,4 +127640,4 +127641,33 +127642,33 +127643,31 +127644,33 +127645,33 +127646,33 +127647,33 +127648,33 +127649,33 +127650,33 +127651,33 +127652,33 +127653,33 +127654,33 +127655,33 +127656,33 +127657,33 +127658,9 +127659,9 +127660,9 +127661,9 +127662,9 +127663,9 +127664,9 +127665,9 +127666,13 +127667,13 +127668,13 +127669,13 +127670,13 +127671,13 +127672,6 +127673,6 +127674,6 +127675,6 +127676,6 +127677,6 +127678,31 +127679,30 +127680,31 +127681,31 +127682,31 +127683,9 +127684,9 +127685,31 +127686,12 +127687,12 +127688,37 +127689,37 +127690,37 +127691,37 +127692,37 +127693,30 +127694,30 +127695,30 +127696,9 +127697,9 +127698,9 +127699,9 +127700,9 +127701,9 +127702,9 +127703,9 +127704,9 +127705,26 +127706,26 +127707,26 +127708,26 +127709,19 +127710,19 +127711,19 +127712,19 +127713,19 +127714,19 +127715,19 +127716,19 +127717,19 +127718,19 +127719,25 +127720,25 +127721,25 +127722,25 +127723,25 +127724,25 +127725,25 +127726,8 +127727,8 +127728,8 +127729,8 +127730,8 +127731,8 +127732,8 +127733,8 +127734,8 +127735,2 +127736,4 +127737,4 +127738,4 +127739,4 +127740,4 +127741,4 +127742,9 +127743,9 +127744,9 +127745,9 +127746,9 +127747,9 +127748,9 +127749,9 +127750,9 +127751,9 +127752,9 +127753,9 +127754,9 +127755,9 +127756,9 +127757,9 +127758,9 +127759,0 +127760,0 +127761,0 +127762,0 +127763,0 +127764,30 +127765,30 +127766,30 +127767,30 +127768,30 +127769,30 +127770,30 +127771,30 +127772,10 +127773,36 +127774,36 +127775,36 +127776,36 +127777,36 +127778,36 +127779,36 +127780,36 +127781,36 +127782,36 +127783,36 +127784,36 +127785,36 +127786,23 +127787,23 +127788,23 +127789,23 +127790,23 +127791,23 +127792,23 +127793,27 +127794,27 +127795,27 +127796,27 +127797,27 +127798,5 +127799,5 +127800,5 +127801,5 +127802,5 +127803,5 +127804,5 +127805,5 +127806,5 +127807,5 +127808,15 +127809,29 +127810,29 +127811,29 +127812,27 +127813,27 +127814,27 +127815,27 +127816,27 +127817,27 +127818,4 +127819,4 +127820,38 +127821,4 +127822,4 +127823,23 +127824,23 +127825,23 +127826,23 +127827,23 +127828,23 +127829,23 +127830,23 +127831,23 +127832,9 +127833,9 +127834,9 +127835,9 +127836,9 +127837,37 +127838,37 +127839,37 +127840,37 +127841,37 +127842,37 +127843,37 +127844,37 +127845,37 +127846,37 +127847,37 +127848,37 +127849,3 +127850,3 +127851,3 +127852,3 +127853,3 +127854,3 +127855,39 +127856,3 +127857,35 +127858,35 +127859,35 +127860,35 +127861,35 +127862,35 +127863,35 +127864,35 +127865,35 +127866,35 +127867,25 +127868,25 +127869,25 +127870,25 +127871,25 +127872,25 +127873,25 +127874,25 +127875,19 +127876,19 +127877,19 +127878,19 +127879,19 +127880,19 +127881,19 +127882,29 +127883,29 +127884,29 +127885,19 +127886,19 +127887,19 +127888,19 +127889,19 +127890,36 +127891,31 +127892,40 +127893,40 +127894,40 +127895,40 +127896,40 +127897,40 +127898,40 +127899,40 +127900,6 +127901,6 +127902,6 +127903,6 +127904,6 +127905,6 +127906,6 +127907,6 +127908,6 +127909,2 +127910,2 +127911,2 +127912,2 +127913,2 +127914,2 +127915,2 +127916,2 +127917,12 +127918,32 +127919,12 +127920,12 +127921,12 +127922,31 +127923,31 +127924,31 +127925,31 +127926,5 +127927,5 +127928,5 +127929,5 +127930,5 +127931,14 +127932,14 +127933,14 +127934,14 +127935,14 +127936,14 +127937,14 +127938,14 +127939,14 +127940,14 +127941,14 +127942,14 +127943,14 +127944,11 +127945,11 +127946,11 +127947,11 +127948,11 +127949,11 +127950,11 +127951,11 +127952,11 +127953,11 +127954,11 +127955,11 +127956,11 +127957,11 +127958,11 +127959,31 +127960,31 +127961,31 +127962,5 +127963,5 +127964,5 +127965,5 +127966,5 +127967,5 +127968,5 +127969,5 +127970,5 +127971,5 +127972,5 +127973,5 +127974,0 +127975,0 +127976,0 +127977,0 +127978,0 +127979,0 +127980,0 +127981,0 +127982,0 +127983,0 +127984,0 +127985,0 +127986,0 +127987,0 +127988,0 +127989,0 +127990,0 +127991,0 +127992,0 +127993,0 +127994,0 +127995,0 +127996,0 +127997,0 +127998,0 +127999,0 +128000,0 +128001,0 +128002,0 +128003,0 +128004,0 +128005,0 +128006,0 +128007,0 +128008,12 +128009,12 +128010,12 +128011,12 +128012,39 +128013,39 +128014,39 +128015,39 +128016,39 +128017,39 +128018,38 +128019,38 +128020,38 +128021,38 +128022,38 +128023,38 +128024,38 +128025,38 +128026,19 +128027,19 +128028,10 +128029,10 +128030,10 +128031,10 +128032,10 +128033,10 +128034,10 +128035,10 +128036,10 +128037,10 +128038,10 +128039,10 +128040,10 +128041,10 +128042,10 +128043,10 +128044,10 +128045,4 +128046,4 +128047,4 +128048,4 +128049,4 +128050,4 +128051,4 +128052,4 +128053,0 +128054,0 +128055,0 +128056,35 +128057,35 +128058,35 +128059,35 +128060,35 +128061,35 +128062,35 +128063,35 +128064,39 +128065,39 +128066,39 +128067,39 +128068,39 +128069,5 +128070,5 +128071,5 +128072,5 +128073,5 +128074,5 +128075,5 +128076,5 +128077,5 +128078,40 +128079,40 +128080,40 +128081,40 +128082,40 +128083,40 +128084,37 +128085,24 +128086,24 +128087,24 +128088,24 +128089,24 +128090,24 +128091,24 +128092,24 +128093,25 +128094,25 +128095,25 +128096,25 +128097,25 +128098,25 +128099,25 +128100,12 +128101,12 +128102,12 +128103,12 +128104,12 +128105,12 +128106,12 +128107,12 +128108,12 +128109,12 +128110,37 +128111,12 +128112,12 +128113,12 +128114,12 +128115,33 +128116,33 +128117,33 +128118,33 +128119,33 +128120,12 +128121,22 +128122,22 +128123,33 +128124,33 +128125,33 +128126,36 +128127,22 +128128,22 +128129,22 +128130,22 +128131,19 +128132,19 +128133,19 +128134,19 +128135,19 +128136,19 +128137,19 +128138,19 +128139,19 +128140,2 +128141,2 +128142,2 +128143,2 +128144,2 +128145,2 +128146,2 +128147,2 +128148,4 +128149,4 +128150,4 +128151,4 +128152,4 +128153,4 +128154,4 +128155,26 +128156,26 +128157,26 +128158,26 +128159,26 +128160,26 +128161,26 +128162,26 +128163,9 +128164,9 +128165,9 +128166,9 +128167,9 +128168,26 +128169,26 +128170,26 +128171,26 +128172,32 +128173,32 +128174,32 +128175,32 +128176,0 +128177,0 +128178,32 +128179,0 +128180,0 +128181,0 +128182,0 +128183,0 +128184,0 +128185,0 +128186,0 +128187,0 +128188,0 +128189,0 +128190,0 +128191,0 +128192,0 +128193,0 +128194,0 +128195,0 +128196,0 +128197,0 +128198,0 +128199,0 +128200,0 +128201,0 +128202,0 +128203,0 +128204,0 +128205,0 +128206,0 +128207,0 +128208,0 +128209,0 +128210,0 +128211,0 +128212,0 +128213,0 +128214,0 +128215,0 +128216,0 +128217,0 +128218,0 +128219,0 +128220,0 +128221,35 +128222,35 +128223,35 +128224,35 +128225,10 +128226,10 +128227,10 +128228,10 +128229,10 +128230,10 +128231,12 +128232,12 +128233,12 +128234,12 +128235,12 +128236,12 +128237,31 +128238,31 +128239,31 +128240,31 +128241,31 +128242,8 +128243,8 +128244,8 +128245,8 +128246,8 +128247,8 +128248,8 +128249,8 +128250,8 +128251,21 +128252,21 +128253,21 +128254,21 +128255,21 +128256,21 +128257,37 +128258,37 +128259,37 +128260,37 +128261,37 +128262,33 +128263,33 +128264,33 +128265,33 +128266,33 +128267,33 +128268,33 +128269,32 +128270,32 +128271,32 +128272,32 +128273,32 +128274,27 +128275,27 +128276,27 +128277,27 +128278,27 +128279,27 +128280,5 +128281,5 +128282,5 +128283,5 +128284,5 +128285,5 +128286,5 +128287,5 +128288,5 +128289,5 +128290,31 +128291,31 +128292,31 +128293,31 +128294,12 +128295,12 +128296,12 +128297,12 +128298,12 +128299,12 +128300,12 +128301,12 +128302,12 +128303,12 +128304,12 +128305,12 +128306,12 +128307,27 +128308,27 +128309,27 +128310,27 +128311,27 +128312,27 +128313,27 +128314,27 +128315,27 +128316,27 +128317,27 +128318,27 +128319,27 +128320,30 +128321,30 +128322,30 +128323,30 +128324,30 +128325,30 +128326,30 +128327,30 +128328,30 +128329,30 +128330,9 +128331,26 +128332,26 +128333,26 +128334,9 +128335,9 +128336,26 +128337,26 +128338,9 +128339,9 +128340,9 +128341,9 +128342,9 +128343,9 +128344,9 +128345,9 +128346,9 +128347,13 +128348,13 +128349,13 +128350,13 +128351,13 +128352,13 +128353,13 +128354,13 +128355,13 +128356,13 +128357,13 +128358,5 +128359,5 +128360,5 +128361,5 +128362,5 +128363,13 +128364,5 +128365,3 +128366,3 +128367,0 +128368,0 +128369,0 +128370,0 +128371,0 +128372,0 +128373,0 +128374,0 +128375,0 +128376,0 +128377,0 +128378,0 +128379,0 +128380,12 +128381,12 +128382,12 +128383,12 +128384,12 +128385,12 +128386,10 +128387,10 +128388,40 +128389,10 +128390,40 +128391,40 +128392,40 +128393,40 +128394,34 +128395,4 +128396,23 +128397,23 +128398,23 +128399,23 +128400,23 +128401,23 +128402,23 +128403,23 +128404,38 +128405,4 +128406,9 +128407,9 +128408,9 +128409,9 +128410,9 +128411,31 +128412,31 +128413,31 +128414,31 +128415,31 +128416,31 +128417,31 +128418,31 +128419,31 +128420,31 +128421,31 +128422,31 +128423,4 +128424,4 +128425,4 +128426,4 +128427,4 +128428,35 +128429,35 +128430,35 +128431,35 +128432,35 +128433,25 +128434,25 +128435,25 +128436,25 +128437,25 +128438,25 +128439,25 +128440,25 +128441,25 +128442,2 +128443,2 +128444,8 +128445,8 +128446,2 +128447,2 +128448,2 +128449,2 +128450,2 +128451,2 +128452,4 +128453,4 +128454,4 +128455,4 +128456,4 +128457,4 +128458,40 +128459,40 +128460,40 +128461,40 +128462,40 +128463,4 +128464,4 +128465,4 +128466,4 +128467,24 +128468,24 +128469,2 +128470,8 +128471,8 +128472,8 +128473,8 +128474,2 +128475,16 +128476,16 +128477,16 +128478,4 +128479,4 +128480,4 +128481,4 +128482,4 +128483,27 +128484,27 +128485,27 +128486,27 +128487,27 +128488,27 +128489,2 +128490,2 +128491,2 +128492,2 +128493,2 +128494,2 +128495,4 +128496,4 +128497,4 +128498,4 +128499,4 +128500,31 +128501,31 +128502,31 +128503,35 +128504,35 +128505,35 +128506,35 +128507,35 +128508,35 +128509,40 +128510,40 +128511,40 +128512,40 +128513,40 +128514,40 +128515,40 +128516,40 +128517,19 +128518,19 +128519,27 +128520,27 +128521,27 +128522,27 +128523,27 +128524,40 +128525,40 +128526,40 +128527,24 +128528,24 +128529,24 +128530,24 +128531,24 +128532,24 +128533,24 +128534,24 +128535,24 +128536,28 +128537,28 +128538,28 +128539,28 +128540,28 +128541,28 +128542,28 +128543,39 +128544,39 +128545,39 +128546,39 +128547,39 +128548,39 +128549,39 +128550,39 +128551,39 +128552,39 +128553,39 +128554,39 +128555,39 +128556,39 +128557,0 +128558,0 +128559,0 +128560,0 +128561,0 +128562,0 +128563,0 +128564,0 +128565,0 +128566,0 +128567,0 +128568,0 +128569,0 +128570,0 +128571,0 +128572,0 +128573,0 +128574,0 +128575,0 +128576,0 +128577,0 +128578,0 +128579,0 +128580,0 +128581,0 +128582,0 +128583,0 +128584,0 +128585,0 +128586,0 +128587,0 +128588,0 +128589,0 +128590,0 +128591,0 +128592,0 +128593,0 +128594,0 +128595,0 +128596,0 +128597,0 +128598,0 +128599,0 +128600,0 +128601,0 +128602,0 +128603,0 +128604,0 +128605,0 +128606,0 +128607,0 +128608,0 +128609,0 +128610,0 +128611,0 +128612,0 +128613,0 +128614,0 +128615,0 +128616,0 +128617,0 +128618,0 +128619,0 +128620,0 +128621,0 +128622,0 +128623,0 +128624,0 +128625,0 +128626,0 +128627,0 +128628,0 +128629,0 +128630,0 +128631,0 +128632,0 +128633,0 +128634,0 +128635,0 +128636,0 +128637,0 +128638,0 +128639,0 +128640,0 +128641,0 +128642,0 +128643,0 +128644,0 +128645,0 +128646,0 +128647,0 +128648,0 +128649,0 +128650,0 +128651,0 +128652,0 +128653,0 +128654,35 +128655,10 +128656,10 +128657,10 +128658,10 +128659,10 +128660,10 +128661,10 +128662,10 +128663,10 +128664,10 +128665,10 +128666,10 +128667,10 +128668,10 +128669,2 +128670,2 +128671,2 +128672,2 +128673,2 +128674,2 +128675,2 +128676,2 +128677,2 +128678,2 +128679,4 +128680,4 +128681,4 +128682,4 +128683,4 +128684,4 +128685,4 +128686,10 +128687,26 +128688,26 +128689,26 +128690,26 +128691,26 +128692,26 +128693,26 +128694,26 +128695,26 +128696,26 +128697,4 +128698,4 +128699,4 +128700,4 +128701,4 +128702,4 +128703,4 +128704,4 +128705,4 +128706,4 +128707,4 +128708,4 +128709,4 +128710,4 +128711,4 +128712,4 +128713,4 +128714,4 +128715,4 +128716,4 +128717,4 +128718,4 +128719,4 +128720,4 +128721,4 +128722,27 +128723,27 +128724,27 +128725,30 +128726,30 +128727,30 +128728,30 +128729,30 +128730,30 +128731,30 +128732,30 +128733,30 +128734,30 +128735,30 +128736,27 +128737,27 +128738,27 +128739,27 +128740,27 +128741,27 +128742,27 +128743,2 +128744,2 +128745,2 +128746,2 +128747,2 +128748,2 +128749,2 +128750,2 +128751,2 +128752,27 +128753,27 +128754,27 +128755,27 +128756,27 +128757,27 +128758,27 +128759,5 +128760,5 +128761,5 +128762,5 +128763,5 +128764,5 +128765,5 +128766,5 +128767,5 +128768,5 +128769,5 +128770,5 +128771,5 +128772,5 +128773,5 +128774,5 +128775,0 +128776,0 +128777,0 +128778,0 +128779,0 +128780,0 +128781,0 +128782,0 +128783,0 +128784,0 +128785,0 +128786,0 +128787,0 +128788,0 +128789,0 +128790,0 +128791,0 +128792,0 +128793,0 +128794,0 +128795,0 +128796,0 +128797,0 +128798,0 +128799,0 +128800,0 +128801,0 +128802,0 +128803,0 +128804,0 +128805,0 +128806,36 +128807,36 +128808,36 +128809,36 +128810,36 +128811,36 +128812,36 +128813,36 +128814,36 +128815,36 +128816,5 +128817,5 +128818,5 +128819,5 +128820,19 +128821,19 +128822,12 +128823,12 +128824,12 +128825,12 +128826,31 +128827,19 +128828,27 +128829,27 +128830,27 +128831,27 +128832,27 +128833,27 +128834,27 +128835,27 +128836,27 +128837,27 +128838,27 +128839,27 +128840,2 +128841,2 +128842,2 +128843,2 +128844,2 +128845,2 +128846,2 +128847,2 +128848,2 +128849,2 +128850,2 +128851,2 +128852,2 +128853,34 +128854,34 +128855,34 +128856,34 +128857,34 +128858,34 +128859,34 +128860,34 +128861,34 +128862,34 +128863,34 +128864,34 +128865,34 +128866,5 +128867,5 +128868,5 +128869,12 +128870,12 +128871,12 +128872,12 +128873,12 +128874,12 +128875,12 +128876,31 +128877,31 +128878,31 +128879,8 +128880,8 +128881,8 +128882,8 +128883,8 +128884,8 +128885,8 +128886,8 +128887,8 +128888,5 +128889,5 +128890,5 +128891,5 +128892,5 +128893,34 +128894,34 +128895,34 +128896,34 +128897,26 +128898,26 +128899,34 +128900,34 +128901,34 +128902,34 +128903,25 +128904,34 +128905,34 +128906,25 +128907,25 +128908,25 +128909,37 +128910,37 +128911,37 +128912,37 +128913,27 +128914,27 +128915,27 +128916,32 +128917,32 +128918,32 +128919,32 +128920,32 +128921,32 +128922,32 +128923,32 +128924,32 +128925,32 +128926,39 +128927,39 +128928,39 +128929,39 +128930,39 +128931,39 +128932,39 +128933,4 +128934,4 +128935,4 +128936,4 +128937,4 +128938,4 +128939,4 +128940,4 +128941,4 +128942,4 +128943,4 +128944,4 +128945,4 +128946,31 +128947,31 +128948,31 +128949,31 +128950,40 +128951,40 +128952,40 +128953,40 +128954,32 +128955,32 +128956,32 +128957,32 +128958,32 +128959,32 +128960,32 +128961,32 +128962,25 +128963,25 +128964,25 +128965,25 +128966,25 +128967,25 +128968,25 +128969,25 +128970,2 +128971,2 +128972,2 +128973,2 +128974,2 +128975,2 +128976,2 +128977,2 +128978,2 +128979,2 +128980,3 +128981,3 +128982,3 +128983,39 +128984,4 +128985,4 +128986,4 +128987,4 +128988,4 +128989,4 +128990,30 +128991,30 +128992,30 +128993,30 +128994,30 +128995,30 +128996,30 +128997,30 +128998,9 +128999,30 +129000,9 +129001,9 +129002,9 +129003,9 +129004,9 +129005,9 +129006,9 +129007,9 +129008,9 +129009,9 +129010,5 +129011,5 +129012,5 +129013,5 +129014,5 +129015,5 +129016,5 +129017,12 +129018,12 +129019,12 +129020,12 +129021,12 +129022,12 +129023,12 +129024,12 +129025,12 +129026,12 +129027,12 +129028,25 +129029,25 +129030,25 +129031,25 +129032,25 +129033,19 +129034,19 +129035,19 +129036,19 +129037,25 +129038,25 +129039,25 +129040,25 +129041,25 +129042,25 +129043,25 +129044,25 +129045,25 +129046,25 +129047,25 +129048,25 +129049,0 +129050,0 +129051,0 +129052,0 +129053,0 +129054,0 +129055,0 +129056,0 +129057,0 +129058,0 +129059,0 +129060,0 +129061,0 +129062,0 +129063,0 +129064,0 +129065,0 +129066,0 +129067,0 +129068,0 +129069,0 +129070,0 +129071,0 +129072,0 +129073,0 +129074,0 +129075,0 +129076,0 +129077,0 +129078,0 +129079,0 +129080,0 +129081,0 +129082,0 +129083,0 +129084,0 +129085,0 +129086,0 +129087,0 +129088,0 +129089,0 +129090,0 +129091,0 +129092,0 +129093,0 +129094,0 +129095,0 +129096,0 +129097,0 +129098,0 +129099,0 +129100,0 +129101,0 +129102,0 +129103,0 +129104,0 +129105,0 +129106,0 +129107,0 +129108,0 +129109,0 +129110,0 +129111,0 +129112,0 +129113,0 +129114,0 +129115,0 +129116,35 +129117,0 +129118,0 +129119,35 +129120,35 +129121,35 +129122,35 +129123,35 +129124,35 +129125,35 +129126,35 +129127,3 +129128,3 +129129,3 +129130,3 +129131,3 +129132,3 +129133,3 +129134,3 +129135,3 +129136,3 +129137,3 +129138,3 +129139,35 +129140,35 +129141,35 +129142,35 +129143,35 +129144,35 +129145,35 +129146,35 +129147,35 +129148,35 +129149,27 +129150,27 +129151,8 +129152,8 +129153,8 +129154,8 +129155,2 +129156,2 +129157,2 +129158,2 +129159,2 +129160,5 +129161,5 +129162,5 +129163,5 +129164,5 +129165,5 +129166,5 +129167,5 +129168,26 +129169,26 +129170,26 +129171,26 +129172,26 +129173,26 +129174,26 +129175,26 +129176,32 +129177,35 +129178,35 +129179,35 +129180,35 +129181,35 +129182,35 +129183,35 +129184,35 +129185,35 +129186,35 +129187,35 +129188,35 +129189,35 +129190,35 +129191,25 +129192,25 +129193,25 +129194,25 +129195,25 +129196,25 +129197,25 +129198,25 +129199,25 +129200,25 +129201,25 +129202,19 +129203,19 +129204,19 +129205,31 +129206,31 +129207,31 +129208,31 +129209,31 +129210,31 +129211,31 +129212,6 +129213,6 +129214,6 +129215,6 +129216,6 +129217,6 +129218,6 +129219,6 +129220,6 +129221,6 +129222,6 +129223,6 +129224,6 +129225,6 +129226,6 +129227,6 +129228,6 +129229,6 +129230,26 +129231,26 +129232,26 +129233,26 +129234,26 +129235,26 +129236,26 +129237,26 +129238,26 +129239,26 +129240,26 +129241,26 +129242,26 +129243,26 +129244,19 +129245,19 +129246,19 +129247,19 +129248,19 +129249,4 +129250,4 +129251,4 +129252,4 +129253,4 +129254,4 +129255,4 +129256,4 +129257,4 +129258,4 +129259,4 +129260,4 +129261,4 +129262,33 +129263,33 +129264,33 +129265,33 +129266,33 +129267,33 +129268,33 +129269,33 +129270,33 +129271,33 +129272,33 +129273,30 +129274,30 +129275,39 +129276,39 +129277,39 +129278,39 +129279,39 +129280,39 +129281,39 +129282,39 +129283,39 +129284,39 +129285,39 +129286,31 +129287,40 +129288,36 +129289,36 +129290,36 +129291,40 +129292,40 +129293,14 +129294,14 +129295,14 +129296,14 +129297,14 +129298,10 +129299,10 +129300,10 +129301,10 +129302,10 +129303,10 +129304,14 +129305,39 +129306,39 +129307,39 +129308,39 +129309,39 +129310,39 +129311,39 +129312,0 +129313,0 +129314,0 +129315,0 +129316,0 +129317,0 +129318,0 +129319,0 +129320,0 +129321,0 +129322,0 +129323,0 +129324,0 +129325,0 +129326,0 +129327,0 +129328,0 +129329,0 +129330,0 +129331,0 +129332,0 +129333,0 +129334,0 +129335,0 +129336,0 +129337,0 +129338,0 +129339,0 +129340,0 +129341,0 +129342,0 +129343,0 +129344,0 +129345,0 +129346,0 +129347,0 +129348,0 +129349,0 +129350,0 +129351,0 +129352,0 +129353,0 +129354,0 +129355,0 +129356,0 +129357,0 +129358,0 +129359,0 +129360,0 +129361,0 +129362,0 +129363,0 +129364,0 +129365,0 +129366,0 +129367,0 +129368,0 +129369,0 +129370,0 +129371,0 +129372,0 +129373,0 +129374,0 +129375,0 +129376,0 +129377,0 +129378,0 +129379,0 +129380,0 +129381,0 +129382,0 +129383,0 +129384,0 +129385,0 +129386,0 +129387,0 +129388,0 +129389,0 +129390,0 +129391,0 +129392,0 +129393,0 +129394,0 +129395,10 +129396,10 +129397,10 +129398,10 +129399,10 +129400,10 +129401,10 +129402,35 +129403,35 +129404,5 +129405,5 +129406,5 +129407,5 +129408,5 +129409,5 +129410,5 +129411,33 +129412,33 +129413,33 +129414,33 +129415,33 +129416,33 +129417,33 +129418,33 +129419,33 +129420,33 +129421,33 +129422,33 +129423,33 +129424,33 +129425,4 +129426,4 +129427,4 +129428,4 +129429,40 +129430,40 +129431,40 +129432,40 +129433,40 +129434,40 +129435,40 +129436,40 +129437,40 +129438,40 +129439,40 +129440,40 +129441,40 +129442,5 +129443,5 +129444,5 +129445,5 +129446,5 +129447,5 +129448,5 +129449,28 +129450,28 +129451,2 +129452,2 +129453,2 +129454,2 +129455,2 +129456,2 +129457,14 +129458,14 +129459,14 +129460,14 +129461,14 +129462,14 +129463,14 +129464,14 +129465,14 +129466,14 +129467,14 +129468,14 +129469,14 +129470,27 +129471,13 +129472,13 +129473,13 +129474,13 +129475,13 +129476,13 +129477,13 +129478,13 +129479,27 +129480,27 +129481,27 +129482,27 +129483,27 +129484,27 +129485,27 +129486,2 +129487,2 +129488,8 +129489,8 +129490,8 +129491,8 +129492,8 +129493,2 +129494,25 +129495,25 +129496,25 +129497,25 +129498,25 +129499,25 +129500,25 +129501,8 +129502,1 +129503,1 +129504,1 +129505,1 +129506,35 +129507,35 +129508,35 +129509,1 +129510,1 +129511,1 +129512,34 +129513,34 +129514,1 +129515,34 +129516,34 +129517,34 +129518,31 +129519,34 +129520,2 +129521,2 +129522,2 +129523,2 +129524,6 +129525,6 +129526,6 +129527,6 +129528,6 +129529,6 +129530,6 +129531,7 +129532,39 +129533,39 +129534,39 +129535,39 +129536,39 +129537,39 +129538,15 +129539,15 +129540,15 +129541,15 +129542,25 +129543,25 +129544,25 +129545,25 +129546,25 +129547,25 +129548,25 +129549,25 +129550,25 +129551,25 +129552,25 +129553,25 +129554,25 +129555,25 +129556,25 +129557,25 +129558,25 +129559,25 +129560,25 +129561,25 +129562,25 +129563,0 +129564,0 +129565,0 +129566,0 +129567,0 +129568,0 +129569,0 +129570,0 +129571,0 +129572,0 +129573,0 +129574,0 +129575,0 +129576,0 +129577,0 +129578,0 +129579,0 +129580,0 +129581,0 +129582,0 +129583,0 +129584,0 +129585,0 +129586,0 +129587,0 +129588,0 +129589,0 +129590,0 +129591,0 +129592,0 +129593,36 +129594,36 +129595,36 +129596,36 +129597,36 +129598,36 +129599,36 +129600,5 +129601,5 +129602,5 +129603,19 +129604,19 +129605,28 +129606,28 +129607,28 +129608,23 +129609,23 +129610,23 +129611,23 +129612,23 +129613,23 +129614,23 +129615,30 +129616,30 +129617,30 +129618,14 +129619,14 +129620,14 +129621,14 +129622,14 +129623,14 +129624,14 +129625,14 +129626,14 +129627,14 +129628,14 +129629,14 +129630,8 +129631,8 +129632,8 +129633,8 +129634,8 +129635,8 +129636,8 +129637,31 +129638,31 +129639,31 +129640,31 +129641,5 +129642,5 +129643,5 +129644,5 +129645,19 +129646,19 +129647,19 +129648,12 +129649,12 +129650,12 +129651,12 +129652,12 +129653,12 +129654,12 +129655,12 +129656,27 +129657,27 +129658,27 +129659,38 +129660,38 +129661,38 +129662,24 +129663,24 +129664,24 +129665,6 +129666,6 +129667,6 +129668,6 +129669,6 +129670,6 +129671,6 +129672,6 +129673,6 +129674,6 +129675,6 +129676,6 +129677,33 +129678,33 +129679,33 +129680,33 +129681,33 +129682,33 +129683,33 +129684,33 +129685,33 +129686,38 +129687,38 +129688,38 +129689,38 +129690,38 +129691,2 +129692,2 +129693,2 +129694,2 +129695,2 +129696,33 +129697,33 +129698,33 +129699,33 +129700,24 +129701,24 +129702,24 +129703,24 +129704,24 +129705,24 +129706,24 +129707,26 +129708,26 +129709,26 +129710,26 +129711,26 +129712,26 +129713,26 +129714,26 +129715,26 +129716,26 +129717,26 +129718,26 +129719,37 +129720,37 +129721,37 +129722,37 +129723,37 +129724,37 +129725,37 +129726,37 +129727,37 +129728,37 +129729,37 +129730,37 +129731,28 +129732,28 +129733,28 +129734,28 +129735,28 +129736,28 +129737,28 +129738,28 +129739,28 +129740,28 +129741,8 +129742,8 +129743,8 +129744,8 +129745,8 +129746,8 +129747,8 +129748,8 +129749,8 +129750,2 +129751,2 +129752,2 +129753,2 +129754,2 +129755,2 +129756,2 +129757,2 +129758,2 +129759,2 +129760,0 +129761,0 +129762,0 +129763,0 +129764,0 +129765,0 +129766,0 +129767,0 +129768,0 +129769,0 +129770,0 +129771,0 +129772,0 +129773,0 +129774,0 +129775,0 +129776,0 +129777,0 +129778,0 +129779,0 +129780,0 +129781,0 +129782,0 +129783,0 +129784,0 +129785,0 +129786,35 +129787,35 +129788,35 +129789,35 +129790,33 +129791,33 +129792,33 +129793,40 +129794,40 +129795,30 +129796,30 +129797,30 +129798,30 +129799,30 +129800,30 +129801,30 +129802,30 +129803,19 +129804,19 +129805,19 +129806,19 +129807,29 +129808,29 +129809,29 +129810,27 +129811,27 +129812,31 +129813,31 +129814,31 +129815,5 +129816,5 +129817,5 +129818,5 +129819,19 +129820,19 +129821,29 +129822,31 +129823,31 +129824,31 +129825,31 +129826,31 +129827,31 +129828,31 +129829,31 +129830,31 +129831,19 +129832,30 +129833,30 +129834,31 +129835,31 +129836,31 +129837,31 +129838,31 +129839,31 +129840,31 +129841,31 +129842,31 +129843,30 +129844,31 +129845,24 +129846,30 +129847,23 +129848,23 +129849,23 +129850,24 +129851,29 +129852,29 +129853,29 +129854,29 +129855,31 +129856,31 +129857,31 +129858,31 +129859,33 +129860,34 +129861,34 +129862,12 +129863,12 +129864,12 +129865,12 +129866,40 +129867,40 +129868,40 +129869,40 +129870,40 +129871,14 +129872,14 +129873,14 +129874,14 +129875,14 +129876,10 +129877,10 +129878,10 +129879,10 +129880,10 +129881,10 +129882,10 +129883,10 +129884,10 +129885,10 +129886,10 +129887,10 +129888,10 +129889,10 +129890,6 +129891,6 +129892,6 +129893,21 +129894,4 +129895,4 +129896,4 +129897,4 +129898,21 +129899,21 +129900,21 +129901,21 +129902,21 +129903,21 +129904,33 +129905,33 +129906,33 +129907,33 +129908,33 +129909,33 +129910,33 +129911,33 +129912,33 +129913,33 +129914,27 +129915,27 +129916,27 +129917,27 +129918,27 +129919,27 +129920,17 +129921,14 +129922,13 +129923,13 +129924,13 +129925,13 +129926,13 +129927,13 +129928,13 +129929,13 +129930,13 +129931,13 +129932,13 +129933,13 +129934,13 +129935,5 +129936,5 +129937,32 +129938,32 +129939,32 +129940,32 +129941,32 +129942,32 +129943,32 +129944,32 +129945,32 +129946,32 +129947,32 +129948,31 +129949,31 +129950,31 +129951,31 +129952,24 +129953,24 +129954,24 +129955,27 +129956,27 +129957,27 +129958,27 +129959,27 +129960,27 +129961,13 +129962,13 +129963,13 +129964,13 +129965,13 +129966,13 +129967,5 +129968,5 +129969,23 +129970,23 +129971,23 +129972,23 +129973,23 +129974,23 +129975,23 +129976,23 +129977,23 +129978,23 +129979,23 +129980,23 +129981,23 +129982,37 +129983,37 +129984,37 +129985,39 +129986,39 +129987,39 +129988,14 +129989,3 +129990,3 +129991,3 +129992,3 +129993,30 +129994,30 +129995,30 +129996,30 +129997,30 +129998,30 +129999,3 +130000,3 +130001,39 +130002,39 +130003,39 +130004,39 +130005,39 +130006,39 +130007,39 +130008,39 +130009,39 +130010,39 +130011,39 +130012,39 +130013,0 +130014,0 +130015,0 +130016,0 +130017,0 +130018,0 +130019,0 +130020,0 +130021,0 +130022,0 +130023,0 +130024,0 +130025,0 +130026,0 +130027,0 +130028,0 +130029,0 +130030,0 +130031,0 +130032,0 +130033,0 +130034,0 +130035,0 +130036,0 +130037,0 +130038,0 +130039,0 +130040,0 +130041,0 +130042,0 +130043,0 +130044,0 +130045,0 +130046,0 +130047,0 +130048,0 +130049,0 +130050,0 +130051,0 +130052,0 +130053,0 +130054,0 +130055,0 +130056,0 +130057,0 +130058,0 +130059,0 +130060,0 +130061,0 +130062,0 +130063,0 +130064,0 +130065,2 +130066,2 +130067,2 +130068,2 +130069,2 +130070,2 +130071,2 +130072,2 +130073,2 +130074,2 +130075,2 +130076,2 +130077,2 +130078,2 +130079,2 +130080,2 +130081,2 +130082,2 +130083,25 +130084,25 +130085,25 +130086,25 +130087,25 +130088,25 +130089,25 +130090,25 +130091,25 +130092,5 +130093,5 +130094,5 +130095,5 +130096,5 +130097,5 +130098,5 +130099,5 +130100,5 +130101,5 +130102,5 +130103,11 +130104,16 +130105,16 +130106,11 +130107,11 +130108,11 +130109,11 +130110,11 +130111,18 +130112,18 +130113,11 +130114,9 +130115,9 +130116,17 +130117,17 +130118,17 +130119,17 +130120,17 +130121,17 +130122,17 +130123,17 +130124,17 +130125,17 +130126,17 +130127,17 +130128,17 +130129,17 +130130,17 +130131,17 +130132,14 +130133,27 +130134,27 +130135,3 +130136,2 +130137,2 +130138,2 +130139,2 +130140,2 +130141,2 +130142,2 +130143,2 +130144,2 +130145,2 +130146,2 +130147,2 +130148,2 +130149,2 +130150,2 +130151,2 +130152,40 +130153,40 +130154,40 +130155,40 +130156,40 +130157,5 +130158,5 +130159,5 +130160,5 +130161,5 +130162,5 +130163,5 +130164,5 +130165,5 +130166,5 +130167,5 +130168,28 +130169,40 +130170,31 +130171,31 +130172,31 +130173,31 +130174,31 +130175,19 +130176,5 +130177,5 +130178,19 +130179,5 +130180,5 +130181,5 +130182,5 +130183,5 +130184,5 +130185,5 +130186,5 +130187,5 +130188,5 +130189,5 +130190,5 +130191,5 +130192,5 +130193,5 +130194,27 +130195,27 +130196,27 +130197,27 +130198,27 +130199,27 +130200,27 +130201,23 +130202,23 +130203,23 +130204,23 +130205,23 +130206,23 +130207,23 +130208,23 +130209,27 +130210,31 +130211,31 +130212,31 +130213,31 +130214,31 +130215,2 +130216,2 +130217,2 +130218,2 +130219,2 +130220,2 +130221,2 +130222,2 +130223,2 +130224,2 +130225,2 +130226,31 +130227,31 +130228,31 +130229,5 +130230,5 +130231,6 +130232,6 +130233,6 +130234,6 +130235,16 +130236,4 +130237,4 +130238,4 +130239,4 +130240,4 +130241,4 +130242,4 +130243,4 +130244,4 +130245,4 +130246,4 +130247,4 +130248,37 +130249,37 +130250,37 +130251,37 +130252,37 +130253,14 +130254,14 +130255,14 +130256,14 +130257,14 +130258,14 +130259,14 +130260,14 +130261,14 +130262,14 +130263,14 +130264,14 +130265,14 +130266,14 +130267,14 +130268,14 +130269,14 +130270,14 +130271,14 +130272,5 +130273,5 +130274,5 +130275,5 +130276,5 +130277,5 +130278,5 +130279,5 +130280,5 +130281,5 +130282,8 +130283,8 +130284,8 +130285,8 +130286,8 +130287,2 +130288,2 +130289,2 +130290,2 +130291,2 +130292,2 +130293,2 +130294,2 +130295,2 +130296,2 +130297,2 +130298,2 +130299,0 +130300,0 +130301,0 +130302,0 +130303,0 +130304,0 +130305,0 +130306,0 +130307,0 +130308,0 +130309,0 +130310,0 +130311,0 +130312,0 +130313,0 +130314,0 +130315,0 +130316,0 +130317,0 +130318,0 +130319,0 +130320,0 +130321,0 +130322,0 +130323,0 +130324,0 +130325,0 +130326,0 +130327,5 +130328,0 +130329,0 +130330,0 +130331,5 +130332,5 +130333,5 +130334,5 +130335,5 +130336,5 +130337,5 +130338,5 +130339,5 +130340,5 +130341,33 +130342,33 +130343,33 +130344,33 +130345,33 +130346,33 +130347,1 +130348,1 +130349,1 +130350,1 +130351,33 +130352,33 +130353,33 +130354,33 +130355,33 +130356,33 +130357,1 +130358,33 +130359,33 +130360,38 +130361,32 +130362,32 +130363,32 +130364,32 +130365,32 +130366,32 +130367,30 +130368,30 +130369,30 +130370,30 +130371,39 +130372,39 +130373,39 +130374,39 +130375,39 +130376,39 +130377,39 +130378,39 +130379,39 +130380,39 +130381,39 +130382,39 +130383,39 +130384,39 +130385,39 +130386,39 +130387,39 +130388,39 +130389,39 +130390,0 +130391,0 +130392,0 +130393,0 +130394,0 +130395,0 +130396,0 +130397,0 +130398,0 +130399,0 +130400,0 +130401,0 +130402,0 +130403,0 +130404,0 +130405,0 +130406,0 +130407,0 +130408,0 +130409,0 +130410,0 +130411,0 +130412,0 +130413,0 +130414,0 +130415,0 +130416,0 +130417,0 +130418,0 +130419,0 +130420,0 +130421,0 +130422,0 +130423,0 +130424,0 +130425,0 +130426,0 +130427,0 +130428,0 +130429,0 +130430,0 +130431,0 +130432,0 +130433,0 +130434,0 +130435,0 +130436,0 +130437,0 +130438,0 +130439,0 +130440,0 +130441,0 +130442,0 +130443,0 +130444,0 +130445,0 +130446,0 +130447,0 +130448,4 +130449,4 +130450,4 +130451,4 +130452,4 +130453,4 +130454,4 +130455,4 +130456,4 +130457,4 +130458,36 +130459,36 +130460,40 +130461,36 +130462,36 +130463,36 +130464,36 +130465,36 +130466,36 +130467,36 +130468,36 +130469,2 +130470,2 +130471,2 +130472,2 +130473,2 +130474,2 +130475,2 +130476,2 +130477,2 +130478,2 +130479,2 +130480,2 +130481,2 +130482,2 +130483,39 +130484,39 +130485,39 +130486,39 +130487,39 +130488,39 +130489,39 +130490,39 +130491,39 +130492,39 +130493,39 +130494,39 +130495,39 +130496,39 +130497,39 +130498,39 +130499,39 +130500,39 +130501,39 +130502,39 +130503,3 +130504,3 +130505,2 +130506,2 +130507,2 +130508,2 +130509,2 +130510,2 +130511,2 +130512,2 +130513,2 +130514,2 +130515,2 +130516,2 +130517,2 +130518,2 +130519,2 +130520,9 +130521,9 +130522,9 +130523,9 +130524,9 +130525,9 +130526,9 +130527,9 +130528,9 +130529,9 +130530,9 +130531,9 +130532,9 +130533,9 +130534,23 +130535,23 +130536,23 +130537,23 +130538,23 +130539,23 +130540,23 +130541,23 +130542,23 +130543,23 +130544,23 +130545,23 +130546,23 +130547,23 +130548,23 +130549,23 +130550,23 +130551,23 +130552,23 +130553,23 +130554,23 +130555,23 +130556,9 +130557,37 +130558,37 +130559,37 +130560,37 +130561,37 +130562,37 +130563,37 +130564,37 +130565,37 +130566,39 +130567,39 +130568,39 +130569,39 +130570,39 +130571,39 +130572,39 +130573,39 +130574,39 +130575,39 +130576,39 +130577,39 +130578,39 +130579,39 +130580,39 +130581,39 +130582,39 +130583,39 +130584,39 +130585,39 +130586,39 +130587,39 +130588,39 +130589,39 +130590,39 +130591,39 +130592,39 +130593,39 +130594,0 +130595,0 +130596,0 +130597,0 +130598,0 +130599,0 +130600,0 +130601,0 +130602,0 +130603,0 +130604,0 +130605,0 +130606,0 +130607,0 +130608,0 +130609,0 +130610,0 +130611,0 +130612,0 +130613,0 +130614,0 +130615,0 +130616,0 +130617,33 +130618,33 +130619,33 +130620,33 +130621,33 +130622,31 +130623,33 +130624,33 +130625,31 +130626,31 +130627,31 +130628,31 +130629,37 +130630,37 +130631,37 +130632,37 +130633,37 +130634,39 +130635,39 +130636,39 +130637,39 +130638,39 +130639,39 +130640,39 +130641,39 +130642,39 +130643,39 +130644,39 +130645,39 +130646,30 +130647,30 +130648,30 +130649,30 +130650,30 +130651,30 +130652,30 +130653,30 +130654,35 +130655,35 +130656,35 +130657,35 +130658,35 +130659,35 +130660,35 +130661,35 +130662,35 +130663,35 +130664,40 +130665,40 +130666,40 +130667,40 +130668,40 +130669,40 +130670,40 +130671,14 +130672,40 +130673,25 +130674,25 +130675,37 +130676,37 +130677,37 +130678,37 +130679,37 +130680,37 +130681,31 +130682,25 +130683,25 +130684,25 +130685,25 +130686,2 +130687,2 +130688,2 +130689,2 +130690,2 +130691,2 +130692,2 +130693,2 +130694,2 +130695,2 +130696,2 +130697,4 +130698,4 +130699,4 +130700,4 +130701,4 +130702,9 +130703,9 +130704,9 +130705,9 +130706,9 +130707,9 +130708,9 +130709,37 +130710,37 +130711,37 +130712,37 +130713,37 +130714,37 +130715,37 +130716,37 +130717,37 +130718,19 +130719,19 +130720,19 +130721,19 +130722,27 +130723,27 +130724,27 +130725,27 +130726,27 +130727,27 +130728,27 +130729,27 +130730,23 +130731,23 +130732,23 +130733,23 +130734,23 +130735,0 +130736,0 +130737,0 +130738,0 +130739,0 +130740,0 +130741,0 +130742,0 +130743,0 +130744,0 +130745,0 +130746,0 +130747,0 +130748,0 +130749,0 +130750,0 +130751,0 +130752,0 +130753,0 +130754,0 +130755,0 +130756,0 +130757,0 +130758,0 +130759,0 +130760,0 +130761,0 +130762,0 +130763,0 +130764,0 +130765,0 +130766,0 +130767,0 +130768,0 +130769,0 +130770,0 +130771,0 +130772,0 +130773,0 +130774,0 +130775,0 +130776,0 +130777,0 +130778,2 +130779,2 +130780,2 +130781,2 +130782,2 +130783,23 +130784,23 +130785,27 +130786,27 +130787,27 +130788,31 +130789,31 +130790,31 +130791,31 +130792,4 +130793,4 +130794,4 +130795,4 +130796,35 +130797,35 +130798,35 +130799,35 +130800,35 +130801,36 +130802,36 +130803,36 +130804,36 +130805,36 +130806,36 +130807,36 +130808,36 +130809,36 +130810,36 +130811,36 +130812,19 +130813,19 +130814,4 +130815,31 +130816,31 +130817,31 +130818,31 +130819,31 +130820,31 +130821,31 +130822,5 +130823,5 +130824,5 +130825,5 +130826,19 +130827,29 +130828,29 +130829,29 +130830,29 +130831,40 +130832,40 +130833,40 +130834,40 +130835,40 +130836,40 +130837,27 +130838,5 +130839,5 +130840,5 +130841,5 +130842,5 +130843,5 +130844,5 +130845,5 +130846,5 +130847,5 +130848,23 +130849,23 +130850,23 +130851,23 +130852,23 +130853,23 +130854,23 +130855,25 +130856,25 +130857,25 +130858,25 +130859,25 +130860,25 +130861,25 +130862,24 +130863,24 +130864,24 +130865,24 +130866,24 +130867,24 +130868,27 +130869,27 +130870,27 +130871,27 +130872,27 +130873,27 +130874,27 +130875,6 +130876,6 +130877,6 +130878,6 +130879,6 +130880,6 +130881,6 +130882,2 +130883,2 +130884,2 +130885,2 +130886,2 +130887,4 +130888,4 +130889,2 +130890,9 +130891,9 +130892,9 +130893,9 +130894,9 +130895,9 +130896,9 +130897,9 +130898,9 +130899,9 +130900,37 +130901,37 +130902,37 +130903,37 +130904,37 +130905,37 +130906,37 +130907,37 +130908,37 +130909,37 +130910,37 +130911,14 +130912,14 +130913,14 +130914,39 +130915,14 +130916,14 +130917,14 +130918,14 +130919,14 +130920,14 +130921,14 +130922,14 +130923,14 +130924,14 +130925,14 +130926,14 +130927,14 +130928,14 +130929,14 +130930,14 +130931,40 +130932,30 +130933,30 +130934,30 +130935,31 +130936,31 +130937,31 +130938,31 +130939,31 +130940,31 +130941,31 +130942,31 +130943,31 +130944,31 +130945,0 +130946,0 +130947,0 +130948,0 +130949,0 +130950,0 +130951,0 +130952,0 +130953,0 +130954,0 +130955,0 +130956,0 +130957,0 +130958,0 +130959,0 +130960,0 +130961,0 +130962,0 +130963,0 +130964,0 +130965,0 +130966,0 +130967,0 +130968,0 +130969,0 +130970,0 +130971,0 +130972,0 +130973,0 +130974,36 +130975,36 +130976,31 +130977,31 +130978,31 +130979,31 +130980,31 +130981,31 +130982,31 +130983,31 +130984,31 +130985,31 +130986,31 +130987,24 +130988,4 +130989,4 +130990,4 +130991,29 +130992,29 +130993,29 +130994,31 +130995,31 +130996,31 +130997,31 +130998,31 +130999,31 +131000,31 +131001,2 +131002,2 +131003,2 +131004,2 +131005,2 +131006,2 +131007,2 +131008,2 +131009,2 +131010,2 +131011,2 +131012,40 +131013,40 +131014,40 +131015,40 +131016,40 +131017,40 +131018,40 +131019,40 +131020,6 +131021,6 +131022,6 +131023,6 +131024,6 +131025,6 +131026,6 +131027,6 +131028,31 +131029,36 +131030,31 +131031,31 +131032,31 +131033,31 +131034,31 +131035,31 +131036,31 +131037,4 +131038,31 +131039,4 +131040,4 +131041,4 +131042,19 +131043,4 +131044,4 +131045,19 +131046,19 +131047,19 +131048,19 +131049,4 +131050,0 +131051,0 +131052,0 +131053,0 +131054,0 +131055,0 +131056,0 +131057,0 +131058,0 +131059,0 +131060,0 +131061,0 +131062,0 +131063,0 +131064,0 +131065,0 +131066,0 +131067,0 +131068,0 +131069,0 +131070,0 +131071,0 +131072,0 +131073,0 +131074,0 +131075,0 +131076,0 +131077,4 +131078,4 +131079,4 +131080,4 +131081,4 +131082,4 +131083,31 +131084,31 +131085,31 +131086,31 +131087,15 +131088,15 +131089,15 +131090,15 +131091,15 +131092,15 +131093,15 +131094,15 +131095,15 +131096,15 +131097,15 +131098,27 +131099,27 +131100,27 +131101,27 +131102,27 +131103,27 +131104,27 +131105,27 +131106,5 +131107,5 +131108,5 +131109,5 +131110,5 +131111,5 +131112,18 +131113,18 +131114,18 +131115,18 +131116,18 +131117,18 +131118,27 +131119,18 +131120,28 +131121,28 +131122,28 +131123,28 +131124,28 +131125,28 +131126,27 +131127,27 +131128,27 +131129,27 +131130,27 +131131,27 +131132,27 +131133,27 +131134,27 +131135,5 +131136,5 +131137,5 +131138,5 +131139,5 +131140,5 +131141,5 +131142,5 +131143,5 +131144,5 +131145,4 +131146,4 +131147,4 +131148,4 +131149,4 +131150,4 +131151,4 +131152,4 +131153,4 +131154,4 +131155,27 +131156,27 +131157,27 +131158,27 +131159,27 +131160,27 +131161,27 +131162,27 +131163,32 +131164,32 +131165,4 +131166,4 +131167,4 +131168,4 +131169,4 +131170,4 +131171,4 +131172,19 +131173,19 +131174,19 +131175,19 +131176,4 +131177,4 +131178,4 +131179,27 +131180,27 +131181,27 +131182,27 +131183,27 +131184,31 +131185,31 +131186,31 +131187,31 +131188,31 +131189,31 +131190,5 +131191,5 +131192,5 +131193,5 +131194,5 +131195,5 +131196,5 +131197,5 +131198,5 +131199,5 +131200,5 +131201,5 +131202,5 +131203,0 +131204,0 +131205,0 +131206,0 +131207,0 +131208,0 +131209,0 +131210,0 +131211,0 +131212,0 +131213,0 +131214,0 +131215,0 +131216,0 +131217,0 +131218,0 +131219,0 +131220,0 +131221,0 +131222,0 +131223,0 +131224,0 +131225,0 +131226,0 +131227,0 +131228,0 +131229,0 +131230,0 +131231,0 +131232,0 +131233,0 +131234,0 +131235,0 +131236,0 +131237,0 +131238,0 +131239,0 +131240,0 +131241,0 +131242,0 +131243,0 +131244,0 +131245,0 +131246,0 +131247,0 +131248,9 +131249,9 +131250,9 +131251,9 +131252,9 +131253,9 +131254,9 +131255,9 +131256,9 +131257,9 +131258,9 +131259,9 +131260,30 +131261,30 +131262,30 +131263,30 +131264,30 +131265,30 +131266,30 +131267,30 +131268,30 +131269,30 +131270,30 +131271,29 +131272,29 +131273,29 +131274,23 +131275,23 +131276,38 +131277,27 +131278,27 +131279,27 +131280,27 +131281,27 +131282,27 +131283,27 +131284,13 +131285,13 +131286,13 +131287,13 +131288,13 +131289,13 +131290,13 +131291,13 +131292,13 +131293,13 +131294,13 +131295,13 +131296,13 +131297,8 +131298,8 +131299,8 +131300,8 +131301,8 +131302,8 +131303,8 +131304,8 +131305,8 +131306,8 +131307,8 +131308,26 +131309,26 +131310,26 +131311,26 +131312,26 +131313,26 +131314,37 +131315,37 +131316,37 +131317,37 +131318,37 +131319,37 +131320,37 +131321,37 +131322,37 +131323,16 +131324,16 +131325,16 +131326,16 +131327,16 +131328,16 +131329,16 +131330,16 +131331,16 +131332,16 +131333,16 +131334,16 +131335,14 +131336,14 +131337,35 +131338,35 +131339,35 +131340,39 +131341,39 +131342,39 +131343,39 +131344,39 +131345,39 +131346,39 +131347,39 +131348,14 +131349,14 +131350,14 +131351,5 +131352,5 +131353,5 +131354,5 +131355,5 +131356,5 +131357,5 +131358,5 +131359,5 +131360,18 +131361,18 +131362,18 +131363,18 +131364,18 +131365,18 +131366,18 +131367,18 +131368,27 +131369,27 +131370,27 +131371,27 +131372,27 +131373,27 +131374,27 +131375,27 +131376,27 +131377,27 +131378,27 +131379,27 +131380,8 +131381,8 +131382,8 +131383,8 +131384,8 +131385,8 +131386,8 +131387,8 +131388,8 +131389,8 +131390,8 +131391,8 +131392,2 +131393,2 +131394,2 +131395,2 +131396,2 +131397,2 +131398,2 +131399,2 +131400,0 +131401,0 +131402,0 +131403,0 +131404,0 +131405,0 +131406,0 +131407,0 +131408,0 +131409,0 +131410,0 +131411,0 +131412,0 +131413,0 +131414,0 +131415,0 +131416,0 +131417,0 +131418,0 +131419,0 +131420,0 +131421,0 +131422,0 +131423,0 +131424,5 +131425,5 +131426,5 +131427,5 +131428,5 +131429,5 +131430,26 +131431,26 +131432,26 +131433,26 +131434,26 +131435,26 +131436,26 +131437,26 +131438,26 +131439,26 +131440,26 +131441,26 +131442,29 +131443,24 +131444,24 +131445,24 +131446,27 +131447,27 +131448,27 +131449,27 +131450,27 +131451,27 +131452,27 +131453,27 +131454,5 +131455,5 +131456,5 +131457,5 +131458,5 +131459,5 +131460,5 +131461,4 +131462,4 +131463,4 +131464,4 +131465,4 +131466,4 +131467,4 +131468,4 +131469,4 +131470,31 +131471,31 +131472,31 +131473,31 +131474,5 +131475,5 +131476,5 +131477,5 +131478,5 +131479,5 +131480,19 +131481,5 +131482,5 +131483,5 +131484,31 +131485,31 +131486,34 +131487,34 +131488,34 +131489,34 +131490,34 +131491,34 +131492,34 +131493,34 +131494,5 +131495,5 +131496,23 +131497,38 +131498,38 +131499,38 +131500,38 +131501,38 +131502,38 +131503,23 +131504,23 +131505,23 +131506,23 +131507,27 +131508,27 +131509,27 +131510,27 +131511,27 +131512,27 +131513,27 +131514,27 +131515,27 +131516,27 +131517,13 +131518,13 +131519,13 +131520,13 +131521,13 +131522,13 +131523,13 +131524,13 +131525,13 +131526,13 +131527,13 +131528,13 +131529,13 +131530,13 +131531,13 +131532,13 +131533,13 +131534,0 +131535,0 +131536,0 +131537,0 +131538,0 +131539,0 +131540,0 +131541,25 +131542,25 +131543,0 +131544,0 +131545,0 +131546,0 +131547,0 +131548,0 +131549,0 +131550,0 +131551,0 +131552,0 +131553,0 +131554,0 +131555,0 +131556,0 +131557,0 +131558,0 +131559,0 +131560,0 +131561,0 +131562,0 +131563,0 +131564,0 +131565,0 +131566,0 +131567,0 +131568,0 +131569,0 +131570,0 +131571,0 +131572,0 +131573,0 +131574,0 +131575,29 +131576,29 +131577,31 +131578,31 +131579,31 +131580,31 +131581,4 +131582,4 +131583,4 +131584,3 +131585,3 +131586,3 +131587,27 +131588,27 +131589,27 +131590,27 +131591,27 +131592,5 +131593,5 +131594,5 +131595,5 +131596,5 +131597,5 +131598,4 +131599,4 +131600,4 +131601,4 +131602,4 +131603,4 +131604,27 +131605,27 +131606,27 +131607,27 +131608,27 +131609,3 +131610,29 +131611,29 +131612,29 +131613,29 +131614,24 +131615,29 +131616,15 +131617,15 +131618,15 +131619,36 +131620,36 +131621,36 +131622,36 +131623,36 +131624,36 +131625,36 +131626,36 +131627,36 +131628,36 +131629,36 +131630,36 +131631,36 +131632,36 +131633,36 +131634,36 +131635,36 +131636,36 +131637,36 +131638,4 +131639,4 +131640,4 +131641,4 +131642,4 +131643,4 +131644,4 +131645,4 +131646,4 +131647,12 +131648,12 +131649,12 +131650,12 +131651,12 +131652,12 +131653,12 +131654,27 +131655,27 +131656,27 +131657,27 +131658,27 +131659,27 +131660,16 +131661,16 +131662,16 +131663,16 +131664,16 +131665,16 +131666,16 +131667,16 +131668,16 +131669,16 +131670,16 +131671,27 +131672,27 +131673,27 +131674,27 +131675,31 +131676,31 +131677,8 +131678,8 +131679,8 +131680,8 +131681,8 +131682,8 +131683,8 +131684,8 +131685,8 +131686,8 +131687,5 +131688,5 +131689,5 +131690,5 +131691,5 +131692,5 +131693,5 +131694,5 +131695,5 +131696,26 +131697,26 +131698,26 +131699,26 +131700,26 +131701,26 +131702,26 +131703,26 +131704,26 +131705,26 +131706,26 +131707,26 +131708,9 +131709,9 +131710,9 +131711,9 +131712,9 +131713,9 +131714,9 +131715,4 +131716,4 +131717,4 +131718,4 +131719,4 +131720,4 +131721,4 +131722,4 +131723,32 +131724,32 +131725,0 +131726,0 +131727,0 +131728,0 +131729,0 +131730,0 +131731,0 +131732,0 +131733,36 +131734,36 +131735,36 +131736,36 +131737,36 +131738,36 +131739,36 +131740,36 +131741,36 +131742,4 +131743,4 +131744,4 +131745,4 +131746,4 +131747,4 +131748,4 +131749,32 +131750,32 +131751,32 +131752,32 +131753,32 +131754,32 +131755,32 +131756,32 +131757,32 +131758,37 +131759,37 +131760,37 +131761,37 +131762,40 +131763,40 +131764,40 +131765,40 +131766,37 +131767,37 +131768,31 +131769,31 +131770,31 +131771,31 +131772,31 +131773,2 +131774,2 +131775,2 +131776,2 +131777,2 +131778,2 +131779,2 +131780,2 +131781,31 +131782,31 +131783,31 +131784,31 +131785,31 +131786,5 +131787,5 +131788,5 +131789,5 +131790,5 +131791,5 +131792,5 +131793,5 +131794,5 +131795,5 +131796,5 +131797,13 +131798,4 +131799,4 +131800,19 +131801,19 +131802,19 +131803,19 +131804,4 +131805,2 +131806,2 +131807,2 +131808,2 +131809,0 +131810,0 +131811,0 +131812,0 +131813,0 +131814,0 +131815,0 +131816,0 +131817,0 +131818,0 +131819,0 +131820,0 +131821,0 +131822,0 +131823,0 +131824,0 +131825,0 +131826,0 +131827,0 +131828,0 +131829,0 +131830,0 +131831,0 +131832,0 +131833,0 +131834,0 +131835,0 +131836,0 +131837,0 +131838,0 +131839,0 +131840,0 +131841,0 +131842,0 +131843,0 +131844,0 +131845,0 +131846,0 +131847,0 +131848,0 +131849,0 +131850,0 +131851,0 +131852,0 +131853,0 +131854,0 +131855,0 +131856,0 +131857,0 +131858,0 +131859,0 +131860,0 +131861,0 +131862,0 +131863,0 +131864,0 +131865,0 +131866,0 +131867,0 +131868,0 +131869,0 +131870,0 +131871,0 +131872,0 +131873,0 +131874,0 +131875,0 +131876,0 +131877,0 +131878,0 +131879,0 +131880,0 +131881,0 +131882,0 +131883,0 +131884,0 +131885,0 +131886,0 +131887,0 +131888,0 +131889,0 +131890,0 +131891,0 +131892,0 +131893,0 +131894,0 +131895,0 +131896,0 +131897,0 +131898,0 +131899,0 +131900,0 +131901,0 +131902,0 +131903,0 +131904,0 +131905,0 +131906,28 +131907,28 +131908,28 +131909,28 +131910,28 +131911,28 +131912,26 +131913,26 +131914,26 +131915,26 +131916,26 +131917,37 +131918,37 +131919,37 +131920,37 +131921,37 +131922,37 +131923,37 +131924,37 +131925,6 +131926,6 +131927,6 +131928,6 +131929,6 +131930,6 +131931,6 +131932,31 +131933,25 +131934,25 +131935,25 +131936,25 +131937,25 +131938,25 +131939,25 +131940,25 +131941,25 +131942,2 +131943,2 +131944,2 +131945,2 +131946,2 +131947,2 +131948,2 +131949,2 +131950,2 +131951,2 +131952,2 +131953,2 +131954,2 +131955,2 +131956,2 +131957,2 +131958,2 +131959,2 +131960,8 +131961,6 +131962,6 +131963,6 +131964,6 +131965,23 +131966,23 +131967,23 +131968,25 +131969,37 +131970,25 +131971,9 +131972,37 +131973,37 +131974,25 +131975,25 +131976,25 +131977,25 +131978,25 +131979,37 +131980,37 +131981,37 +131982,37 +131983,37 +131984,37 +131985,37 +131986,33 +131987,33 +131988,33 +131989,33 +131990,33 +131991,33 +131992,33 +131993,30 +131994,30 +131995,30 +131996,30 +131997,30 +131998,30 +131999,30 +132000,30 +132001,30 +132002,39 +132003,39 +132004,39 +132005,39 +132006,39 +132007,39 +132008,39 +132009,39 +132010,39 +132011,39 +132012,39 +132013,31 +132014,31 +132015,31 +132016,31 +132017,31 +132018,31 +132019,31 +132020,31 +132021,24 +132022,24 +132023,24 +132024,24 +132025,2 +132026,2 +132027,2 +132028,2 +132029,2 +132030,2 +132031,2 +132032,2 +132033,2 +132034,2 +132035,2 +132036,2 +132037,2 +132038,2 +132039,2 +132040,2 +132041,2 +132042,2 +132043,2 +132044,2 +132045,2 +132046,2 +132047,2 +132048,2 +132049,2 +132050,2 +132051,0 +132052,0 +132053,0 +132054,0 +132055,0 +132056,0 +132057,0 +132058,0 +132059,0 +132060,0 +132061,0 +132062,0 +132063,0 +132064,0 +132065,0 +132066,0 +132067,0 +132068,0 +132069,0 +132070,0 +132071,0 +132072,0 +132073,0 +132074,0 +132075,0 +132076,0 +132077,0 +132078,0 +132079,0 +132080,0 +132081,0 +132082,0 +132083,0 +132084,0 +132085,0 +132086,0 +132087,0 +132088,0 +132089,0 +132090,0 +132091,0 +132092,0 +132093,0 +132094,0 +132095,0 +132096,0 +132097,0 +132098,0 +132099,0 +132100,0 +132101,0 +132102,0 +132103,0 +132104,0 +132105,0 +132106,0 +132107,0 +132108,0 +132109,0 +132110,0 +132111,0 +132112,0 +132113,0 +132114,0 +132115,0 +132116,0 +132117,0 +132118,0 +132119,0 +132120,0 +132121,0 +132122,0 +132123,0 +132124,0 +132125,0 +132126,0 +132127,0 +132128,19 +132129,19 +132130,19 +132131,19 +132132,36 +132133,36 +132134,36 +132135,36 +132136,36 +132137,36 +132138,36 +132139,10 +132140,10 +132141,36 +132142,10 +132143,10 +132144,10 +132145,10 +132146,36 +132147,36 +132148,36 +132149,36 +132150,36 +132151,36 +132152,36 +132153,36 +132154,36 +132155,36 +132156,36 +132157,36 +132158,36 +132159,5 +132160,5 +132161,5 +132162,5 +132163,5 +132164,36 +132165,36 +132166,36 +132167,36 +132168,36 +132169,14 +132170,14 +132171,14 +132172,14 +132173,14 +132174,14 +132175,14 +132176,14 +132177,14 +132178,14 +132179,14 +132180,14 +132181,14 +132182,14 +132183,14 +132184,14 +132185,14 +132186,14 +132187,27 +132188,27 +132189,8 +132190,8 +132191,8 +132192,27 +132193,27 +132194,27 +132195,27 +132196,27 +132197,27 +132198,5 +132199,5 +132200,5 +132201,5 +132202,5 +132203,5 +132204,5 +132205,29 +132206,29 +132207,29 +132208,24 +132209,29 +132210,10 +132211,10 +132212,10 +132213,10 +132214,10 +132215,10 +132216,10 +132217,10 +132218,10 +132219,10 +132220,10 +132221,10 +132222,10 +132223,10 +132224,19 +132225,10 +132226,10 +132227,10 +132228,10 +132229,10 +132230,10 +132231,10 +132232,14 +132233,14 +132234,19 +132235,19 +132236,19 +132237,19 +132238,19 +132239,19 +132240,19 +132241,19 +132242,19 +132243,19 +132244,27 +132245,27 +132246,27 +132247,27 +132248,27 +132249,27 +132250,4 +132251,4 +132252,4 +132253,4 +132254,4 +132255,4 +132256,4 +132257,4 +132258,4 +132259,4 +132260,4 +132261,4 +132262,4 +132263,39 +132264,39 +132265,39 +132266,39 +132267,39 +132268,39 +132269,39 +132270,39 +132271,39 +132272,39 +132273,39 +132274,39 +132275,39 +132276,39 +132277,39 +132278,39 +132279,39 +132280,39 +132281,39 +132282,39 +132283,39 +132284,39 +132285,39 +132286,39 +132287,39 +132288,39 +132289,39 +132290,39 +132291,39 +132292,39 +132293,39 +132294,5 +132295,5 +132296,0 +132297,0 +132298,0 +132299,0 +132300,0 +132301,0 +132302,0 +132303,12 +132304,12 +132305,12 +132306,27 +132307,27 +132308,27 +132309,27 +132310,38 +132311,38 +132312,38 +132313,38 +132314,38 +132315,38 +132316,38 +132317,38 +132318,38 +132319,4 +132320,4 +132321,4 +132322,4 +132323,4 +132324,4 +132325,4 +132326,4 +132327,4 +132328,4 +132329,4 +132330,4 +132331,4 +132332,4 +132333,37 +132334,37 +132335,37 +132336,37 +132337,37 +132338,36 +132339,10 +132340,10 +132341,10 +132342,10 +132343,10 +132344,10 +132345,10 +132346,36 +132347,36 +132348,36 +132349,36 +132350,36 +132351,18 +132352,18 +132353,24 +132354,18 +132355,18 +132356,18 +132357,18 +132358,18 +132359,18 +132360,27 +132361,27 +132362,27 +132363,27 +132364,27 +132365,23 +132366,23 +132367,23 +132368,23 +132369,23 +132370,4 +132371,23 +132372,4 +132373,4 +132374,6 +132375,37 +132376,37 +132377,37 +132378,37 +132379,37 +132380,27 +132381,27 +132382,27 +132383,27 +132384,8 +132385,8 +132386,8 +132387,8 +132388,8 +132389,8 +132390,8 +132391,8 +132392,26 +132393,9 +132394,26 +132395,33 +132396,33 +132397,33 +132398,33 +132399,33 +132400,30 +132401,30 +132402,30 +132403,30 +132404,30 +132405,30 +132406,34 +132407,30 +132408,30 +132409,30 +132410,30 +132411,30 +132412,30 +132413,8 +132414,8 +132415,8 +132416,8 +132417,8 +132418,8 +132419,8 +132420,2 +132421,2 +132422,2 +132423,2 +132424,2 +132425,2 +132426,2 +132427,2 +132428,2 +132429,2 +132430,2 +132431,2 +132432,2 +132433,2 +132434,2 +132435,0 +132436,0 +132437,0 +132438,0 +132439,0 +132440,0 +132441,0 +132442,0 +132443,0 +132444,0 +132445,0 +132446,0 +132447,0 +132448,0 +132449,0 +132450,0 +132451,0 +132452,0 +132453,0 +132454,0 +132455,0 +132456,0 +132457,0 +132458,0 +132459,0 +132460,0 +132461,0 +132462,0 +132463,0 +132464,0 +132465,0 +132466,0 +132467,0 +132468,0 +132469,0 +132470,0 +132471,0 +132472,0 +132473,0 +132474,0 +132475,0 +132476,0 +132477,0 +132478,0 +132479,0 +132480,0 +132481,0 +132482,0 +132483,0 +132484,0 +132485,0 +132486,0 +132487,0 +132488,0 +132489,0 +132490,0 +132491,0 +132492,0 +132493,0 +132494,0 +132495,0 +132496,0 +132497,0 +132498,0 +132499,0 +132500,0 +132501,0 +132502,0 +132503,0 +132504,0 +132505,0 +132506,0 +132507,0 +132508,0 +132509,0 +132510,0 +132511,0 +132512,0 +132513,0 +132514,0 +132515,0 +132516,0 +132517,0 +132518,0 +132519,0 +132520,0 +132521,0 +132522,0 +132523,0 +132524,0 +132525,0 +132526,0 +132527,0 +132528,0 +132529,0 +132530,0 +132531,0 +132532,0 +132533,0 +132534,0 +132535,10 +132536,10 +132537,26 +132538,26 +132539,26 +132540,26 +132541,26 +132542,26 +132543,26 +132544,6 +132545,6 +132546,6 +132547,6 +132548,6 +132549,6 +132550,6 +132551,6 +132552,6 +132553,6 +132554,6 +132555,6 +132556,4 +132557,4 +132558,4 +132559,4 +132560,4 +132561,4 +132562,40 +132563,40 +132564,40 +132565,40 +132566,40 +132567,40 +132568,30 +132569,30 +132570,30 +132571,30 +132572,30 +132573,30 +132574,30 +132575,26 +132576,26 +132577,30 +132578,15 +132579,15 +132580,15 +132581,15 +132582,15 +132583,40 +132584,40 +132585,25 +132586,25 +132587,25 +132588,25 +132589,25 +132590,25 +132591,25 +132592,25 +132593,25 +132594,25 +132595,25 +132596,25 +132597,12 +132598,12 +132599,12 +132600,12 +132601,12 +132602,12 +132603,31 +132604,31 +132605,31 +132606,31 +132607,8 +132608,8 +132609,8 +132610,8 +132611,8 +132612,8 +132613,31 +132614,31 +132615,31 +132616,31 +132617,31 +132618,15 +132619,15 +132620,15 +132621,15 +132622,15 +132623,15 +132624,15 +132625,15 +132626,15 +132627,15 +132628,39 +132629,39 +132630,7 +132631,7 +132632,7 +132633,3 +132634,39 +132635,39 +132636,39 +132637,3 +132638,3 +132639,39 +132640,4 +132641,4 +132642,4 +132643,31 +132644,31 +132645,31 +132646,3 +132647,3 +132648,23 +132649,23 +132650,23 +132651,23 +132652,23 +132653,23 +132654,23 +132655,23 +132656,26 +132657,26 +132658,26 +132659,26 +132660,9 +132661,26 +132662,30 +132663,28 +132664,28 +132665,28 +132666,28 +132667,28 +132668,28 +132669,28 +132670,28 +132671,28 +132672,26 +132673,28 +132674,31 +132675,31 +132676,31 +132677,26 +132678,26 +132679,26 +132680,26 +132681,26 +132682,5 +132683,5 +132684,5 +132685,5 +132686,5 +132687,5 +132688,5 +132689,38 +132690,38 +132691,38 +132692,38 +132693,38 +132694,38 +132695,38 +132696,27 +132697,27 +132698,31 +132699,31 +132700,31 +132701,31 +132702,6 +132703,6 +132704,6 +132705,6 +132706,6 +132707,6 +132708,6 +132709,6 +132710,37 +132711,37 +132712,37 +132713,37 +132714,27 +132715,27 +132716,27 +132717,27 +132718,27 +132719,27 +132720,27 +132721,27 +132722,5 +132723,5 +132724,5 +132725,5 +132726,5 +132727,13 +132728,13 +132729,13 +132730,13 +132731,21 +132732,21 +132733,19 +132734,19 +132735,14 +132736,14 +132737,14 +132738,14 +132739,14 +132740,14 +132741,14 +132742,14 +132743,36 +132744,27 +132745,14 +132746,14 +132747,14 +132748,15 +132749,15 +132750,15 +132751,15 +132752,15 +132753,15 +132754,31 +132755,17 +132756,30 +132757,30 +132758,31 +132759,31 +132760,30 +132761,30 +132762,30 +132763,30 +132764,30 +132765,30 +132766,30 +132767,30 +132768,8 +132769,8 +132770,8 +132771,8 +132772,8 +132773,8 +132774,8 +132775,8 +132776,8 +132777,8 +132778,2 +132779,0 +132780,0 +132781,0 +132782,0 +132783,0 +132784,0 +132785,0 +132786,0 +132787,0 +132788,0 +132789,0 +132790,0 +132791,0 +132792,0 +132793,0 +132794,0 +132795,0 +132796,0 +132797,0 +132798,0 +132799,0 +132800,0 +132801,0 +132802,0 +132803,0 +132804,0 +132805,0 +132806,0 +132807,0 +132808,0 +132809,0 +132810,0 +132811,0 +132812,0 +132813,0 +132814,0 +132815,0 +132816,0 +132817,0 +132818,0 +132819,0 +132820,0 +132821,0 +132822,0 +132823,0 +132824,0 +132825,0 +132826,0 +132827,15 +132828,15 +132829,15 +132830,31 +132831,10 +132832,31 +132833,10 +132834,10 +132835,10 +132836,4 +132837,19 +132838,19 +132839,31 +132840,31 +132841,27 +132842,31 +132843,27 +132844,31 +132845,24 +132846,23 +132847,24 +132848,24 +132849,24 +132850,24 +132851,24 +132852,24 +132853,24 +132854,24 +132855,40 +132856,40 +132857,40 +132858,40 +132859,40 +132860,40 +132861,40 +132862,36 +132863,36 +132864,36 +132865,36 +132866,36 +132867,36 +132868,36 +132869,36 +132870,36 +132871,5 +132872,5 +132873,5 +132874,5 +132875,5 +132876,5 +132877,5 +132878,39 +132879,39 +132880,39 +132881,39 +132882,39 +132883,39 +132884,39 +132885,39 +132886,39 +132887,12 +132888,12 +132889,12 +132890,12 +132891,12 +132892,12 +132893,12 +132894,12 +132895,12 +132896,12 +132897,31 +132898,31 +132899,31 +132900,31 +132901,31 +132902,5 +132903,5 +132904,5 +132905,5 +132906,5 +132907,5 +132908,5 +132909,5 +132910,5 +132911,5 +132912,5 +132913,3 +132914,3 +132915,3 +132916,3 +132917,3 +132918,30 +132919,30 +132920,30 +132921,30 +132922,30 +132923,30 +132924,30 +132925,30 +132926,30 +132927,30 +132928,30 +132929,27 +132930,27 +132931,27 +132932,27 +132933,27 +132934,27 +132935,27 +132936,27 +132937,2 +132938,2 +132939,2 +132940,2 +132941,2 +132942,2 +132943,2 +132944,2 +132945,27 +132946,27 +132947,27 +132948,27 +132949,27 +132950,27 +132951,27 +132952,27 +132953,27 +132954,27 +132955,27 +132956,8 +132957,8 +132958,8 +132959,8 +132960,8 +132961,8 +132962,2 +132963,2 +132964,2 +132965,29 +132966,4 +132967,4 +132968,4 +132969,27 +132970,27 +132971,27 +132972,28 +132973,28 +132974,28 +132975,28 +132976,28 +132977,28 +132978,39 +132979,39 +132980,28 +132981,39 +132982,39 +132983,39 +132984,39 +132985,39 +132986,39 +132987,39 +132988,39 +132989,39 +132990,39 +132991,39 +132992,38 +132993,38 +132994,38 +132995,38 +132996,38 +132997,38 +132998,38 +132999,38 +133000,38 +133001,38 +133002,38 +133003,38 +133004,27 +133005,27 +133006,27 +133007,27 +133008,13 +133009,13 +133010,13 +133011,13 +133012,13 +133013,13 +133014,13 +133015,6 +133016,6 +133017,6 +133018,6 +133019,6 +133020,2 +133021,2 +133022,2 +133023,2 +133024,2 +133025,2 +133026,28 +133027,28 +133028,28 +133029,28 +133030,28 +133031,28 +133032,28 +133033,28 +133034,28 +133035,28 +133036,39 +133037,39 +133038,39 +133039,39 +133040,39 +133041,39 +133042,39 +133043,21 +133044,21 +133045,21 +133046,21 +133047,21 +133048,21 +133049,21 +133050,21 +133051,21 +133052,21 +133053,21 +133054,21 +133055,21 +133056,27 +133057,27 +133058,27 +133059,27 +133060,27 +133061,30 +133062,30 +133063,30 +133064,30 +133065,30 +133066,30 +133067,30 +133068,30 +133069,32 +133070,32 +133071,32 +133072,4 +133073,4 +133074,32 +133075,32 +133076,32 +133077,32 +133078,32 +133079,32 +133080,32 +133081,35 +133082,35 +133083,35 +133084,35 +133085,39 +133086,39 +133087,39 +133088,39 +133089,31 +133090,31 +133091,31 +133092,31 +133093,24 +133094,24 +133095,24 +133096,24 +133097,24 +133098,24 +133099,29 +133100,29 +133101,29 +133102,29 +133103,29 +133104,27 +133105,27 +133106,27 +133107,27 +133108,19 +133109,19 +133110,31 +133111,19 +133112,19 +133113,19 +133114,19 +133115,19 +133116,19 +133117,19 +133118,21 +133119,21 +133120,21 +133121,21 +133122,21 +133123,40 +133124,40 +133125,40 +133126,40 +133127,40 +133128,40 +133129,40 +133130,40 +133131,40 +133132,40 +133133,40 +133134,40 +133135,36 +133136,36 +133137,36 +133138,38 +133139,38 +133140,38 +133141,38 +133142,38 +133143,38 +133144,38 +133145,38 +133146,38 +133147,38 +133148,38 +133149,38 +133150,38 +133151,32 +133152,40 +133153,40 +133154,40 +133155,40 +133156,40 +133157,36 +133158,36 +133159,36 +133160,30 +133161,30 +133162,1 +133163,34 +133164,34 +133165,34 +133166,34 +133167,34 +133168,34 +133169,33 +133170,33 +133171,33 +133172,8 +133173,8 +133174,8 +133175,8 +133176,2 +133177,2 +133178,2 +133179,2 +133180,2 +133181,2 +133182,2 +133183,2 +133184,2 +133185,2 +133186,2 +133187,2 +133188,2 +133189,2 +133190,2 +133191,2 +133192,2 +133193,2 +133194,9 +133195,26 +133196,26 +133197,26 +133198,26 +133199,30 +133200,30 +133201,30 +133202,30 +133203,30 +133204,30 +133205,26 +133206,26 +133207,26 +133208,26 +133209,26 +133210,26 +133211,26 +133212,26 +133213,5 +133214,5 +133215,5 +133216,5 +133217,5 +133218,5 +133219,5 +133220,5 +133221,5 +133222,5 +133223,5 +133224,23 +133225,23 +133226,23 +133227,23 +133228,23 +133229,23 +133230,23 +133231,23 +133232,23 +133233,23 +133234,23 +133235,23 +133236,9 +133237,9 +133238,9 +133239,9 +133240,9 +133241,9 +133242,37 +133243,37 +133244,37 +133245,37 +133246,37 +133247,37 +133248,37 +133249,16 +133250,16 +133251,16 +133252,16 +133253,16 +133254,16 +133255,16 +133256,16 +133257,16 +133258,11 +133259,11 +133260,11 +133261,11 +133262,31 +133263,31 +133264,5 +133265,5 +133266,5 +133267,5 +133268,5 +133269,5 +133270,5 +133271,5 +133272,5 +133273,5 +133274,36 +133275,36 +133276,36 +133277,36 +133278,36 +133279,36 +133280,36 +133281,4 +133282,4 +133283,4 +133284,4 +133285,4 +133286,4 +133287,40 +133288,36 +133289,36 +133290,36 +133291,0 +133292,36 +133293,36 +133294,36 +133295,36 +133296,36 +133297,36 +133298,36 +133299,36 +133300,36 +133301,36 +133302,36 +133303,36 +133304,36 +133305,36 +133306,36 +133307,36 +133308,36 +133309,36 +133310,2 +133311,2 +133312,2 +133313,2 +133314,2 +133315,2 +133316,2 +133317,2 +133318,2 +133319,8 +133320,8 +133321,2 +133322,2 +133323,2 +133324,2 +133325,4 +133326,36 +133327,36 +133328,36 +133329,36 +133330,36 +133331,36 +133332,36 +133333,36 +133334,36 +133335,36 +133336,36 +133337,24 +133338,24 +133339,24 +133340,24 +133341,24 +133342,24 +133343,24 +133344,24 +133345,24 +133346,31 +133347,31 +133348,31 +133349,31 +133350,12 +133351,12 +133352,12 +133353,12 +133354,12 +133355,12 +133356,12 +133357,12 +133358,12 +133359,27 +133360,27 +133361,13 +133362,13 +133363,13 +133364,13 +133365,5 +133366,5 +133367,5 +133368,5 +133369,5 +133370,5 +133371,5 +133372,5 +133373,27 +133374,27 +133375,27 +133376,27 +133377,31 +133378,31 +133379,31 +133380,31 +133381,31 +133382,31 +133383,31 +133384,2 +133385,2 +133386,2 +133387,2 +133388,2 +133389,2 +133390,2 +133391,8 +133392,8 +133393,2 +133394,2 +133395,2 +133396,2 +133397,2 +133398,2 +133399,2 +133400,2 +133401,0 +133402,0 +133403,0 +133404,0 +133405,0 +133406,0 +133407,0 +133408,0 +133409,0 +133410,0 +133411,0 +133412,0 +133413,0 +133414,0 +133415,0 +133416,0 +133417,0 +133418,0 +133419,0 +133420,0 +133421,0 +133422,0 +133423,0 +133424,0 +133425,0 +133426,0 +133427,0 +133428,13 +133429,13 +133430,13 +133431,13 +133432,13 +133433,13 +133434,30 +133435,28 +133436,28 +133437,28 +133438,28 +133439,28 +133440,28 +133441,28 +133442,31 +133443,31 +133444,31 +133445,31 +133446,31 +133447,15 +133448,15 +133449,15 +133450,15 +133451,15 +133452,7 +133453,7 +133454,7 +133455,7 +133456,7 +133457,7 +133458,7 +133459,7 +133460,3 +133461,3 +133462,3 +133463,3 +133464,3 +133465,3 +133466,3 +133467,3 +133468,3 +133469,3 +133470,3 +133471,3 +133472,3 +133473,3 +133474,3 +133475,3 +133476,2 +133477,2 +133478,2 +133479,2 +133480,2 +133481,2 +133482,2 +133483,2 +133484,2 +133485,2 +133486,2 +133487,2 +133488,2 +133489,2 +133490,2 +133491,2 +133492,2 +133493,2 +133494,2 +133495,2 +133496,2 +133497,2 +133498,36 +133499,36 +133500,36 +133501,36 +133502,36 +133503,36 +133504,36 +133505,5 +133506,5 +133507,5 +133508,5 +133509,5 +133510,19 +133511,19 +133512,19 +133513,19 +133514,19 +133515,23 +133516,23 +133517,23 +133518,23 +133519,23 +133520,23 +133521,23 +133522,34 +133523,34 +133524,34 +133525,34 +133526,34 +133527,34 +133528,34 +133529,9 +133530,9 +133531,9 +133532,26 +133533,26 +133534,26 +133535,26 +133536,9 +133537,9 +133538,9 +133539,9 +133540,9 +133541,26 +133542,4 +133543,4 +133544,4 +133545,4 +133546,4 +133547,4 +133548,25 +133549,25 +133550,25 +133551,25 +133552,25 +133553,25 +133554,25 +133555,25 +133556,25 +133557,25 +133558,25 +133559,25 +133560,25 +133561,25 +133562,39 +133563,39 +133564,39 +133565,39 +133566,39 +133567,39 +133568,39 +133569,39 +133570,39 +133571,39 +133572,39 +133573,39 +133574,39 +133575,39 +133576,39 +133577,39 +133578,39 +133579,39 +133580,0 +133581,0 +133582,0 +133583,0 +133584,0 +133585,0 +133586,0 +133587,0 +133588,0 +133589,0 +133590,0 +133591,0 +133592,0 +133593,0 +133594,0 +133595,0 +133596,0 +133597,0 +133598,0 +133599,0 +133600,0 +133601,0 +133602,0 +133603,0 +133604,0 +133605,0 +133606,0 +133607,0 +133608,0 +133609,0 +133610,0 +133611,0 +133612,0 +133613,0 +133614,0 +133615,0 +133616,0 +133617,0 +133618,0 +133619,0 +133620,0 +133621,0 +133622,0 +133623,0 +133624,0 +133625,0 +133626,0 +133627,0 +133628,0 +133629,0 +133630,0 +133631,0 +133632,0 +133633,29 +133634,29 +133635,29 +133636,29 +133637,31 +133638,31 +133639,31 +133640,31 +133641,31 +133642,31 +133643,23 +133644,23 +133645,23 +133646,23 +133647,23 +133648,23 +133649,23 +133650,23 +133651,25 +133652,25 +133653,25 +133654,25 +133655,25 +133656,25 +133657,25 +133658,25 +133659,25 +133660,25 +133661,25 +133662,25 +133663,25 +133664,25 +133665,25 +133666,25 +133667,25 +133668,25 +133669,2 +133670,2 +133671,2 +133672,2 +133673,2 +133674,2 +133675,2 +133676,2 +133677,2 +133678,2 +133679,2 +133680,2 +133681,2 +133682,2 +133683,2 +133684,6 +133685,6 +133686,6 +133687,6 +133688,6 +133689,6 +133690,6 +133691,6 +133692,14 +133693,14 +133694,14 +133695,14 +133696,14 +133697,36 +133698,36 +133699,36 +133700,36 +133701,36 +133702,36 +133703,36 +133704,36 +133705,36 +133706,10 +133707,10 +133708,4 +133709,19 +133710,19 +133711,4 +133712,35 +133713,35 +133714,35 +133715,35 +133716,35 +133717,35 +133718,35 +133719,26 +133720,26 +133721,26 +133722,26 +133723,26 +133724,26 +133725,26 +133726,37 +133727,37 +133728,37 +133729,37 +133730,37 +133731,37 +133732,37 +133733,37 +133734,28 +133735,28 +133736,28 +133737,28 +133738,28 +133739,28 +133740,7 +133741,7 +133742,7 +133743,7 +133744,7 +133745,39 +133746,39 +133747,39 +133748,7 +133749,9 +133750,9 +133751,9 +133752,25 +133753,25 +133754,34 +133755,34 +133756,34 +133757,34 +133758,34 +133759,34 +133760,34 +133761,34 +133762,34 +133763,31 +133764,33 +133765,31 +133766,5 +133767,5 +133768,5 +133769,5 +133770,5 +133771,5 +133772,5 +133773,5 +133774,29 +133775,29 +133776,31 +133777,31 +133778,31 +133779,31 +133780,31 +133781,31 +133782,31 +133783,2 +133784,2 +133785,2 +133786,2 +133787,2 +133788,2 +133789,2 +133790,2 +133791,40 +133792,40 +133793,40 +133794,40 +133795,40 +133796,40 +133797,40 +133798,40 +133799,6 +133800,6 +133801,6 +133802,6 +133803,6 +133804,6 +133805,6 +133806,31 +133807,31 +133808,31 +133809,31 +133810,31 +133811,31 +133812,5 +133813,5 +133814,5 +133815,5 +133816,5 +133817,5 +133818,5 +133819,6 +133820,6 +133821,6 +133822,6 +133823,6 +133824,6 +133825,6 +133826,6 +133827,14 +133828,14 +133829,14 +133830,14 +133831,36 +133832,36 +133833,36 +133834,14 +133835,14 +133836,14 +133837,14 +133838,14 +133839,14 +133840,14 +133841,14 +133842,14 +133843,36 +133844,10 +133845,40 +133846,40 +133847,30 +133848,30 +133849,30 +133850,30 +133851,30 +133852,30 +133853,30 +133854,30 +133855,30 +133856,32 +133857,32 +133858,32 +133859,32 +133860,32 +133861,32 +133862,32 +133863,32 +133864,7 +133865,7 +133866,7 +133867,7 +133868,3 +133869,3 +133870,3 +133871,3 +133872,3 +133873,3 +133874,3 +133875,3 +133876,3 +133877,3 +133878,3 +133879,3 +133880,3 +133881,3 +133882,3 +133883,3 +133884,3 +133885,3 +133886,3 +133887,3 +133888,3 +133889,3 +133890,3 +133891,0 +133892,0 +133893,0 +133894,0 +133895,0 +133896,0 +133897,0 +133898,0 +133899,0 +133900,0 +133901,0 +133902,0 +133903,0 +133904,0 +133905,0 +133906,0 +133907,0 +133908,0 +133909,0 +133910,0 +133911,0 +133912,0 +133913,0 +133914,0 +133915,0 +133916,0 +133917,0 +133918,0 +133919,0 +133920,0 +133921,0 +133922,0 +133923,0 +133924,0 +133925,0 +133926,0 +133927,0 +133928,0 +133929,0 +133930,0 +133931,0 +133932,0 +133933,0 +133934,0 +133935,0 +133936,0 +133937,0 +133938,0 +133939,0 +133940,0 +133941,0 +133942,0 +133943,0 +133944,2 +133945,2 +133946,2 +133947,2 +133948,2 +133949,2 +133950,2 +133951,2 +133952,2 +133953,2 +133954,2 +133955,2 +133956,2 +133957,2 +133958,2 +133959,4 +133960,4 +133961,2 +133962,31 +133963,31 +133964,31 +133965,31 +133966,31 +133967,31 +133968,31 +133969,31 +133970,26 +133971,5 +133972,31 +133973,28 +133974,5 +133975,5 +133976,5 +133977,28 +133978,28 +133979,28 +133980,28 +133981,28 +133982,28 +133983,28 +133984,28 +133985,28 +133986,28 +133987,36 +133988,36 +133989,36 +133990,40 +133991,40 +133992,40 +133993,36 +133994,36 +133995,40 +133996,40 +133997,40 +133998,40 +133999,40 +134000,5 +134001,5 +134002,5 +134003,5 +134004,5 +134005,5 +134006,5 +134007,5 +134008,25 +134009,25 +134010,40 +134011,31 +134012,31 +134013,31 +134014,31 +134015,31 +134016,30 +134017,30 +134018,30 +134019,30 +134020,30 +134021,30 +134022,30 +134023,30 +134024,30 +134025,30 +134026,10 +134027,10 +134028,10 +134029,10 +134030,10 +134031,10 +134032,10 +134033,10 +134034,10 +134035,10 +134036,21 +134037,21 +134038,21 +134039,21 +134040,21 +134041,21 +134042,21 +134043,21 +134044,7 +134045,7 +134046,7 +134047,7 +134048,39 +134049,7 +134050,40 +134051,40 +134052,31 +134053,31 +134054,31 +134055,31 +134056,30 +134057,30 +134058,30 +134059,30 +134060,30 +134061,30 +134062,30 +134063,31 +134064,31 +134065,22 +134066,31 +134067,22 +134068,30 +134069,30 +134070,19 +134071,19 +134072,19 +134073,19 +134074,19 +134075,19 +134076,19 +134077,19 +134078,9 +134079,9 +134080,9 +134081,9 +134082,9 +134083,9 +134084,9 +134085,9 +134086,9 +134087,9 +134088,9 +134089,9 +134090,9 +134091,9 +134092,9 +134093,9 +134094,9 +134095,9 +134096,9 +134097,9 +134098,9 +134099,26 +134100,5 +134101,5 +134102,28 +134103,5 +134104,5 +134105,5 +134106,28 +134107,28 +134108,28 +134109,28 +134110,28 +134111,19 +134112,8 +134113,8 +134114,8 +134115,8 +134116,8 +134117,8 +134118,8 +134119,8 +134120,8 +134121,8 +134122,8 +134123,8 +134124,2 +134125,2 +134126,2 +134127,2 +134128,8 +134129,8 +134130,8 +134131,0 +134132,0 +134133,0 +134134,0 +134135,0 +134136,0 +134137,0 +134138,0 +134139,0 +134140,0 +134141,0 +134142,0 +134143,0 +134144,0 +134145,0 +134146,0 +134147,0 +134148,0 +134149,0 +134150,0 +134151,0 +134152,0 +134153,0 +134154,0 +134155,0 +134156,0 +134157,0 +134158,0 +134159,0 +134160,0 +134161,0 +134162,0 +134163,0 +134164,0 +134165,32 +134166,32 +134167,32 +134168,32 +134169,32 +134170,32 +134171,32 +134172,39 +134173,39 +134174,39 +134175,39 +134176,39 +134177,39 +134178,39 +134179,32 +134180,32 +134181,32 +134182,31 +134183,31 +134184,31 +134185,31 +134186,31 +134187,31 +134188,9 +134189,9 +134190,9 +134191,6 +134192,6 +134193,6 +134194,6 +134195,6 +134196,6 +134197,6 +134198,6 +134199,6 +134200,6 +134201,6 +134202,14 +134203,14 +134204,14 +134205,14 +134206,14 +134207,14 +134208,14 +134209,14 +134210,14 +134211,14 +134212,14 +134213,14 +134214,28 +134215,28 +134216,28 +134217,28 +134218,28 +134219,28 +134220,28 +134221,28 +134222,28 +134223,28 +134224,23 +134225,23 +134226,23 +134227,23 +134228,23 +134229,23 +134230,23 +134231,23 +134232,23 +134233,23 +134234,23 +134235,25 +134236,25 +134237,25 +134238,28 +134239,28 +134240,28 +134241,28 +134242,28 +134243,28 +134244,28 +134245,28 +134246,28 +134247,19 +134248,19 +134249,19 +134250,19 +134251,19 +134252,19 +134253,27 +134254,27 +134255,27 +134256,27 +134257,27 +134258,27 +134259,27 +134260,27 +134261,2 +134262,2 +134263,2 +134264,2 +134265,2 +134266,2 +134267,2 +134268,2 +134269,4 +134270,4 +134271,4 +134272,4 +134273,4 +134274,27 +134275,27 +134276,27 +134277,28 +134278,28 +134279,28 +134280,28 +134281,28 +134282,28 +134283,32 +134284,32 +134285,32 +134286,32 +134287,32 +134288,32 +134289,32 +134290,32 +134291,32 +134292,32 +134293,32 +134294,26 +134295,26 +134296,26 +134297,26 +134298,26 +134299,26 +134300,26 +134301,37 +134302,37 +134303,37 +134304,37 +134305,37 +134306,37 +134307,4 +134308,4 +134309,4 +134310,4 +134311,2 +134312,2 +134313,2 +134314,2 +134315,2 +134316,2 +134317,31 +134318,31 +134319,31 +134320,31 +134321,31 +134322,24 +134323,24 +134324,24 +134325,24 +134326,24 +134327,24 +134328,24 +134329,25 +134330,25 +134331,25 +134332,25 +134333,25 +134334,25 +134335,25 +134336,25 +134337,25 +134338,25 +134339,25 +134340,25 +134341,25 +134342,14 +134343,14 +134344,14 +134345,14 +134346,14 +134347,14 +134348,14 +134349,14 +134350,14 +134351,4 +134352,4 +134353,4 +134354,4 +134355,4 +134356,4 +134357,15 +134358,39 +134359,39 +134360,39 +134361,39 +134362,39 +134363,39 +134364,39 +134365,39 +134366,39 +134367,39 +134368,31 +134369,31 +134370,31 +134371,31 +134372,31 +134373,31 +134374,31 +134375,31 +134376,31 +134377,31 +134378,31 +134379,31 +134380,31 +134381,31 +134382,31 +134383,31 +134384,31 +134385,31 +134386,31 +134387,31 +134388,0 +134389,0 +134390,0 +134391,0 +134392,0 +134393,0 +134394,0 +134395,0 +134396,0 +134397,0 +134398,0 +134399,0 +134400,0 +134401,0 +134402,0 +134403,0 +134404,0 +134405,0 +134406,0 +134407,0 +134408,0 +134409,0 +134410,0 +134411,0 +134412,0 +134413,0 +134414,0 +134415,0 +134416,0 +134417,0 +134418,36 +134419,36 +134420,36 +134421,36 +134422,36 +134423,36 +134424,36 +134425,36 +134426,36 +134427,36 +134428,36 +134429,36 +134430,5 +134431,5 +134432,5 +134433,19 +134434,5 +134435,23 +134436,23 +134437,23 +134438,23 +134439,23 +134440,23 +134441,23 +134442,23 +134443,23 +134444,23 +134445,23 +134446,25 +134447,25 +134448,25 +134449,25 +134450,28 +134451,5 +134452,5 +134453,5 +134454,5 +134455,5 +134456,5 +134457,5 +134458,5 +134459,5 +134460,5 +134461,5 +134462,14 +134463,14 +134464,14 +134465,14 +134466,14 +134467,14 +134468,14 +134469,14 +134470,14 +134471,14 +134472,14 +134473,15 +134474,15 +134475,15 +134476,15 +134477,15 +134478,37 +134479,37 +134480,37 +134481,37 +134482,37 +134483,37 +134484,27 +134485,27 +134486,27 +134487,27 +134488,27 +134489,13 +134490,13 +134491,13 +134492,13 +134493,13 +134494,13 +134495,6 +134496,6 +134497,6 +134498,6 +134499,6 +134500,6 +134501,6 +134502,6 +134503,6 +134504,34 +134505,34 +134506,31 +134507,34 +134508,31 +134509,31 +134510,5 +134511,5 +134512,5 +134513,5 +134514,4 +134515,4 +134516,4 +134517,4 +134518,4 +134519,4 +134520,4 +134521,4 +134522,37 +134523,37 +134524,37 +134525,37 +134526,37 +134527,37 +134528,39 +134529,39 +134530,39 +134531,39 +134532,39 +134533,8 +134534,8 +134535,8 +134536,2 +134537,2 +134538,2 +134539,2 +134540,2 +134541,2 +134542,8 +134543,2 +134544,4 +134545,4 +134546,4 +134547,4 +134548,39 +134549,39 +134550,39 +134551,39 +134552,39 +134553,39 +134554,35 +134555,35 +134556,35 +134557,35 +134558,35 +134559,35 +134560,35 +134561,35 +134562,35 +134563,35 +134564,35 +134565,39 +134566,39 +134567,39 +134568,39 +134569,27 +134570,27 +134571,37 +134572,37 +134573,37 +134574,37 +134575,37 +134576,37 +134577,37 +134578,37 +134579,37 +134580,3 +134581,3 +134582,3 +134583,3 +134584,3 +134585,3 +134586,3 +134587,3 +134588,3 +134589,3 +134590,3 +134591,3 +134592,3 +134593,3 +134594,3 +134595,28 +134596,28 +134597,28 +134598,28 +134599,28 +134600,28 +134601,28 +134602,28 +134603,28 +134604,28 +134605,28 +134606,28 +134607,28 +134608,28 +134609,28 +134610,28 +134611,28 +134612,28 +134613,28 +134614,5 +134615,0 +134616,0 +134617,0 +134618,0 +134619,0 +134620,0 +134621,0 +134622,0 +134623,0 +134624,0 +134625,0 +134626,0 +134627,0 +134628,0 +134629,0 +134630,0 +134631,0 +134632,0 +134633,0 +134634,0 +134635,0 +134636,0 +134637,0 +134638,0 +134639,0 +134640,0 +134641,0 +134642,0 +134643,0 +134644,0 +134645,0 +134646,0 +134647,0 +134648,0 +134649,0 +134650,0 +134651,0 +134652,0 +134653,0 +134654,0 +134655,0 +134656,0 +134657,0 +134658,0 +134659,0 +134660,0 +134661,0 +134662,0 +134663,0 +134664,0 +134665,0 +134666,0 +134667,0 +134668,0 +134669,0 +134670,0 +134671,0 +134672,0 +134673,0 +134674,0 +134675,0 +134676,0 +134677,0 +134678,0 +134679,0 +134680,0 +134681,0 +134682,0 +134683,0 +134684,0 +134685,0 +134686,0 +134687,0 +134688,0 +134689,0 +134690,0 +134691,0 +134692,0 +134693,0 +134694,0 +134695,0 +134696,32 +134697,32 +134698,32 +134699,32 +134700,32 +134701,35 +134702,32 +134703,32 +134704,17 +134705,17 +134706,17 +134707,12 +134708,12 +134709,12 +134710,12 +134711,12 +134712,12 +134713,31 +134714,31 +134715,31 +134716,31 +134717,5 +134718,5 +134719,5 +134720,5 +134721,5 +134722,5 +134723,5 +134724,5 +134725,5 +134726,5 +134727,5 +134728,5 +134729,19 +134730,19 +134731,19 +134732,27 +134733,27 +134734,27 +134735,27 +134736,27 +134737,27 +134738,14 +134739,27 +134740,14 +134741,27 +134742,27 +134743,14 +134744,14 +134745,14 +134746,14 +134747,14 +134748,14 +134749,2 +134750,39 +134751,39 +134752,39 +134753,39 +134754,39 +134755,39 +134756,39 +134757,39 +134758,39 +134759,39 +134760,39 +134761,0 +134762,0 +134763,0 +134764,0 +134765,0 +134766,0 +134767,0 +134768,0 +134769,0 +134770,0 +134771,0 +134772,0 +134773,0 +134774,0 +134775,0 +134776,0 +134777,0 +134778,0 +134779,0 +134780,2 +134781,2 +134782,2 +134783,2 +134784,2 +134785,2 +134786,2 +134787,2 +134788,2 +134789,2 +134790,2 +134791,2 +134792,2 +134793,27 +134794,27 +134795,27 +134796,27 +134797,27 +134798,27 +134799,27 +134800,27 +134801,27 +134802,6 +134803,6 +134804,6 +134805,29 +134806,6 +134807,29 +134808,29 +134809,31 +134810,40 +134811,8 +134812,8 +134813,8 +134814,8 +134815,8 +134816,8 +134817,8 +134818,8 +134819,31 +134820,31 +134821,31 +134822,31 +134823,31 +134824,31 +134825,31 +134826,31 +134827,24 +134828,24 +134829,24 +134830,29 +134831,24 +134832,29 +134833,29 +134834,29 +134835,29 +134836,31 +134837,31 +134838,31 +134839,31 +134840,31 +134841,16 +134842,16 +134843,16 +134844,16 +134845,16 +134846,16 +134847,16 +134848,16 +134849,16 +134850,16 +134851,16 +134852,16 +134853,11 +134854,11 +134855,39 +134856,39 +134857,39 +134858,39 +134859,39 +134860,39 +134861,39 +134862,39 +134863,39 +134864,23 +134865,23 +134866,23 +134867,23 +134868,23 +134869,23 +134870,23 +134871,23 +134872,23 +134873,23 +134874,28 +134875,28 +134876,28 +134877,28 +134878,28 +134879,28 +134880,28 +134881,28 +134882,28 +134883,28 +134884,28 +134885,28 +134886,28 +134887,28 +134888,40 +134889,40 +134890,40 +134891,40 +134892,40 +134893,40 +134894,40 +134895,40 +134896,5 +134897,5 +134898,5 +134899,5 +134900,5 +134901,5 +134902,31 +134903,31 +134904,31 +134905,31 +134906,31 +134907,31 +134908,8 +134909,24 +134910,24 +134911,24 +134912,24 +134913,24 +134914,24 +134915,24 +134916,28 +134917,28 +134918,28 +134919,28 +134920,31 +134921,31 +134922,31 +134923,31 +134924,31 +134925,19 +134926,19 +134927,19 +134928,19 +134929,19 +134930,19 +134931,39 +134932,39 +134933,39 +134934,39 +134935,39 +134936,39 +134937,39 +134938,39 +134939,39 +134940,39 +134941,39 +134942,39 +134943,5 +134944,5 +134945,5 +134946,5 +134947,5 +134948,5 +134949,10 +134950,10 +134951,10 +134952,31 +134953,31 +134954,31 +134955,31 +134956,31 +134957,31 +134958,31 +134959,31 +134960,31 +134961,25 +134962,25 +134963,25 +134964,25 +134965,25 +134966,25 +134967,0 +134968,0 +134969,0 +134970,0 +134971,0 +134972,0 +134973,0 +134974,0 +134975,0 +134976,0 +134977,0 +134978,0 +134979,0 +134980,0 +134981,0 +134982,0 +134983,0 +134984,0 +134985,0 +134986,0 +134987,0 +134988,0 +134989,0 +134990,0 +134991,0 +134992,0 +134993,0 +134994,0 +134995,0 +134996,0 +134997,26 +134998,26 +134999,26 +135000,26 +135001,26 +135002,26 +135003,26 +135004,26 +135005,26 +135006,26 +135007,26 +135008,26 +135009,37 +135010,37 +135011,37 +135012,37 +135013,37 +135014,37 +135015,25 +135016,25 +135017,25 +135018,25 +135019,25 +135020,25 +135021,26 +135022,26 +135023,26 +135024,26 +135025,26 +135026,26 +135027,26 +135028,26 +135029,37 +135030,37 +135031,37 +135032,37 +135033,37 +135034,31 +135035,21 +135036,21 +135037,21 +135038,21 +135039,21 +135040,21 +135041,21 +135042,21 +135043,21 +135044,27 +135045,27 +135046,3 +135047,3 +135048,3 +135049,3 +135050,3 +135051,3 +135052,2 +135053,2 +135054,2 +135055,2 +135056,2 +135057,2 +135058,4 +135059,4 +135060,4 +135061,23 +135062,4 +135063,4 +135064,4 +135065,12 +135066,12 +135067,12 +135068,25 +135069,25 +135070,25 +135071,25 +135072,25 +135073,37 +135074,25 +135075,25 +135076,25 +135077,37 +135078,25 +135079,31 +135080,31 +135081,31 +135082,31 +135083,31 +135084,21 +135085,21 +135086,21 +135087,21 +135088,21 +135089,21 +135090,21 +135091,21 +135092,21 +135093,21 +135094,37 +135095,37 +135096,37 +135097,37 +135098,37 +135099,37 +135100,37 +135101,37 +135102,37 +135103,37 +135104,37 +135105,37 +135106,14 +135107,14 +135108,14 +135109,14 +135110,14 +135111,14 +135112,14 +135113,14 +135114,14 +135115,14 +135116,14 +135117,14 +135118,4 +135119,4 +135120,4 +135121,4 +135122,4 +135123,4 +135124,4 +135125,4 +135126,4 +135127,4 +135128,4 +135129,4 +135130,4 +135131,4 +135132,4 +135133,2 +135134,0 +135135,0 +135136,0 +135137,0 +135138,0 +135139,0 +135140,0 +135141,0 +135142,0 +135143,0 +135144,0 +135145,0 +135146,0 +135147,2 +135148,2 +135149,2 +135150,2 +135151,2 +135152,2 +135153,2 +135154,2 +135155,2 +135156,2 +135157,2 +135158,2 +135159,2 +135160,2 +135161,2 +135162,2 +135163,2 +135164,4 +135165,32 +135166,32 +135167,32 +135168,32 +135169,32 +135170,27 +135171,27 +135172,27 +135173,27 +135174,31 +135175,2 +135176,2 +135177,2 +135178,2 +135179,2 +135180,2 +135181,2 +135182,2 +135183,2 +135184,2 +135185,2 +135186,2 +135187,2 +135188,2 +135189,27 +135190,27 +135191,27 +135192,27 +135193,27 +135194,23 +135195,23 +135196,23 +135197,23 +135198,23 +135199,23 +135200,23 +135201,27 +135202,27 +135203,27 +135204,27 +135205,27 +135206,14 +135207,14 +135208,6 +135209,6 +135210,6 +135211,6 +135212,6 +135213,6 +135214,6 +135215,6 +135216,4 +135217,4 +135218,4 +135219,27 +135220,27 +135221,27 +135222,27 +135223,27 +135224,27 +135225,27 +135226,2 +135227,2 +135228,2 +135229,2 +135230,2 +135231,2 +135232,2 +135233,2 +135234,2 +135235,4 +135236,4 +135237,4 +135238,4 +135239,4 +135240,4 +135241,4 +135242,4 +135243,4 +135244,4 +135245,4 +135246,25 +135247,25 +135248,25 +135249,25 +135250,25 +135251,25 +135252,25 +135253,15 +135254,15 +135255,15 +135256,15 +135257,15 +135258,15 +135259,31 +135260,31 +135261,31 +135262,31 +135263,31 +135264,31 +135265,5 +135266,5 +135267,5 +135268,5 +135269,5 +135270,5 +135271,5 +135272,5 +135273,5 +135274,5 +135275,2 +135276,2 +135277,2 +135278,2 +135279,2 +135280,2 +135281,2 +135282,2 +135283,2 +135284,2 +135285,2 +135286,2 +135287,2 +135288,2 +135289,2 +135290,2 +135291,2 +135292,2 +135293,2 +135294,2 +135295,2 +135296,2 +135297,0 +135298,0 +135299,0 +135300,0 +135301,0 +135302,0 +135303,0 +135304,0 +135305,0 +135306,0 +135307,31 +135308,31 +135309,31 +135310,31 +135311,31 +135312,31 +135313,31 +135314,31 +135315,31 +135316,24 +135317,24 +135318,24 +135319,24 +135320,24 +135321,24 +135322,24 +135323,12 +135324,12 +135325,12 +135326,12 +135327,12 +135328,12 +135329,12 +135330,27 +135331,27 +135332,27 +135333,27 +135334,16 +135335,16 +135336,16 +135337,16 +135338,16 +135339,16 +135340,16 +135341,16 +135342,16 +135343,16 +135344,16 +135345,16 +135346,16 +135347,16 +135348,29 +135349,29 +135350,29 +135351,29 +135352,29 +135353,29 +135354,40 +135355,40 +135356,40 +135357,40 +135358,40 +135359,37 +135360,37 +135361,25 +135362,25 +135363,25 +135364,25 +135365,25 +135366,37 +135367,25 +135368,25 +135369,25 +135370,25 +135371,8 +135372,8 +135373,8 +135374,8 +135375,8 +135376,8 +135377,8 +135378,8 +135379,5 +135380,5 +135381,5 +135382,5 +135383,31 +135384,31 +135385,31 +135386,31 +135387,12 +135388,12 +135389,12 +135390,12 +135391,12 +135392,12 +135393,12 +135394,30 +135395,30 +135396,30 +135397,37 +135398,37 +135399,37 +135400,37 +135401,37 +135402,37 +135403,37 +135404,40 +135405,40 +135406,40 +135407,40 +135408,40 +135409,6 +135410,6 +135411,6 +135412,6 +135413,6 +135414,6 +135415,6 +135416,6 +135417,6 +135418,6 +135419,25 +135420,25 +135421,25 +135422,25 +135423,25 +135424,25 +135425,25 +135426,25 +135427,19 +135428,19 +135429,19 +135430,19 +135431,19 +135432,19 +135433,19 +135434,19 +135435,19 +135436,19 +135437,19 +135438,19 +135439,19 +135440,0 +135441,0 +135442,0 +135443,0 +135444,0 +135445,0 +135446,0 +135447,0 +135448,0 +135449,0 +135450,0 +135451,0 +135452,0 +135453,0 +135454,0 +135455,0 +135456,0 +135457,0 +135458,0 +135459,0 +135460,0 +135461,0 +135462,0 +135463,0 +135464,0 +135465,0 +135466,0 +135467,0 +135468,0 +135469,0 +135470,0 +135471,0 +135472,0 +135473,0 +135474,0 +135475,0 +135476,0 +135477,0 +135478,0 +135479,0 +135480,0 +135481,0 +135482,0 +135483,0 +135484,32 +135485,32 +135486,32 +135487,37 +135488,37 +135489,37 +135490,37 +135491,37 +135492,37 +135493,37 +135494,37 +135495,29 +135496,4 +135497,29 +135498,29 +135499,31 +135500,31 +135501,31 +135502,28 +135503,28 +135504,28 +135505,28 +135506,28 +135507,28 +135508,28 +135509,28 +135510,28 +135511,26 +135512,26 +135513,26 +135514,26 +135515,26 +135516,5 +135517,5 +135518,5 +135519,5 +135520,5 +135521,5 +135522,5 +135523,4 +135524,5 +135525,29 +135526,29 +135527,29 +135528,29 +135529,31 +135530,31 +135531,31 +135532,28 +135533,28 +135534,28 +135535,24 +135536,28 +135537,28 +135538,28 +135539,28 +135540,28 +135541,28 +135542,28 +135543,28 +135544,28 +135545,36 +135546,36 +135547,36 +135548,36 +135549,14 +135550,14 +135551,14 +135552,14 +135553,14 +135554,14 +135555,14 +135556,14 +135557,14 +135558,14 +135559,14 +135560,14 +135561,14 +135562,14 +135563,14 +135564,14 +135565,14 +135566,14 +135567,39 +135568,39 +135569,39 +135570,39 +135571,39 +135572,39 +135573,39 +135574,39 +135575,39 +135576,39 +135577,39 +135578,39 +135579,39 +135580,39 +135581,39 +135582,39 +135583,39 +135584,39 +135585,39 +135586,39 +135587,39 +135588,35 +135589,35 +135590,35 +135591,35 +135592,39 +135593,14 +135594,14 +135595,14 +135596,14 +135597,14 +135598,14 +135599,14 +135600,14 +135601,14 +135602,14 +135603,14 +135604,14 +135605,4 +135606,4 +135607,4 +135608,4 +135609,4 +135610,4 +135611,4 +135612,4 +135613,27 +135614,27 +135615,27 +135616,27 +135617,13 +135618,13 +135619,13 +135620,13 +135621,5 +135622,5 +135623,5 +135624,5 +135625,5 +135626,36 +135627,36 +135628,10 +135629,10 +135630,10 +135631,10 +135632,10 +135633,36 +135634,36 +135635,36 +135636,36 +135637,5 +135638,5 +135639,39 +135640,39 +135641,39 +135642,39 +135643,10 +135644,10 +135645,10 +135646,23 +135647,23 +135648,23 +135649,23 +135650,23 +135651,23 +135652,23 +135653,23 +135654,23 +135655,23 +135656,23 +135657,23 +135658,23 +135659,9 +135660,9 +135661,9 +135662,9 +135663,9 +135664,9 +135665,9 +135666,9 +135667,9 +135668,9 +135669,9 +135670,9 +135671,37 +135672,37 +135673,37 +135674,37 +135675,37 +135676,37 +135677,37 +135678,37 +135679,37 +135680,37 +135681,37 +135682,37 +135683,37 +135684,37 +135685,37 +135686,37 +135687,37 +135688,0 +135689,0 +135690,0 +135691,0 +135692,0 +135693,0 +135694,0 +135695,0 +135696,0 +135697,0 +135698,0 +135699,0 +135700,0 +135701,0 +135702,0 +135703,0 +135704,0 +135705,0 +135706,0 +135707,0 +135708,0 +135709,0 +135710,0 +135711,0 +135712,0 +135713,0 +135714,0 +135715,0 +135716,0 +135717,0 +135718,0 +135719,0 +135720,0 +135721,0 +135722,0 +135723,0 +135724,23 +135725,0 +135726,23 +135727,23 +135728,23 +135729,23 +135730,23 +135731,23 +135732,23 +135733,23 +135734,23 +135735,23 +135736,25 +135737,25 +135738,25 +135739,25 +135740,25 +135741,29 +135742,29 +135743,29 +135744,29 +135745,29 +135746,31 +135747,31 +135748,31 +135749,31 +135750,31 +135751,31 +135752,23 +135753,23 +135754,23 +135755,23 +135756,23 +135757,23 +135758,23 +135759,23 +135760,23 +135761,23 +135762,23 +135763,23 +135764,23 +135765,23 +135766,23 +135767,23 +135768,23 +135769,23 +135770,23 +135771,39 +135772,39 +135773,39 +135774,39 +135775,39 +135776,39 +135777,39 +135778,39 +135779,39 +135780,39 +135781,39 +135782,39 +135783,39 +135784,39 +135785,39 +135786,39 +135787,39 +135788,4 +135789,4 +135790,4 +135791,4 +135792,4 +135793,4 +135794,4 +135795,19 +135796,19 +135797,19 +135798,40 +135799,40 +135800,40 +135801,40 +135802,40 +135803,40 +135804,40 +135805,40 +135806,40 +135807,40 +135808,29 +135809,29 +135810,29 +135811,29 +135812,31 +135813,31 +135814,31 +135815,31 +135816,31 +135817,28 +135818,28 +135819,28 +135820,28 +135821,28 +135822,28 +135823,28 +135824,28 +135825,31 +135826,31 +135827,31 +135828,31 +135829,31 +135830,31 +135831,31 +135832,33 +135833,33 +135834,33 +135835,33 +135836,2 +135837,2 +135838,2 +135839,2 +135840,2 +135841,2 +135842,4 +135843,4 +135844,4 +135845,4 +135846,4 +135847,4 +135848,27 +135849,27 +135850,27 +135851,27 +135852,6 +135853,6 +135854,6 +135855,6 +135856,6 +135857,6 +135858,6 +135859,6 +135860,6 +135861,2 +135862,2 +135863,2 +135864,2 +135865,2 +135866,2 +135867,2 +135868,2 +135869,2 +135870,15 +135871,15 +135872,15 +135873,15 +135874,15 +135875,15 +135876,15 +135877,15 +135878,33 +135879,33 +135880,33 +135881,33 +135882,33 +135883,33 +135884,33 +135885,33 +135886,33 +135887,33 +135888,33 +135889,33 +135890,33 +135891,33 +135892,33 +135893,33 +135894,33 +135895,33 +135896,33 +135897,33 +135898,8 +135899,8 +135900,8 +135901,8 +135902,8 +135903,8 +135904,8 +135905,15 +135906,15 +135907,15 +135908,28 +135909,28 +135910,28 +135911,28 +135912,28 +135913,28 +135914,28 +135915,28 +135916,28 +135917,28 +135918,40 +135919,40 +135920,36 +135921,36 +135922,36 +135923,36 +135924,36 +135925,28 +135926,28 +135927,28 +135928,28 +135929,28 +135930,28 +135931,28 +135932,25 +135933,25 +135934,25 +135935,25 +135936,25 +135937,25 +135938,25 +135939,25 +135940,25 +135941,25 +135942,25 +135943,25 +135944,25 +135945,25 +135946,25 +135947,25 +135948,8 +135949,8 +135950,8 +135951,8 +135952,8 +135953,8 +135954,8 +135955,8 +135956,8 +135957,36 +135958,31 +135959,36 +135960,31 +135961,31 +135962,31 +135963,29 +135964,29 +135965,29 +135966,29 +135967,29 +135968,29 +135969,29 +135970,29 +135971,29 +135972,31 +135973,31 +135974,31 +135975,31 +135976,31 +135977,28 +135978,28 +135979,28 +135980,28 +135981,28 +135982,28 +135983,28 +135984,28 +135985,28 +135986,28 +135987,28 +135988,28 +135989,33 +135990,33 +135991,33 +135992,33 +135993,33 +135994,33 +135995,33 +135996,33 +135997,33 +135998,33 +135999,33 +136000,2 +136001,2 +136002,2 +136003,2 +136004,2 +136005,2 +136006,2 +136007,2 +136008,2 +136009,2 +136010,2 +136011,4 +136012,4 +136013,4 +136014,4 +136015,4 +136016,4 +136017,0 +136018,0 +136019,4 +136020,4 +136021,29 +136022,27 +136023,27 +136024,27 +136025,27 +136026,27 +136027,27 +136028,23 +136029,23 +136030,23 +136031,23 +136032,23 +136033,23 +136034,25 +136035,25 +136036,37 +136037,6 +136038,6 +136039,6 +136040,6 +136041,6 +136042,6 +136043,6 +136044,31 +136045,31 +136046,31 +136047,31 +136048,31 +136049,31 +136050,22 +136051,22 +136052,30 +136053,30 +136054,30 +136055,30 +136056,30 +136057,38 +136058,38 +136059,38 +136060,38 +136061,38 +136062,38 +136063,38 +136064,19 +136065,19 +136066,19 +136067,38 +136068,38 +136069,38 +136070,32 +136071,32 +136072,32 +136073,32 +136074,32 +136075,32 +136076,32 +136077,32 +136078,32 +136079,32 +136080,37 +136081,37 +136082,37 +136083,37 +136084,37 +136085,27 +136086,27 +136087,27 +136088,4 +136089,4 +136090,4 +136091,4 +136092,4 +136093,4 +136094,4 +136095,4 +136096,4 +136097,4 +136098,4 +136099,4 +136100,4 +136101,4 +136102,4 +136103,4 +136104,4 +136105,4 +136106,4 +136107,40 +136108,40 +136109,40 +136110,40 +136111,40 +136112,40 +136113,40 +136114,40 +136115,40 +136116,40 +136117,6 +136118,6 +136119,6 +136120,6 +136121,6 +136122,6 +136123,6 +136124,6 +136125,6 +136126,6 +136127,6 +136128,4 +136129,4 +136130,4 +136131,4 +136132,4 +136133,4 +136134,4 +136135,4 +136136,4 +136137,4 +136138,4 +136139,4 +136140,4 +136141,0 +136142,0 +136143,0 +136144,0 +136145,0 +136146,0 +136147,0 +136148,0 +136149,0 +136150,0 +136151,0 +136152,0 +136153,0 +136154,0 +136155,0 +136156,0 +136157,0 +136158,0 +136159,0 +136160,0 +136161,0 +136162,0 +136163,0 +136164,0 +136165,0 +136166,0 +136167,0 +136168,0 +136169,0 +136170,0 +136171,0 +136172,0 +136173,0 +136174,0 +136175,0 +136176,0 +136177,0 +136178,0 +136179,0 +136180,0 +136181,0 +136182,0 +136183,0 +136184,0 +136185,0 +136186,0 +136187,0 +136188,0 +136189,0 +136190,0 +136191,0 +136192,0 +136193,0 +136194,12 +136195,12 +136196,12 +136197,12 +136198,12 +136199,12 +136200,12 +136201,40 +136202,31 +136203,31 +136204,31 +136205,5 +136206,5 +136207,5 +136208,4 +136209,4 +136210,4 +136211,6 +136212,6 +136213,6 +136214,6 +136215,6 +136216,6 +136217,31 +136218,31 +136219,31 +136220,31 +136221,31 +136222,31 +136223,31 +136224,31 +136225,31 +136226,5 +136227,5 +136228,30 +136229,30 +136230,30 +136231,30 +136232,30 +136233,30 +136234,30 +136235,30 +136236,30 +136237,30 +136238,22 +136239,22 +136240,22 +136241,22 +136242,22 +136243,22 +136244,22 +136245,33 +136246,33 +136247,6 +136248,6 +136249,6 +136250,6 +136251,21 +136252,21 +136253,21 +136254,40 +136255,40 +136256,36 +136257,36 +136258,40 +136259,40 +136260,40 +136261,40 +136262,36 +136263,40 +136264,23 +136265,23 +136266,23 +136267,23 +136268,23 +136269,4 +136270,4 +136271,4 +136272,4 +136273,4 +136274,25 +136275,25 +136276,25 +136277,25 +136278,25 +136279,29 +136280,29 +136281,29 +136282,29 +136283,29 +136284,31 +136285,31 +136286,31 +136287,31 +136288,35 +136289,35 +136290,35 +136291,35 +136292,35 +136293,35 +136294,35 +136295,35 +136296,35 +136297,35 +136298,35 +136299,35 +136300,35 +136301,35 +136302,36 +136303,36 +136304,36 +136305,36 +136306,36 +136307,36 +136308,36 +136309,36 +136310,36 +136311,36 +136312,36 +136313,36 +136314,36 +136315,36 +136316,36 +136317,36 +136318,36 +136319,36 +136320,36 +136321,36 +136322,36 +136323,36 +136324,40 +136325,40 +136326,28 +136327,28 +136328,28 +136329,28 +136330,5 +136331,5 +136332,5 +136333,5 +136334,5 +136335,5 +136336,5 +136337,5 +136338,5 +136339,2 +136340,2 +136341,2 +136342,2 +136343,2 +136344,2 +136345,2 +136346,2 +136347,2 +136348,2 +136349,2 +136350,2 +136351,2 +136352,2 +136353,2 +136354,2 +136355,2 +136356,0 +136357,0 +136358,0 +136359,0 +136360,0 +136361,0 +136362,0 +136363,0 +136364,0 +136365,0 +136366,0 +136367,0 +136368,0 +136369,0 +136370,0 +136371,0 +136372,0 +136373,0 +136374,0 +136375,0 +136376,0 +136377,0 +136378,0 +136379,0 +136380,0 +136381,0 +136382,0 +136383,0 +136384,0 +136385,0 +136386,0 +136387,0 +136388,0 +136389,0 +136390,0 +136391,35 +136392,35 +136393,35 +136394,35 +136395,35 +136396,0 +136397,0 +136398,35 +136399,35 +136400,35 +136401,35 +136402,35 +136403,35 +136404,32 +136405,32 +136406,32 +136407,39 +136408,39 +136409,39 +136410,39 +136411,39 +136412,39 +136413,39 +136414,39 +136415,39 +136416,39 +136417,39 +136418,32 +136419,32 +136420,32 +136421,32 +136422,30 +136423,30 +136424,30 +136425,30 +136426,30 +136427,30 +136428,30 +136429,30 +136430,30 +136431,30 +136432,21 +136433,21 +136434,21 +136435,21 +136436,21 +136437,21 +136438,21 +136439,21 +136440,14 +136441,14 +136442,27 +136443,27 +136444,27 +136445,14 +136446,15 +136447,15 +136448,15 +136449,15 +136450,15 +136451,15 +136452,15 +136453,15 +136454,15 +136455,31 +136456,31 +136457,31 +136458,31 +136459,31 +136460,31 +136461,31 +136462,31 +136463,31 +136464,31 +136465,2 +136466,2 +136467,2 +136468,2 +136469,2 +136470,2 +136471,2 +136472,2 +136473,2 +136474,2 +136475,2 +136476,2 +136477,2 +136478,2 +136479,2 +136480,2 +136481,2 +136482,2 +136483,0 +136484,0 +136485,0 +136486,0 +136487,0 +136488,0 +136489,0 +136490,0 +136491,0 +136492,0 +136493,0 +136494,0 +136495,0 +136496,0 +136497,0 +136498,0 +136499,0 +136500,0 +136501,0 +136502,0 +136503,10 +136504,10 +136505,10 +136506,10 +136507,10 +136508,10 +136509,31 +136510,35 +136511,35 +136512,35 +136513,35 +136514,35 +136515,35 +136516,35 +136517,35 +136518,35 +136519,35 +136520,35 +136521,35 +136522,35 +136523,35 +136524,35 +136525,35 +136526,31 +136527,31 +136528,31 +136529,31 +136530,31 +136531,31 +136532,31 +136533,31 +136534,5 +136535,5 +136536,5 +136537,5 +136538,5 +136539,5 +136540,5 +136541,5 +136542,5 +136543,5 +136544,19 +136545,37 +136546,25 +136547,25 +136548,25 +136549,25 +136550,25 +136551,25 +136552,25 +136553,25 +136554,25 +136555,25 +136556,25 +136557,19 +136558,19 +136559,19 +136560,19 +136561,19 +136562,19 +136563,19 +136564,19 +136565,19 +136566,19 +136567,19 +136568,19 +136569,31 +136570,31 +136571,33 +136572,33 +136573,33 +136574,33 +136575,33 +136576,33 +136577,33 +136578,40 +136579,30 +136580,30 +136581,30 +136582,30 +136583,30 +136584,30 +136585,33 +136586,33 +136587,33 +136588,30 +136589,30 +136590,30 +136591,30 +136592,30 +136593,30 +136594,25 +136595,25 +136596,25 +136597,25 +136598,25 +136599,25 +136600,25 +136601,25 +136602,25 +136603,25 +136604,25 +136605,25 +136606,25 +136607,25 +136608,25 +136609,25 +136610,25 +136611,8 +136612,8 +136613,8 +136614,8 +136615,2 +136616,2 +136617,2 +136618,8 +136619,2 +136620,2 +136621,2 +136622,2 +136623,2 +136624,2 +136625,2 +136626,2 +136627,2 +136628,2 +136629,2 +136630,2 +136631,2 +136632,2 +136633,2 +136634,2 +136635,2 +136636,2 +136637,2 +136638,2 +136639,2 +136640,0 +136641,0 +136642,0 +136643,0 +136644,0 +136645,0 +136646,0 +136647,0 +136648,0 +136649,0 +136650,0 +136651,0 +136652,0 +136653,0 +136654,0 +136655,0 +136656,0 +136657,0 +136658,0 +136659,0 +136660,0 +136661,0 +136662,0 +136663,0 +136664,0 +136665,0 +136666,0 +136667,0 +136668,0 +136669,0 +136670,0 +136671,0 +136672,0 +136673,0 +136674,0 +136675,0 +136676,0 +136677,0 +136678,0 +136679,0 +136680,0 +136681,0 +136682,0 +136683,0 +136684,0 +136685,0 +136686,0 +136687,0 +136688,0 +136689,0 +136690,0 +136691,0 +136692,0 +136693,0 +136694,0 +136695,0 +136696,0 +136697,0 +136698,0 +136699,0 +136700,0 +136701,0 +136702,0 +136703,0 +136704,0 +136705,0 +136706,0 +136707,0 +136708,0 +136709,0 +136710,0 +136711,0 +136712,0 +136713,0 +136714,0 +136715,0 +136716,0 +136717,0 +136718,0 +136719,35 +136720,35 +136721,35 +136722,35 +136723,35 +136724,32 +136725,32 +136726,0 +136727,0 +136728,0 +136729,0 +136730,0 +136731,0 +136732,0 +136733,0 +136734,0 +136735,0 +136736,35 +136737,35 +136738,35 +136739,35 +136740,35 +136741,35 +136742,35 +136743,35 +136744,35 +136745,26 +136746,26 +136747,31 +136748,31 +136749,31 +136750,31 +136751,31 +136752,31 +136753,31 +136754,31 +136755,5 +136756,5 +136757,5 +136758,28 +136759,28 +136760,28 +136761,28 +136762,28 +136763,28 +136764,28 +136765,19 +136766,19 +136767,19 +136768,19 +136769,35 +136770,37 +136771,37 +136772,37 +136773,37 +136774,37 +136775,37 +136776,37 +136777,37 +136778,31 +136779,27 +136780,27 +136781,5 +136782,5 +136783,5 +136784,5 +136785,5 +136786,5 +136787,5 +136788,4 +136789,19 +136790,19 +136791,19 +136792,19 +136793,19 +136794,19 +136795,19 +136796,19 +136797,19 +136798,19 +136799,19 +136800,26 +136801,26 +136802,26 +136803,26 +136804,26 +136805,26 +136806,26 +136807,26 +136808,26 +136809,26 +136810,26 +136811,26 +136812,30 +136813,30 +136814,30 +136815,30 +136816,30 +136817,30 +136818,30 +136819,30 +136820,30 +136821,25 +136822,25 +136823,25 +136824,25 +136825,25 +136826,25 +136827,25 +136828,25 +136829,25 +136830,37 +136831,37 +136832,25 +136833,25 +136834,25 +136835,25 +136836,25 +136837,25 +136838,25 +136839,8 +136840,8 +136841,8 +136842,8 +136843,8 +136844,8 +136845,2 +136846,2 +136847,2 +136848,2 +136849,2 +136850,2 +136851,2 +136852,2 +136853,2 +136854,2 +136855,2 +136856,2 +136857,2 +136858,2 +136859,2 +136860,2 +136861,2 +136862,2 +136863,2 +136864,2 +136865,2 +136866,2 +136867,2 +136868,0 +136869,0 +136870,0 +136871,0 +136872,0 +136873,0 +136874,0 +136875,0 +136876,0 +136877,0 +136878,0 +136879,0 +136880,0 +136881,0 +136882,0 +136883,0 +136884,0 +136885,0 +136886,0 +136887,0 +136888,0 +136889,0 +136890,0 +136891,0 +136892,0 +136893,0 +136894,0 +136895,0 +136896,0 +136897,0 +136898,0 +136899,0 +136900,0 +136901,0 +136902,0 +136903,0 +136904,0 +136905,0 +136906,0 +136907,0 +136908,0 +136909,0 +136910,0 +136911,0 +136912,0 +136913,0 +136914,0 +136915,0 +136916,0 +136917,0 +136918,0 +136919,0 +136920,0 +136921,0 +136922,0 +136923,0 +136924,0 +136925,0 +136926,0 +136927,36 +136928,36 +136929,36 +136930,36 +136931,36 +136932,36 +136933,36 +136934,36 +136935,36 +136936,6 +136937,6 +136938,6 +136939,6 +136940,21 +136941,21 +136942,6 +136943,6 +136944,6 +136945,6 +136946,6 +136947,6 +136948,33 +136949,33 +136950,33 +136951,33 +136952,33 +136953,33 +136954,33 +136955,15 +136956,15 +136957,15 +136958,15 +136959,15 +136960,15 +136961,15 +136962,15 +136963,15 +136964,31 +136965,31 +136966,31 +136967,31 +136968,21 +136969,21 +136970,21 +136971,21 +136972,21 +136973,21 +136974,21 +136975,37 +136976,37 +136977,37 +136978,37 +136979,37 +136980,37 +136981,37 +136982,37 +136983,26 +136984,1 +136985,26 +136986,26 +136987,1 +136988,31 +136989,31 +136990,31 +136991,31 +136992,30 +136993,31 +136994,23 +136995,23 +136996,23 +136997,23 +136998,23 +136999,23 +137000,23 +137001,23 +137002,23 +137003,23 +137004,23 +137005,23 +137006,14 +137007,14 +137008,14 +137009,14 +137010,14 +137011,14 +137012,14 +137013,14 +137014,14 +137015,14 +137016,5 +137017,5 +137018,5 +137019,5 +137020,5 +137021,5 +137022,28 +137023,5 +137024,30 +137025,30 +137026,30 +137027,30 +137028,30 +137029,30 +137030,30 +137031,39 +137032,39 +137033,39 +137034,39 +137035,39 +137036,39 +137037,39 +137038,39 +137039,39 +137040,14 +137041,14 +137042,14 +137043,14 +137044,14 +137045,14 +137046,14 +137047,39 +137048,0 +137049,0 +137050,0 +137051,0 +137052,0 +137053,0 +137054,0 +137055,0 +137056,0 +137057,0 +137058,0 +137059,0 +137060,0 +137061,0 +137062,0 +137063,0 +137064,0 +137065,0 +137066,0 +137067,0 +137068,0 +137069,0 +137070,0 +137071,0 +137072,0 +137073,0 +137074,0 +137075,0 +137076,0 +137077,0 +137078,0 +137079,0 +137080,0 +137081,0 +137082,0 +137083,0 +137084,0 +137085,0 +137086,0 +137087,0 +137088,0 +137089,0 +137090,0 +137091,36 +137092,36 +137093,36 +137094,36 +137095,36 +137096,36 +137097,36 +137098,36 +137099,36 +137100,36 +137101,36 +137102,36 +137103,36 +137104,5 +137105,5 +137106,5 +137107,5 +137108,35 +137109,35 +137110,35 +137111,39 +137112,39 +137113,39 +137114,39 +137115,39 +137116,39 +137117,39 +137118,39 +137119,39 +137120,32 +137121,32 +137122,32 +137123,32 +137124,32 +137125,32 +137126,32 +137127,32 +137128,30 +137129,30 +137130,30 +137131,30 +137132,30 +137133,30 +137134,30 +137135,30 +137136,30 +137137,30 +137138,30 +137139,30 +137140,30 +137141,30 +137142,19 +137143,19 +137144,19 +137145,19 +137146,27 +137147,27 +137148,27 +137149,27 +137150,27 +137151,27 +137152,8 +137153,8 +137154,8 +137155,8 +137156,8 +137157,8 +137158,8 +137159,4 +137160,4 +137161,4 +137162,4 +137163,4 +137164,4 +137165,14 +137166,14 +137167,14 +137168,14 +137169,14 +137170,14 +137171,14 +137172,14 +137173,14 +137174,14 +137175,14 +137176,14 +137177,14 +137178,30 +137179,30 +137180,30 +137181,30 +137182,30 +137183,30 +137184,30 +137185,30 +137186,30 +137187,36 +137188,36 +137189,36 +137190,36 +137191,36 +137192,36 +137193,34 +137194,34 +137195,34 +137196,34 +137197,34 +137198,4 +137199,4 +137200,4 +137201,31 +137202,31 +137203,31 +137204,31 +137205,24 +137206,24 +137207,24 +137208,24 +137209,24 +137210,24 +137211,29 +137212,29 +137213,29 +137214,29 +137215,31 +137216,31 +137217,31 +137218,31 +137219,28 +137220,28 +137221,28 +137222,28 +137223,28 +137224,28 +137225,28 +137226,28 +137227,28 +137228,31 +137229,31 +137230,10 +137231,31 +137232,31 +137233,31 +137234,31 +137235,31 +137236,31 +137237,31 +137238,31 +137239,31 +137240,31 +137241,31 +137242,31 +137243,31 +137244,31 +137245,31 +137246,31 +137247,31 +137248,31 +137249,31 +137250,5 +137251,5 +137252,5 +137253,5 +137254,5 +137255,5 +137256,5 +137257,2 +137258,2 +137259,2 +137260,2 +137261,2 +137262,2 +137263,2 +137264,2 +137265,2 +137266,2 +137267,2 +137268,2 +137269,12 +137270,12 +137271,12 +137272,40 +137273,40 +137274,40 +137275,40 +137276,27 +137277,27 +137278,40 +137279,28 +137280,28 +137281,28 +137282,28 +137283,28 +137284,28 +137285,9 +137286,9 +137287,9 +137288,31 +137289,31 +137290,12 +137291,12 +137292,12 +137293,12 +137294,12 +137295,12 +137296,12 +137297,12 +137298,12 +137299,12 +137300,27 +137301,27 +137302,14 +137303,14 +137304,14 +137305,14 +137306,14 +137307,14 +137308,14 +137309,14 +137310,14 +137311,14 +137312,14 +137313,14 +137314,14 +137315,39 +137316,39 +137317,39 +137318,39 +137319,39 +137320,39 +137321,39 +137322,39 +137323,39 +137324,39 +137325,39 +137326,39 +137327,0 +137328,0 +137329,0 +137330,0 +137331,0 +137332,0 +137333,0 +137334,0 +137335,0 +137336,0 +137337,0 +137338,0 +137339,0 +137340,0 +137341,0 +137342,0 +137343,0 +137344,0 +137345,0 +137346,0 +137347,0 +137348,0 +137349,0 +137350,0 +137351,0 +137352,0 +137353,0 +137354,0 +137355,0 +137356,0 +137357,0 +137358,0 +137359,0 +137360,0 +137361,0 +137362,33 +137363,33 +137364,33 +137365,0 +137366,0 +137367,0 +137368,0 +137369,0 +137370,0 +137371,0 +137372,0 +137373,0 +137374,0 +137375,0 +137376,0 +137377,0 +137378,0 +137379,0 +137380,0 +137381,0 +137382,0 +137383,0 +137384,0 +137385,0 +137386,0 +137387,0 +137388,0 +137389,0 +137390,0 +137391,0 +137392,0 +137393,0 +137394,0 +137395,0 +137396,0 +137397,37 +137398,37 +137399,37 +137400,37 +137401,37 +137402,37 +137403,37 +137404,37 +137405,37 +137406,37 +137407,40 +137408,40 +137409,40 +137410,40 +137411,40 +137412,6 +137413,6 +137414,6 +137415,6 +137416,6 +137417,6 +137418,6 +137419,31 +137420,31 +137421,31 +137422,31 +137423,28 +137424,28 +137425,28 +137426,28 +137427,28 +137428,28 +137429,28 +137430,36 +137431,36 +137432,36 +137433,36 +137434,36 +137435,36 +137436,5 +137437,5 +137438,5 +137439,5 +137440,5 +137441,19 +137442,19 +137443,19 +137444,27 +137445,27 +137446,27 +137447,27 +137448,27 +137449,27 +137450,27 +137451,19 +137452,19 +137453,19 +137454,19 +137455,19 +137456,19 +137457,19 +137458,36 +137459,36 +137460,36 +137461,36 +137462,36 +137463,36 +137464,36 +137465,36 +137466,36 +137467,36 +137468,36 +137469,36 +137470,5 +137471,5 +137472,5 +137473,5 +137474,5 +137475,5 +137476,5 +137477,5 +137478,5 +137479,5 +137480,5 +137481,5 +137482,5 +137483,5 +137484,5 +137485,5 +137486,5 +137487,5 +137488,5 +137489,5 +137490,7 +137491,7 +137492,7 +137493,3 +137494,3 +137495,3 +137496,3 +137497,3 +137498,3 +137499,3 +137500,3 +137501,3 +137502,3 +137503,3 +137504,3 +137505,19 +137506,19 +137507,19 +137508,19 +137509,19 +137510,27 +137511,27 +137512,27 +137513,27 +137514,27 +137515,2 +137516,2 +137517,2 +137518,2 +137519,2 +137520,2 +137521,2 +137522,2 +137523,2 +137524,2 +137525,2 +137526,2 +137527,40 +137528,40 +137529,40 +137530,40 +137531,40 +137532,40 +137533,40 +137534,40 +137535,5 +137536,5 +137537,5 +137538,5 +137539,4 +137540,4 +137541,4 +137542,4 +137543,4 +137544,4 +137545,27 +137546,27 +137547,31 +137548,5 +137549,5 +137550,5 +137551,5 +137552,5 +137553,4 +137554,4 +137555,4 +137556,4 +137557,4 +137558,4 +137559,31 +137560,31 +137561,31 +137562,31 +137563,29 +137564,29 +137565,29 +137566,29 +137567,31 +137568,31 +137569,31 +137570,31 +137571,31 +137572,31 +137573,31 +137574,2 +137575,2 +137576,2 +137577,2 +137578,2 +137579,2 +137580,2 +137581,2 +137582,2 +137583,2 +137584,2 +137585,40 +137586,40 +137587,40 +137588,40 +137589,40 +137590,40 +137591,40 +137592,40 +137593,30 +137594,30 +137595,30 +137596,30 +137597,30 +137598,30 +137599,30 +137600,30 +137601,30 +137602,25 +137603,25 +137604,25 +137605,25 +137606,25 +137607,25 +137608,25 +137609,25 +137610,37 +137611,37 +137612,0 +137613,0 +137614,0 +137615,0 +137616,0 +137617,0 +137618,0 +137619,36 +137620,36 +137621,36 +137622,36 +137623,36 +137624,36 +137625,36 +137626,36 +137627,36 +137628,36 +137629,36 +137630,36 +137631,36 +137632,36 +137633,36 +137634,36 +137635,36 +137636,36 +137637,36 +137638,36 +137639,36 +137640,36 +137641,36 +137642,36 +137643,34 +137644,34 +137645,34 +137646,34 +137647,34 +137648,5 +137649,5 +137650,5 +137651,5 +137652,5 +137653,19 +137654,19 +137655,19 +137656,19 +137657,27 +137658,27 +137659,27 +137660,27 +137661,27 +137662,27 +137663,27 +137664,2 +137665,2 +137666,2 +137667,2 +137668,2 +137669,2 +137670,2 +137671,32 +137672,32 +137673,32 +137674,32 +137675,32 +137676,32 +137677,32 +137678,32 +137679,32 +137680,30 +137681,30 +137682,30 +137683,26 +137684,26 +137685,26 +137686,26 +137687,26 +137688,26 +137689,26 +137690,26 +137691,26 +137692,26 +137693,6 +137694,6 +137695,6 +137696,6 +137697,6 +137698,6 +137699,6 +137700,6 +137701,6 +137702,6 +137703,6 +137704,6 +137705,6 +137706,27 +137707,27 +137708,27 +137709,27 +137710,14 +137711,14 +137712,14 +137713,14 +137714,14 +137715,14 +137716,14 +137717,14 +137718,14 +137719,14 +137720,14 +137721,14 +137722,14 +137723,14 +137724,14 +137725,14 +137726,5 +137727,5 +137728,5 +137729,5 +137730,5 +137731,5 +137732,5 +137733,5 +137734,5 +137735,5 +137736,33 +137737,33 +137738,33 +137739,33 +137740,33 +137741,33 +137742,33 +137743,33 +137744,30 +137745,30 +137746,30 +137747,33 +137748,33 +137749,33 +137750,30 +137751,30 +137752,9 +137753,9 +137754,9 +137755,9 +137756,9 +137757,9 +137758,9 +137759,9 +137760,9 +137761,9 +137762,9 +137763,9 +137764,13 +137765,13 +137766,21 +137767,21 +137768,21 +137769,21 +137770,25 +137771,25 +137772,25 +137773,25 +137774,25 +137775,12 +137776,25 +137777,12 +137778,25 +137779,25 +137780,12 +137781,12 +137782,12 +137783,12 +137784,12 +137785,12 +137786,12 +137787,9 +137788,12 +137789,12 +137790,9 +137791,9 +137792,26 +137793,9 +137794,9 +137795,9 +137796,26 +137797,26 +137798,26 +137799,26 +137800,6 +137801,6 +137802,6 +137803,6 +137804,6 +137805,6 +137806,6 +137807,6 +137808,4 +137809,4 +137810,4 +137811,4 +137812,3 +137813,3 +137814,3 +137815,3 +137816,3 +137817,29 +137818,29 +137819,38 +137820,38 +137821,38 +137822,38 +137823,29 +137824,29 +137825,31 +137826,31 +137827,31 +137828,31 +137829,31 +137830,2 +137831,2 +137832,2 +137833,2 +137834,2 +137835,2 +137836,2 +137837,2 +137838,2 +137839,2 +137840,4 +137841,4 +137842,4 +137843,4 +137844,4 +137845,40 +137846,40 +137847,40 +137848,40 +137849,40 +137850,40 +137851,4 +137852,4 +137853,4 +137854,19 +137855,27 +137856,27 +137857,27 +137858,27 +137859,27 +137860,27 +137861,39 +137862,39 +137863,5 +137864,5 +137865,5 +137866,5 +137867,5 +137868,5 +137869,31 +137870,31 +137871,36 +137872,36 +137873,36 +137874,36 +137875,31 +137876,31 +137877,8 +137878,8 +137879,8 +137880,2 +137881,2 +137882,2 +137883,2 +137884,2 +137885,31 +137886,31 +137887,31 +137888,31 +137889,24 +137890,24 +137891,24 +137892,24 +137893,31 +137894,31 +137895,31 +137896,31 +137897,37 +137898,37 +137899,37 +137900,37 +137901,12 +137902,12 +137903,12 +137904,12 +137905,12 +137906,12 +137907,12 +137908,12 +137909,12 +137910,12 +137911,12 +137912,40 +137913,40 +137914,40 +137915,40 +137916,40 +137917,40 +137918,30 +137919,34 +137920,34 +137921,34 +137922,34 +137923,34 +137924,34 +137925,34 +137926,4 +137927,4 +137928,4 +137929,4 +137930,4 +137931,4 +137932,4 +137933,4 +137934,4 +137935,4 +137936,37 +137937,37 +137938,37 +137939,37 +137940,14 +137941,14 +137942,14 +137943,14 +137944,14 +137945,14 +137946,14 +137947,27 +137948,5 +137949,5 +137950,5 +137951,5 +137952,13 +137953,23 +137954,23 +137955,23 +137956,23 +137957,23 +137958,23 +137959,23 +137960,23 +137961,23 +137962,22 +137963,22 +137964,22 +137965,22 +137966,22 +137967,22 +137968,19 +137969,19 +137970,19 +137971,19 +137972,19 +137973,19 +137974,2 +137975,2 +137976,2 +137977,2 +137978,2 +137979,2 +137980,2 +137981,2 +137982,2 +137983,2 +137984,33 +137985,33 +137986,33 +137987,33 +137988,33 +137989,33 +137990,33 +137991,33 +137992,33 +137993,33 +137994,33 +137995,19 +137996,19 +137997,19 +137998,19 +137999,19 +138000,19 +138001,25 +138002,19 +138003,19 +138004,25 +138005,25 +138006,25 +138007,25 +138008,25 +138009,25 +138010,25 +138011,25 +138012,25 +138013,25 +138014,25 +138015,25 +138016,25 +138017,25 +138018,0 +138019,0 +138020,0 +138021,0 +138022,0 +138023,0 +138024,0 +138025,0 +138026,0 +138027,0 +138028,0 +138029,0 +138030,0 +138031,0 +138032,0 +138033,0 +138034,0 +138035,0 +138036,0 +138037,0 +138038,0 +138039,0 +138040,0 +138041,0 +138042,0 +138043,0 +138044,0 +138045,0 +138046,0 +138047,0 +138048,0 +138049,0 +138050,0 +138051,0 +138052,0 +138053,0 +138054,37 +138055,37 +138056,37 +138057,37 +138058,37 +138059,37 +138060,37 +138061,37 +138062,37 +138063,27 +138064,39 +138065,39 +138066,39 +138067,27 +138068,27 +138069,30 +138070,30 +138071,30 +138072,30 +138073,30 +138074,30 +138075,30 +138076,30 +138077,39 +138078,39 +138079,39 +138080,39 +138081,39 +138082,39 +138083,39 +138084,39 +138085,38 +138086,38 +138087,29 +138088,29 +138089,38 +138090,38 +138091,27 +138092,27 +138093,14 +138094,29 +138095,39 +138096,39 +138097,39 +138098,39 +138099,39 +138100,39 +138101,39 +138102,39 +138103,26 +138104,26 +138105,26 +138106,26 +138107,26 +138108,10 +138109,10 +138110,10 +138111,10 +138112,10 +138113,10 +138114,10 +138115,10 +138116,29 +138117,29 +138118,29 +138119,29 +138120,29 +138121,14 +138122,14 +138123,14 +138124,14 +138125,14 +138126,14 +138127,14 +138128,14 +138129,14 +138130,14 +138131,14 +138132,14 +138133,30 +138134,30 +138135,30 +138136,30 +138137,30 +138138,30 +138139,33 +138140,33 +138141,28 +138142,28 +138143,28 +138144,5 +138145,30 +138146,30 +138147,30 +138148,30 +138149,39 +138150,39 +138151,39 +138152,39 +138153,39 +138154,14 +138155,14 +138156,14 +138157,2 +138158,2 +138159,2 +138160,2 +138161,2 +138162,2 +138163,2 +138164,2 +138165,2 +138166,27 +138167,27 +138168,27 +138169,27 +138170,13 +138171,13 +138172,13 +138173,5 +138174,13 +138175,13 +138176,13 +138177,13 +138178,13 +138179,8 +138180,8 +138181,8 +138182,8 +138183,8 +138184,8 +138185,8 +138186,10 +138187,10 +138188,10 +138189,10 +138190,10 +138191,10 +138192,10 +138193,10 +138194,6 +138195,6 +138196,6 +138197,6 +138198,6 +138199,6 +138200,6 +138201,31 +138202,31 +138203,31 +138204,31 +138205,31 +138206,5 +138207,5 +138208,5 +138209,5 +138210,5 +138211,5 +138212,5 +138213,19 +138214,19 +138215,19 +138216,19 +138217,19 +138218,19 +138219,3 +138220,3 +138221,3 +138222,3 +138223,3 +138224,3 +138225,3 +138226,3 +138227,3 +138228,3 +138229,3 +138230,3 +138231,3 +138232,3 +138233,3 +138234,3 +138235,3 +138236,3 +138237,3 +138238,3 +138239,3 +138240,3 +138241,3 +138242,0 +138243,0 +138244,0 +138245,0 +138246,0 +138247,0 +138248,0 +138249,0 +138250,0 +138251,0 +138252,0 +138253,0 +138254,0 +138255,0 +138256,0 +138257,0 +138258,0 +138259,0 +138260,0 +138261,0 +138262,0 +138263,0 +138264,0 +138265,0 +138266,0 +138267,0 +138268,0 +138269,0 +138270,0 +138271,0 +138272,0 +138273,0 +138274,0 +138275,0 +138276,0 +138277,0 +138278,0 +138279,0 +138280,0 +138281,0 +138282,0 +138283,6 +138284,6 +138285,6 +138286,6 +138287,6 +138288,6 +138289,6 +138290,12 +138291,12 +138292,12 +138293,12 +138294,40 +138295,40 +138296,40 +138297,40 +138298,40 +138299,40 +138300,2 +138301,2 +138302,2 +138303,2 +138304,2 +138305,2 +138306,2 +138307,2 +138308,2 +138309,2 +138310,2 +138311,2 +138312,16 +138313,16 +138314,16 +138315,16 +138316,16 +138317,16 +138318,16 +138319,31 +138320,31 +138321,31 +138322,31 +138323,31 +138324,31 +138325,5 +138326,5 +138327,5 +138328,5 +138329,5 +138330,5 +138331,5 +138332,5 +138333,5 +138334,5 +138335,5 +138336,5 +138337,5 +138338,5 +138339,5 +138340,5 +138341,5 +138342,5 +138343,5 +138344,5 +138345,5 +138346,0 +138347,0 +138348,0 +138349,0 +138350,0 +138351,0 +138352,0 +138353,0 +138354,0 +138355,0 +138356,0 +138357,0 +138358,0 +138359,0 +138360,0 +138361,0 +138362,0 +138363,0 +138364,0 +138365,0 +138366,0 +138367,0 +138368,0 +138369,32 +138370,32 +138371,32 +138372,32 +138373,15 +138374,27 +138375,27 +138376,27 +138377,27 +138378,27 +138379,27 +138380,27 +138381,19 +138382,19 +138383,19 +138384,19 +138385,19 +138386,19 +138387,19 +138388,19 +138389,19 +138390,19 +138391,40 +138392,40 +138393,40 +138394,40 +138395,40 +138396,40 +138397,40 +138398,40 +138399,40 +138400,40 +138401,2 +138402,2 +138403,2 +138404,2 +138405,2 +138406,2 +138407,2 +138408,2 +138409,2 +138410,2 +138411,31 +138412,31 +138413,31 +138414,5 +138415,5 +138416,5 +138417,5 +138418,40 +138419,36 +138420,36 +138421,36 +138422,40 +138423,40 +138424,40 +138425,40 +138426,40 +138427,4 +138428,4 +138429,4 +138430,4 +138431,4 +138432,4 +138433,4 +138434,4 +138435,4 +138436,4 +138437,4 +138438,4 +138439,4 +138440,4 +138441,4 +138442,4 +138443,4 +138444,4 +138445,4 +138446,4 +138447,4 +138448,4 +138449,4 +138450,4 +138451,0 +138452,0 +138453,0 +138454,0 +138455,0 +138456,0 +138457,0 +138458,0 +138459,0 +138460,0 +138461,0 +138462,0 +138463,0 +138464,0 +138465,0 +138466,0 +138467,0 +138468,0 +138469,0 +138470,0 +138471,0 +138472,0 +138473,0 +138474,0 +138475,0 +138476,0 +138477,0 +138478,0 +138479,0 +138480,0 +138481,0 +138482,0 +138483,0 +138484,0 +138485,0 +138486,0 +138487,0 +138488,0 +138489,0 +138490,0 +138491,0 +138492,0 +138493,0 +138494,0 +138495,0 +138496,0 +138497,0 +138498,0 +138499,0 +138500,0 +138501,0 +138502,0 +138503,0 +138504,0 +138505,0 +138506,0 +138507,0 +138508,0 +138509,0 +138510,0 +138511,0 +138512,0 +138513,0 +138514,0 +138515,0 +138516,0 +138517,0 +138518,0 +138519,27 +138520,27 +138521,27 +138522,27 +138523,27 +138524,27 +138525,27 +138526,27 +138527,27 +138528,27 +138529,27 +138530,4 +138531,4 +138532,4 +138533,27 +138534,27 +138535,27 +138536,27 +138537,27 +138538,27 +138539,19 +138540,19 +138541,19 +138542,19 +138543,19 +138544,19 +138545,24 +138546,24 +138547,24 +138548,24 +138549,24 +138550,36 +138551,36 +138552,36 +138553,36 +138554,36 +138555,36 +138556,36 +138557,36 +138558,36 +138559,36 +138560,36 +138561,5 +138562,5 +138563,5 +138564,5 +138565,5 +138566,5 +138567,5 +138568,8 +138569,8 +138570,8 +138571,2 +138572,2 +138573,2 +138574,2 +138575,27 +138576,27 +138577,27 +138578,27 +138579,27 +138580,27 +138581,8 +138582,8 +138583,8 +138584,8 +138585,8 +138586,8 +138587,29 +138588,29 +138589,29 +138590,29 +138591,27 +138592,27 +138593,27 +138594,27 +138595,27 +138596,2 +138597,2 +138598,2 +138599,2 +138600,2 +138601,2 +138602,2 +138603,2 +138604,2 +138605,26 +138606,10 +138607,10 +138608,10 +138609,10 +138610,10 +138611,10 +138612,10 +138613,10 +138614,10 +138615,10 +138616,10 +138617,10 +138618,10 +138619,10 +138620,10 +138621,10 +138622,10 +138623,19 +138624,19 +138625,19 +138626,19 +138627,19 +138628,19 +138629,19 +138630,27 +138631,3 +138632,3 +138633,3 +138634,3 +138635,3 +138636,3 +138637,3 +138638,3 +138639,37 +138640,37 +138641,22 +138642,22 +138643,22 +138644,22 +138645,22 +138646,22 +138647,22 +138648,22 +138649,22 +138650,4 +138651,33 +138652,32 +138653,32 +138654,32 +138655,32 +138656,32 +138657,32 +138658,32 +138659,32 +138660,32 +138661,32 +138662,32 +138663,32 +138664,32 +138665,25 +138666,25 +138667,25 +138668,25 +138669,25 +138670,25 +138671,25 +138672,2 +138673,2 +138674,2 +138675,2 +138676,2 +138677,2 +138678,2 +138679,2 +138680,2 +138681,2 +138682,27 +138683,27 +138684,27 +138685,27 +138686,27 +138687,2 +138688,2 +138689,2 +138690,2 +138691,4 +138692,4 +138693,4 +138694,4 +138695,4 +138696,4 +138697,27 +138698,27 +138699,27 +138700,27 +138701,5 +138702,5 +138703,5 +138704,5 +138705,5 +138706,5 +138707,5 +138708,2 +138709,2 +138710,2 +138711,2 +138712,2 +138713,2 +138714,2 +138715,2 +138716,2 +138717,2 +138718,2 +138719,39 +138720,39 +138721,39 +138722,39 +138723,39 +138724,39 +138725,39 +138726,39 +138727,14 +138728,14 +138729,39 +138730,39 +138731,14 +138732,39 +138733,39 +138734,39 +138735,39 +138736,39 +138737,39 +138738,39 +138739,0 +138740,0 +138741,0 +138742,0 +138743,0 +138744,0 +138745,0 +138746,0 +138747,0 +138748,0 +138749,0 +138750,0 +138751,0 +138752,0 +138753,0 +138754,0 +138755,0 +138756,0 +138757,0 +138758,36 +138759,36 +138760,29 +138761,31 +138762,31 +138763,36 +138764,5 +138765,5 +138766,5 +138767,19 +138768,19 +138769,19 +138770,19 +138771,19 +138772,19 +138773,30 +138774,30 +138775,30 +138776,30 +138777,30 +138778,30 +138779,30 +138780,30 +138781,27 +138782,27 +138783,27 +138784,24 +138785,24 +138786,24 +138787,24 +138788,24 +138789,24 +138790,25 +138791,25 +138792,25 +138793,25 +138794,8 +138795,8 +138796,8 +138797,8 +138798,8 +138799,8 +138800,8 +138801,8 +138802,27 +138803,27 +138804,27 +138805,31 +138806,27 +138807,4 +138808,4 +138809,4 +138810,4 +138811,4 +138812,4 +138813,4 +138814,4 +138815,4 +138816,2 +138817,2 +138818,2 +138819,2 +138820,2 +138821,2 +138822,2 +138823,40 +138824,40 +138825,40 +138826,40 +138827,40 +138828,40 +138829,30 +138830,30 +138831,30 +138832,30 +138833,30 +138834,30 +138835,30 +138836,30 +138837,30 +138838,30 +138839,30 +138840,30 +138841,30 +138842,23 +138843,23 +138844,23 +138845,23 +138846,31 +138847,31 +138848,30 +138849,30 +138850,30 +138851,30 +138852,30 +138853,30 +138854,24 +138855,24 +138856,24 +138857,24 +138858,24 +138859,24 +138860,24 +138861,24 +138862,24 +138863,12 +138864,30 +138865,30 +138866,30 +138867,30 +138868,9 +138869,9 +138870,9 +138871,9 +138872,9 +138873,9 +138874,9 +138875,9 +138876,9 +138877,9 +138878,9 +138879,9 +138880,9 +138881,13 +138882,13 +138883,13 +138884,13 +138885,13 +138886,13 +138887,13 +138888,13 +138889,13 +138890,13 +138891,13 +138892,13 +138893,9 +138894,9 +138895,9 +138896,9 +138897,9 +138898,9 +138899,9 +138900,9 +138901,9 +138902,9 +138903,37 +138904,37 +138905,37 +138906,37 +138907,37 +138908,37 +138909,21 +138910,21 +138911,21 +138912,21 +138913,1 +138914,1 +138915,1 +138916,1 +138917,3 +138918,1 +138919,28 +138920,28 +138921,28 +138922,28 +138923,31 +138924,31 +138925,31 +138926,31 +138927,31 +138928,5 +138929,5 +138930,5 +138931,5 +138932,5 +138933,5 +138934,2 +138935,2 +138936,2 +138937,2 +138938,2 +138939,2 +138940,2 +138941,2 +138942,2 +138943,2 +138944,2 +138945,16 +138946,16 +138947,16 +138948,16 +138949,16 +138950,16 +138951,11 +138952,11 +138953,11 +138954,11 +138955,11 +138956,11 +138957,11 +138958,11 +138959,11 +138960,33 +138961,33 +138962,33 +138963,33 +138964,33 +138965,33 +138966,33 +138967,33 +138968,33 +138969,27 +138970,27 +138971,27 +138972,27 +138973,13 +138974,13 +138975,13 +138976,13 +138977,13 +138978,13 +138979,35 +138980,35 +138981,35 +138982,35 +138983,35 +138984,35 +138985,35 +138986,35 +138987,35 +138988,34 +138989,34 +138990,34 +138991,34 +138992,34 +138993,34 +138994,34 +138995,34 +138996,34 +138997,34 +138998,34 +138999,34 +139000,34 +139001,34 +139002,34 +139003,34 +139004,34 +139005,34 +139006,34 +139007,34 +139008,34 +139009,34 +139010,34 +139011,12 +139012,27 +139013,17 +139014,17 +139015,5 +139016,5 +139017,5 +139018,5 +139019,5 +139020,5 +139021,5 +139022,5 +139023,5 +139024,12 +139025,12 +139026,12 +139027,12 +139028,12 +139029,12 +139030,12 +139031,12 +139032,12 +139033,9 +139034,9 +139035,9 +139036,9 +139037,9 +139038,9 +139039,9 +139040,10 +139041,10 +139042,34 +139043,34 +139044,10 +139045,10 +139046,10 +139047,10 +139048,10 +139049,10 +139050,10 +139051,10 +139052,10 +139053,10 +139054,10 +139055,10 +139056,10 +139057,10 +139058,10 +139059,10 +139060,10 +139061,19 +139062,19 +139063,19 +139064,19 +139065,19 +139066,29 +139067,29 +139068,31 +139069,31 +139070,31 +139071,31 +139072,8 +139073,8 +139074,8 +139075,8 +139076,8 +139077,8 +139078,2 +139079,2 +139080,2 +139081,2 +139082,28 +139083,28 +139084,28 +139085,28 +139086,28 +139087,28 +139088,36 +139089,36 +139090,36 +139091,36 +139092,36 +139093,5 +139094,5 +139095,5 +139096,5 +139097,31 +139098,31 +139099,31 +139100,31 +139101,31 +139102,31 +139103,31 +139104,2 +139105,2 +139106,2 +139107,2 +139108,2 +139109,2 +139110,2 +139111,2 +139112,12 +139113,12 +139114,12 +139115,12 +139116,12 +139117,12 +139118,31 +139119,31 +139120,31 +139121,31 +139122,5 +139123,5 +139124,5 +139125,5 +139126,5 +139127,5 +139128,5 +139129,5 +139130,26 +139131,26 +139132,26 +139133,26 +139134,26 +139135,26 +139136,26 +139137,26 +139138,26 +139139,26 +139140,32 +139141,32 +139142,32 +139143,32 +139144,32 +139145,32 +139146,32 +139147,32 +139148,32 +139149,32 +139150,39 +139151,27 +139152,39 +139153,39 +139154,39 +139155,39 +139156,39 +139157,39 +139158,32 +139159,32 +139160,32 +139161,32 +139162,32 +139163,32 +139164,32 +139165,32 +139166,25 +139167,25 +139168,25 +139169,25 +139170,25 +139171,28 +139172,28 +139173,28 +139174,28 +139175,28 +139176,28 +139177,28 +139178,27 +139179,27 +139180,27 +139181,19 +139182,4 +139183,4 +139184,4 +139185,31 +139186,31 +139187,31 +139188,31 +139189,31 +139190,31 +139191,19 +139192,19 +139193,19 +139194,19 +139195,19 +139196,4 +139197,4 +139198,4 +139199,4 +139200,4 +139201,3 +139202,3 +139203,3 +139204,3 +139205,3 +139206,9 +139207,9 +139208,9 +139209,9 +139210,9 +139211,9 +139212,33 +139213,33 +139214,9 +139215,9 +139216,37 +139217,37 +139218,24 +139219,37 +139220,24 +139221,37 +139222,37 +139223,37 +139224,37 +139225,37 +139226,37 +139227,37 +139228,26 +139229,26 +139230,26 +139231,26 +139232,10 +139233,10 +139234,9 +139235,9 +139236,9 +139237,26 +139238,26 +139239,10 +139240,10 +139241,10 +139242,10 +139243,10 +139244,10 +139245,10 +139246,10 +139247,10 +139248,10 +139249,10 +139250,10 +139251,10 +139252,10 +139253,10 +139254,10 +139255,10 +139256,10 +139257,8 +139258,8 +139259,8 +139260,8 +139261,8 +139262,8 +139263,8 +139264,8 +139265,8 +139266,8 +139267,8 +139268,8 +139269,2 +139270,2 +139271,2 +139272,2 +139273,2 +139274,2 +139275,2 +139276,2 +139277,2 +139278,2 +139279,8 +139280,8 +139281,0 +139282,0 +139283,0 +139284,0 +139285,0 +139286,0 +139287,0 +139288,0 +139289,0 +139290,0 +139291,0 +139292,0 +139293,0 +139294,0 +139295,0 +139296,0 +139297,0 +139298,0 +139299,0 +139300,0 +139301,0 +139302,0 +139303,0 +139304,0 +139305,0 +139306,0 +139307,0 +139308,0 +139309,0 +139310,0 +139311,0 +139312,0 +139313,0 +139314,0 +139315,0 +139316,0 +139317,0 +139318,0 +139319,0 +139320,0 +139321,0 +139322,0 +139323,0 +139324,0 +139325,0 +139326,0 +139327,0 +139328,0 +139329,0 +139330,0 +139331,0 +139332,0 +139333,0 +139334,0 +139335,0 +139336,0 +139337,0 +139338,0 +139339,0 +139340,0 +139341,0 +139342,0 +139343,0 +139344,0 +139345,0 +139346,0 +139347,0 +139348,0 +139349,0 +139350,0 +139351,0 +139352,0 +139353,0 +139354,0 +139355,0 +139356,0 +139357,0 +139358,0 +139359,0 +139360,0 +139361,0 +139362,0 +139363,12 +139364,12 +139365,12 +139366,12 +139367,12 +139368,12 +139369,40 +139370,40 +139371,40 +139372,40 +139373,40 +139374,40 +139375,40 +139376,40 +139377,40 +139378,40 +139379,37 +139380,37 +139381,25 +139382,25 +139383,25 +139384,25 +139385,25 +139386,25 +139387,25 +139388,25 +139389,25 +139390,25 +139391,5 +139392,5 +139393,5 +139394,5 +139395,5 +139396,5 +139397,5 +139398,27 +139399,27 +139400,27 +139401,27 +139402,27 +139403,27 +139404,27 +139405,27 +139406,5 +139407,5 +139408,5 +139409,5 +139410,5 +139411,5 +139412,40 +139413,40 +139414,40 +139415,40 +139416,31 +139417,31 +139418,31 +139419,31 +139420,40 +139421,6 +139422,6 +139423,6 +139424,6 +139425,6 +139426,6 +139427,6 +139428,6 +139429,6 +139430,6 +139431,6 +139432,6 +139433,6 +139434,6 +139435,34 +139436,34 +139437,34 +139438,34 +139439,34 +139440,34 +139441,34 +139442,34 +139443,34 +139444,34 +139445,34 +139446,34 +139447,34 +139448,34 +139449,34 +139450,34 +139451,5 +139452,5 +139453,5 +139454,5 +139455,19 +139456,19 +139457,19 +139458,19 +139459,4 +139460,27 +139461,27 +139462,27 +139463,27 +139464,27 +139465,27 +139466,27 +139467,27 +139468,27 +139469,27 +139470,8 +139471,8 +139472,8 +139473,8 +139474,8 +139475,8 +139476,21 +139477,21 +139478,21 +139479,21 +139480,21 +139481,21 +139482,21 +139483,27 +139484,40 +139485,40 +139486,40 +139487,40 +139488,40 +139489,14 +139490,14 +139491,14 +139492,14 +139493,24 +139494,24 +139495,24 +139496,24 +139497,27 +139498,27 +139499,27 +139500,27 +139501,27 +139502,27 +139503,27 +139504,27 +139505,5 +139506,5 +139507,5 +139508,5 +139509,5 +139510,5 +139511,5 +139512,31 +139513,31 +139514,36 +139515,36 +139516,36 +139517,36 +139518,36 +139519,24 +139520,24 +139521,24 +139522,24 +139523,24 +139524,24 +139525,24 +139526,29 +139527,29 +139528,29 +139529,31 +139530,31 +139531,31 +139532,31 +139533,31 +139534,31 +139535,31 +139536,31 +139537,12 +139538,12 +139539,12 +139540,12 +139541,12 +139542,12 +139543,12 +139544,12 +139545,12 +139546,14 +139547,14 +139548,14 +139549,14 +139550,14 +139551,14 +139552,14 +139553,5 +139554,19 +139555,27 +139556,27 +139557,27 +139558,27 +139559,27 +139560,27 +139561,27 +139562,27 +139563,27 +139564,13 +139565,13 +139566,13 +139567,13 +139568,13 +139569,13 +139570,13 +139571,13 +139572,31 +139573,36 +139574,36 +139575,36 +139576,36 +139577,36 +139578,24 +139579,24 +139580,24 +139581,24 +139582,24 +139583,24 +139584,6 +139585,6 +139586,6 +139587,6 +139588,6 +139589,6 +139590,6 +139591,6 +139592,6 +139593,6 +139594,6 +139595,6 +139596,6 +139597,28 +139598,28 +139599,28 +139600,28 +139601,28 +139602,28 +139603,28 +139604,26 +139605,26 +139606,10 +139607,26 +139608,26 +139609,26 +139610,26 +139611,26 +139612,6 +139613,6 +139614,6 +139615,6 +139616,16 +139617,16 +139618,16 +139619,16 +139620,16 +139621,16 +139622,16 +139623,25 +139624,25 +139625,25 +139626,25 +139627,25 +139628,25 +139629,25 +139630,25 +139631,29 +139632,29 +139633,29 +139634,29 +139635,29 +139636,29 +139637,29 +139638,31 +139639,31 +139640,25 +139641,25 +139642,25 +139643,25 +139644,25 +139645,25 +139646,25 +139647,25 +139648,25 +139649,25 +139650,25 +139651,25 +139652,14 +139653,14 +139654,14 +139655,14 +139656,14 +139657,14 +139658,14 +139659,14 +139660,14 +139661,14 +139662,14 +139663,4 +139664,16 +139665,16 +139666,16 +139667,16 +139668,11 +139669,11 +139670,11 +139671,11 +139672,11 +139673,11 +139674,11 +139675,11 +139676,11 +139677,11 +139678,11 +139679,11 +139680,11 +139681,11 +139682,0 +139683,0 +139684,0 +139685,0 +139686,0 +139687,0 +139688,0 +139689,0 +139690,0 +139691,0 +139692,0 +139693,0 +139694,0 +139695,0 +139696,0 +139697,0 +139698,0 +139699,0 +139700,0 +139701,0 +139702,0 +139703,0 +139704,0 +139705,0 +139706,0 +139707,0 +139708,0 +139709,0 +139710,0 +139711,0 +139712,0 +139713,4 +139714,4 +139715,4 +139716,4 +139717,4 +139718,4 +139719,31 +139720,31 +139721,31 +139722,31 +139723,31 +139724,21 +139725,21 +139726,21 +139727,21 +139728,21 +139729,40 +139730,40 +139731,40 +139732,40 +139733,40 +139734,40 +139735,40 +139736,40 +139737,40 +139738,31 +139739,31 +139740,29 +139741,29 +139742,29 +139743,29 +139744,29 +139745,29 +139746,25 +139747,25 +139748,25 +139749,25 +139750,25 +139751,25 +139752,25 +139753,25 +139754,25 +139755,25 +139756,37 +139757,12 +139758,12 +139759,27 +139760,27 +139761,27 +139762,27 +139763,8 +139764,8 +139765,29 +139766,29 +139767,29 +139768,29 +139769,29 +139770,29 +139771,29 +139772,39 +139773,39 +139774,39 +139775,39 +139776,39 +139777,39 +139778,39 +139779,39 +139780,40 +139781,40 +139782,40 +139783,40 +139784,40 +139785,40 +139786,40 +139787,5 +139788,5 +139789,5 +139790,5 +139791,5 +139792,5 +139793,5 +139794,2 +139795,2 +139796,2 +139797,2 +139798,2 +139799,2 +139800,2 +139801,27 +139802,27 +139803,27 +139804,27 +139805,27 +139806,27 +139807,27 +139808,27 +139809,27 +139810,27 +139811,27 +139812,27 +139813,27 +139814,5 +139815,5 +139816,5 +139817,5 +139818,5 +139819,5 +139820,31 +139821,31 +139822,31 +139823,31 +139824,31 +139825,31 +139826,31 +139827,31 +139828,31 +139829,24 +139830,24 +139831,31 +139832,24 +139833,24 +139834,24 +139835,24 +139836,32 +139837,32 +139838,32 +139839,32 +139840,32 +139841,32 +139842,27 +139843,27 +139844,27 +139845,27 +139846,27 +139847,27 +139848,27 +139849,2 +139850,2 +139851,2 +139852,2 +139853,2 +139854,2 +139855,2 +139856,2 +139857,2 +139858,2 +139859,2 +139860,27 +139861,27 +139862,27 +139863,27 +139864,27 +139865,27 +139866,27 +139867,27 +139868,30 +139869,30 +139870,30 +139871,30 +139872,30 +139873,30 +139874,30 +139875,7 +139876,27 +139877,39 +139878,39 +139879,39 +139880,39 +139881,39 +139882,39 +139883,39 +139884,31 +139885,31 +139886,31 +139887,31 +139888,31 +139889,31 +139890,31 +139891,31 +139892,31 +139893,29 +139894,29 +139895,24 +139896,31 +139897,31 +139898,31 +139899,31 +139900,31 +139901,32 +139902,32 +139903,32 +139904,32 +139905,32 +139906,32 +139907,32 +139908,32 +139909,32 +139910,32 +139911,32 +139912,32 +139913,17 +139914,17 +139915,17 +139916,9 +139917,9 +139918,9 +139919,9 +139920,9 +139921,9 +139922,9 +139923,9 +139924,9 +139925,37 +139926,37 +139927,37 +139928,37 +139929,37 +139930,37 +139931,37 +139932,37 +139933,37 +139934,37 +139935,37 +139936,37 +139937,37 +139938,37 +139939,25 +139940,25 +139941,25 +139942,25 +139943,25 +139944,25 +139945,0 +139946,0 +139947,0 +139948,0 +139949,0 +139950,0 +139951,0 +139952,0 +139953,0 +139954,0 +139955,0 +139956,0 +139957,0 +139958,0 +139959,0 +139960,0 +139961,0 +139962,0 +139963,0 +139964,0 +139965,0 +139966,0 +139967,0 +139968,0 +139969,0 +139970,0 +139971,0 +139972,0 +139973,0 +139974,0 +139975,0 +139976,0 +139977,0 +139978,0 +139979,0 +139980,0 +139981,0 +139982,0 +139983,0 +139984,0 +139985,0 +139986,0 +139987,0 +139988,0 +139989,0 +139990,0 +139991,35 +139992,0 +139993,0 +139994,0 +139995,0 +139996,0 +139997,0 +139998,0 +139999,0 +140000,0 +140001,0 +140002,0 +140003,0 +140004,0 +140005,0 +140006,0 +140007,0 +140008,0 +140009,0 +140010,0 +140011,0 +140012,0 +140013,0 +140014,0 +140015,0 +140016,0 +140017,0 +140018,0 +140019,0 +140020,0 +140021,0 +140022,0 +140023,0 +140024,0 +140025,0 +140026,0 +140027,0 +140028,0 +140029,0 +140030,0 +140031,0 +140032,0 +140033,0 +140034,0 +140035,0 +140036,0 +140037,0 +140038,29 +140039,29 +140040,29 +140041,29 +140042,14 +140043,14 +140044,14 +140045,14 +140046,14 +140047,14 +140048,12 +140049,12 +140050,12 +140051,12 +140052,12 +140053,9 +140054,9 +140055,9 +140056,9 +140057,9 +140058,9 +140059,9 +140060,9 +140061,9 +140062,9 +140063,9 +140064,9 +140065,9 +140066,9 +140067,9 +140068,37 +140069,37 +140070,37 +140071,37 +140072,37 +140073,37 +140074,37 +140075,37 +140076,37 +140077,37 +140078,37 +140079,37 +140080,37 +140081,37 +140082,37 +140083,37 +140084,37 +140085,37 +140086,25 +140087,25 +140088,37 +140089,37 +140090,27 +140091,27 +140092,27 +140093,27 +140094,27 +140095,27 +140096,13 +140097,13 +140098,13 +140099,13 +140100,13 +140101,13 +140102,13 +140103,13 +140104,13 +140105,13 +140106,5 +140107,5 +140108,5 +140109,5 +140110,5 +140111,2 +140112,2 +140113,2 +140114,2 +140115,2 +140116,2 +140117,2 +140118,40 +140119,40 +140120,40 +140121,40 +140122,5 +140123,5 +140124,5 +140125,5 +140126,5 +140127,5 +140128,5 +140129,5 +140130,5 +140131,5 +140132,15 +140133,15 +140134,15 +140135,15 +140136,37 +140137,37 +140138,37 +140139,37 +140140,37 +140141,37 +140142,37 +140143,37 +140144,14 +140145,14 +140146,14 +140147,39 +140148,39 +140149,39 +140150,39 +140151,39 +140152,2 +140153,2 +140154,2 +140155,2 +140156,2 +140157,2 +140158,2 +140159,2 +140160,2 +140161,2 +140162,2 +140163,2 +140164,30 +140165,30 +140166,31 +140167,31 +140168,31 +140169,31 +140170,31 +140171,31 +140172,4 +140173,4 +140174,4 +140175,4 +140176,4 +140177,4 +140178,4 +140179,2 +140180,2 +140181,2 +140182,2 +140183,2 +140184,2 +140185,27 +140186,27 +140187,27 +140188,27 +140189,27 +140190,24 +140191,24 +140192,24 +140193,24 +140194,24 +140195,24 +140196,24 +140197,24 +140198,24 +140199,40 +140200,40 +140201,40 +140202,40 +140203,40 +140204,40 +140205,40 +140206,40 +140207,37 +140208,37 +140209,37 +140210,37 +140211,37 +140212,37 +140213,37 +140214,27 +140215,27 +140216,27 +140217,27 +140218,39 +140219,39 +140220,39 +140221,39 +140222,39 +140223,39 +140224,27 +140225,27 +140226,27 +140227,27 +140228,27 +140229,2 +140230,2 +140231,2 +140232,2 +140233,2 +140234,2 +140235,2 +140236,2 +140237,2 +140238,2 +140239,11 +140240,11 +140241,11 +140242,11 +140243,11 +140244,11 +140245,11 +140246,11 +140247,16 +140248,11 +140249,11 +140250,11 +140251,11 +140252,14 +140253,14 +140254,14 +140255,14 +140256,14 +140257,14 +140258,14 +140259,14 +140260,14 +140261,14 +140262,14 +140263,14 +140264,14 +140265,2 +140266,2 +140267,2 +140268,24 +140269,24 +140270,2 +140271,2 +140272,2 +140273,2 +140274,2 +140275,2 +140276,2 +140277,2 +140278,2 +140279,9 +140280,9 +140281,9 +140282,9 +140283,9 +140284,9 +140285,30 +140286,30 +140287,30 +140288,30 +140289,30 +140290,30 +140291,30 +140292,27 +140293,27 +140294,27 +140295,27 +140296,23 +140297,23 +140298,23 +140299,23 +140300,23 +140301,23 +140302,23 +140303,23 +140304,23 +140305,23 +140306,23 +140307,23 +140308,23 +140309,14 +140310,14 +140311,14 +140312,27 +140313,27 +140314,27 +140315,13 +140316,13 +140317,13 +140318,13 +140319,13 +140320,21 +140321,21 +140322,21 +140323,21 +140324,21 +140325,21 +140326,25 +140327,25 +140328,25 +140329,25 +140330,25 +140331,25 +140332,25 +140333,25 +140334,25 +140335,25 +140336,25 +140337,25 +140338,25 +140339,25 +140340,25 +140341,8 +140342,8 +140343,8 +140344,8 +140345,8 +140346,8 +140347,8 +140348,8 +140349,8 +140350,8 +140351,8 +140352,8 +140353,8 +140354,8 +140355,8 +140356,2 +140357,2 +140358,27 +140359,27 +140360,27 +140361,27 +140362,27 +140363,27 +140364,27 +140365,27 +140366,27 +140367,27 +140368,27 +140369,27 +140370,5 +140371,5 +140372,5 +140373,5 +140374,5 +140375,5 +140376,5 +140377,6 +140378,6 +140379,6 +140380,6 +140381,6 +140382,6 +140383,30 +140384,30 +140385,30 +140386,30 +140387,30 +140388,30 +140389,3 +140390,3 +140391,3 +140392,3 +140393,3 +140394,3 +140395,4 +140396,4 +140397,4 +140398,27 +140399,27 +140400,27 +140401,27 +140402,13 +140403,13 +140404,13 +140405,13 +140406,13 +140407,13 +140408,29 +140409,29 +140410,29 +140411,29 +140412,29 +140413,31 +140414,31 +140415,31 +140416,31 +140417,31 +140418,31 +140419,38 +140420,38 +140421,38 +140422,38 +140423,38 +140424,38 +140425,38 +140426,38 +140427,40 +140428,40 +140429,40 +140430,40 +140431,31 +140432,31 +140433,31 +140434,31 +140435,31 +140436,31 +140437,31 +140438,31 +140439,31 +140440,31 +140441,31 +140442,28 +140443,28 +140444,28 +140445,28 +140446,28 +140447,28 +140448,28 +140449,28 +140450,28 +140451,28 +140452,28 +140453,28 +140454,28 +140455,0 +140456,0 +140457,0 +140458,0 +140459,0 +140460,0 +140461,0 +140462,0 +140463,0 +140464,0 +140465,0 +140466,0 +140467,0 +140468,0 +140469,0 +140470,0 +140471,0 +140472,0 +140473,0 +140474,0 +140475,0 +140476,0 +140477,0 +140478,0 +140479,0 +140480,0 +140481,0 +140482,0 +140483,0 +140484,0 +140485,0 +140486,0 +140487,0 +140488,0 +140489,0 +140490,0 +140491,0 +140492,0 +140493,0 +140494,0 +140495,0 +140496,35 +140497,35 +140498,0 +140499,37 +140500,37 +140501,37 +140502,37 +140503,21 +140504,37 +140505,37 +140506,37 +140507,37 +140508,37 +140509,37 +140510,40 +140511,40 +140512,40 +140513,40 +140514,40 +140515,40 +140516,40 +140517,40 +140518,40 +140519,40 +140520,28 +140521,28 +140522,28 +140523,28 +140524,28 +140525,28 +140526,2 +140527,2 +140528,2 +140529,2 +140530,2 +140531,2 +140532,29 +140533,29 +140534,29 +140535,29 +140536,29 +140537,29 +140538,31 +140539,31 +140540,31 +140541,31 +140542,31 +140543,12 +140544,31 +140545,31 +140546,31 +140547,12 +140548,37 +140549,37 +140550,37 +140551,27 +140552,27 +140553,27 +140554,27 +140555,27 +140556,2 +140557,2 +140558,2 +140559,2 +140560,2 +140561,2 +140562,2 +140563,2 +140564,2 +140565,2 +140566,4 +140567,4 +140568,4 +140569,4 +140570,4 +140571,4 +140572,27 +140573,27 +140574,28 +140575,28 +140576,5 +140577,5 +140578,5 +140579,5 +140580,23 +140581,23 +140582,23 +140583,23 +140584,23 +140585,23 +140586,23 +140587,23 +140588,23 +140589,23 +140590,23 +140591,23 +140592,9 +140593,9 +140594,9 +140595,9 +140596,9 +140597,9 +140598,9 +140599,9 +140600,9 +140601,9 +140602,9 +140603,37 +140604,37 +140605,26 +140606,26 +140607,26 +140608,26 +140609,26 +140610,26 +140611,26 +140612,26 +140613,26 +140614,26 +140615,26 +140616,26 +140617,26 +140618,26 +140619,26 +140620,26 +140621,26 +140622,26 +140623,26 +140624,5 +140625,5 +140626,5 +140627,5 +140628,5 +140629,5 +140630,5 +140631,28 +140632,28 +140633,28 +140634,28 +140635,28 +140636,28 +140637,28 +140638,28 +140639,5 +140640,0 +140641,0 +140642,0 +140643,0 +140644,0 +140645,0 +140646,0 +140647,0 +140648,0 +140649,0 +140650,0 +140651,0 +140652,0 +140653,0 +140654,0 +140655,0 +140656,0 +140657,0 +140658,0 +140659,0 +140660,0 +140661,31 +140662,31 +140663,31 +140664,31 +140665,31 +140666,31 +140667,31 +140668,31 +140669,19 +140670,19 +140671,19 +140672,19 +140673,19 +140674,19 +140675,19 +140676,39 +140677,39 +140678,39 +140679,39 +140680,39 +140681,39 +140682,39 +140683,39 +140684,39 +140685,39 +140686,24 +140687,24 +140688,24 +140689,24 +140690,27 +140691,27 +140692,27 +140693,13 +140694,13 +140695,5 +140696,13 +140697,13 +140698,13 +140699,13 +140700,37 +140701,37 +140702,37 +140703,37 +140704,37 +140705,37 +140706,40 +140707,40 +140708,40 +140709,40 +140710,40 +140711,40 +140712,40 +140713,40 +140714,5 +140715,5 +140716,5 +140717,5 +140718,5 +140719,5 +140720,5 +140721,29 +140722,29 +140723,29 +140724,29 +140725,31 +140726,31 +140727,31 +140728,30 +140729,30 +140730,30 +140731,30 +140732,30 +140733,30 +140734,30 +140735,30 +140736,30 +140737,30 +140738,30 +140739,30 +140740,14 +140741,14 +140742,14 +140743,14 +140744,14 +140745,14 +140746,14 +140747,14 +140748,14 +140749,14 +140750,14 +140751,14 +140752,14 +140753,21 +140754,21 +140755,21 +140756,21 +140757,21 +140758,21 +140759,21 +140760,21 +140761,21 +140762,21 +140763,21 +140764,15 +140765,15 +140766,15 +140767,21 +140768,15 +140769,33 +140770,33 +140771,33 +140772,33 +140773,33 +140774,33 +140775,33 +140776,33 +140777,33 +140778,33 +140779,33 +140780,38 +140781,38 +140782,38 +140783,38 +140784,38 +140785,38 +140786,38 +140787,38 +140788,36 +140789,36 +140790,36 +140791,36 +140792,36 +140793,36 +140794,36 +140795,36 +140796,36 +140797,36 +140798,14 +140799,14 +140800,14 +140801,14 +140802,14 +140803,14 +140804,14 +140805,14 +140806,39 +140807,39 +140808,10 +140809,6 +140810,6 +140811,6 +140812,6 +140813,6 +140814,6 +140815,6 +140816,6 +140817,6 +140818,6 +140819,30 +140820,30 +140821,30 +140822,30 +140823,30 +140824,30 +140825,30 +140826,30 +140827,30 +140828,30 +140829,30 +140830,30 +140831,30 +140832,30 +140833,30 +140834,30 +140835,30 +140836,30 +140837,0 +140838,0 +140839,0 +140840,0 +140841,0 +140842,0 +140843,0 +140844,0 +140845,0 +140846,0 +140847,0 +140848,0 +140849,0 +140850,0 +140851,0 +140852,0 +140853,0 +140854,0 +140855,0 +140856,0 +140857,0 +140858,0 +140859,0 +140860,0 +140861,0 +140862,0 +140863,0 +140864,0 +140865,0 +140866,0 +140867,0 +140868,0 +140869,0 +140870,0 +140871,0 +140872,0 +140873,0 +140874,0 +140875,0 +140876,0 +140877,0 +140878,0 +140879,0 +140880,0 +140881,0 +140882,0 +140883,0 +140884,0 +140885,0 +140886,0 +140887,0 +140888,0 +140889,0 +140890,0 +140891,33 +140892,33 +140893,33 +140894,33 +140895,33 +140896,33 +140897,33 +140898,33 +140899,33 +140900,33 +140901,4 +140902,31 +140903,31 +140904,31 +140905,31 +140906,31 +140907,31 +140908,31 +140909,31 +140910,31 +140911,34 +140912,31 +140913,31 +140914,34 +140915,34 +140916,34 +140917,34 +140918,34 +140919,34 +140920,34 +140921,34 +140922,34 +140923,34 +140924,34 +140925,12 +140926,12 +140927,12 +140928,12 +140929,12 +140930,5 +140931,5 +140932,5 +140933,5 +140934,5 +140935,3 +140936,5 +140937,3 +140938,5 +140939,5 +140940,5 +140941,5 +140942,5 +140943,5 +140944,33 +140945,33 +140946,33 +140947,33 +140948,33 +140949,33 +140950,33 +140951,31 +140952,31 +140953,31 +140954,2 +140955,2 +140956,2 +140957,2 +140958,2 +140959,2 +140960,2 +140961,2 +140962,2 +140963,2 +140964,2 +140965,2 +140966,2 +140967,6 +140968,6 +140969,6 +140970,6 +140971,6 +140972,6 +140973,6 +140974,6 +140975,34 +140976,33 +140977,33 +140978,33 +140979,33 +140980,33 +140981,33 +140982,33 +140983,33 +140984,33 +140985,33 +140986,33 +140987,33 +140988,33 +140989,33 +140990,33 +140991,33 +140992,33 +140993,33 +140994,33 +140995,33 +140996,30 +140997,30 +140998,30 +140999,30 +141000,30 +141001,30 +141002,30 +141003,24 +141004,19 +141005,19 +141006,19 +141007,24 +141008,24 +141009,24 +141010,4 +141011,4 +141012,4 +141013,29 +141014,29 +141015,29 +141016,31 +141017,31 +141018,31 +141019,31 +141020,31 +141021,31 +141022,31 +141023,23 +141024,23 +141025,23 +141026,23 +141027,23 +141028,23 +141029,23 +141030,23 +141031,23 +141032,23 +141033,23 +141034,23 +141035,23 +141036,23 +141037,23 +141038,40 +141039,10 +141040,30 +141041,14 +141042,14 +141043,14 +141044,14 +141045,14 +141046,14 +141047,40 +141048,40 +141049,40 +141050,40 +141051,40 +141052,40 +141053,37 +141054,37 +141055,37 +141056,37 +141057,37 +141058,37 +141059,37 +141060,37 +141061,37 +141062,27 +141063,27 +141064,27 +141065,27 +141066,27 +141067,27 +141068,27 +141069,27 +141070,13 +141071,13 +141072,13 +141073,13 +141074,13 +141075,5 +141076,13 +141077,13 +141078,6 +141079,6 +141080,4 +141081,4 +141082,4 +141083,4 +141084,4 +141085,4 +141086,4 +141087,37 +141088,37 +141089,37 +141090,37 +141091,37 +141092,37 +141093,37 +141094,39 +141095,39 +141096,39 +141097,39 +141098,39 +141099,39 +141100,39 +141101,39 +141102,39 +141103,39 +141104,2 +141105,2 +141106,2 +141107,2 +141108,2 +141109,2 +141110,2 +141111,2 +141112,2 +141113,2 +141114,2 +141115,2 +141116,27 +141117,27 +141118,27 +141119,27 +141120,27 +141121,27 +141122,27 +141123,13 +141124,13 +141125,13 +141126,19 +141127,13 +141128,13 +141129,13 +141130,13 +141131,13 +141132,36 +141133,36 +141134,27 +141135,27 +141136,27 +141137,27 +141138,27 +141139,27 +141140,27 +141141,27 +141142,27 +141143,27 +141144,13 +141145,13 +141146,13 +141147,13 +141148,13 +141149,13 +141150,13 +141151,13 +141152,6 +141153,6 +141154,6 +141155,6 +141156,6 +141157,6 +141158,6 +141159,6 +141160,6 +141161,6 +141162,6 +141163,6 +141164,35 +141165,35 +141166,6 +141167,31 +141168,31 +141169,31 +141170,31 +141171,31 +141172,31 +141173,31 +141174,31 +141175,28 +141176,28 +141177,28 +141178,28 +141179,28 +141180,28 +141181,27 +141182,27 +141183,27 +141184,27 +141185,13 +141186,13 +141187,13 +141188,13 +141189,13 +141190,13 +141191,13 +141192,13 +141193,31 +141194,31 +141195,31 +141196,31 +141197,31 +141198,30 +141199,30 +141200,30 +141201,30 +141202,30 +141203,30 +141204,30 +141205,9 +141206,9 +141207,9 +141208,9 +141209,9 +141210,9 +141211,9 +141212,9 +141213,9 +141214,9 +141215,9 +141216,9 +141217,13 +141218,13 +141219,13 +141220,13 +141221,13 +141222,13 +141223,13 +141224,13 +141225,28 +141226,28 +141227,28 +141228,39 +141229,39 +141230,39 +141231,39 +141232,39 +141233,39 +141234,39 +141235,39 +141236,35 +141237,35 +141238,35 +141239,35 +141240,35 +141241,35 +141242,35 +141243,35 +141244,35 +141245,10 +141246,10 +141247,10 +141248,10 +141249,10 +141250,10 +141251,10 +141252,10 +141253,10 +141254,10 +141255,10 +141256,10 +141257,10 +141258,10 +141259,5 +141260,5 +141261,5 +141262,5 +141263,5 +141264,5 +141265,31 +141266,31 +141267,31 +141268,31 +141269,31 +141270,31 +141271,31 +141272,31 +141273,31 +141274,8 +141275,2 +141276,2 +141277,2 +141278,2 +141279,2 +141280,2 +141281,23 +141282,23 +141283,23 +141284,23 +141285,23 +141286,37 +141287,37 +141288,37 +141289,37 +141290,37 +141291,37 +141292,37 +141293,37 +141294,15 +141295,15 +141296,15 +141297,15 +141298,30 +141299,30 +141300,30 +141301,30 +141302,30 +141303,30 +141304,30 +141305,30 +141306,26 +141307,26 +141308,26 +141309,26 +141310,26 +141311,26 +141312,26 +141313,26 +141314,26 +141315,26 +141316,26 +141317,26 +141318,26 +141319,37 +141320,37 +141321,37 +141322,37 +141323,37 +141324,37 +141325,37 +141326,37 +141327,37 +141328,39 +141329,39 +141330,39 +141331,39 +141332,39 +141333,39 +141334,39 +141335,39 +141336,39 +141337,39 +141338,39 +141339,39 +141340,39 +141341,39 +141342,39 +141343,39 +141344,39 +141345,13 +141346,0 +141347,0 +141348,0 +141349,0 +141350,0 +141351,0 +141352,0 +141353,0 +141354,0 +141355,0 +141356,0 +141357,0 +141358,0 +141359,0 +141360,0 +141361,0 +141362,0 +141363,0 +141364,0 +141365,0 +141366,0 +141367,0 +141368,0 +141369,0 +141370,31 +141371,31 +141372,31 +141373,31 +141374,31 +141375,31 +141376,31 +141377,31 +141378,31 +141379,5 +141380,5 +141381,5 +141382,5 +141383,5 +141384,5 +141385,5 +141386,5 +141387,5 +141388,39 +141389,39 +141390,39 +141391,39 +141392,39 +141393,39 +141394,39 +141395,39 +141396,39 +141397,39 +141398,39 +141399,39 +141400,39 +141401,39 +141402,39 +141403,27 +141404,27 +141405,27 +141406,27 +141407,27 +141408,27 +141409,5 +141410,5 +141411,5 +141412,5 +141413,5 +141414,5 +141415,19 +141416,19 +141417,39 +141418,39 +141419,39 +141420,39 +141421,39 +141422,39 +141423,39 +141424,39 +141425,39 +141426,39 +141427,39 +141428,39 +141429,39 +141430,39 +141431,39 +141432,39 +141433,5 +141434,5 +141435,5 +141436,5 +141437,5 +141438,5 +141439,5 +141440,5 +141441,5 +141442,8 +141443,8 +141444,8 +141445,8 +141446,8 +141447,8 +141448,8 +141449,8 +141450,8 +141451,21 +141452,21 +141453,21 +141454,6 +141455,6 +141456,6 +141457,6 +141458,14 +141459,14 +141460,14 +141461,14 +141462,14 +141463,14 +141464,14 +141465,14 +141466,14 +141467,14 +141468,14 +141469,15 +141470,15 +141471,15 +141472,15 +141473,15 +141474,15 +141475,15 +141476,15 +141477,27 +141478,27 +141479,27 +141480,27 +141481,27 +141482,5 +141483,13 +141484,13 +141485,13 +141486,5 +141487,5 +141488,5 +141489,5 +141490,5 +141491,5 +141492,39 +141493,39 +141494,39 +141495,39 +141496,39 +141497,39 +141498,39 +141499,39 +141500,23 +141501,23 +141502,23 +141503,23 +141504,23 +141505,23 +141506,23 +141507,23 +141508,23 +141509,23 +141510,23 +141511,9 +141512,9 +141513,9 +141514,9 +141515,9 +141516,9 +141517,9 +141518,9 +141519,9 +141520,37 +141521,37 +141522,37 +141523,37 +141524,37 +141525,37 +141526,37 +141527,37 +141528,37 +141529,37 +141530,31 +141531,31 +141532,31 +141533,31 +141534,31 +141535,31 +141536,31 +141537,2 +141538,8 +141539,8 +141540,8 +141541,8 +141542,8 +141543,8 +141544,12 +141545,12 +141546,12 +141547,12 +141548,12 +141549,12 +141550,27 +141551,27 +141552,27 +141553,38 +141554,38 +141555,38 +141556,38 +141557,38 +141558,38 +141559,29 +141560,40 +141561,40 +141562,40 +141563,40 +141564,40 +141565,37 +141566,37 +141567,37 +141568,37 +141569,37 +141570,21 +141571,21 +141572,21 +141573,21 +141574,21 +141575,21 +141576,21 +141577,21 +141578,21 +141579,21 +141580,21 +141581,21 +141582,21 +141583,26 +141584,31 +141585,31 +141586,31 +141587,31 +141588,31 +141589,31 +141590,31 +141591,31 +141592,31 +141593,31 +141594,31 +141595,5 +141596,5 +141597,5 +141598,5 +141599,5 +141600,5 +141601,5 +141602,5 +141603,5 +141604,5 +141605,5 +141606,2 +141607,2 +141608,2 +141609,2 +141610,2 +141611,2 +141612,2 +141613,2 +141614,2 +141615,2 +141616,2 +141617,2 +141618,2 +141619,2 +141620,2 +141621,4 +141622,4 +141623,4 +141624,4 +141625,4 +141626,4 +141627,4 +141628,4 +141629,4 +141630,7 +141631,7 +141632,7 +141633,7 +141634,7 +141635,7 +141636,7 +141637,7 +141638,7 +141639,7 +141640,7 +141641,7 +141642,25 +141643,25 +141644,37 +141645,37 +141646,37 +141647,37 +141648,37 +141649,37 +141650,37 +141651,25 +141652,25 +141653,8 +141654,8 +141655,8 +141656,8 +141657,8 +141658,8 +141659,8 +141660,27 +141661,27 +141662,27 +141663,27 +141664,5 +141665,5 +141666,5 +141667,35 +141668,35 +141669,32 +141670,32 +141671,32 +141672,32 +141673,32 +141674,32 +141675,32 +141676,32 +141677,32 +141678,32 +141679,36 +141680,36 +141681,36 +141682,36 +141683,36 +141684,36 +141685,36 +141686,36 +141687,36 +141688,36 +141689,36 +141690,36 +141691,36 +141692,36 +141693,36 +141694,4 +141695,4 +141696,4 +141697,4 +141698,4 +141699,4 +141700,4 +141701,31 +141702,31 +141703,31 +141704,31 +141705,27 +141706,4 +141707,4 +141708,4 +141709,4 +141710,2 +141711,2 +141712,2 +141713,2 +141714,2 +141715,2 +141716,2 +141717,2 +141718,2 +141719,2 +141720,2 +141721,2 +141722,2 +141723,2 +141724,31 +141725,31 +141726,31 +141727,31 +141728,31 +141729,31 +141730,31 +141731,31 +141732,31 +141733,31 +141734,31 +141735,31 +141736,24 +141737,24 +141738,24 +141739,24 +141740,24 +141741,24 +141742,24 +141743,24 +141744,26 +141745,31 +141746,31 +141747,26 +141748,26 +141749,26 +141750,9 +141751,9 +141752,9 +141753,9 +141754,9 +141755,34 +141756,34 +141757,34 +141758,34 +141759,34 +141760,34 +141761,34 +141762,34 +141763,34 +141764,34 +141765,34 +141766,25 +141767,25 +141768,25 +141769,25 +141770,25 +141771,25 +141772,25 +141773,25 +141774,25 +141775,25 +141776,25 +141777,37 +141778,37 +141779,31 +141780,31 +141781,31 +141782,31 +141783,25 +141784,25 +141785,25 +141786,25 +141787,25 +141788,25 +141789,2 +141790,2 +141791,2 +141792,2 +141793,2 +141794,2 +141795,2 +141796,8 +141797,8 +141798,8 +141799,8 +141800,2 +141801,0 +141802,0 +141803,0 +141804,0 +141805,0 +141806,0 +141807,0 +141808,0 +141809,0 +141810,0 +141811,0 +141812,0 +141813,0 +141814,0 +141815,0 +141816,0 +141817,0 +141818,0 +141819,0 +141820,0 +141821,0 +141822,0 +141823,0 +141824,0 +141825,0 +141826,0 +141827,0 +141828,0 +141829,0 +141830,7 +141831,7 +141832,7 +141833,7 +141834,7 +141835,7 +141836,39 +141837,39 +141838,39 +141839,39 +141840,39 +141841,39 +141842,24 +141843,24 +141844,24 +141845,24 +141846,27 +141847,27 +141848,27 +141849,27 +141850,5 +141851,5 +141852,5 +141853,5 +141854,31 +141855,31 +141856,31 +141857,31 +141858,31 +141859,31 +141860,23 +141861,23 +141862,23 +141863,23 +141864,23 +141865,23 +141866,23 +141867,23 +141868,23 +141869,23 +141870,23 +141871,23 +141872,7 +141873,7 +141874,7 +141875,7 +141876,7 +141877,7 +141878,7 +141879,7 +141880,7 +141881,3 +141882,3 +141883,3 +141884,3 +141885,3 +141886,3 +141887,3 +141888,3 +141889,3 +141890,3 +141891,3 +141892,3 +141893,19 +141894,19 +141895,19 +141896,19 +141897,19 +141898,19 +141899,19 +141900,14 +141901,14 +141902,14 +141903,14 +141904,14 +141905,14 +141906,14 +141907,14 +141908,14 +141909,14 +141910,14 +141911,14 +141912,14 +141913,14 +141914,14 +141915,14 +141916,14 +141917,14 +141918,27 +141919,8 +141920,8 +141921,8 +141922,8 +141923,8 +141924,8 +141925,8 +141926,8 +141927,19 +141928,19 +141929,19 +141930,29 +141931,29 +141932,31 +141933,31 +141934,31 +141935,31 +141936,31 +141937,30 +141938,30 +141939,30 +141940,30 +141941,30 +141942,30 +141943,30 +141944,30 +141945,30 +141946,30 +141947,30 +141948,30 +141949,30 +141950,14 +141951,14 +141952,14 +141953,14 +141954,14 +141955,14 +141956,14 +141957,14 +141958,14 +141959,14 +141960,14 +141961,14 +141962,14 +141963,14 +141964,14 +141965,14 +141966,14 +141967,14 +141968,14 +141969,14 +141970,14 +141971,14 +141972,14 +141973,14 +141974,14 +141975,14 +141976,14 +141977,14 +141978,14 +141979,14 +141980,14 +141981,14 +141982,14 +141983,39 +141984,0 +141985,0 +141986,0 +141987,0 +141988,0 +141989,0 +141990,0 +141991,0 +141992,0 +141993,0 +141994,0 +141995,0 +141996,28 +141997,28 +141998,28 +141999,28 +142000,28 +142001,28 +142002,28 +142003,28 +142004,28 +142005,28 +142006,28 +142007,28 +142008,28 +142009,28 +142010,28 +142011,28 +142012,28 +142013,14 +142014,14 +142015,14 +142016,14 +142017,14 +142018,14 +142019,14 +142020,6 +142021,6 +142022,6 +142023,6 +142024,6 +142025,27 +142026,27 +142027,27 +142028,27 +142029,27 +142030,19 +142031,19 +142032,19 +142033,19 +142034,19 +142035,40 +142036,40 +142037,40 +142038,40 +142039,40 +142040,37 +142041,37 +142042,37 +142043,23 +142044,23 +142045,23 +142046,23 +142047,23 +142048,23 +142049,23 +142050,23 +142051,23 +142052,25 +142053,25 +142054,25 +142055,25 +142056,37 +142057,25 +142058,5 +142059,5 +142060,4 +142061,5 +142062,5 +142063,5 +142064,5 +142065,5 +142066,5 +142067,2 +142068,2 +142069,2 +142070,2 +142071,2 +142072,2 +142073,2 +142074,2 +142075,2 +142076,2 +142077,2 +142078,2 +142079,2 +142080,2 +142081,2 +142082,2 +142083,2 +142084,2 +142085,2 +142086,2 +142087,2 +142088,2 +142089,2 +142090,2 +142091,2 +142092,0 +142093,0 +142094,0 +142095,0 +142096,0 +142097,0 +142098,0 +142099,0 +142100,0 +142101,0 +142102,0 +142103,0 +142104,0 +142105,0 +142106,0 +142107,0 +142108,0 +142109,0 +142110,0 +142111,0 +142112,0 +142113,0 +142114,0 +142115,0 +142116,0 +142117,0 +142118,0 +142119,0 +142120,0 +142121,0 +142122,0 +142123,0 +142124,0 +142125,0 +142126,0 +142127,0 +142128,0 +142129,0 +142130,0 +142131,0 +142132,0 +142133,0 +142134,0 +142135,0 +142136,0 +142137,0 +142138,0 +142139,0 +142140,0 +142141,0 +142142,0 +142143,0 +142144,0 +142145,0 +142146,0 +142147,0 +142148,0 +142149,0 +142150,0 +142151,0 +142152,0 +142153,0 +142154,0 +142155,0 +142156,0 +142157,0 +142158,0 +142159,0 +142160,0 +142161,0 +142162,0 +142163,0 +142164,0 +142165,0 +142166,0 +142167,0 +142168,0 +142169,0 +142170,0 +142171,0 +142172,0 +142173,0 +142174,0 +142175,0 +142176,0 +142177,0 +142178,0 +142179,29 +142180,29 +142181,29 +142182,29 +142183,14 +142184,14 +142185,14 +142186,14 +142187,14 +142188,14 +142189,14 +142190,14 +142191,6 +142192,6 +142193,6 +142194,6 +142195,6 +142196,6 +142197,6 +142198,27 +142199,27 +142200,27 +142201,27 +142202,27 +142203,5 +142204,5 +142205,5 +142206,39 +142207,39 +142208,39 +142209,39 +142210,39 +142211,39 +142212,39 +142213,39 +142214,39 +142215,39 +142216,39 +142217,39 +142218,39 +142219,39 +142220,8 +142221,8 +142222,8 +142223,2 +142224,2 +142225,2 +142226,2 +142227,2 +142228,2 +142229,31 +142230,30 +142231,30 +142232,30 +142233,30 +142234,30 +142235,30 +142236,30 +142237,30 +142238,30 +142239,39 +142240,39 +142241,39 +142242,39 +142243,39 +142244,39 +142245,39 +142246,39 +142247,36 +142248,36 +142249,36 +142250,40 +142251,40 +142252,32 +142253,32 +142254,32 +142255,32 +142256,32 +142257,32 +142258,32 +142259,32 +142260,4 +142261,4 +142262,4 +142263,4 +142264,4 +142265,4 +142266,4 +142267,4 +142268,14 +142269,14 +142270,14 +142271,14 +142272,14 +142273,14 +142274,14 +142275,14 +142276,14 +142277,14 +142278,28 +142279,28 +142280,28 +142281,28 +142282,28 +142283,28 +142284,31 +142285,40 +142286,31 +142287,31 +142288,31 +142289,19 +142290,19 +142291,19 +142292,19 +142293,29 +142294,29 +142295,29 +142296,31 +142297,33 +142298,33 +142299,33 +142300,33 +142301,33 +142302,33 +142303,31 +142304,31 +142305,33 +142306,30 +142307,30 +142308,12 +142309,30 +142310,30 +142311,30 +142312,14 +142313,14 +142314,14 +142315,14 +142316,14 +142317,14 +142318,14 +142319,14 +142320,14 +142321,14 +142322,14 +142323,14 +142324,23 +142325,23 +142326,23 +142327,23 +142328,23 +142329,23 +142330,23 +142331,23 +142332,23 +142333,23 +142334,29 +142335,29 +142336,29 +142337,29 +142338,29 +142339,29 +142340,31 +142341,31 +142342,31 +142343,31 +142344,31 +142345,31 +142346,32 +142347,32 +142348,32 +142349,32 +142350,32 +142351,32 +142352,32 +142353,32 +142354,32 +142355,32 +142356,32 +142357,14 +142358,14 +142359,14 +142360,14 +142361,36 +142362,14 +142363,14 +142364,36 +142365,36 +142366,28 +142367,28 +142368,28 +142369,28 +142370,28 +142371,28 +142372,28 +142373,28 +142374,28 +142375,31 +142376,31 +142377,31 +142378,5 +142379,5 +142380,5 +142381,5 +142382,31 +142383,31 +142384,31 +142385,31 +142386,31 +142387,31 +142388,24 +142389,24 +142390,24 +142391,29 +142392,29 +142393,29 +142394,29 +142395,29 +142396,29 +142397,31 +142398,31 +142399,31 +142400,31 +142401,28 +142402,28 +142403,28 +142404,28 +142405,28 +142406,28 +142407,28 +142408,28 +142409,28 +142410,28 +142411,10 +142412,31 +142413,31 +142414,31 +142415,31 +142416,5 +142417,5 +142418,5 +142419,5 +142420,5 +142421,39 +142422,39 +142423,39 +142424,39 +142425,39 +142426,39 +142427,39 +142428,39 +142429,39 +142430,39 +142431,39 +142432,39 +142433,2 +142434,2 +142435,2 +142436,2 +142437,2 +142438,2 +142439,2 +142440,2 +142441,2 +142442,2 +142443,2 +142444,2 +142445,2 +142446,2 +142447,2 +142448,2 +142449,2 +142450,2 +142451,2 +142452,2 +142453,8 +142454,8 +142455,2 +142456,2 +142457,2 +142458,2 +142459,0 +142460,0 +142461,0 +142462,0 +142463,0 +142464,0 +142465,0 +142466,0 +142467,0 +142468,0 +142469,0 +142470,0 +142471,0 +142472,0 +142473,0 +142474,0 +142475,0 +142476,0 +142477,0 +142478,0 +142479,0 +142480,0 +142481,0 +142482,0 +142483,0 +142484,0 +142485,0 +142486,0 +142487,0 +142488,0 +142489,0 +142490,0 +142491,0 +142492,0 +142493,0 +142494,0 +142495,0 +142496,0 +142497,0 +142498,0 +142499,0 +142500,0 +142501,0 +142502,0 +142503,0 +142504,0 +142505,0 +142506,0 +142507,0 +142508,0 +142509,0 +142510,0 +142511,0 +142512,0 +142513,0 +142514,0 +142515,0 +142516,0 +142517,0 +142518,0 +142519,0 +142520,0 +142521,0 +142522,0 +142523,0 +142524,0 +142525,0 +142526,0 +142527,0 +142528,0 +142529,0 +142530,0 +142531,0 +142532,0 +142533,0 +142534,0 +142535,0 +142536,0 +142537,0 +142538,0 +142539,0 +142540,0 +142541,0 +142542,0 +142543,0 +142544,0 +142545,0 +142546,0 +142547,0 +142548,0 +142549,0 +142550,0 +142551,27 +142552,27 +142553,27 +142554,27 +142555,27 +142556,27 +142557,27 +142558,27 +142559,27 +142560,28 +142561,28 +142562,28 +142563,28 +142564,28 +142565,28 +142566,28 +142567,32 +142568,32 +142569,32 +142570,32 +142571,32 +142572,32 +142573,32 +142574,32 +142575,37 +142576,37 +142577,37 +142578,37 +142579,40 +142580,40 +142581,40 +142582,40 +142583,40 +142584,40 +142585,2 +142586,2 +142587,2 +142588,2 +142589,2 +142590,2 +142591,2 +142592,2 +142593,2 +142594,29 +142595,29 +142596,29 +142597,29 +142598,40 +142599,31 +142600,31 +142601,31 +142602,31 +142603,31 +142604,31 +142605,31 +142606,4 +142607,31 +142608,4 +142609,32 +142610,32 +142611,32 +142612,32 +142613,32 +142614,32 +142615,32 +142616,32 +142617,32 +142618,32 +142619,32 +142620,32 +142621,32 +142622,32 +142623,26 +142624,26 +142625,26 +142626,26 +142627,26 +142628,26 +142629,26 +142630,26 +142631,26 +142632,26 +142633,5 +142634,5 +142635,5 +142636,5 +142637,5 +142638,5 +142639,5 +142640,5 +142641,29 +142642,29 +142643,29 +142644,31 +142645,31 +142646,31 +142647,31 +142648,28 +142649,28 +142650,28 +142651,28 +142652,28 +142653,28 +142654,28 +142655,28 +142656,28 +142657,28 +142658,10 +142659,10 +142660,10 +142661,10 +142662,10 +142663,10 +142664,10 +142665,19 +142666,19 +142667,19 +142668,19 +142669,19 +142670,19 +142671,19 +142672,19 +142673,19 +142674,27 +142675,27 +142676,27 +142677,37 +142678,37 +142679,37 +142680,37 +142681,37 +142682,37 +142683,37 +142684,37 +142685,25 +142686,36 +142687,36 +142688,36 +142689,36 +142690,36 +142691,36 +142692,40 +142693,40 +142694,19 +142695,19 +142696,19 +142697,19 +142698,19 +142699,12 +142700,12 +142701,12 +142702,12 +142703,12 +142704,12 +142705,12 +142706,12 +142707,12 +142708,12 +142709,12 +142710,12 +142711,25 +142712,25 +142713,25 +142714,37 +142715,37 +142716,29 +142717,19 +142718,19 +142719,19 +142720,19 +142721,19 +142722,15 +142723,15 +142724,15 +142725,29 +142726,5 +142727,5 +142728,5 +142729,28 +142730,28 +142731,5 +142732,0 +142733,0 +142734,0 +142735,0 +142736,0 +142737,0 +142738,0 +142739,0 +142740,0 +142741,0 +142742,0 +142743,0 +142744,0 +142745,0 +142746,0 +142747,0 +142748,0 +142749,0 +142750,0 +142751,0 +142752,0 +142753,0 +142754,0 +142755,0 +142756,29 +142757,29 +142758,29 +142759,29 +142760,29 +142761,27 +142762,31 +142763,31 +142764,31 +142765,31 +142766,31 +142767,31 +142768,4 +142769,4 +142770,4 +142771,4 +142772,4 +142773,4 +142774,4 +142775,4 +142776,4 +142777,4 +142778,4 +142779,4 +142780,4 +142781,4 +142782,4 +142783,4 +142784,4 +142785,4 +142786,37 +142787,37 +142788,37 +142789,37 +142790,36 +142791,36 +142792,36 +142793,36 +142794,36 +142795,36 +142796,36 +142797,36 +142798,36 +142799,36 +142800,36 +142801,36 +142802,36 +142803,36 +142804,36 +142805,6 +142806,6 +142807,6 +142808,6 +142809,6 +142810,6 +142811,6 +142812,6 +142813,6 +142814,6 +142815,6 +142816,4 +142817,4 +142818,4 +142819,4 +142820,4 +142821,4 +142822,4 +142823,4 +142824,4 +142825,4 +142826,4 +142827,4 +142828,37 +142829,25 +142830,25 +142831,25 +142832,25 +142833,25 +142834,25 +142835,28 +142836,28 +142837,28 +142838,28 +142839,28 +142840,28 +142841,29 +142842,29 +142843,29 +142844,31 +142845,31 +142846,31 +142847,31 +142848,31 +142849,31 +142850,31 +142851,23 +142852,23 +142853,23 +142854,23 +142855,23 +142856,23 +142857,23 +142858,23 +142859,23 +142860,23 +142861,14 +142862,14 +142863,14 +142864,14 +142865,14 +142866,14 +142867,14 +142868,14 +142869,14 +142870,14 +142871,14 +142872,14 +142873,14 +142874,14 +142875,14 +142876,14 +142877,14 +142878,14 +142879,14 +142880,14 +142881,24 +142882,24 +142883,24 +142884,24 +142885,31 +142886,31 +142887,31 +142888,31 +142889,31 +142890,31 +142891,31 +142892,31 +142893,31 +142894,31 +142895,31 +142896,15 +142897,15 +142898,15 +142899,15 +142900,15 +142901,15 +142902,15 +142903,25 +142904,25 +142905,25 +142906,25 +142907,25 +142908,25 +142909,25 +142910,25 +142911,25 +142912,25 +142913,25 +142914,31 +142915,31 +142916,31 +142917,31 +142918,24 +142919,24 +142920,24 +142921,24 +142922,23 +142923,23 +142924,23 +142925,23 +142926,23 +142927,23 +142928,23 +142929,23 +142930,23 +142931,23 +142932,23 +142933,23 +142934,40 +142935,40 +142936,40 +142937,40 +142938,40 +142939,40 +142940,40 +142941,40 +142942,40 +142943,40 +142944,40 +142945,40 +142946,6 +142947,6 +142948,6 +142949,6 +142950,6 +142951,6 +142952,6 +142953,6 +142954,6 +142955,6 +142956,6 +142957,6 +142958,4 +142959,4 +142960,4 +142961,4 +142962,4 +142963,4 +142964,4 +142965,0 +142966,0 +142967,0 +142968,0 +142969,0 +142970,0 +142971,0 +142972,0 +142973,0 +142974,0 +142975,0 +142976,0 +142977,0 +142978,0 +142979,0 +142980,0 +142981,0 +142982,0 +142983,0 +142984,0 +142985,0 +142986,0 +142987,0 +142988,0 +142989,0 +142990,0 +142991,0 +142992,0 +142993,0 +142994,0 +142995,0 +142996,0 +142997,0 +142998,0 +142999,0 +143000,0 +143001,0 +143002,0 +143003,0 +143004,29 +143005,29 +143006,29 +143007,29 +143008,29 +143009,27 +143010,27 +143011,27 +143012,27 +143013,27 +143014,27 +143015,27 +143016,4 +143017,4 +143018,4 +143019,4 +143020,35 +143021,35 +143022,35 +143023,35 +143024,35 +143025,39 +143026,39 +143027,39 +143028,39 +143029,39 +143030,39 +143031,39 +143032,39 +143033,39 +143034,39 +143035,39 +143036,39 +143037,39 +143038,39 +143039,39 +143040,39 +143041,39 +143042,39 +143043,39 +143044,39 +143045,39 +143046,0 +143047,0 +143048,0 +143049,0 +143050,0 +143051,0 +143052,0 +143053,0 +143054,0 +143055,0 +143056,0 +143057,0 +143058,0 +143059,0 +143060,0 +143061,0 +143062,0 +143063,0 +143064,33 +143065,33 +143066,33 +143067,9 +143068,9 +143069,9 +143070,9 +143071,9 +143072,9 +143073,9 +143074,9 +143075,9 +143076,9 +143077,9 +143078,9 +143079,9 +143080,9 +143081,9 +143082,9 +143083,9 +143084,9 +143085,30 +143086,30 +143087,30 +143088,30 +143089,30 +143090,30 +143091,33 +143092,33 +143093,33 +143094,33 +143095,33 +143096,12 +143097,12 +143098,12 +143099,12 +143100,12 +143101,12 +143102,12 +143103,12 +143104,12 +143105,14 +143106,14 +143107,14 +143108,14 +143109,14 +143110,17 +143111,17 +143112,17 +143113,14 +143114,2 +143115,2 +143116,2 +143117,2 +143118,2 +143119,2 +143120,2 +143121,2 +143122,2 +143123,2 +143124,27 +143125,40 +143126,40 +143127,40 +143128,40 +143129,40 +143130,40 +143131,40 +143132,40 +143133,40 +143134,19 +143135,19 +143136,19 +143137,19 +143138,4 +143139,4 +143140,4 +143141,4 +143142,28 +143143,28 +143144,12 +143145,12 +143146,12 +143147,12 +143148,12 +143149,12 +143150,12 +143151,12 +143152,12 +143153,31 +143154,31 +143155,31 +143156,31 +143157,31 +143158,31 +143159,31 +143160,5 +143161,5 +143162,5 +143163,5 +143164,5 +143165,5 +143166,2 +143167,2 +143168,2 +143169,2 +143170,2 +143171,2 +143172,2 +143173,2 +143174,2 +143175,2 +143176,2 +143177,2 +143178,2 +143179,2 +143180,32 +143181,32 +143182,32 +143183,32 +143184,32 +143185,32 +143186,32 +143187,37 +143188,37 +143189,37 +143190,37 +143191,37 +143192,39 +143193,39 +143194,37 +143195,19 +143196,19 +143197,19 +143198,18 +143199,18 +143200,18 +143201,18 +143202,39 +143203,39 +143204,14 +143205,27 +143206,3 +143207,3 +143208,3 +143209,3 +143210,3 +143211,3 +143212,3 +143213,3 +143214,3 +143215,3 +143216,3 +143217,3 +143218,3 +143219,3 +143220,3 +143221,3 +143222,3 +143223,3 +143224,3 +143225,3 +143226,3 +143227,2 +143228,2 +143229,2 +143230,2 +143231,2 +143232,2 +143233,2 +143234,2 +143235,2 +143236,2 +143237,2 +143238,2 +143239,2 +143240,2 +143241,2 +143242,2 +143243,2 +143244,4 +143245,4 +143246,4 +143247,4 +143248,4 +143249,4 +143250,4 +143251,4 +143252,4 +143253,4 +143254,4 +143255,4 +143256,4 +143257,4 +143258,4 +143259,0 +143260,0 +143261,0 +143262,0 +143263,0 +143264,0 +143265,0 +143266,0 +143267,0 +143268,0 +143269,0 +143270,0 +143271,0 +143272,0 +143273,0 +143274,0 +143275,0 +143276,0 +143277,0 +143278,0 +143279,0 +143280,0 +143281,0 +143282,0 +143283,0 +143284,0 +143285,0 +143286,0 +143287,0 +143288,0 +143289,0 +143290,0 +143291,0 +143292,0 +143293,0 +143294,0 +143295,0 +143296,0 +143297,0 +143298,0 +143299,0 +143300,0 +143301,0 +143302,0 +143303,0 +143304,0 +143305,0 +143306,0 +143307,0 +143308,0 +143309,0 +143310,0 +143311,0 +143312,0 +143313,0 +143314,0 +143315,0 +143316,0 +143317,0 +143318,0 +143319,0 +143320,0 +143321,0 +143322,0 +143323,0 +143324,0 +143325,0 +143326,0 +143327,0 +143328,0 +143329,0 +143330,0 +143331,0 +143332,0 +143333,0 +143334,0 +143335,0 +143336,11 +143337,11 +143338,11 +143339,11 +143340,11 +143341,11 +143342,11 +143343,11 +143344,11 +143345,11 +143346,11 +143347,11 +143348,3 +143349,3 +143350,3 +143351,3 +143352,3 +143353,3 +143354,3 +143355,3 +143356,3 +143357,3 +143358,3 +143359,3 +143360,3 +143361,3 +143362,8 +143363,8 +143364,8 +143365,8 +143366,6 +143367,6 +143368,21 +143369,21 +143370,21 +143371,21 +143372,6 +143373,6 +143374,33 +143375,31 +143376,31 +143377,31 +143378,31 +143379,40 +143380,31 +143381,40 +143382,27 +143383,17 +143384,17 +143385,17 +143386,17 +143387,17 +143388,5 +143389,5 +143390,5 +143391,5 +143392,19 +143393,19 +143394,19 +143395,19 +143396,19 +143397,35 +143398,35 +143399,35 +143400,35 +143401,35 +143402,35 +143403,35 +143404,35 +143405,35 +143406,35 +143407,35 +143408,35 +143409,39 +143410,39 +143411,27 +143412,27 +143413,37 +143414,37 +143415,37 +143416,37 +143417,37 +143418,37 +143419,37 +143420,4 +143421,4 +143422,4 +143423,4 +143424,4 +143425,4 +143426,4 +143427,4 +143428,4 +143429,4 +143430,4 +143431,4 +143432,4 +143433,37 +143434,37 +143435,37 +143436,37 +143437,25 +143438,25 +143439,28 +143440,28 +143441,28 +143442,28 +143443,28 +143444,28 +143445,28 +143446,28 +143447,28 +143448,28 +143449,28 +143450,28 +143451,28 +143452,28 +143453,28 +143454,28 +143455,28 +143456,28 +143457,40 +143458,40 +143459,40 +143460,40 +143461,40 +143462,5 +143463,5 +143464,5 +143465,5 +143466,5 +143467,5 +143468,5 +143469,5 +143470,5 +143471,5 +143472,5 +143473,5 +143474,19 +143475,19 +143476,19 +143477,19 +143478,27 +143479,27 +143480,27 +143481,27 +143482,27 +143483,27 +143484,2 +143485,2 +143486,2 +143487,2 +143488,2 +143489,2 +143490,2 +143491,2 +143492,2 +143493,2 +143494,2 +143495,5 +143496,5 +143497,5 +143498,5 +143499,5 +143500,5 +143501,5 +143502,5 +143503,3 +143504,3 +143505,3 +143506,3 +143507,3 +143508,3 +143509,3 +143510,3 +143511,3 +143512,3 +143513,3 +143514,3 +143515,3 +143516,3 +143517,3 +143518,3 +143519,3 +143520,3 +143521,8 +143522,8 +143523,8 +143524,8 +143525,8 +143526,8 +143527,8 +143528,8 +143529,29 +143530,29 +143531,29 +143532,29 +143533,40 +143534,40 +143535,40 +143536,40 +143537,40 +143538,40 +143539,40 +143540,40 +143541,40 +143542,4 +143543,19 +143544,19 +143545,19 +143546,19 +143547,19 +143548,19 +143549,19 +143550,19 +143551,19 +143552,19 +143553,19 +143554,4 +143555,4 +143556,4 +143557,40 +143558,40 +143559,40 +143560,14 +143561,14 +143562,14 +143563,14 +143564,14 +143565,14 +143566,14 +143567,14 +143568,14 +143569,14 +143570,14 +143571,14 +143572,14 +143573,14 +143574,14 +143575,14 +143576,14 +143577,14 +143578,14 +143579,14 +143580,14 +143581,14 +143582,14 +143583,39 +143584,39 +143585,0 +143586,0 +143587,0 +143588,0 +143589,0 +143590,0 +143591,0 +143592,0 +143593,0 +143594,0 +143595,0 +143596,0 +143597,0 +143598,0 +143599,0 +143600,0 +143601,0 +143602,0 +143603,0 +143604,0 +143605,0 +143606,0 +143607,0 +143608,0 +143609,0 +143610,0 +143611,0 +143612,0 +143613,0 +143614,0 +143615,0 +143616,0 +143617,0 +143618,0 +143619,0 +143620,0 +143621,0 +143622,0 +143623,0 +143624,0 +143625,0 +143626,0 +143627,28 +143628,28 +143629,28 +143630,28 +143631,28 +143632,28 +143633,14 +143634,14 +143635,14 +143636,14 +143637,14 +143638,14 +143639,14 +143640,14 +143641,14 +143642,14 +143643,6 +143644,6 +143645,6 +143646,6 +143647,6 +143648,6 +143649,6 +143650,21 +143651,21 +143652,21 +143653,21 +143654,12 +143655,12 +143656,12 +143657,12 +143658,12 +143659,12 +143660,12 +143661,12 +143662,12 +143663,12 +143664,12 +143665,12 +143666,12 +143667,12 +143668,12 +143669,31 +143670,31 +143671,31 +143672,31 +143673,5 +143674,5 +143675,5 +143676,5 +143677,5 +143678,5 +143679,19 +143680,19 +143681,19 +143682,25 +143683,25 +143684,25 +143685,25 +143686,25 +143687,25 +143688,23 +143689,23 +143690,23 +143691,23 +143692,23 +143693,23 +143694,23 +143695,23 +143696,23 +143697,9 +143698,9 +143699,9 +143700,37 +143701,12 +143702,12 +143703,12 +143704,12 +143705,12 +143706,12 +143707,12 +143708,12 +143709,12 +143710,12 +143711,27 +143712,27 +143713,27 +143714,27 +143715,27 +143716,2 +143717,2 +143718,2 +143719,2 +143720,2 +143721,2 +143722,2 +143723,2 +143724,2 +143725,6 +143726,6 +143727,6 +143728,6 +143729,6 +143730,31 +143731,31 +143732,31 +143733,31 +143734,31 +143735,31 +143736,31 +143737,31 +143738,31 +143739,31 +143740,31 +143741,24 +143742,24 +143743,24 +143744,24 +143745,24 +143746,24 +143747,24 +143748,24 +143749,24 +143750,24 +143751,37 +143752,37 +143753,37 +143754,37 +143755,37 +143756,37 +143757,37 +143758,37 +143759,37 +143760,39 +143761,39 +143762,39 +143763,39 +143764,39 +143765,39 +143766,8 +143767,8 +143768,8 +143769,8 +143770,8 +143771,8 +143772,31 +143773,31 +143774,31 +143775,31 +143776,31 +143777,15 +143778,15 +143779,15 +143780,15 +143781,15 +143782,15 +143783,15 +143784,34 +143785,34 +143786,34 +143787,34 +143788,34 +143789,34 +143790,34 +143791,34 +143792,34 +143793,35 +143794,35 +143795,35 +143796,35 +143797,35 +143798,35 +143799,35 +143800,35 +143801,35 +143802,25 +143803,25 +143804,25 +143805,25 +143806,25 +143807,25 +143808,27 +143809,27 +143810,27 +143811,32 +143812,32 +143813,32 +143814,32 +143815,15 +143816,15 +143817,25 +143818,25 +143819,25 +143820,25 +143821,25 +143822,25 +143823,25 +143824,25 +143825,25 +143826,25 +143827,25 +143828,25 +143829,25 +143830,25 +143831,25 +143832,25 +143833,25 +143834,25 +143835,25 +143836,25 +143837,25 +143838,38 +143839,25 +143840,25 +143841,25 +143842,25 +143843,0 +143844,0 +143845,38 +143846,38 +143847,0 +143848,0 +143849,0 +143850,0 +143851,0 +143852,0 +143853,0 +143854,0 +143855,0 +143856,0 +143857,0 +143858,0 +143859,0 +143860,0 +143861,0 +143862,0 +143863,0 +143864,0 +143865,0 +143866,0 +143867,0 +143868,0 +143869,0 +143870,0 +143871,0 +143872,0 +143873,0 +143874,0 +143875,0 +143876,0 +143877,0 +143878,0 +143879,0 +143880,0 +143881,0 +143882,0 +143883,0 +143884,0 +143885,0 +143886,0 +143887,0 +143888,0 +143889,0 +143890,0 +143891,35 +143892,35 +143893,35 +143894,35 +143895,35 +143896,35 +143897,35 +143898,35 +143899,35 +143900,35 +143901,35 +143902,35 +143903,35 +143904,35 +143905,35 +143906,39 +143907,39 +143908,39 +143909,39 +143910,37 +143911,37 +143912,37 +143913,37 +143914,37 +143915,37 +143916,25 +143917,25 +143918,25 +143919,25 +143920,25 +143921,25 +143922,25 +143923,25 +143924,25 +143925,25 +143926,34 +143927,34 +143928,34 +143929,26 +143930,26 +143931,26 +143932,31 +143933,31 +143934,31 +143935,31 +143936,26 +143937,5 +143938,5 +143939,5 +143940,5 +143941,5 +143942,5 +143943,5 +143944,5 +143945,5 +143946,5 +143947,5 +143948,5 +143949,5 +143950,19 +143951,19 +143952,19 +143953,19 +143954,19 +143955,19 +143956,19 +143957,37 +143958,37 +143959,37 +143960,37 +143961,37 +143962,37 +143963,37 +143964,37 +143965,37 +143966,37 +143967,25 +143968,25 +143969,25 +143970,25 +143971,25 +143972,25 +143973,26 +143974,26 +143975,26 +143976,26 +143977,26 +143978,26 +143979,26 +143980,26 +143981,26 +143982,26 +143983,5 +143984,5 +143985,5 +143986,28 +143987,28 +143988,5 +143989,32 +143990,32 +143991,32 +143992,32 +143993,32 +143994,32 +143995,32 +143996,32 +143997,32 +143998,4 +143999,4 +144000,4 +144001,31 +144002,31 +144003,31 +144004,31 +144005,31 +144006,31 +144007,31 +144008,31 +144009,31 +144010,31 +144011,24 +144012,24 +144013,24 +144014,24 +144015,24 +144016,23 +144017,23 +144018,23 +144019,24 +144020,24 +144021,24 +144022,29 +144023,29 +144024,29 +144025,29 +144026,4 +144027,29 +144028,29 +144029,29 +144030,29 +144031,29 +144032,31 +144033,31 +144034,31 +144035,31 +144036,31 +144037,31 +144038,31 +144039,31 +144040,31 +144041,31 +144042,27 +144043,5 +144044,5 +144045,5 +144046,5 +144047,5 +144048,5 +144049,5 +144050,5 +144051,5 +144052,5 +144053,5 +144054,5 +144055,5 +144056,5 +144057,8 +144058,8 +144059,8 +144060,8 +144061,8 +144062,8 +144063,8 +144064,2 +144065,2 +144066,2 +144067,2 +144068,8 +144069,8 +144070,2 +144071,2 +144072,2 +144073,2 +144074,2 +144075,2 +144076,8 +144077,8 +144078,8 +144079,8 +144080,8 +144081,8 +144082,8 +144083,8 +144084,8 +144085,0 +144086,0 +144087,0 +144088,0 +144089,0 +144090,0 +144091,0 +144092,0 +144093,0 +144094,0 +144095,0 +144096,0 +144097,0 +144098,0 +144099,0 +144100,0 +144101,0 +144102,0 +144103,0 +144104,0 +144105,0 +144106,0 +144107,0 +144108,0 +144109,0 +144110,0 +144111,0 +144112,0 +144113,29 +144114,29 +144115,29 +144116,29 +144117,39 +144118,39 +144119,39 +144120,39 +144121,39 +144122,39 +144123,39 +144124,39 +144125,39 +144126,28 +144127,28 +144128,28 +144129,28 +144130,28 +144131,28 +144132,28 +144133,28 +144134,28 +144135,28 +144136,40 +144137,40 +144138,40 +144139,40 +144140,40 +144141,40 +144142,40 +144143,40 +144144,40 +144145,40 +144146,40 +144147,37 +144148,37 +144149,37 +144150,25 +144151,25 +144152,25 +144153,27 +144154,27 +144155,27 +144156,25 +144157,25 +144158,6 +144159,6 +144160,6 +144161,6 +144162,6 +144163,6 +144164,6 +144165,6 +144166,31 +144167,31 +144168,31 +144169,31 +144170,31 +144171,29 +144172,29 +144173,5 +144174,5 +144175,19 +144176,19 +144177,5 +144178,5 +144179,5 +144180,5 +144181,5 +144182,5 +144183,5 +144184,5 +144185,5 +144186,5 +144187,2 +144188,2 +144189,2 +144190,2 +144191,2 +144192,2 +144193,2 +144194,2 +144195,2 +144196,2 +144197,2 +144198,31 +144199,31 +144200,31 +144201,31 +144202,31 +144203,28 +144204,28 +144205,28 +144206,28 +144207,28 +144208,28 +144209,28 +144210,4 +144211,4 +144212,4 +144213,4 +144214,4 +144215,4 +144216,31 +144217,31 +144218,31 +144219,31 +144220,31 +144221,31 +144222,31 +144223,31 +144224,31 +144225,5 +144226,5 +144227,5 +144228,5 +144229,5 +144230,5 +144231,5 +144232,5 +144233,5 +144234,2 +144235,2 +144236,2 +144237,2 +144238,8 +144239,2 +144240,6 +144241,8 +144242,8 +144243,0 +144244,6 +144245,6 +144246,6 +144247,6 +144248,6 +144249,9 +144250,9 +144251,9 +144252,9 +144253,9 +144254,9 +144255,9 +144256,9 +144257,9 +144258,9 +144259,9 +144260,9 +144261,9 +144262,9 +144263,9 +144264,26 +144265,9 +144266,9 +144267,9 +144268,9 +144269,9 +144270,26 +144271,26 +144272,30 +144273,30 +144274,30 +144275,30 +144276,19 +144277,19 +144278,19 +144279,29 +144280,29 +144281,29 +144282,29 +144283,29 +144284,40 +144285,40 +144286,40 +144287,40 +144288,40 +144289,37 +144290,37 +144291,25 +144292,25 +144293,25 +144294,25 +144295,25 +144296,25 +144297,25 +144298,4 +144299,4 +144300,4 +144301,4 +144302,4 +144303,4 +144304,4 +144305,4 +144306,4 +144307,4 +144308,4 +144309,4 +144310,4 +144311,4 +144312,3 +144313,3 +144314,3 +144315,3 +144316,19 +144317,19 +144318,3 +144319,19 +144320,31 +144321,31 +144322,31 +144323,31 +144324,31 +144325,31 +144326,30 +144327,30 +144328,30 +144329,3 +144330,30 +144331,30 +144332,30 +144333,30 +144334,30 +144335,30 +144336,25 +144337,25 +144338,25 +144339,25 +144340,25 +144341,25 +144342,25 +144343,25 +144344,25 +144345,25 +144346,25 +144347,25 +144348,25 +144349,25 +144350,25 +144351,2 +144352,2 +144353,2 +144354,2 +144355,2 +144356,2 +144357,2 +144358,2 +144359,2 +144360,2 +144361,2 +144362,2 +144363,2 +144364,2 +144365,14 +144366,14 +144367,14 +144368,14 +144369,14 +144370,14 +144371,14 +144372,14 +144373,14 +144374,14 +144375,14 +144376,14 +144377,14 +144378,14 +144379,13 +144380,13 +144381,13 +144382,13 +144383,13 +144384,13 +144385,13 +144386,13 +144387,13 +144388,4 +144389,4 +144390,4 +144391,4 +144392,0 +144393,0 +144394,0 +144395,0 +144396,0 +144397,0 +144398,0 +144399,0 +144400,0 +144401,0 +144402,0 +144403,0 +144404,0 +144405,0 +144406,0 +144407,0 +144408,0 +144409,0 +144410,0 +144411,0 +144412,0 +144413,0 +144414,0 +144415,0 +144416,0 +144417,0 +144418,0 +144419,0 +144420,0 +144421,0 +144422,0 +144423,0 +144424,0 +144425,0 +144426,0 +144427,0 +144428,0 +144429,0 +144430,0 +144431,0 +144432,0 +144433,0 +144434,0 +144435,0 +144436,4 +144437,4 +144438,4 +144439,4 +144440,4 +144441,4 +144442,4 +144443,40 +144444,40 +144445,40 +144446,40 +144447,40 +144448,40 +144449,40 +144450,36 +144451,28 +144452,28 +144453,28 +144454,28 +144455,28 +144456,28 +144457,28 +144458,28 +144459,31 +144460,31 +144461,31 +144462,5 +144463,5 +144464,5 +144465,5 +144466,5 +144467,5 +144468,5 +144469,14 +144470,14 +144471,14 +144472,14 +144473,14 +144474,14 +144475,14 +144476,14 +144477,14 +144478,39 +144479,39 +144480,39 +144481,39 +144482,36 +144483,39 +144484,39 +144485,14 +144486,14 +144487,14 +144488,14 +144489,39 +144490,39 +144491,39 +144492,39 +144493,39 +144494,39 +144495,39 +144496,39 +144497,0 +144498,0 +144499,0 +144500,0 +144501,0 +144502,0 +144503,0 +144504,0 +144505,0 +144506,0 +144507,0 +144508,0 +144509,0 +144510,0 +144511,0 +144512,0 +144513,0 +144514,0 +144515,0 +144516,0 +144517,0 +144518,0 +144519,0 +144520,0 +144521,0 +144522,0 +144523,0 +144524,0 +144525,0 +144526,0 +144527,0 +144528,0 +144529,0 +144530,0 +144531,0 +144532,0 +144533,0 +144534,0 +144535,0 +144536,0 +144537,0 +144538,31 +144539,31 +144540,31 +144541,31 +144542,31 +144543,31 +144544,31 +144545,31 +144546,6 +144547,6 +144548,6 +144549,6 +144550,6 +144551,6 +144552,6 +144553,6 +144554,6 +144555,25 +144556,25 +144557,25 +144558,25 +144559,25 +144560,25 +144561,25 +144562,25 +144563,25 +144564,25 +144565,25 +144566,25 +144567,40 +144568,40 +144569,40 +144570,40 +144571,40 +144572,40 +144573,31 +144574,31 +144575,31 +144576,31 +144577,32 +144578,32 +144579,32 +144580,32 +144581,32 +144582,32 +144583,11 +144584,11 +144585,11 +144586,11 +144587,11 +144588,11 +144589,11 +144590,11 +144591,11 +144592,31 +144593,31 +144594,5 +144595,5 +144596,5 +144597,5 +144598,5 +144599,5 +144600,5 +144601,31 +144602,31 +144603,31 +144604,31 +144605,31 +144606,31 +144607,24 +144608,24 +144609,24 +144610,24 +144611,24 +144612,29 +144613,24 +144614,29 +144615,29 +144616,31 +144617,31 +144618,31 +144619,31 +144620,31 +144621,5 +144622,5 +144623,5 +144624,5 +144625,5 +144626,5 +144627,5 +144628,36 +144629,36 +144630,36 +144631,36 +144632,36 +144633,36 +144634,36 +144635,36 +144636,36 +144637,14 +144638,14 +144639,14 +144640,14 +144641,14 +144642,14 +144643,14 +144644,14 +144645,14 +144646,14 +144647,14 +144648,14 +144649,28 +144650,28 +144651,28 +144652,28 +144653,28 +144654,28 +144655,28 +144656,28 +144657,0 +144658,0 +144659,0 +144660,0 +144661,0 +144662,0 +144663,0 +144664,0 +144665,31 +144666,31 +144667,31 +144668,31 +144669,31 +144670,31 +144671,31 +144672,31 +144673,29 +144674,29 +144675,29 +144676,29 +144677,29 +144678,29 +144679,29 +144680,29 +144681,29 +144682,31 +144683,31 +144684,31 +144685,31 +144686,31 +144687,31 +144688,25 +144689,25 +144690,25 +144691,25 +144692,25 +144693,25 +144694,25 +144695,25 +144696,27 +144697,39 +144698,39 +144699,39 +144700,39 +144701,39 +144702,39 +144703,5 +144704,5 +144705,5 +144706,5 +144707,5 +144708,13 +144709,13 +144710,13 +144711,13 +144712,13 +144713,13 +144714,34 +144715,34 +144716,34 +144717,34 +144718,34 +144719,34 +144720,34 +144721,34 +144722,34 +144723,34 +144724,34 +144725,34 +144726,34 +144727,34 +144728,5 +144729,5 +144730,5 +144731,5 +144732,5 +144733,5 +144734,5 +144735,5 +144736,5 +144737,5 +144738,5 +144739,16 +144740,16 +144741,16 +144742,16 +144743,16 +144744,16 +144745,16 +144746,16 +144747,16 +144748,16 +144749,16 +144750,16 +144751,39 +144752,39 +144753,39 +144754,39 +144755,39 +144756,39 +144757,39 +144758,39 +144759,39 +144760,39 +144761,39 +144762,39 +144763,39 +144764,39 +144765,39 +144766,39 +144767,39 +144768,39 +144769,39 +144770,23 +144771,23 +144772,23 +144773,23 +144774,23 +144775,23 +144776,23 +144777,23 +144778,23 +144779,23 +144780,23 +144781,0 +144782,0 +144783,0 +144784,0 +144785,0 +144786,0 +144787,0 +144788,0 +144789,0 +144790,0 +144791,0 +144792,0 +144793,35 +144794,35 +144795,35 +144796,35 +144797,35 +144798,35 +144799,35 +144800,35 +144801,39 +144802,39 +144803,39 +144804,39 +144805,39 +144806,39 +144807,39 +144808,39 +144809,39 +144810,39 +144811,39 +144812,27 +144813,27 +144814,27 +144815,37 +144816,37 +144817,37 +144818,37 +144819,27 +144820,27 +144821,27 +144822,27 +144823,27 +144824,27 +144825,27 +144826,27 +144827,27 +144828,27 +144829,27 +144830,27 +144831,27 +144832,27 +144833,36 +144834,27 +144835,5 +144836,5 +144837,5 +144838,5 +144839,5 +144840,5 +144841,4 +144842,4 +144843,4 +144844,4 +144845,4 +144846,4 +144847,4 +144848,27 +144849,27 +144850,31 +144851,19 +144852,19 +144853,19 +144854,19 +144855,19 +144856,19 +144857,19 +144858,19 +144859,19 +144860,3 +144861,3 +144862,3 +144863,3 +144864,3 +144865,3 +144866,3 +144867,3 +144868,3 +144869,3 +144870,3 +144871,3 +144872,5 +144873,5 +144874,5 +144875,5 +144876,3 +144877,3 +144878,3 +144879,3 +144880,3 +144881,2 +144882,2 +144883,2 +144884,2 +144885,2 +144886,2 +144887,2 +144888,2 +144889,2 +144890,2 +144891,2 +144892,2 +144893,2 +144894,2 +144895,4 +144896,4 +144897,4 +144898,4 +144899,4 +144900,4 +144901,4 +144902,4 +144903,4 +144904,4 +144905,4 +144906,4 +144907,4 +144908,4 +144909,0 +144910,0 +144911,0 +144912,0 +144913,0 +144914,0 +144915,0 +144916,0 +144917,0 +144918,0 +144919,0 +144920,0 +144921,0 +144922,0 +144923,0 +144924,0 +144925,0 +144926,0 +144927,0 +144928,0 +144929,0 +144930,0 +144931,0 +144932,0 +144933,0 +144934,0 +144935,0 +144936,0 +144937,0 +144938,0 +144939,0 +144940,0 +144941,0 +144942,0 +144943,0 +144944,0 +144945,0 +144946,0 +144947,0 +144948,0 +144949,5 +144950,5 +144951,5 +144952,5 +144953,5 +144954,5 +144955,9 +144956,9 +144957,9 +144958,9 +144959,9 +144960,9 +144961,26 +144962,26 +144963,26 +144964,31 +144965,26 +144966,26 +144967,26 +144968,26 +144969,26 +144970,26 +144971,24 +144972,4 +144973,24 +144974,24 +144975,8 +144976,8 +144977,8 +144978,8 +144979,8 +144980,27 +144981,31 +144982,31 +144983,27 +144984,28 +144985,28 +144986,28 +144987,28 +144988,28 +144989,28 +144990,28 +144991,28 +144992,28 +144993,40 +144994,40 +144995,40 +144996,40 +144997,40 +144998,40 +144999,40 +145000,5 +145001,5 +145002,5 +145003,39 +145004,39 +145005,39 +145006,39 +145007,39 +145008,39 +145009,39 +145010,39 +145011,39 +145012,39 +145013,36 +145014,31 +145015,31 +145016,31 +145017,31 +145018,31 +145019,31 +145020,31 +145021,31 +145022,31 +145023,29 +145024,29 +145025,29 +145026,29 +145027,29 +145028,29 +145029,14 +145030,14 +145031,14 +145032,14 +145033,14 +145034,14 +145035,14 +145036,14 +145037,14 +145038,8 +145039,8 +145040,8 +145041,8 +145042,8 +145043,8 +145044,8 +145045,8 +145046,8 +145047,10 +145048,10 +145049,10 +145050,10 +145051,10 +145052,10 +145053,10 +145054,10 +145055,35 +145056,35 +145057,35 +145058,36 +145059,36 +145060,36 +145061,36 +145062,36 +145063,36 +145064,36 +145065,36 +145066,36 +145067,36 +145068,36 +145069,36 +145070,36 +145071,36 +145072,24 +145073,24 +145074,24 +145075,24 +145076,24 +145077,24 +145078,24 +145079,31 +145080,31 +145081,31 +145082,31 +145083,28 +145084,28 +145085,28 +145086,28 +145087,28 +145088,28 +145089,28 +145090,25 +145091,25 +145092,25 +145093,27 +145094,27 +145095,27 +145096,27 +145097,27 +145098,27 +145099,4 +145100,4 +145101,27 +145102,27 +145103,27 +145104,27 +145105,27 +145106,27 +145107,19 +145108,4 +145109,4 +145110,4 +145111,4 +145112,4 +145113,4 +145114,4 +145115,4 +145116,4 +145117,4 +145118,4 +145119,27 +145120,27 +145121,28 +145122,28 +145123,28 +145124,28 +145125,28 +145126,28 +145127,28 +145128,28 +145129,28 +145130,40 +145131,40 +145132,40 +145133,40 +145134,40 +145135,40 +145136,40 +145137,5 +145138,5 +145139,5 +145140,5 +145141,5 +145142,5 +145143,16 +145144,16 +145145,16 +145146,16 +145147,16 +145148,16 +145149,16 +145150,16 +145151,16 +145152,27 +145153,27 +145154,27 +145155,31 +145156,31 +145157,31 +145158,31 +145159,31 +145160,31 +145161,31 +145162,5 +145163,5 +145164,5 +145165,5 +145166,5 +145167,5 +145168,5 +145169,5 +145170,5 +145171,5 +145172,5 +145173,0 +145174,0 +145175,0 +145176,0 +145177,0 +145178,0 +145179,0 +145180,0 +145181,0 +145182,0 +145183,0 +145184,0 +145185,0 +145186,0 +145187,0 +145188,0 +145189,0 +145190,0 +145191,0 +145192,0 +145193,0 +145194,0 +145195,0 +145196,0 +145197,0 +145198,0 +145199,0 +145200,0 +145201,0 +145202,0 +145203,0 +145204,32 +145205,32 +145206,32 +145207,32 +145208,32 +145209,32 +145210,32 +145211,32 +145212,37 +145213,37 +145214,37 +145215,37 +145216,37 +145217,37 +145218,40 +145219,40 +145220,40 +145221,40 +145222,40 +145223,8 +145224,8 +145225,8 +145226,8 +145227,27 +145228,27 +145229,27 +145230,27 +145231,5 +145232,5 +145233,5 +145234,4 +145235,4 +145236,4 +145237,4 +145238,4 +145239,4 +145240,4 +145241,4 +145242,4 +145243,4 +145244,14 +145245,14 +145246,14 +145247,14 +145248,14 +145249,14 +145250,14 +145251,39 +145252,39 +145253,11 +145254,11 +145255,11 +145256,11 +145257,11 +145258,11 +145259,11 +145260,11 +145261,11 +145262,31 +145263,31 +145264,31 +145265,31 +145266,31 +145267,5 +145268,5 +145269,5 +145270,5 +145271,8 +145272,8 +145273,8 +145274,8 +145275,12 +145276,12 +145277,12 +145278,12 +145279,12 +145280,12 +145281,27 +145282,27 +145283,3 +145284,3 +145285,4 +145286,4 +145287,4 +145288,4 +145289,4 +145290,4 +145291,4 +145292,27 +145293,27 +145294,27 +145295,27 +145296,27 +145297,27 +145298,27 +145299,19 +145300,19 +145301,19 +145302,19 +145303,19 +145304,19 +145305,31 +145306,27 +145307,27 +145308,27 +145309,5 +145310,5 +145311,5 +145312,5 +145313,5 +145314,5 +145315,28 +145316,28 +145317,28 +145318,28 +145319,28 +145320,28 +145321,28 +145322,14 +145323,14 +145324,14 +145325,14 +145326,14 +145327,14 +145328,14 +145329,14 +145330,14 +145331,14 +145332,14 +145333,14 +145334,14 +145335,4 +145336,4 +145337,4 +145338,4 +145339,4 +145340,4 +145341,4 +145342,4 +145343,4 +145344,4 +145345,3 +145346,3 +145347,3 +145348,3 +145349,3 +145350,3 +145351,27 +145352,27 +145353,27 +145354,27 +145355,39 +145356,39 +145357,39 +145358,39 +145359,31 +145360,31 +145361,31 +145362,31 +145363,31 +145364,27 +145365,27 +145366,28 +145367,28 +145368,28 +145369,28 +145370,28 +145371,28 +145372,28 +145373,28 +145374,28 +145375,28 +145376,28 +145377,28 +145378,28 +145379,28 +145380,28 +145381,0 +145382,0 +145383,0 +145384,0 +145385,0 +145386,0 +145387,0 +145388,0 +145389,0 +145390,0 +145391,0 +145392,0 +145393,0 +145394,0 +145395,0 +145396,0 +145397,0 +145398,0 +145399,0 +145400,0 +145401,0 +145402,0 +145403,0 +145404,0 +145405,0 +145406,0 +145407,0 +145408,0 +145409,0 +145410,0 +145411,0 +145412,0 +145413,0 +145414,0 +145415,0 +145416,0 +145417,0 +145418,0 +145419,0 +145420,31 +145421,31 +145422,31 +145423,31 +145424,31 +145425,31 +145426,31 +145427,5 +145428,5 +145429,5 +145430,5 +145431,5 +145432,2 +145433,2 +145434,2 +145435,2 +145436,2 +145437,2 +145438,2 +145439,40 +145440,40 +145441,31 +145442,31 +145443,28 +145444,28 +145445,28 +145446,28 +145447,28 +145448,28 +145449,39 +145450,1 +145451,39 +145452,39 +145453,39 +145454,39 +145455,1 +145456,1 +145457,7 +145458,7 +145459,7 +145460,3 +145461,3 +145462,3 +145463,5 +145464,27 +145465,27 +145466,27 +145467,27 +145468,27 +145469,27 +145470,39 +145471,39 +145472,6 +145473,6 +145474,6 +145475,6 +145476,6 +145477,6 +145478,2 +145479,2 +145480,2 +145481,2 +145482,2 +145483,2 +145484,2 +145485,32 +145486,32 +145487,32 +145488,32 +145489,32 +145490,32 +145491,32 +145492,40 +145493,40 +145494,40 +145495,40 +145496,40 +145497,40 +145498,2 +145499,2 +145500,2 +145501,2 +145502,2 +145503,2 +145504,2 +145505,2 +145506,2 +145507,2 +145508,31 +145509,2 +145510,28 +145511,28 +145512,28 +145513,28 +145514,28 +145515,28 +145516,31 +145517,31 +145518,31 +145519,31 +145520,31 +145521,31 +145522,31 +145523,5 +145524,5 +145525,3 +145526,5 +145527,5 +145528,8 +145529,8 +145530,8 +145531,8 +145532,8 +145533,31 +145534,31 +145535,31 +145536,31 +145537,31 +145538,31 +145539,24 +145540,24 +145541,24 +145542,24 +145543,29 +145544,29 +145545,29 +145546,31 +145547,31 +145548,31 +145549,31 +145550,6 +145551,6 +145552,6 +145553,6 +145554,6 +145555,6 +145556,6 +145557,12 +145558,12 +145559,12 +145560,12 +145561,12 +145562,12 +145563,12 +145564,39 +145565,39 +145566,39 +145567,39 +145568,39 +145569,39 +145570,39 +145571,7 +145572,7 +145573,39 +145574,5 +145575,5 +145576,35 +145577,35 +145578,35 +145579,35 +145580,36 +145581,36 +145582,14 +145583,14 +145584,14 +145585,14 +145586,14 +145587,28 +145588,28 +145589,28 +145590,28 +145591,28 +145592,28 +145593,28 +145594,32 +145595,32 +145596,32 +145597,32 +145598,32 +145599,32 +145600,32 +145601,32 +145602,32 +145603,32 +145604,25 +145605,25 +145606,25 +145607,25 +145608,25 +145609,25 +145610,25 +145611,37 +145612,37 +145613,39 +145614,39 +145615,39 +145616,39 +145617,39 +145618,39 +145619,39 +145620,39 +145621,31 +145622,31 +145623,31 +145624,31 +145625,31 +145626,31 +145627,31 +145628,31 +145629,19 +145630,19 +145631,19 +145632,19 +145633,19 +145634,19 +145635,19 +145636,19 +145637,19 +145638,19 +145639,19 +145640,19 +145641,19 +145642,0 +145643,0 +145644,0 +145645,0 +145646,0 +145647,0 +145648,0 +145649,0 +145650,0 +145651,0 +145652,0 +145653,0 +145654,0 +145655,0 +145656,0 +145657,0 +145658,0 +145659,0 +145660,0 +145661,0 +145662,0 +145663,0 +145664,0 +145665,0 +145666,0 +145667,0 +145668,0 +145669,0 +145670,0 +145671,0 +145672,0 +145673,0 +145674,0 +145675,0 +145676,0 +145677,0 +145678,0 +145679,0 +145680,0 +145681,0 +145682,0 +145683,0 +145684,0 +145685,0 +145686,0 +145687,0 +145688,0 +145689,0 +145690,0 +145691,0 +145692,0 +145693,0 +145694,0 +145695,0 +145696,0 +145697,0 +145698,0 +145699,0 +145700,0 +145701,0 +145702,0 +145703,0 +145704,0 +145705,0 +145706,0 +145707,0 +145708,0 +145709,0 +145710,0 +145711,0 +145712,0 +145713,0 +145714,0 +145715,9 +145716,9 +145717,9 +145718,9 +145719,9 +145720,9 +145721,9 +145722,9 +145723,9 +145724,9 +145725,9 +145726,9 +145727,9 +145728,9 +145729,9 +145730,9 +145731,30 +145732,30 +145733,30 +145734,30 +145735,30 +145736,30 +145737,30 +145738,30 +145739,30 +145740,27 +145741,27 +145742,27 +145743,27 +145744,27 +145745,27 +145746,27 +145747,3 +145748,2 +145749,2 +145750,2 +145751,2 +145752,2 +145753,2 +145754,2 +145755,2 +145756,2 +145757,2 +145758,2 +145759,2 +145760,2 +145761,2 +145762,2 +145763,2 +145764,2 +145765,2 +145766,33 +145767,33 +145768,33 +145769,33 +145770,33 +145771,33 +145772,33 +145773,33 +145774,24 +145775,24 +145776,24 +145777,24 +145778,24 +145779,24 +145780,25 +145781,25 +145782,25 +145783,25 +145784,37 +145785,37 +145786,25 +145787,25 +145788,3 +145789,33 +145790,33 +145791,12 +145792,12 +145793,12 +145794,12 +145795,12 +145796,12 +145797,12 +145798,12 +145799,12 +145800,31 +145801,31 +145802,31 +145803,31 +145804,31 +145805,31 +145806,31 +145807,31 +145808,31 +145809,31 +145810,31 +145811,31 +145812,32 +145813,32 +145814,32 +145815,32 +145816,32 +145817,32 +145818,32 +145819,32 +145820,32 +145821,26 +145822,26 +145823,26 +145824,26 +145825,26 +145826,26 +145827,26 +145828,26 +145829,26 +145830,26 +145831,37 +145832,5 +145833,5 +145834,5 +145835,5 +145836,29 +145837,29 +145838,29 +145839,31 +145840,31 +145841,31 +145842,31 +145843,23 +145844,23 +145845,23 +145846,23 +145847,23 +145848,23 +145849,23 +145850,23 +145851,23 +145852,23 +145853,23 +145854,30 +145855,30 +145856,30 +145857,30 +145858,30 +145859,33 +145860,33 +145861,33 +145862,33 +145863,33 +145864,33 +145865,33 +145866,33 +145867,33 +145868,26 +145869,26 +145870,26 +145871,26 +145872,26 +145873,26 +145874,26 +145875,26 +145876,26 +145877,26 +145878,26 +145879,37 +145880,25 +145881,25 +145882,37 +145883,37 +145884,37 +145885,37 +145886,37 +145887,25 +145888,25 +145889,25 +145890,25 +145891,37 +145892,25 +145893,37 +145894,37 +145895,37 +145896,0 +145897,0 +145898,0 +145899,0 +145900,0 +145901,0 +145902,0 +145903,0 +145904,0 +145905,0 +145906,0 +145907,0 +145908,0 +145909,0 +145910,0 +145911,0 +145912,0 +145913,0 +145914,0 +145915,0 +145916,0 +145917,0 +145918,0 +145919,0 +145920,0 +145921,0 +145922,0 +145923,0 +145924,0 +145925,0 +145926,0 +145927,0 +145928,0 +145929,0 +145930,0 +145931,0 +145932,0 +145933,0 +145934,0 +145935,0 +145936,0 +145937,0 +145938,0 +145939,0 +145940,0 +145941,0 +145942,0 +145943,0 +145944,0 +145945,0 +145946,0 +145947,0 +145948,0 +145949,0 +145950,0 +145951,0 +145952,0 +145953,0 +145954,10 +145955,9 +145956,9 +145957,9 +145958,9 +145959,9 +145960,9 +145961,9 +145962,9 +145963,9 +145964,9 +145965,9 +145966,9 +145967,9 +145968,9 +145969,2 +145970,2 +145971,2 +145972,2 +145973,2 +145974,2 +145975,2 +145976,2 +145977,2 +145978,31 +145979,33 +145980,33 +145981,33 +145982,33 +145983,33 +145984,33 +145985,29 +145986,29 +145987,29 +145988,31 +145989,31 +145990,31 +145991,31 +145992,15 +145993,15 +145994,15 +145995,15 +145996,15 +145997,15 +145998,15 +145999,15 +146000,40 +146001,40 +146002,40 +146003,40 +146004,40 +146005,40 +146006,40 +146007,14 +146008,14 +146009,40 +146010,40 +146011,40 +146012,40 +146013,40 +146014,40 +146015,37 +146016,37 +146017,37 +146018,37 +146019,36 +146020,36 +146021,31 +146022,24 +146023,24 +146024,28 +146025,28 +146026,28 +146027,28 +146028,28 +146029,28 +146030,28 +146031,28 +146032,28 +146033,28 +146034,28 +146035,31 +146036,31 +146037,31 +146038,31 +146039,31 +146040,10 +146041,5 +146042,5 +146043,5 +146044,5 +146045,39 +146046,39 +146047,39 +146048,39 +146049,39 +146050,39 +146051,39 +146052,39 +146053,39 +146054,39 +146055,39 +146056,14 +146057,14 +146058,14 +146059,5 +146060,5 +146061,5 +146062,5 +146063,5 +146064,5 +146065,4 +146066,4 +146067,4 +146068,4 +146069,4 +146070,4 +146071,4 +146072,4 +146073,4 +146074,4 +146075,36 +146076,36 +146077,36 +146078,36 +146079,36 +146080,36 +146081,36 +146082,36 +146083,36 +146084,36 +146085,36 +146086,36 +146087,36 +146088,36 +146089,36 +146090,6 +146091,6 +146092,6 +146093,6 +146094,6 +146095,6 +146096,6 +146097,4 +146098,4 +146099,4 +146100,4 +146101,4 +146102,4 +146103,4 +146104,4 +146105,4 +146106,4 +146107,4 +146108,4 +146109,4 +146110,4 +146111,4 +146112,4 +146113,4 +146114,0 +146115,0 +146116,0 +146117,0 +146118,0 +146119,0 +146120,0 +146121,0 +146122,0 +146123,0 +146124,0 +146125,0 +146126,0 +146127,0 +146128,0 +146129,0 +146130,0 +146131,0 +146132,0 +146133,0 +146134,0 +146135,0 +146136,0 +146137,0 +146138,0 +146139,0 +146140,0 +146141,0 +146142,0 +146143,0 +146144,0 +146145,0 +146146,0 +146147,0 +146148,0 +146149,0 +146150,0 +146151,0 +146152,0 +146153,0 +146154,0 +146155,0 +146156,0 +146157,35 +146158,35 +146159,35 +146160,35 +146161,35 +146162,39 +146163,39 +146164,39 +146165,39 +146166,14 +146167,14 +146168,39 +146169,39 +146170,39 +146171,39 +146172,39 +146173,39 +146174,39 +146175,39 +146176,39 +146177,39 +146178,31 +146179,31 +146180,31 +146181,31 +146182,31 +146183,31 +146184,10 +146185,10 +146186,10 +146187,40 +146188,40 +146189,2 +146190,2 +146191,2 +146192,2 +146193,2 +146194,2 +146195,2 +146196,2 +146197,2 +146198,2 +146199,2 +146200,2 +146201,2 +146202,2 +146203,2 +146204,28 +146205,28 +146206,28 +146207,28 +146208,28 +146209,28 +146210,5 +146211,39 +146212,39 +146213,39 +146214,39 +146215,39 +146216,39 +146217,39 +146218,39 +146219,39 +146220,39 +146221,39 +146222,39 +146223,39 +146224,39 +146225,39 +146226,4 +146227,4 +146228,4 +146229,4 +146230,4 +146231,4 +146232,31 +146233,31 +146234,31 +146235,27 +146236,31 +146237,30 +146238,30 +146239,30 +146240,30 +146241,30 +146242,30 +146243,30 +146244,30 +146245,30 +146246,9 +146247,9 +146248,9 +146249,9 +146250,9 +146251,9 +146252,10 +146253,10 +146254,10 +146255,10 +146256,10 +146257,10 +146258,10 +146259,10 +146260,10 +146261,10 +146262,10 +146263,10 +146264,10 +146265,10 +146266,10 +146267,10 +146268,10 +146269,36 +146270,36 +146271,36 +146272,36 +146273,36 +146274,36 +146275,36 +146276,36 +146277,36 +146278,36 +146279,36 +146280,5 +146281,5 +146282,5 +146283,5 +146284,36 +146285,36 +146286,36 +146287,36 +146288,36 +146289,36 +146290,36 +146291,36 +146292,36 +146293,36 +146294,36 +146295,36 +146296,36 +146297,36 +146298,36 +146299,36 +146300,36 +146301,36 +146302,36 +146303,36 +146304,36 +146305,36 +146306,36 +146307,5 +146308,28 +146309,5 +146310,5 +146311,28 +146312,28 +146313,28 +146314,15 +146315,15 +146316,15 +146317,15 +146318,4 +146319,4 +146320,30 +146321,31 +146322,30 +146323,30 +146324,31 +146325,30 +146326,30 +146327,30 +146328,30 +146329,30 +146330,30 +146331,11 +146332,11 +146333,11 +146334,11 +146335,11 +146336,11 +146337,11 +146338,11 +146339,11 +146340,11 +146341,11 +146342,11 +146343,11 +146344,11 +146345,11 +146346,11 +146347,15 +146348,15 +146349,15 +146350,15 +146351,15 +146352,15 +146353,15 +146354,10 +146355,10 +146356,10 +146357,10 +146358,10 +146359,10 +146360,10 +146361,10 +146362,29 +146363,29 +146364,29 +146365,29 +146366,29 +146367,29 +146368,31 +146369,31 +146370,31 +146371,31 +146372,31 +146373,31 +146374,37 +146375,37 +146376,37 +146377,37 +146378,37 +146379,37 +146380,37 +146381,37 +146382,37 +146383,37 +146384,37 +146385,37 +146386,37 +146387,33 +146388,33 +146389,33 +146390,33 +146391,33 +146392,33 +146393,33 +146394,33 +146395,33 +146396,33 +146397,33 +146398,33 +146399,33 +146400,33 +146401,33 +146402,33 +146403,33 +146404,33 +146405,33 +146406,33 +146407,33 +146408,30 +146409,19 +146410,19 +146411,19 +146412,19 +146413,19 +146414,19 +146415,19 +146416,12 +146417,12 +146418,12 +146419,12 +146420,12 +146421,12 +146422,12 +146423,12 +146424,40 +146425,40 +146426,40 +146427,25 +146428,25 +146429,25 +146430,25 +146431,25 +146432,29 +146433,29 +146434,29 +146435,29 +146436,29 +146437,14 +146438,14 +146439,14 +146440,14 +146441,14 +146442,14 +146443,14 +146444,14 +146445,6 +146446,6 +146447,6 +146448,6 +146449,6 +146450,6 +146451,6 +146452,6 +146453,6 +146454,6 +146455,6 +146456,6 +146457,31 +146458,31 +146459,31 +146460,31 +146461,31 +146462,31 +146463,28 +146464,28 +146465,28 +146466,28 +146467,28 +146468,28 +146469,28 +146470,28 +146471,28 +146472,28 +146473,28 +146474,28 +146475,19 +146476,19 +146477,19 +146478,19 +146479,19 +146480,19 +146481,19 +146482,19 +146483,34 +146484,34 +146485,34 +146486,34 +146487,34 +146488,34 +146489,34 +146490,34 +146491,34 +146492,34 +146493,34 +146494,34 +146495,34 +146496,34 +146497,34 +146498,34 +146499,34 +146500,34 +146501,34 +146502,34 +146503,34 +146504,34 +146505,34 +146506,5 +146507,5 +146508,5 +146509,5 +146510,5 +146511,5 +146512,23 +146513,23 +146514,23 +146515,23 +146516,23 +146517,23 +146518,23 +146519,23 +146520,31 +146521,31 +146522,31 +146523,31 +146524,5 +146525,28 +146526,19 +146527,19 +146528,19 +146529,19 +146530,19 +146531,19 +146532,19 +146533,29 +146534,29 +146535,29 +146536,29 +146537,29 +146538,31 +146539,31 +146540,28 +146541,28 +146542,28 +146543,28 +146544,5 +146545,5 +146546,34 +146547,34 +146548,34 +146549,34 +146550,34 +146551,34 +146552,34 +146553,34 +146554,34 +146555,34 +146556,34 +146557,34 +146558,34 +146559,5 +146560,5 +146561,5 +146562,4 +146563,4 +146564,4 +146565,4 +146566,2 +146567,2 +146568,2 +146569,8 +146570,19 +146571,31 +146572,31 +146573,31 +146574,5 +146575,5 +146576,5 +146577,5 +146578,5 +146579,5 +146580,5 +146581,5 +146582,5 +146583,5 +146584,5 +146585,5 +146586,5 +146587,5 +146588,5 +146589,5 +146590,2 +146591,2 +146592,2 +146593,2 +146594,2 +146595,2 +146596,2 +146597,2 +146598,2 +146599,2 +146600,2 +146601,2 +146602,2 +146603,2 +146604,2 +146605,2 +146606,2 +146607,2 +146608,2 +146609,2 +146610,2 +146611,0 +146612,0 +146613,0 +146614,0 +146615,0 +146616,0 +146617,0 +146618,0 +146619,0 +146620,0 +146621,0 +146622,0 +146623,0 +146624,0 +146625,0 +146626,0 +146627,0 +146628,0 +146629,0 +146630,0 +146631,0 +146632,0 +146633,0 +146634,0 +146635,2 +146636,2 +146637,2 +146638,2 +146639,2 +146640,2 +146641,11 +146642,2 +146643,2 +146644,2 +146645,2 +146646,2 +146647,2 +146648,2 +146649,2 +146650,2 +146651,40 +146652,31 +146653,31 +146654,31 +146655,31 +146656,31 +146657,31 +146658,33 +146659,33 +146660,31 +146661,31 +146662,34 +146663,30 +146664,30 +146665,31 +146666,39 +146667,3 +146668,3 +146669,3 +146670,6 +146671,6 +146672,21 +146673,21 +146674,21 +146675,21 +146676,21 +146677,21 +146678,31 +146679,33 +146680,31 +146681,31 +146682,31 +146683,30 +146684,30 +146685,31 +146686,27 +146687,27 +146688,27 +146689,27 +146690,4 +146691,4 +146692,4 +146693,4 +146694,4 +146695,4 +146696,4 +146697,4 +146698,27 +146699,27 +146700,29 +146701,29 +146702,29 +146703,4 +146704,4 +146705,10 +146706,10 +146707,10 +146708,40 +146709,35 +146710,35 +146711,10 +146712,10 +146713,40 +146714,40 +146715,40 +146716,29 +146717,29 +146718,29 +146719,29 +146720,29 +146721,29 +146722,29 +146723,25 +146724,25 +146725,25 +146726,25 +146727,25 +146728,25 +146729,25 +146730,25 +146731,25 +146732,25 +146733,25 +146734,25 +146735,25 +146736,25 +146737,25 +146738,37 +146739,37 +146740,37 +146741,37 +146742,0 +146743,0 +146744,0 +146745,0 +146746,0 +146747,0 +146748,0 +146749,0 +146750,0 +146751,0 +146752,0 +146753,0 +146754,0 +146755,0 +146756,0 +146757,0 +146758,0 +146759,0 +146760,0 +146761,26 +146762,26 +146763,26 +146764,26 +146765,26 +146766,26 +146767,26 +146768,26 +146769,26 +146770,26 +146771,26 +146772,26 +146773,26 +146774,26 +146775,26 +146776,26 +146777,26 +146778,26 +146779,5 +146780,5 +146781,5 +146782,5 +146783,5 +146784,5 +146785,29 +146786,29 +146787,29 +146788,10 +146789,10 +146790,26 +146791,26 +146792,26 +146793,26 +146794,26 +146795,26 +146796,26 +146797,26 +146798,26 +146799,26 +146800,26 +146801,6 +146802,6 +146803,6 +146804,32 +146805,4 +146806,4 +146807,4 +146808,4 +146809,4 +146810,4 +146811,4 +146812,4 +146813,15 +146814,15 +146815,15 +146816,27 +146817,27 +146818,27 +146819,27 +146820,27 +146821,18 +146822,19 +146823,19 +146824,18 +146825,16 +146826,16 +146827,16 +146828,16 +146829,16 +146830,16 +146831,4 +146832,4 +146833,4 +146834,37 +146835,37 +146836,37 +146837,25 +146838,37 +146839,37 +146840,14 +146841,14 +146842,14 +146843,14 +146844,14 +146845,14 +146846,14 +146847,14 +146848,14 +146849,14 +146850,14 +146851,14 +146852,14 +146853,14 +146854,14 +146855,14 +146856,39 +146857,3 +146858,3 +146859,3 +146860,3 +146861,3 +146862,3 +146863,3 +146864,3 +146865,3 +146866,3 +146867,3 +146868,3 +146869,3 +146870,3 +146871,3 +146872,3 +146873,0 +146874,0 +146875,0 +146876,5 +146877,0 +146878,0 +146879,5 +146880,0 +146881,0 +146882,0 +146883,0 +146884,0 +146885,0 +146886,0 +146887,0 +146888,0 +146889,0 +146890,0 +146891,0 +146892,0 +146893,0 +146894,0 +146895,0 +146896,25 +146897,25 +146898,0 +146899,0 +146900,0 +146901,0 +146902,0 +146903,0 +146904,0 +146905,0 +146906,0 +146907,0 +146908,0 +146909,0 +146910,29 +146911,29 +146912,29 +146913,22 +146914,22 +146915,33 +146916,33 +146917,33 +146918,33 +146919,33 +146920,33 +146921,33 +146922,33 +146923,35 +146924,35 +146925,35 +146926,35 +146927,35 +146928,35 +146929,35 +146930,35 +146931,27 +146932,27 +146933,27 +146934,8 +146935,8 +146936,8 +146937,8 +146938,8 +146939,8 +146940,8 +146941,35 +146942,35 +146943,35 +146944,8 +146945,40 +146946,40 +146947,40 +146948,40 +146949,40 +146950,40 +146951,40 +146952,40 +146953,36 +146954,4 +146955,4 +146956,4 +146957,4 +146958,4 +146959,31 +146960,31 +146961,31 +146962,31 +146963,31 +146964,31 +146965,4 +146966,4 +146967,4 +146968,4 +146969,4 +146970,4 +146971,4 +146972,4 +146973,4 +146974,4 +146975,3 +146976,3 +146977,3 +146978,3 +146979,3 +146980,3 +146981,3 +146982,3 +146983,3 +146984,3 +146985,3 +146986,4 +146987,4 +146988,4 +146989,4 +146990,4 +146991,4 +146992,4 +146993,31 +146994,31 +146995,31 +146996,31 +146997,31 +146998,31 +146999,29 +147000,29 +147001,29 +147002,29 +147003,29 +147004,31 +147005,31 +147006,31 +147007,31 +147008,31 +147009,31 +147010,12 +147011,12 +147012,12 +147013,12 +147014,12 +147015,12 +147016,12 +147017,12 +147018,9 +147019,9 +147020,9 +147021,9 +147022,9 +147023,9 +147024,9 +147025,9 +147026,9 +147027,37 +147028,37 +147029,37 +147030,37 +147031,37 +147032,31 +147033,31 +147034,31 +147035,31 +147036,12 +147037,12 +147038,12 +147039,12 +147040,12 +147041,12 +147042,12 +147043,31 +147044,12 +147045,12 +147046,12 +147047,12 +147048,31 +147049,31 +147050,31 +147051,31 +147052,31 +147053,31 +147054,31 +147055,31 +147056,2 +147057,2 +147058,2 +147059,35 +147060,35 +147061,35 +147062,40 +147063,40 +147064,40 +147065,40 +147066,40 +147067,40 +147068,40 +147069,40 +147070,40 +147071,40 +147072,40 +147073,8 +147074,8 +147075,8 +147076,8 +147077,8 +147078,8 +147079,8 +147080,8 +147081,8 +147082,8 +147083,8 +147084,36 +147085,36 +147086,36 +147087,36 +147088,36 +147089,36 +147090,36 +147091,36 +147092,36 +147093,36 +147094,36 +147095,36 +147096,5 +147097,5 +147098,5 +147099,5 +147100,5 +147101,4 +147102,4 +147103,4 +147104,4 +147105,4 +147106,4 +147107,4 +147108,10 +147109,40 +147110,40 +147111,40 +147112,40 +147113,40 +147114,40 +147115,39 +147116,39 +147117,39 +147118,14 +147119,32 +147120,32 +147121,4 +147122,32 +147123,32 +147124,32 +147125,32 +147126,32 +147127,32 +147128,32 +147129,32 +147130,32 +147131,37 +147132,37 +147133,37 +147134,37 +147135,40 +147136,40 +147137,40 +147138,26 +147139,11 +147140,11 +147141,11 +147142,11 +147143,11 +147144,11 +147145,11 +147146,11 +147147,11 +147148,11 +147149,11 +147150,27 +147151,27 +147152,27 +147153,27 +147154,27 +147155,27 +147156,5 +147157,5 +147158,5 +147159,5 +147160,5 +147161,5 +147162,5 +147163,5 +147164,5 +147165,5 +147166,5 +147167,5 +147168,5 +147169,5 +147170,5 +147171,5 +147172,5 +147173,0 +147174,0 +147175,0 +147176,0 +147177,0 +147178,0 +147179,0 +147180,0 +147181,0 +147182,0 +147183,0 +147184,0 +147185,0 +147186,0 +147187,0 +147188,0 +147189,0 +147190,0 +147191,0 +147192,0 +147193,0 +147194,0 +147195,0 +147196,0 +147197,0 +147198,0 +147199,0 +147200,0 +147201,0 +147202,0 +147203,0 +147204,0 +147205,0 +147206,0 +147207,0 +147208,0 +147209,0 +147210,0 +147211,0 +147212,0 +147213,0 +147214,0 +147215,0 +147216,0 +147217,0 +147218,0 +147219,0 +147220,0 +147221,0 +147222,0 +147223,0 +147224,0 +147225,0 +147226,0 +147227,0 +147228,35 +147229,6 +147230,6 +147231,6 +147232,6 +147233,6 +147234,6 +147235,6 +147236,6 +147237,14 +147238,27 +147239,27 +147240,27 +147241,27 +147242,27 +147243,27 +147244,27 +147245,27 +147246,24 +147247,24 +147248,24 +147249,24 +147250,2 +147251,2 +147252,2 +147253,2 +147254,2 +147255,2 +147256,2 +147257,2 +147258,2 +147259,27 +147260,27 +147261,27 +147262,27 +147263,5 +147264,5 +147265,5 +147266,5 +147267,5 +147268,5 +147269,5 +147270,5 +147271,5 +147272,29 +147273,29 +147274,29 +147275,29 +147276,14 +147277,14 +147278,14 +147279,14 +147280,14 +147281,14 +147282,14 +147283,14 +147284,14 +147285,14 +147286,14 +147287,14 +147288,3 +147289,3 +147290,3 +147291,3 +147292,3 +147293,3 +147294,3 +147295,3 +147296,3 +147297,3 +147298,3 +147299,3 +147300,3 +147301,3 +147302,3 +147303,3 +147304,3 +147305,3 +147306,23 +147307,23 +147308,8 +147309,23 +147310,23 +147311,8 +147312,8 +147313,8 +147314,8 +147315,2 +147316,2 +147317,2 +147318,2 +147319,2 +147320,2 +147321,2 +147322,2 +147323,0 +147324,0 +147325,0 +147326,2 +147327,31 +147328,31 +147329,31 +147330,31 +147331,10 +147332,31 +147333,31 +147334,31 +147335,6 +147336,6 +147337,0 +147338,6 +147339,6 +147340,6 +147341,6 +147342,6 +147343,6 +147344,6 +147345,6 +147346,35 +147347,35 +147348,35 +147349,34 +147350,34 +147351,31 +147352,31 +147353,15 +147354,15 +147355,15 +147356,15 +147357,15 +147358,15 +147359,15 +147360,15 +147361,15 +147362,15 +147363,15 +147364,15 +147365,31 +147366,31 +147367,31 +147368,31 +147369,31 +147370,31 +147371,24 +147372,24 +147373,24 +147374,24 +147375,24 +147376,24 +147377,24 +147378,24 +147379,24 +147380,24 +147381,24 +147382,24 +147383,40 +147384,40 +147385,40 +147386,40 +147387,40 +147388,40 +147389,40 +147390,14 +147391,14 +147392,14 +147393,14 +147394,14 +147395,14 +147396,14 +147397,14 +147398,14 +147399,14 +147400,14 +147401,14 +147402,14 +147403,14 +147404,30 +147405,30 +147406,30 +147407,30 +147408,30 +147409,30 +147410,30 +147411,33 +147412,33 +147413,33 +147414,33 +147415,33 +147416,33 +147417,30 +147418,30 +147419,30 +147420,30 +147421,30 +147422,30 +147423,0 +147424,0 +147425,0 +147426,0 +147427,0 +147428,0 +147429,0 +147430,0 +147431,0 +147432,0 +147433,0 +147434,0 +147435,31 +147436,31 +147437,31 +147438,31 +147439,31 +147440,31 +147441,31 +147442,31 +147443,5 +147444,5 +147445,5 +147446,5 +147447,5 +147448,5 +147449,5 +147450,5 +147451,30 +147452,30 +147453,30 +147454,30 +147455,30 +147456,30 +147457,30 +147458,30 +147459,40 +147460,40 +147461,40 +147462,40 +147463,40 +147464,40 +147465,40 +147466,40 +147467,8 +147468,8 +147469,8 +147470,35 +147471,35 +147472,35 +147473,35 +147474,35 +147475,35 +147476,35 +147477,35 +147478,35 +147479,3 +147480,3 +147481,3 +147482,3 +147483,3 +147484,28 +147485,28 +147486,28 +147487,28 +147488,28 +147489,28 +147490,28 +147491,28 +147492,28 +147493,28 +147494,28 +147495,28 +147496,28 +147497,28 +147498,28 +147499,28 +147500,33 +147501,33 +147502,33 +147503,33 +147504,33 +147505,33 +147506,33 +147507,33 +147508,9 +147509,33 +147510,9 +147511,9 +147512,9 +147513,9 +147514,37 +147515,37 +147516,37 +147517,37 +147518,37 +147519,37 +147520,2 +147521,2 +147522,2 +147523,2 +147524,2 +147525,2 +147526,2 +147527,2 +147528,2 +147529,2 +147530,2 +147531,2 +147532,2 +147533,2 +147534,4 +147535,4 +147536,4 +147537,4 +147538,4 +147539,4 +147540,4 +147541,4 +147542,4 +147543,34 +147544,34 +147545,34 +147546,10 +147547,34 +147548,34 +147549,34 +147550,10 +147551,10 +147552,10 +147553,34 +147554,34 +147555,34 +147556,34 +147557,34 +147558,34 +147559,34 +147560,34 +147561,34 +147562,34 +147563,5 +147564,5 +147565,5 +147566,13 +147567,13 +147568,13 +147569,13 +147570,13 +147571,35 +147572,35 +147573,35 +147574,35 +147575,35 +147576,35 +147577,35 +147578,35 +147579,35 +147580,27 +147581,27 +147582,27 +147583,27 +147584,27 +147585,2 +147586,2 +147587,2 +147588,2 +147589,2 +147590,2 +147591,2 +147592,2 +147593,2 +147594,2 +147595,2 +147596,2 +147597,2 +147598,2 +147599,2 +147600,2 +147601,2 +147602,2 +147603,2 +147604,2 +147605,2 +147606,40 +147607,40 +147608,40 +147609,40 +147610,34 +147611,34 +147612,34 +147613,34 +147614,34 +147615,10 +147616,10 +147617,12 +147618,12 +147619,12 +147620,12 +147621,12 +147622,12 +147623,12 +147624,12 +147625,12 +147626,12 +147627,12 +147628,12 +147629,12 +147630,12 +147631,12 +147632,12 +147633,9 +147634,9 +147635,9 +147636,9 +147637,37 +147638,12 +147639,12 +147640,25 +147641,25 +147642,25 +147643,25 +147644,25 +147645,25 +147646,25 +147647,25 +147648,25 +147649,25 +147650,25 +147651,25 +147652,19 +147653,19 +147654,19 +147655,19 +147656,19 +147657,19 +147658,4 +147659,2 +147660,2 +147661,2 +147662,2 +147663,8 +147664,8 +147665,36 +147666,36 +147667,36 +147668,36 +147669,36 +147670,36 +147671,36 +147672,36 +147673,5 +147674,5 +147675,5 +147676,5 +147677,5 +147678,5 +147679,5 +147680,35 +147681,35 +147682,31 +147683,31 +147684,31 +147685,31 +147686,35 +147687,35 +147688,35 +147689,10 +147690,10 +147691,35 +147692,35 +147693,35 +147694,36 +147695,36 +147696,36 +147697,36 +147698,36 +147699,36 +147700,36 +147701,30 +147702,30 +147703,30 +147704,30 +147705,30 +147706,30 +147707,30 +147708,30 +147709,30 +147710,30 +147711,30 +147712,30 +147713,30 +147714,23 +147715,23 +147716,23 +147717,23 +147718,23 +147719,23 +147720,23 +147721,2 +147722,2 +147723,2 +147724,2 +147725,2 +147726,2 +147727,2 +147728,2 +147729,2 +147730,2 +147731,2 +147732,2 +147733,4 +147734,4 +147735,4 +147736,4 +147737,4 +147738,4 +147739,4 +147740,27 +147741,27 +147742,27 +147743,27 +147744,27 +147745,29 +147746,29 +147747,29 +147748,29 +147749,29 +147750,29 +147751,39 +147752,39 +147753,39 +147754,39 +147755,6 +147756,6 +147757,6 +147758,6 +147759,6 +147760,6 +147761,6 +147762,6 +147763,6 +147764,6 +147765,35 +147766,35 +147767,6 +147768,6 +147769,6 +147770,6 +147771,36 +147772,36 +147773,36 +147774,36 +147775,36 +147776,36 +147777,36 +147778,36 +147779,36 +147780,27 +147781,14 +147782,14 +147783,14 +147784,14 +147785,27 +147786,27 +147787,14 +147788,5 +147789,5 +147790,5 +147791,5 +147792,5 +147793,13 +147794,13 +147795,13 +147796,13 +147797,13 +147798,13 +147799,13 +147800,13 +147801,13 +147802,13 +147803,13 +147804,13 +147805,0 +147806,0 +147807,0 +147808,0 +147809,0 +147810,0 +147811,0 +147812,0 +147813,0 +147814,0 +147815,0 +147816,0 +147817,0 +147818,0 +147819,0 +147820,0 +147821,0 +147822,0 +147823,0 +147824,0 +147825,0 +147826,0 +147827,0 +147828,0 +147829,0 +147830,0 +147831,0 +147832,0 +147833,0 +147834,0 +147835,0 +147836,0 +147837,0 +147838,0 +147839,0 +147840,0 +147841,0 +147842,0 +147843,0 +147844,0 +147845,0 +147846,0 +147847,0 +147848,0 +147849,0 +147850,0 +147851,0 +147852,0 +147853,0 +147854,0 +147855,0 +147856,0 +147857,0 +147858,0 +147859,0 +147860,0 +147861,0 +147862,0 +147863,0 +147864,0 +147865,0 +147866,0 +147867,0 +147868,0 +147869,12 +147870,12 +147871,12 +147872,12 +147873,39 +147874,39 +147875,39 +147876,39 +147877,2 +147878,2 +147879,2 +147880,2 +147881,2 +147882,2 +147883,2 +147884,2 +147885,2 +147886,2 +147887,27 +147888,27 +147889,27 +147890,27 +147891,27 +147892,27 +147893,5 +147894,5 +147895,5 +147896,5 +147897,5 +147898,5 +147899,13 +147900,13 +147901,35 +147902,35 +147903,35 +147904,35 +147905,35 +147906,35 +147907,35 +147908,35 +147909,35 +147910,35 +147911,27 +147912,40 +147913,40 +147914,40 +147915,27 +147916,27 +147917,27 +147918,27 +147919,5 +147920,5 +147921,5 +147922,5 +147923,5 +147924,5 +147925,5 +147926,19 +147927,28 +147928,28 +147929,28 +147930,31 +147931,31 +147932,31 +147933,31 +147934,31 +147935,31 +147936,31 +147937,31 +147938,31 +147939,31 +147940,31 +147941,2 +147942,2 +147943,2 +147944,2 +147945,2 +147946,2 +147947,2 +147948,2 +147949,2 +147950,2 +147951,2 +147952,2 +147953,2 +147954,2 +147955,2 +147956,32 +147957,32 +147958,32 +147959,32 +147960,32 +147961,32 +147962,32 +147963,32 +147964,39 +147965,39 +147966,39 +147967,39 +147968,39 +147969,39 +147970,39 +147971,39 +147972,39 +147973,39 +147974,39 +147975,19 +147976,19 +147977,19 +147978,39 +147979,39 +147980,39 +147981,39 +147982,39 +147983,39 +147984,39 +147985,39 +147986,39 +147987,39 +147988,39 +147989,19 +147990,19 +147991,19 +147992,19 +147993,19 +147994,19 +147995,19 +147996,27 +147997,27 +147998,27 +147999,27 +148000,27 +148001,27 +148002,24 +148003,24 +148004,24 +148005,24 +148006,24 +148007,24 +148008,24 +148009,24 +148010,24 +148011,23 +148012,23 +148013,23 +148014,23 +148015,9 +148016,9 +148017,9 +148018,9 +148019,9 +148020,9 +148021,9 +148022,9 +148023,9 +148024,9 +148025,9 +148026,9 +148027,37 +148028,37 +148029,37 +148030,37 +148031,37 +148032,37 +148033,37 +148034,25 +148035,25 +148036,25 +148037,25 +148038,2 +148039,2 +148040,2 +148041,2 +148042,2 +148043,2 +148044,2 +148045,2 +148046,2 +148047,2 +148048,2 +148049,2 +148050,2 +148051,2 +148052,2 +148053,2 +148054,36 +148055,36 +148056,36 +148057,36 +148058,36 +148059,19 +148060,5 +148061,5 +148062,19 +148063,27 +148064,27 +148065,27 +148066,31 +148067,31 +148068,31 +148069,31 +148070,31 +148071,31 +148072,5 +148073,5 +148074,5 +148075,5 +148076,5 +148077,5 +148078,5 +148079,5 +148080,5 +148081,3 +148082,3 +148083,3 +148084,3 +148085,3 +148086,3 +148087,3 +148088,3 +148089,3 +148090,3 +148091,14 +148092,24 +148093,24 +148094,3 +148095,6 +148096,6 +148097,6 +148098,6 +148099,6 +148100,6 +148101,6 +148102,6 +148103,6 +148104,6 +148105,6 +148106,6 +148107,6 +148108,6 +148109,6 +148110,17 +148111,17 +148112,17 +148113,17 +148114,17 +148115,17 +148116,12 +148117,39 +148118,39 +148119,39 +148120,39 +148121,39 +148122,35 +148123,39 +148124,39 +148125,39 +148126,39 +148127,39 +148128,39 +148129,39 +148130,39 +148131,39 +148132,39 +148133,39 +148134,39 +148135,39 +148136,5 +148137,5 +148138,5 +148139,5 +148140,5 +148141,5 +148142,5 +148143,5 +148144,5 +148145,5 +148146,5 +148147,5 +148148,5 +148149,5 +148150,0 +148151,0 +148152,0 +148153,0 +148154,0 +148155,0 +148156,0 +148157,0 +148158,0 +148159,0 +148160,0 +148161,0 +148162,0 +148163,0 +148164,0 +148165,0 +148166,0 +148167,0 +148168,0 +148169,0 +148170,0 +148171,0 +148172,0 +148173,0 +148174,0 +148175,0 +148176,0 +148177,0 +148178,0 +148179,0 +148180,0 +148181,0 +148182,0 +148183,0 +148184,29 +148185,29 +148186,29 +148187,29 +148188,29 +148189,29 +148190,29 +148191,29 +148192,31 +148193,31 +148194,31 +148195,31 +148196,31 +148197,31 +148198,31 +148199,4 +148200,4 +148201,4 +148202,40 +148203,40 +148204,40 +148205,40 +148206,40 +148207,40 +148208,40 +148209,40 +148210,40 +148211,40 +148212,40 +148213,40 +148214,40 +148215,40 +148216,2 +148217,8 +148218,8 +148219,2 +148220,2 +148221,2 +148222,2 +148223,2 +148224,2 +148225,2 +148226,2 +148227,2 +148228,39 +148229,27 +148230,27 +148231,27 +148232,27 +148233,13 +148234,13 +148235,13 +148236,13 +148237,13 +148238,13 +148239,12 +148240,12 +148241,12 +148242,12 +148243,12 +148244,12 +148245,12 +148246,12 +148247,9 +148248,9 +148249,9 +148250,9 +148251,9 +148252,9 +148253,9 +148254,9 +148255,9 +148256,9 +148257,9 +148258,30 +148259,9 +148260,30 +148261,30 +148262,19 +148263,4 +148264,4 +148265,4 +148266,19 +148267,19 +148268,19 +148269,19 +148270,19 +148271,19 +148272,19 +148273,4 +148274,0 +148275,6 +148276,32 +148277,32 +148278,32 +148279,32 +148280,32 +148281,32 +148282,32 +148283,40 +148284,35 +148285,35 +148286,36 +148287,36 +148288,36 +148289,36 +148290,36 +148291,40 +148292,40 +148293,40 +148294,40 +148295,40 +148296,40 +148297,2 +148298,2 +148299,2 +148300,2 +148301,2 +148302,2 +148303,2 +148304,2 +148305,2 +148306,2 +148307,2 +148308,2 +148309,2 +148310,2 +148311,2 +148312,31 +148313,31 +148314,31 +148315,31 +148316,31 +148317,31 +148318,31 +148319,31 +148320,30 +148321,30 +148322,30 +148323,30 +148324,30 +148325,30 +148326,3 +148327,3 +148328,3 +148329,3 +148330,3 +148331,3 +148332,3 +148333,3 +148334,3 +148335,5 +148336,5 +148337,5 +148338,5 +148339,3 +148340,3 +148341,5 +148342,5 +148343,5 +148344,5 +148345,5 +148346,5 +148347,5 +148348,5 +148349,5 +148350,5 +148351,5 +148352,5 +148353,34 +148354,34 +148355,36 +148356,36 +148357,36 +148358,36 +148359,36 +148360,36 +148361,36 +148362,36 +148363,36 +148364,36 +148365,36 +148366,23 +148367,23 +148368,23 +148369,23 +148370,23 +148371,23 +148372,4 +148373,4 +148374,4 +148375,4 +148376,4 +148377,4 +148378,25 +148379,25 +148380,25 +148381,25 +148382,25 +148383,25 +148384,2 +148385,8 +148386,8 +148387,8 +148388,8 +148389,8 +148390,2 +148391,8 +148392,8 +148393,8 +148394,2 +148395,31 +148396,31 +148397,31 +148398,31 +148399,31 +148400,31 +148401,31 +148402,30 +148403,30 +148404,30 +148405,30 +148406,30 +148407,30 +148408,3 +148409,3 +148410,3 +148411,3 +148412,3 +148413,3 +148414,27 +148415,27 +148416,5 +148417,5 +148418,5 +148419,5 +148420,5 +148421,5 +148422,5 +148423,5 +148424,5 +148425,5 +148426,5 +148427,5 +148428,5 +148429,5 +148430,5 +148431,5 +148432,13 +148433,13 +148434,13 +148435,13 +148436,13 +148437,36 +148438,36 +148439,36 +148440,5 +148441,5 +148442,5 +148443,5 +148444,36 +148445,36 +148446,36 +148447,36 +148448,36 +148449,36 +148450,36 +148451,36 +148452,36 +148453,36 +148454,5 +148455,5 +148456,5 +148457,5 +148458,5 +148459,5 +148460,5 +148461,5 +148462,5 +148463,5 +148464,5 +148465,5 +148466,33 +148467,33 +148468,33 +148469,33 +148470,33 +148471,33 +148472,33 +148473,33 +148474,33 +148475,33 +148476,4 +148477,19 +148478,4 +148479,3 +148480,3 +148481,3 +148482,3 +148483,3 +148484,3 +148485,3 +148486,19 +148487,19 +148488,19 +148489,19 +148490,29 +148491,29 +148492,29 +148493,29 +148494,29 +148495,29 +148496,31 +148497,31 +148498,31 +148499,31 +148500,31 +148501,6 +148502,6 +148503,6 +148504,6 +148505,6 +148506,6 +148507,6 +148508,6 +148509,6 +148510,6 +148511,37 +148512,37 +148513,37 +148514,37 +148515,37 +148516,37 +148517,37 +148518,37 +148519,37 +148520,34 +148521,34 +148522,33 +148523,33 +148524,33 +148525,33 +148526,33 +148527,33 +148528,33 +148529,33 +148530,33 +148531,33 +148532,33 +148533,33 +148534,33 +148535,33 +148536,33 +148537,34 +148538,34 +148539,5 +148540,5 +148541,5 +148542,5 +148543,5 +148544,4 +148545,2 +148546,8 +148547,8 +148548,8 +148549,8 +148550,8 +148551,2 +148552,2 +148553,2 +148554,2 +148555,2 +148556,2 +148557,2 +148558,2 +148559,2 +148560,0 +148561,0 +148562,0 +148563,0 +148564,0 +148565,0 +148566,0 +148567,0 +148568,0 +148569,0 +148570,0 +148571,0 +148572,0 +148573,21 +148574,21 +148575,21 +148576,21 +148577,21 +148578,21 +148579,33 +148580,33 +148581,33 +148582,9 +148583,33 +148584,33 +148585,33 +148586,33 +148587,33 +148588,33 +148589,33 +148590,33 +148591,27 +148592,27 +148593,27 +148594,27 +148595,27 +148596,27 +148597,27 +148598,27 +148599,13 +148600,13 +148601,13 +148602,13 +148603,13 +148604,13 +148605,13 +148606,13 +148607,14 +148608,14 +148609,14 +148610,14 +148611,14 +148612,14 +148613,14 +148614,14 +148615,36 +148616,36 +148617,36 +148618,36 +148619,36 +148620,36 +148621,36 +148622,36 +148623,36 +148624,36 +148625,5 +148626,5 +148627,5 +148628,5 +148629,5 +148630,27 +148631,27 +148632,27 +148633,27 +148634,27 +148635,40 +148636,40 +148637,13 +148638,13 +148639,13 +148640,13 +148641,13 +148642,6 +148643,6 +148644,6 +148645,6 +148646,6 +148647,6 +148648,6 +148649,6 +148650,6 +148651,31 +148652,31 +148653,31 +148654,31 +148655,31 +148656,31 +148657,31 +148658,31 +148659,28 +148660,28 +148661,28 +148662,28 +148663,28 +148664,28 +148665,28 +148666,28 +148667,28 +148668,39 +148669,39 +148670,39 +148671,39 +148672,39 +148673,39 +148674,39 +148675,39 +148676,10 +148677,10 +148678,10 +148679,10 +148680,10 +148681,34 +148682,31 +148683,31 +148684,31 +148685,34 +148686,34 +148687,34 +148688,34 +148689,4 +148690,4 +148691,4 +148692,29 +148693,29 +148694,29 +148695,31 +148696,31 +148697,31 +148698,31 +148699,31 +148700,31 +148701,24 +148702,24 +148703,24 +148704,24 +148705,24 +148706,24 +148707,24 +148708,24 +148709,24 +148710,29 +148711,36 +148712,36 +148713,36 +148714,36 +148715,36 +148716,36 +148717,36 +148718,36 +148719,36 +148720,36 +148721,36 +148722,36 +148723,36 +148724,36 +148725,36 +148726,36 +148727,36 +148728,36 +148729,36 +148730,36 +148731,36 +148732,36 +148733,36 +148734,40 +148735,28 +148736,28 +148737,28 +148738,28 +148739,28 +148740,28 +148741,28 +148742,28 +148743,28 +148744,28 +148745,28 +148746,28 +148747,0 +148748,0 +148749,0 +148750,0 +148751,0 +148752,35 +148753,35 +148754,35 +148755,35 +148756,35 +148757,35 +148758,35 +148759,35 +148760,36 +148761,36 +148762,36 +148763,40 +148764,40 +148765,40 +148766,36 +148767,36 +148768,40 +148769,8 +148770,8 +148771,4 +148772,4 +148773,2 +148774,2 +148775,2 +148776,2 +148777,2 +148778,2 +148779,2 +148780,39 +148781,39 +148782,39 +148783,39 +148784,39 +148785,39 +148786,39 +148787,2 +148788,2 +148789,2 +148790,2 +148791,2 +148792,2 +148793,2 +148794,2 +148795,2 +148796,2 +148797,2 +148798,2 +148799,9 +148800,9 +148801,9 +148802,9 +148803,9 +148804,9 +148805,9 +148806,9 +148807,9 +148808,9 +148809,9 +148810,9 +148811,26 +148812,26 +148813,26 +148814,29 +148815,29 +148816,29 +148817,29 +148818,29 +148819,29 +148820,29 +148821,29 +148822,31 +148823,25 +148824,31 +148825,31 +148826,31 +148827,31 +148828,37 +148829,37 +148830,37 +148831,37 +148832,37 +148833,25 +148834,25 +148835,25 +148836,37 +148837,14 +148838,14 +148839,40 +148840,40 +148841,14 +148842,31 +148843,31 +148844,31 +148845,31 +148846,16 +148847,16 +148848,16 +148849,16 +148850,16 +148851,16 +148852,16 +148853,16 +148854,18 +148855,18 +148856,18 +148857,16 +148858,27 +148859,27 +148860,27 +148861,27 +148862,27 +148863,27 +148864,27 +148865,19 +148866,19 +148867,19 +148868,19 +148869,19 +148870,19 +148871,19 +148872,19 +148873,19 +148874,19 +148875,19 +148876,27 +148877,27 +148878,27 +148879,27 +148880,27 +148881,27 +148882,27 +148883,36 +148884,36 +148885,36 +148886,36 +148887,36 +148888,36 +148889,36 +148890,36 +148891,36 +148892,36 +148893,36 +148894,36 +148895,36 +148896,36 +148897,36 +148898,36 +148899,36 +148900,40 +148901,5 +148902,5 +148903,5 +148904,5 +148905,5 +148906,5 +148907,5 +148908,5 +148909,5 +148910,5 +148911,5 +148912,5 +148913,8 +148914,8 +148915,8 +148916,8 +148917,8 +148918,8 +148919,8 +148920,8 +148921,8 +148922,8 +148923,8 +148924,2 +148925,2 +148926,2 +148927,8 +148928,2 +148929,0 +148930,0 +148931,0 +148932,0 +148933,0 +148934,0 +148935,0 +148936,0 +148937,0 +148938,36 +148939,36 +148940,0 +148941,0 +148942,0 +148943,0 +148944,0 +148945,0 +148946,36 +148947,36 +148948,36 +148949,36 +148950,36 +148951,36 +148952,36 +148953,36 +148954,36 +148955,36 +148956,36 +148957,40 +148958,36 +148959,8 +148960,8 +148961,8 +148962,8 +148963,8 +148964,2 +148965,2 +148966,2 +148967,28 +148968,28 +148969,28 +148970,28 +148971,28 +148972,28 +148973,28 +148974,28 +148975,40 +148976,40 +148977,40 +148978,40 +148979,40 +148980,40 +148981,5 +148982,5 +148983,5 +148984,5 +148985,5 +148986,5 +148987,7 +148988,7 +148989,7 +148990,7 +148991,39 +148992,39 +148993,39 +148994,39 +148995,39 +148996,27 +148997,27 +148998,27 +148999,27 +149000,27 +149001,27 +149002,27 +149003,27 +149004,27 +149005,27 +149006,8 +149007,8 +149008,8 +149009,8 +149010,8 +149011,8 +149012,40 +149013,40 +149014,40 +149015,40 +149016,40 +149017,40 +149018,40 +149019,40 +149020,40 +149021,40 +149022,40 +149023,24 +149024,24 +149025,24 +149026,24 +149027,24 +149028,24 +149029,24 +149030,24 +149031,24 +149032,24 +149033,25 +149034,25 +149035,25 +149036,25 +149037,25 +149038,25 +149039,25 +149040,25 +149041,25 +149042,25 +149043,25 +149044,25 +149045,25 +149046,31 +149047,31 +149048,31 +149049,31 +149050,31 +149051,31 +149052,32 +149053,32 +149054,32 +149055,32 +149056,32 +149057,32 +149058,32 +149059,32 +149060,27 +149061,27 +149062,40 +149063,40 +149064,40 +149065,40 +149066,40 +149067,40 +149068,37 +149069,37 +149070,37 +149071,37 +149072,37 +149073,37 +149074,37 +149075,37 +149076,37 +149077,34 +149078,34 +149079,34 +149080,34 +149081,26 +149082,4 +149083,4 +149084,4 +149085,4 +149086,4 +149087,30 +149088,30 +149089,30 +149090,30 +149091,30 +149092,39 +149093,39 +149094,39 +149095,39 +149096,39 +149097,39 +149098,39 +149099,39 +149100,39 +149101,39 +149102,0 +149103,0 +149104,0 +149105,0 +149106,0 +149107,0 +149108,0 +149109,0 +149110,0 +149111,0 +149112,0 +149113,0 +149114,0 +149115,0 +149116,0 +149117,0 +149118,0 +149119,0 +149120,0 +149121,0 +149122,0 +149123,0 +149124,0 +149125,0 +149126,0 +149127,0 +149128,0 +149129,0 +149130,0 +149131,0 +149132,0 +149133,0 +149134,0 +149135,0 +149136,0 +149137,0 +149138,0 +149139,0 +149140,0 +149141,0 +149142,0 +149143,0 +149144,0 +149145,0 +149146,0 +149147,0 +149148,0 +149149,0 +149150,0 +149151,0 +149152,0 +149153,0 +149154,0 +149155,0 +149156,0 +149157,0 +149158,0 +149159,0 +149160,0 +149161,0 +149162,0 +149163,0 +149164,20 +149165,20 +149166,20 +149167,20 +149168,7 +149169,7 +149170,7 +149171,7 +149172,18 +149173,18 +149174,18 +149175,18 +149176,18 +149177,17 +149178,7 +149179,9 +149180,9 +149181,33 +149182,9 +149183,9 +149184,33 +149185,33 +149186,33 +149187,33 +149188,33 +149189,33 +149190,33 +149191,33 +149192,30 +149193,30 +149194,6 +149195,6 +149196,6 +149197,6 +149198,6 +149199,6 +149200,6 +149201,6 +149202,6 +149203,6 +149204,6 +149205,26 +149206,26 +149207,26 +149208,26 +149209,26 +149210,26 +149211,26 +149212,26 +149213,26 +149214,26 +149215,26 +149216,26 +149217,26 +149218,26 +149219,26 +149220,26 +149221,4 +149222,4 +149223,4 +149224,4 +149225,4 +149226,4 +149227,4 +149228,4 +149229,4 +149230,4 +149231,4 +149232,4 +149233,4 +149234,4 +149235,4 +149236,4 +149237,0 +149238,32 +149239,0 +149240,0 +149241,0 +149242,0 +149243,0 +149244,0 +149245,0 +149246,15 +149247,15 +149248,15 +149249,15 +149250,15 +149251,15 +149252,15 +149253,27 +149254,27 +149255,27 +149256,27 +149257,27 +149258,31 +149259,37 +149260,37 +149261,37 +149262,37 +149263,37 +149264,37 +149265,37 +149266,37 +149267,37 +149268,37 +149269,37 +149270,36 +149271,36 +149272,36 +149273,36 +149274,36 +149275,36 +149276,36 +149277,36 +149278,36 +149279,30 +149280,30 +149281,30 +149282,30 +149283,30 +149284,30 +149285,30 +149286,30 +149287,30 +149288,30 +149289,30 +149290,30 +149291,30 +149292,30 +149293,30 +149294,2 +149295,2 +149296,2 +149297,2 +149298,2 +149299,2 +149300,2 +149301,2 +149302,2 +149303,2 +149304,2 +149305,2 +149306,2 +149307,28 +149308,28 +149309,30 +149310,30 +149311,30 +149312,30 +149313,14 +149314,14 +149315,14 +149316,14 +149317,14 +149318,14 +149319,14 +149320,14 +149321,14 +149322,14 +149323,14 +149324,14 +149325,14 +149326,14 +149327,14 +149328,14 +149329,14 +149330,14 +149331,0 +149332,0 +149333,0 +149334,0 +149335,0 +149336,0 +149337,0 +149338,0 +149339,0 +149340,0 +149341,0 +149342,0 +149343,0 +149344,0 +149345,0 +149346,0 +149347,0 +149348,0 +149349,0 +149350,0 +149351,0 +149352,0 +149353,0 +149354,0 +149355,0 +149356,0 +149357,0 +149358,0 +149359,0 +149360,0 +149361,0 +149362,0 +149363,0 +149364,0 +149365,0 +149366,0 +149367,0 +149368,0 +149369,0 +149370,0 +149371,0 +149372,0 +149373,0 +149374,0 +149375,0 +149376,0 +149377,0 +149378,0 +149379,0 +149380,0 +149381,0 +149382,0 +149383,0 +149384,0 +149385,0 +149386,0 +149387,0 +149388,0 +149389,0 +149390,0 +149391,0 +149392,0 +149393,0 +149394,4 +149395,4 +149396,4 +149397,4 +149398,4 +149399,4 +149400,4 +149401,3 +149402,3 +149403,3 +149404,3 +149405,3 +149406,3 +149407,3 +149408,3 +149409,3 +149410,3 +149411,3 +149412,3 +149413,3 +149414,3 +149415,27 +149416,27 +149417,27 +149418,27 +149419,27 +149420,27 +149421,14 +149422,14 +149423,14 +149424,27 +149425,14 +149426,14 +149427,14 +149428,17 +149429,17 +149430,17 +149431,17 +149432,30 +149433,30 +149434,30 +149435,30 +149436,33 +149437,33 +149438,33 +149439,33 +149440,33 +149441,33 +149442,33 +149443,33 +149444,33 +149445,33 +149446,33 +149447,33 +149448,33 +149449,33 +149450,33 +149451,33 +149452,33 +149453,33 +149454,33 +149455,33 +149456,33 +149457,0 +149458,0 +149459,0 +149460,0 +149461,0 +149462,0 +149463,0 +149464,0 +149465,0 +149466,0 +149467,0 +149468,0 +149469,0 +149470,0 +149471,0 +149472,0 +149473,0 +149474,0 +149475,0 +149476,0 +149477,0 +149478,0 +149479,0 +149480,0 +149481,0 +149482,0 +149483,0 +149484,0 +149485,0 +149486,0 +149487,0 +149488,0 +149489,29 +149490,29 +149491,31 +149492,31 +149493,31 +149494,31 +149495,31 +149496,31 +149497,31 +149498,31 +149499,37 +149500,37 +149501,37 +149502,37 +149503,37 +149504,37 +149505,37 +149506,37 +149507,37 +149508,37 +149509,37 +149510,26 +149511,26 +149512,26 +149513,26 +149514,26 +149515,26 +149516,28 +149517,28 +149518,28 +149519,28 +149520,28 +149521,28 +149522,15 +149523,15 +149524,15 +149525,15 +149526,30 +149527,30 +149528,30 +149529,30 +149530,30 +149531,30 +149532,30 +149533,30 +149534,30 +149535,25 +149536,25 +149537,25 +149538,25 +149539,25 +149540,25 +149541,25 +149542,25 +149543,25 +149544,25 +149545,25 +149546,25 +149547,25 +149548,25 +149549,25 +149550,25 +149551,25 +149552,25 +149553,25 +149554,25 +149555,25 +149556,25 +149557,25 +149558,0 +149559,0 +149560,0 +149561,0 +149562,0 +149563,0 +149564,0 +149565,0 +149566,0 +149567,0 +149568,0 +149569,0 +149570,0 +149571,0 +149572,0 +149573,0 +149574,0 +149575,0 +149576,0 +149577,0 +149578,0 +149579,0 +149580,0 +149581,0 +149582,0 +149583,0 +149584,0 +149585,0 +149586,0 +149587,0 +149588,0 +149589,0 +149590,0 +149591,0 +149592,0 +149593,0 +149594,0 +149595,0 +149596,0 +149597,0 +149598,0 +149599,0 +149600,0 +149601,0 +149602,0 +149603,0 +149604,0 +149605,0 +149606,0 +149607,0 +149608,0 +149609,0 +149610,0 +149611,0 +149612,0 +149613,0 +149614,0 +149615,0 +149616,12 +149617,12 +149618,12 +149619,12 +149620,12 +149621,12 +149622,12 +149623,3 +149624,3 +149625,3 +149626,3 +149627,3 +149628,3 +149629,3 +149630,3 +149631,3 +149632,3 +149633,3 +149634,3 +149635,3 +149636,3 +149637,3 +149638,3 +149639,3 +149640,3 +149641,3 +149642,3 +149643,15 +149644,15 +149645,28 +149646,28 +149647,28 +149648,28 +149649,28 +149650,28 +149651,28 +149652,28 +149653,28 +149654,28 +149655,36 +149656,36 +149657,36 +149658,36 +149659,36 +149660,36 +149661,36 +149662,36 +149663,36 +149664,36 +149665,36 +149666,36 +149667,36 +149668,6 +149669,6 +149670,6 +149671,6 +149672,6 +149673,6 +149674,6 +149675,6 +149676,6 +149677,6 +149678,6 +149679,6 +149680,6 +149681,6 +149682,6 +149683,6 +149684,6 +149685,0 +149686,0 +149687,0 +149688,0 +149689,0 +149690,0 +149691,0 +149692,0 +149693,0 +149694,0 +149695,0 +149696,0 +149697,0 +149698,29 +149699,29 +149700,29 +149701,29 +149702,29 +149703,29 +149704,29 +149705,29 +149706,29 +149707,31 +149708,31 +149709,31 +149710,31 +149711,31 +149712,31 +149713,31 +149714,31 +149715,11 +149716,11 +149717,11 +149718,11 +149719,11 +149720,11 +149721,4 +149722,4 +149723,4 +149724,4 +149725,4 +149726,4 +149727,4 +149728,4 +149729,4 +149730,37 +149731,37 +149732,37 +149733,37 +149734,37 +149735,37 +149736,9 +149737,9 +149738,9 +149739,9 +149740,9 +149741,26 +149742,26 +149743,26 +149744,26 +149745,26 +149746,26 +149747,26 +149748,26 +149749,5 +149750,5 +149751,5 +149752,5 +149753,5 +149754,5 +149755,35 +149756,35 +149757,35 +149758,35 +149759,35 +149760,35 +149761,35 +149762,35 +149763,35 +149764,35 +149765,36 +149766,36 +149767,36 +149768,36 +149769,36 +149770,36 +149771,36 +149772,36 +149773,36 +149774,36 +149775,36 +149776,36 +149777,36 +149778,36 +149779,36 +149780,36 +149781,34 +149782,36 +149783,34 +149784,34 +149785,34 +149786,34 +149787,34 +149788,34 +149789,34 +149790,34 +149791,5 +149792,5 +149793,5 +149794,5 +149795,5 +149796,5 +149797,5 +149798,5 +149799,5 +149800,5 +149801,5 +149802,5 +149803,4 +149804,4 +149805,4 +149806,4 +149807,4 +149808,4 +149809,4 +149810,4 +149811,19 +149812,0 +149813,0 +149814,0 +149815,0 +149816,0 +149817,0 +149818,0 +149819,0 +149820,0 +149821,0 +149822,0 +149823,0 +149824,0 +149825,0 +149826,0 +149827,0 +149828,0 +149829,0 +149830,0 +149831,0 +149832,0 +149833,0 +149834,0 +149835,0 +149836,0 +149837,0 +149838,0 +149839,0 +149840,0 +149841,0 +149842,0 +149843,0 +149844,0 +149845,0 +149846,0 +149847,0 +149848,0 +149849,0 +149850,0 +149851,0 +149852,0 +149853,0 +149854,0 +149855,0 +149856,0 +149857,0 +149858,0 +149859,0 +149860,0 +149861,0 +149862,0 +149863,0 +149864,0 +149865,0 +149866,0 +149867,0 +149868,0 +149869,0 +149870,0 +149871,0 +149872,0 +149873,0 +149874,0 +149875,29 +149876,29 +149877,29 +149878,29 +149879,31 +149880,31 +149881,31 +149882,31 +149883,31 +149884,2 +149885,2 +149886,2 +149887,2 +149888,2 +149889,2 +149890,2 +149891,2 +149892,2 +149893,2 +149894,2 +149895,40 +149896,40 +149897,40 +149898,40 +149899,40 +149900,40 +149901,40 +149902,40 +149903,40 +149904,6 +149905,6 +149906,6 +149907,6 +149908,6 +149909,6 +149910,6 +149911,36 +149912,40 +149913,40 +149914,40 +149915,40 +149916,5 +149917,5 +149918,5 +149919,5 +149920,5 +149921,5 +149922,5 +149923,5 +149924,5 +149925,5 +149926,19 +149927,19 +149928,19 +149929,19 +149930,19 +149931,19 +149932,19 +149933,19 +149934,19 +149935,19 +149936,0 +149937,0 +149938,0 +149939,0 +149940,0 +149941,0 +149942,0 +149943,0 +149944,0 +149945,0 +149946,0 +149947,0 +149948,0 +149949,0 +149950,0 +149951,0 +149952,0 +149953,0 +149954,0 +149955,0 +149956,0 +149957,0 +149958,0 +149959,0 +149960,0 +149961,0 +149962,0 +149963,0 +149964,0 +149965,0 +149966,0 +149967,0 +149968,0 +149969,0 +149970,0 +149971,0 +149972,0 +149973,0 +149974,0 +149975,10 +149976,31 +149977,31 +149978,31 +149979,31 +149980,31 +149981,31 +149982,31 +149983,31 +149984,31 +149985,31 +149986,31 +149987,31 +149988,2 +149989,2 +149990,2 +149991,2 +149992,2 +149993,2 +149994,2 +149995,2 +149996,2 +149997,2 +149998,2 +149999,2 +150000,2 +150001,28 +150002,28 +150003,28 +150004,28 +150005,28 +150006,28 +150007,28 +150008,28 +150009,28 +150010,26 +150011,26 +150012,26 +150013,26 +150014,34 +150015,34 +150016,34 +150017,34 +150018,26 +150019,30 +150020,30 +150021,30 +150022,30 +150023,30 +150024,30 +150025,30 +150026,30 +150027,25 +150028,25 +150029,25 +150030,25 +150031,25 +150032,25 +150033,25 +150034,25 +150035,25 +150036,25 +150037,25 +150038,25 +150039,25 +150040,2 +150041,2 +150042,2 +150043,2 +150044,2 +150045,2 +150046,2 +150047,2 +150048,2 +150049,2 +150050,2 +150051,2 +150052,25 +150053,25 +150054,33 +150055,33 +150056,33 +150057,33 +150058,33 +150059,33 +150060,33 +150061,33 +150062,11 +150063,11 +150064,11 +150065,11 +150066,11 +150067,11 +150068,11 +150069,20 +150070,20 +150071,31 +150072,33 +150073,33 +150074,31 +150075,30 +150076,30 +150077,30 +150078,30 +150079,30 +150080,30 +150081,30 +150082,30 +150083,30 +150084,35 +150085,35 +150086,35 +150087,35 +150088,27 +150089,27 +150090,27 +150091,27 +150092,27 +150093,27 +150094,27 +150095,2 +150096,2 +150097,2 +150098,2 +150099,2 +150100,2 +150101,2 +150102,2 +150103,2 +150104,4 +150105,4 +150106,4 +150107,4 +150108,4 +150109,4 +150110,4 +150111,37 +150112,37 +150113,37 +150114,37 +150115,37 +150116,39 +150117,39 +150118,39 +150119,39 +150120,39 +150121,39 +150122,39 +150123,39 +150124,39 +150125,39 +150126,39 +150127,31 +150128,31 +150129,31 +150130,31 +150131,24 +150132,24 +150133,24 +150134,24 +150135,14 +150136,14 +150137,14 +150138,14 +150139,14 +150140,14 +150141,14 +150142,14 +150143,14 +150144,14 +150145,14 +150146,14 +150147,14 +150148,5 +150149,5 +150150,5 +150151,5 +150152,5 +150153,18 +150154,18 +150155,18 +150156,18 +150157,18 +150158,18 +150159,18 +150160,18 +150161,18 +150162,27 +150163,27 +150164,27 +150165,31 +150166,5 +150167,5 +150168,5 +150169,19 +150170,4 +150171,4 +150172,19 +150173,19 +150174,19 +150175,0 +150176,0 +150177,0 +150178,0 +150179,36 +150180,36 +150181,10 +150182,10 +150183,10 +150184,10 +150185,10 +150186,10 +150187,10 +150188,10 +150189,10 +150190,10 +150191,10 +150192,10 +150193,10 +150194,10 +150195,10 +150196,10 +150197,10 +150198,30 +150199,30 +150200,30 +150201,30 +150202,30 +150203,30 +150204,30 +150205,30 +150206,27 +150207,27 +150208,27 +150209,33 +150210,33 +150211,27 +150212,27 +150213,27 +150214,31 +150215,5 +150216,5 +150217,5 +150218,5 +150219,5 +150220,5 +150221,19 +150222,4 +150223,4 +150224,4 +150225,19 +150226,0 +150227,0 +150228,0 +150229,0 +150230,0 +150231,0 +150232,0 +150233,0 +150234,0 +150235,0 +150236,0 +150237,0 +150238,0 +150239,0 +150240,0 +150241,0 +150242,0 +150243,0 +150244,0 +150245,0 +150246,0 +150247,0 +150248,2 +150249,2 +150250,2 +150251,0 +150252,0 +150253,0 +150254,0 +150255,0 +150256,0 +150257,0 +150258,0 +150259,0 +150260,0 +150261,0 +150262,0 +150263,0 +150264,0 +150265,0 +150266,0 +150267,0 +150268,0 +150269,0 +150270,0 +150271,0 +150272,0 +150273,0 +150274,0 +150275,0 +150276,0 +150277,0 +150278,0 +150279,0 +150280,0 +150281,0 +150282,0 +150283,0 +150284,0 +150285,0 +150286,0 +150287,0 +150288,0 +150289,0 +150290,27 +150291,27 +150292,27 +150293,27 +150294,27 +150295,27 +150296,27 +150297,27 +150298,27 +150299,27 +150300,27 +150301,4 +150302,4 +150303,4 +150304,4 +150305,12 +150306,12 +150307,12 +150308,12 +150309,12 +150310,12 +150311,12 +150312,12 +150313,31 +150314,31 +150315,31 +150316,31 +150317,8 +150318,8 +150319,8 +150320,8 +150321,8 +150322,8 +150323,8 +150324,8 +150325,2 +150326,4 +150327,4 +150328,4 +150329,4 +150330,4 +150331,4 +150332,4 +150333,4 +150334,4 +150335,4 +150336,4 +150337,39 +150338,39 +150339,39 +150340,39 +150341,39 +150342,39 +150343,39 +150344,39 +150345,39 +150346,4 +150347,4 +150348,4 +150349,4 +150350,4 +150351,4 +150352,4 +150353,25 +150354,25 +150355,25 +150356,25 +150357,25 +150358,25 +150359,25 +150360,25 +150361,25 +150362,25 +150363,25 +150364,29 +150365,29 +150366,29 +150367,29 +150368,31 +150369,31 +150370,31 +150371,31 +150372,31 +150373,31 +150374,31 +150375,2 +150376,2 +150377,2 +150378,2 +150379,2 +150380,2 +150381,2 +150382,2 +150383,2 +150384,32 +150385,32 +150386,32 +150387,32 +150388,32 +150389,32 +150390,32 +150391,32 +150392,32 +150393,26 +150394,26 +150395,26 +150396,26 +150397,26 +150398,26 +150399,26 +150400,9 +150401,9 +150402,9 +150403,9 +150404,26 +150405,26 +150406,26 +150407,26 +150408,26 +150409,26 +150410,26 +150411,19 +150412,19 +150413,19 +150414,19 +150415,19 +150416,19 +150417,19 +150418,2 +150419,2 +150420,2 +150421,2 +150422,2 +150423,2 +150424,2 +150425,2 +150426,2 +150427,2 +150428,2 +150429,2 +150430,2 +150431,14 +150432,36 +150433,36 +150434,36 +150435,36 +150436,36 +150437,36 +150438,36 +150439,40 +150440,36 +150441,36 +150442,36 +150443,36 +150444,36 +150445,36 +150446,5 +150447,28 +150448,28 +150449,28 +150450,28 +150451,28 +150452,28 +150453,32 +150454,32 +150455,32 +150456,32 +150457,32 +150458,32 +150459,32 +150460,32 +150461,32 +150462,10 +150463,10 +150464,10 +150465,10 +150466,10 +150467,10 +150468,10 +150469,10 +150470,10 +150471,10 +150472,10 +150473,10 +150474,10 +150475,10 +150476,15 +150477,15 +150478,15 +150479,15 +150480,32 +150481,32 +150482,32 +150483,32 +150484,25 +150485,25 +150486,25 +150487,25 +150488,25 +150489,25 +150490,25 +150491,25 +150492,25 +150493,31 +150494,37 +150495,37 +150496,31 +150497,31 +150498,31 +150499,31 +150500,31 +150501,31 +150502,31 +150503,31 +150504,33 +150505,33 +150506,33 +150507,33 +150508,33 +150509,33 +150510,30 +150511,30 +150512,30 +150513,30 +150514,30 +150515,30 +150516,30 +150517,30 +150518,30 +150519,30 +150520,30 +150521,23 +150522,23 +150523,23 +150524,23 +150525,23 +150526,23 +150527,23 +150528,23 +150529,23 +150530,37 +150531,37 +150532,37 +150533,37 +150534,37 +150535,37 +150536,40 +150537,40 +150538,40 +150539,40 +150540,40 +150541,40 +150542,5 +150543,5 +150544,5 +150545,5 +150546,5 +150547,5 +150548,5 +150549,5 +150550,5 +150551,31 +150552,31 +150553,31 +150554,31 +150555,32 +150556,32 +150557,32 +150558,32 +150559,32 +150560,32 +150561,32 +150562,32 +150563,32 +150564,32 +150565,32 +150566,32 +150567,7 +150568,39 +150569,7 +150570,7 +150571,39 +150572,39 +150573,27 +150574,39 +150575,39 +150576,4 +150577,4 +150578,4 +150579,4 +150580,4 +150581,4 +150582,4 +150583,25 +150584,25 +150585,25 +150586,25 +150587,25 +150588,25 +150589,25 +150590,25 +150591,25 +150592,25 +150593,25 +150594,8 +150595,8 +150596,8 +150597,8 +150598,8 +150599,8 +150600,8 +150601,8 +150602,8 +150603,8 +150604,8 +150605,8 +150606,8 +150607,8 +150608,0 +150609,0 +150610,0 +150611,0 +150612,0 +150613,0 +150614,0 +150615,0 +150616,0 +150617,0 +150618,0 +150619,0 +150620,0 +150621,0 +150622,0 +150623,0 +150624,0 +150625,0 +150626,0 +150627,0 +150628,0 +150629,0 +150630,0 +150631,0 +150632,0 +150633,32 +150634,32 +150635,32 +150636,32 +150637,32 +150638,32 +150639,39 +150640,39 +150641,39 +150642,39 +150643,39 +150644,39 +150645,39 +150646,39 +150647,39 +150648,39 +150649,4 +150650,4 +150651,4 +150652,25 +150653,25 +150654,25 +150655,25 +150656,25 +150657,25 +150658,25 +150659,21 +150660,21 +150661,21 +150662,21 +150663,21 +150664,21 +150665,21 +150666,21 +150667,21 +150668,37 +150669,37 +150670,37 +150671,37 +150672,37 +150673,37 +150674,37 +150675,37 +150676,14 +150677,14 +150678,14 +150679,14 +150680,14 +150681,14 +150682,4 +150683,4 +150684,4 +150685,4 +150686,19 +150687,19 +150688,19 +150689,19 +150690,19 +150691,19 +150692,19 +150693,19 +150694,19 +150695,27 +150696,27 +150697,27 +150698,27 +150699,27 +150700,27 +150701,27 +150702,27 +150703,27 +150704,28 +150705,28 +150706,28 +150707,28 +150708,5 +150709,5 +150710,5 +150711,18 +150712,18 +150713,18 +150714,18 +150715,18 +150716,18 +150717,18 +150718,18 +150719,18 +150720,18 +150721,33 +150722,17 +150723,17 +150724,17 +150725,17 +150726,17 +150727,17 +150728,17 +150729,17 +150730,17 +150731,17 +150732,17 +150733,17 +150734,17 +150735,17 +150736,17 +150737,17 +150738,17 +150739,40 +150740,40 +150741,40 +150742,40 +150743,40 +150744,2 +150745,2 +150746,2 +150747,2 +150748,2 +150749,2 +150750,2 +150751,2 +150752,2 +150753,2 +150754,2 +150755,2 +150756,2 +150757,30 +150758,30 +150759,30 +150760,30 +150761,30 +150762,39 +150763,39 +150764,39 +150765,39 +150766,39 +150767,39 +150768,39 +150769,39 +150770,39 +150771,39 +150772,39 +150773,0 +150774,0 +150775,0 +150776,0 +150777,0 +150778,0 +150779,0 +150780,0 +150781,0 +150782,0 +150783,0 +150784,0 +150785,0 +150786,0 +150787,0 +150788,0 +150789,0 +150790,0 +150791,0 +150792,0 +150793,0 +150794,0 +150795,0 +150796,0 +150797,0 +150798,0 +150799,0 +150800,0 +150801,0 +150802,0 +150803,0 +150804,0 +150805,0 +150806,0 +150807,0 +150808,0 +150809,0 +150810,0 +150811,0 +150812,0 +150813,0 +150814,0 +150815,0 +150816,0 +150817,0 +150818,0 +150819,0 +150820,0 +150821,0 +150822,0 +150823,0 +150824,0 +150825,0 +150826,0 +150827,0 +150828,0 +150829,35 +150830,35 +150831,35 +150832,35 +150833,35 +150834,35 +150835,35 +150836,35 +150837,39 +150838,39 +150839,39 +150840,39 +150841,39 +150842,39 +150843,39 +150844,39 +150845,39 +150846,2 +150847,2 +150848,2 +150849,2 +150850,2 +150851,2 +150852,2 +150853,2 +150854,2 +150855,2 +150856,2 +150857,40 +150858,40 +150859,33 +150860,33 +150861,33 +150862,33 +150863,33 +150864,25 +150865,25 +150866,25 +150867,25 +150868,25 +150869,25 +150870,25 +150871,25 +150872,25 +150873,25 +150874,25 +150875,25 +150876,25 +150877,0 +150878,0 +150879,0 +150880,5 +150881,5 +150882,5 +150883,5 +150884,5 +150885,5 +150886,5 +150887,5 +150888,0 +150889,0 +150890,0 +150891,0 +150892,0 +150893,0 +150894,0 +150895,0 +150896,0 +150897,0 +150898,0 +150899,0 +150900,0 +150901,0 +150902,0 +150903,0 +150904,0 +150905,0 +150906,0 +150907,0 +150908,0 +150909,0 +150910,0 +150911,0 +150912,0 +150913,0 +150914,0 +150915,0 +150916,0 +150917,0 +150918,0 +150919,0 +150920,0 +150921,0 +150922,0 +150923,0 +150924,0 +150925,0 +150926,0 +150927,0 +150928,0 +150929,0 +150930,0 +150931,0 +150932,0 +150933,0 +150934,0 +150935,0 +150936,0 +150937,0 +150938,0 +150939,0 +150940,0 +150941,0 +150942,0 +150943,0 +150944,0 +150945,0 +150946,0 +150947,0 +150948,0 +150949,0 +150950,0 +150951,0 +150952,0 +150953,0 +150954,0 +150955,0 +150956,0 +150957,0 +150958,0 +150959,0 +150960,0 +150961,0 +150962,0 +150963,0 +150964,0 +150965,0 +150966,0 +150967,0 +150968,0 +150969,0 +150970,0 +150971,0 +150972,0 +150973,0 +150974,0 +150975,0 +150976,0 +150977,0 +150978,0 +150979,29 +150980,30 +150981,29 +150982,29 +150983,29 +150984,7 +150985,28 +150986,28 +150987,28 +150988,28 +150989,28 +150990,30 +150991,30 +150992,30 +150993,30 +150994,14 +150995,14 +150996,14 +150997,14 +150998,14 +150999,14 +151000,14 +151001,14 +151002,14 +151003,14 +151004,14 +151005,14 +151006,14 +151007,14 +151008,14 +151009,14 +151010,14 +151011,14 +151012,14 +151013,2 +151014,2 +151015,2 +151016,2 +151017,2 +151018,2 +151019,2 +151020,2 +151021,2 +151022,2 +151023,2 +151024,2 +151025,2 +151026,2 +151027,2 +151028,40 +151029,40 +151030,40 +151031,2 +151032,36 +151033,36 +151034,36 +151035,36 +151036,36 +151037,36 +151038,36 +151039,5 +151040,24 +151041,24 +151042,10 +151043,10 +151044,10 +151045,10 +151046,10 +151047,10 +151048,10 +151049,10 +151050,10 +151051,10 +151052,10 +151053,10 +151054,10 +151055,10 +151056,28 +151057,28 +151058,28 +151059,24 +151060,21 +151061,21 +151062,21 +151063,3 +151064,3 +151065,3 +151066,3 +151067,3 +151068,3 +151069,31 +151070,31 +151071,31 +151072,31 +151073,19 +151074,37 +151075,37 +151076,37 +151077,4 +151078,4 +151079,4 +151080,4 +151081,4 +151082,4 +151083,4 +151084,4 +151085,27 +151086,27 +151087,27 +151088,27 +151089,27 +151090,4 +151091,4 +151092,4 +151093,4 +151094,4 +151095,4 +151096,3 +151097,3 +151098,3 +151099,3 +151100,3 +151101,3 +151102,3 +151103,3 +151104,12 +151105,12 +151106,22 +151107,22 +151108,22 +151109,22 +151110,19 +151111,19 +151112,19 +151113,19 +151114,39 +151115,39 +151116,39 +151117,19 +151118,19 +151119,39 +151120,19 +151121,19 +151122,19 +151123,19 +151124,19 +151125,21 +151126,21 +151127,21 +151128,21 +151129,21 +151130,21 +151131,21 +151132,40 +151133,40 +151134,40 +151135,40 +151136,40 +151137,40 +151138,40 +151139,40 +151140,40 +151141,40 +151142,40 +151143,40 +151144,40 +151145,0 +151146,0 +151147,0 +151148,0 +151149,0 +151150,0 +151151,0 +151152,0 +151153,0 +151154,0 +151155,0 +151156,0 +151157,0 +151158,0 +151159,0 +151160,0 +151161,0 +151162,0 +151163,0 +151164,0 +151165,0 +151166,0 +151167,0 +151168,0 +151169,0 +151170,0 +151171,0 +151172,0 +151173,0 +151174,10 +151175,10 +151176,10 +151177,10 +151178,10 +151179,10 +151180,10 +151181,10 +151182,25 +151183,25 +151184,25 +151185,25 +151186,25 +151187,25 +151188,25 +151189,4 +151190,4 +151191,4 +151192,4 +151193,4 +151194,4 +151195,4 +151196,4 +151197,4 +151198,4 +151199,4 +151200,4 +151201,4 +151202,23 +151203,33 +151204,33 +151205,22 +151206,22 +151207,22 +151208,9 +151209,33 +151210,33 +151211,33 +151212,30 +151213,30 +151214,30 +151215,30 +151216,30 +151217,30 +151218,30 +151219,30 +151220,30 +151221,30 +151222,4 +151223,4 +151224,4 +151225,4 +151226,35 +151227,35 +151228,35 +151229,35 +151230,35 +151231,25 +151232,25 +151233,25 +151234,25 +151235,25 +151236,25 +151237,25 +151238,25 +151239,25 +151240,34 +151241,34 +151242,34 +151243,34 +151244,10 +151245,10 +151246,10 +151247,10 +151248,10 +151249,10 +151250,10 +151251,12 +151252,12 +151253,12 +151254,12 +151255,12 +151256,12 +151257,22 +151258,27 +151259,27 +151260,27 +151261,5 +151262,5 +151263,5 +151264,4 +151265,4 +151266,4 +151267,4 +151268,4 +151269,4 +151270,4 +151271,4 +151272,4 +151273,35 +151274,35 +151275,35 +151276,35 +151277,35 +151278,35 +151279,40 +151280,40 +151281,40 +151282,40 +151283,37 +151284,37 +151285,37 +151286,37 +151287,37 +151288,37 +151289,25 +151290,25 +151291,35 +151292,35 +151293,35 +151294,35 +151295,35 +151296,35 +151297,35 +151298,35 +151299,25 +151300,25 +151301,25 +151302,25 +151303,25 +151304,25 +151305,25 +151306,25 +151307,25 +151308,32 +151309,32 +151310,32 +151311,32 +151312,32 +151313,32 +151314,32 +151315,32 +151316,32 +151317,32 +151318,33 +151319,33 +151320,33 +151321,33 +151322,33 +151323,33 +151324,33 +151325,33 +151326,33 +151327,33 +151328,33 +151329,33 +151330,33 +151331,33 +151332,33 +151333,3 +151334,3 +151335,3 +151336,3 +151337,29 +151338,29 +151339,29 +151340,29 +151341,29 +151342,29 +151343,29 +151344,29 +151345,29 +151346,29 +151347,29 +151348,36 +151349,36 +151350,36 +151351,36 +151352,36 +151353,36 +151354,36 +151355,36 +151356,36 +151357,36 +151358,36 +151359,36 +151360,5 +151361,5 +151362,5 +151363,5 +151364,5 +151365,5 +151366,5 +151367,5 +151368,19 +151369,19 +151370,19 +151371,19 +151372,19 +151373,19 +151374,19 +151375,19 +151376,19 +151377,19 +151378,19 +151379,19 +151380,0 +151381,0 +151382,0 +151383,0 +151384,0 +151385,0 +151386,0 +151387,0 +151388,0 +151389,0 +151390,0 +151391,0 +151392,0 +151393,0 +151394,0 +151395,0 +151396,0 +151397,0 +151398,0 +151399,0 +151400,0 +151401,0 +151402,0 +151403,0 +151404,0 +151405,0 +151406,0 +151407,0 +151408,0 +151409,0 +151410,12 +151411,12 +151412,12 +151413,12 +151414,12 +151415,12 +151416,12 +151417,27 +151418,27 +151419,27 +151420,27 +151421,27 +151422,23 +151423,23 +151424,23 +151425,38 +151426,38 +151427,38 +151428,23 +151429,23 +151430,23 +151431,23 +151432,38 +151433,38 +151434,38 +151435,38 +151436,31 +151437,34 +151438,31 +151439,31 +151440,31 +151441,36 +151442,36 +151443,36 +151444,31 +151445,31 +151446,31 +151447,31 +151448,31 +151449,31 +151450,31 +151451,31 +151452,31 +151453,31 +151454,31 +151455,31 +151456,31 +151457,31 +151458,31 +151459,31 +151460,31 +151461,31 +151462,31 +151463,31 +151464,5 +151465,5 +151466,5 +151467,5 +151468,5 +151469,5 +151470,5 +151471,27 +151472,27 +151473,27 +151474,27 +151475,31 +151476,31 +151477,31 +151478,31 +151479,31 +151480,25 +151481,11 +151482,11 +151483,11 +151484,2 +151485,2 +151486,2 +151487,11 +151488,11 +151489,11 +151490,11 +151491,11 +151492,11 +151493,25 +151494,25 +151495,25 +151496,25 +151497,3 +151498,3 +151499,2 +151500,2 +151501,2 +151502,2 +151503,2 +151504,2 +151505,2 +151506,2 +151507,2 +151508,8 +151509,2 +151510,2 +151511,37 +151512,37 +151513,37 +151514,37 +151515,37 +151516,37 +151517,37 +151518,37 +151519,37 +151520,37 +151521,37 +151522,10 +151523,10 +151524,34 +151525,10 +151526,10 +151527,10 +151528,10 +151529,34 +151530,34 +151531,10 +151532,10 +151533,10 +151534,10 +151535,10 +151536,10 +151537,8 +151538,8 +151539,8 +151540,8 +151541,8 +151542,8 +151543,8 +151544,2 +151545,2 +151546,2 +151547,2 +151548,27 +151549,27 +151550,27 +151551,27 +151552,27 +151553,27 +151554,8 +151555,8 +151556,8 +151557,8 +151558,8 +151559,8 +151560,8 +151561,8 +151562,8 +151563,31 +151564,31 +151565,31 +151566,31 +151567,9 +151568,9 +151569,31 +151570,31 +151571,31 +151572,31 +151573,31 +151574,9 +151575,9 +151576,4 +151577,4 +151578,4 +151579,30 +151580,0 +151581,0 +151582,0 +151583,0 +151584,0 +151585,0 +151586,0 +151587,0 +151588,0 +151589,0 +151590,0 +151591,0 +151592,0 +151593,0 +151594,0 +151595,0 +151596,0 +151597,0 +151598,0 +151599,0 +151600,0 +151601,0 +151602,0 +151603,0 +151604,0 +151605,0 +151606,0 +151607,0 +151608,0 +151609,0 +151610,0 +151611,0 +151612,0 +151613,0 +151614,0 +151615,0 +151616,0 +151617,0 +151618,0 +151619,0 +151620,0 +151621,0 +151622,0 +151623,0 +151624,0 +151625,0 +151626,0 +151627,0 +151628,0 +151629,0 +151630,0 +151631,0 +151632,0 +151633,26 +151634,26 +151635,26 +151636,26 +151637,26 +151638,37 +151639,37 +151640,37 +151641,37 +151642,37 +151643,37 +151644,37 +151645,30 +151646,30 +151647,30 +151648,30 +151649,30 +151650,30 +151651,30 +151652,30 +151653,30 +151654,30 +151655,30 +151656,39 +151657,39 +151658,39 +151659,39 +151660,39 +151661,39 +151662,39 +151663,39 +151664,39 +151665,14 +151666,14 +151667,4 +151668,4 +151669,4 +151670,4 +151671,4 +151672,4 +151673,25 +151674,25 +151675,25 +151676,25 +151677,37 +151678,37 +151679,37 +151680,37 +151681,37 +151682,37 +151683,37 +151684,37 +151685,37 +151686,37 +151687,37 +151688,37 +151689,25 +151690,25 +151691,25 +151692,25 +151693,25 +151694,25 +151695,25 +151696,37 +151697,25 +151698,25 +151699,25 +151700,25 +151701,25 +151702,25 +151703,25 +151704,25 +151705,25 +151706,25 +151707,25 +151708,25 +151709,25 +151710,25 +151711,0 +151712,0 +151713,0 +151714,0 +151715,0 +151716,0 +151717,0 +151718,0 +151719,0 +151720,0 +151721,0 +151722,0 +151723,0 +151724,0 +151725,0 +151726,0 +151727,0 +151728,0 +151729,0 +151730,0 +151731,0 +151732,0 +151733,0 +151734,0 +151735,27 +151736,27 +151737,27 +151738,27 +151739,27 +151740,27 +151741,27 +151742,27 +151743,27 +151744,5 +151745,5 +151746,5 +151747,5 +151748,5 +151749,5 +151750,7 +151751,7 +151752,7 +151753,7 +151754,22 +151755,22 +151756,22 +151757,22 +151758,37 +151759,37 +151760,37 +151761,37 +151762,37 +151763,37 +151764,37 +151765,25 +151766,25 +151767,25 +151768,37 +151769,5 +151770,5 +151771,5 +151772,5 +151773,5 +151774,5 +151775,3 +151776,14 +151777,14 +151778,14 +151779,14 +151780,14 +151781,14 +151782,14 +151783,14 +151784,14 +151785,14 +151786,14 +151787,14 +151788,14 +151789,14 +151790,14 +151791,14 +151792,14 +151793,14 +151794,5 +151795,5 +151796,28 +151797,28 +151798,28 +151799,28 +151800,32 +151801,32 +151802,32 +151803,0 +151804,0 +151805,0 +151806,0 +151807,28 +151808,0 +151809,0 +151810,0 +151811,0 +151812,0 +151813,0 +151814,0 +151815,0 +151816,0 +151817,0 +151818,0 +151819,0 +151820,0 +151821,0 +151822,0 +151823,0 +151824,0 +151825,0 +151826,0 +151827,0 +151828,0 +151829,0 +151830,0 +151831,0 +151832,0 +151833,0 +151834,0 +151835,0 +151836,0 +151837,0 +151838,0 +151839,0 +151840,0 +151841,0 +151842,0 +151843,0 +151844,0 +151845,0 +151846,0 +151847,0 +151848,0 +151849,0 +151850,0 +151851,0 +151852,0 +151853,0 +151854,0 +151855,0 +151856,0 +151857,0 +151858,0 +151859,0 +151860,0 +151861,0 +151862,0 +151863,0 +151864,0 +151865,0 +151866,0 +151867,0 +151868,0 +151869,0 +151870,0 +151871,0 +151872,0 +151873,0 +151874,0 +151875,0 +151876,0 +151877,0 +151878,0 +151879,0 +151880,0 +151881,0 +151882,0 +151883,0 +151884,0 +151885,0 +151886,0 +151887,0 +151888,0 +151889,0 +151890,0 +151891,0 +151892,0 +151893,0 +151894,0 +151895,0 +151896,0 +151897,0 +151898,0 +151899,0 +151900,0 +151901,0 +151902,0 +151903,0 +151904,0 +151905,0 +151906,0 +151907,0 +151908,0 +151909,0 +151910,0 +151911,0 +151912,0 +151913,0 +151914,0 +151915,0 +151916,0 +151917,0 +151918,0 +151919,0 +151920,0 +151921,0 +151922,0 +151923,0 +151924,0 +151925,0 +151926,0 +151927,0 +151928,0 +151929,27 +151930,0 +151931,0 +151932,0 +151933,0 +151934,27 +151935,27 +151936,27 +151937,27 +151938,27 +151939,27 +151940,27 +151941,27 +151942,27 +151943,5 +151944,5 +151945,5 +151946,5 +151947,5 +151948,5 +151949,28 +151950,28 +151951,28 +151952,28 +151953,28 +151954,28 +151955,28 +151956,28 +151957,28 +151958,10 +151959,10 +151960,10 +151961,10 +151962,10 +151963,10 +151964,10 +151965,10 +151966,10 +151967,10 +151968,10 +151969,10 +151970,10 +151971,5 +151972,5 +151973,5 +151974,5 +151975,5 +151976,5 +151977,5 +151978,14 +151979,14 +151980,14 +151981,14 +151982,14 +151983,14 +151984,14 +151985,14 +151986,14 +151987,14 +151988,14 +151989,14 +151990,14 +151991,14 +151992,14 +151993,14 +151994,14 +151995,14 +151996,14 +151997,14 +151998,14 +151999,14 +152000,14 +152001,14 +152002,14 +152003,14 +152004,39 +152005,39 +152006,39 +152007,31 +152008,31 +152009,28 +152010,28 +152011,28 +152012,28 +152013,28 +152014,28 +152015,28 +152016,28 +152017,28 +152018,28 +152019,28 +152020,28 +152021,28 +152022,28 +152023,0 +152024,0 +152025,0 +152026,0 +152027,0 +152028,0 +152029,0 +152030,0 +152031,0 +152032,0 +152033,0 +152034,0 +152035,0 +152036,0 +152037,0 +152038,0 +152039,0 +152040,0 +152041,0 +152042,0 +152043,0 +152044,0 +152045,0 +152046,0 +152047,0 +152048,0 +152049,0 +152050,0 +152051,0 +152052,0 +152053,0 +152054,0 +152055,0 +152056,0 +152057,0 +152058,0 +152059,0 +152060,0 +152061,0 +152062,0 +152063,0 +152064,0 +152065,0 +152066,0 +152067,11 +152068,11 +152069,11 +152070,11 +152071,11 +152072,11 +152073,11 +152074,11 +152075,11 +152076,11 +152077,11 +152078,11 +152079,11 +152080,11 +152081,39 +152082,39 +152083,39 +152084,39 +152085,30 +152086,30 +152087,30 +152088,30 +152089,30 +152090,30 +152091,22 +152092,22 +152093,22 +152094,22 +152095,22 +152096,22 +152097,22 +152098,6 +152099,6 +152100,6 +152101,6 +152102,32 +152103,32 +152104,32 +152105,32 +152106,32 +152107,30 +152108,30 +152109,30 +152110,30 +152111,30 +152112,30 +152113,10 +152114,10 +152115,10 +152116,10 +152117,10 +152118,10 +152119,10 +152120,6 +152121,6 +152122,6 +152123,6 +152124,6 +152125,6 +152126,6 +152127,6 +152128,11 +152129,11 +152130,11 +152131,11 +152132,11 +152133,11 +152134,11 +152135,11 +152136,11 +152137,11 +152138,11 +152139,11 +152140,11 +152141,39 +152142,39 +152143,39 +152144,39 +152145,39 +152146,39 +152147,19 +152148,19 +152149,19 +152150,19 +152151,19 +152152,19 +152153,19 +152154,19 +152155,37 +152156,37 +152157,37 +152158,37 +152159,37 +152160,37 +152161,37 +152162,31 +152163,31 +152164,31 +152165,31 +152166,31 +152167,31 +152168,5 +152169,5 +152170,5 +152171,5 +152172,36 +152173,36 +152174,36 +152175,10 +152176,10 +152177,10 +152178,10 +152179,10 +152180,10 +152181,36 +152182,36 +152183,36 +152184,36 +152185,36 +152186,36 +152187,36 +152188,36 +152189,36 +152190,23 +152191,23 +152192,23 +152193,23 +152194,23 +152195,23 +152196,23 +152197,23 +152198,4 +152199,4 +152200,4 +152201,4 +152202,4 +152203,4 +152204,4 +152205,4 +152206,4 +152207,4 +152208,39 +152209,39 +152210,39 +152211,39 +152212,39 +152213,39 +152214,7 +152215,3 +152216,3 +152217,3 +152218,3 +152219,3 +152220,3 +152221,3 +152222,3 +152223,3 +152224,3 +152225,3 +152226,3 +152227,3 +152228,3 +152229,5 +152230,27 +152231,5 +152232,5 +152233,5 +152234,5 +152235,16 +152236,16 +152237,4 +152238,4 +152239,4 +152240,4 +152241,4 +152242,4 +152243,4 +152244,4 +152245,4 +152246,37 +152247,37 +152248,37 +152249,37 +152250,10 +152251,10 +152252,10 +152253,10 +152254,10 +152255,10 +152256,10 +152257,10 +152258,10 +152259,10 +152260,10 +152261,19 +152262,19 +152263,19 +152264,3 +152265,3 +152266,3 +152267,31 +152268,31 +152269,3 +152270,3 +152271,3 +152272,27 +152273,27 +152274,27 +152275,27 +152276,27 +152277,6 +152278,6 +152279,6 +152280,6 +152281,6 +152282,6 +152283,2 +152284,2 +152285,2 +152286,2 +152287,2 +152288,2 +152289,2 +152290,2 +152291,2 +152292,2 +152293,32 +152294,32 +152295,32 +152296,32 +152297,32 +152298,32 +152299,30 +152300,30 +152301,30 +152302,30 +152303,30 +152304,30 +152305,10 +152306,30 +152307,14 +152308,14 +152309,14 +152310,14 +152311,14 +152312,14 +152313,14 +152314,14 +152315,14 +152316,14 +152317,14 +152318,14 +152319,14 +152320,14 +152321,14 +152322,14 +152323,14 +152324,5 +152325,5 +152326,5 +152327,5 +152328,5 +152329,5 +152330,5 +152331,5 +152332,5 +152333,5 +152334,5 +152335,0 +152336,0 +152337,0 +152338,0 +152339,0 +152340,0 +152341,0 +152342,0 +152343,0 +152344,0 +152345,0 +152346,0 +152347,0 +152348,0 +152349,0 +152350,0 +152351,0 +152352,0 +152353,0 +152354,0 +152355,0 +152356,0 +152357,0 +152358,0 +152359,0 +152360,0 +152361,0 +152362,0 +152363,0 +152364,0 +152365,0 +152366,0 +152367,0 +152368,0 +152369,0 +152370,0 +152371,0 +152372,0 +152373,0 +152374,0 +152375,0 +152376,0 +152377,0 +152378,0 +152379,0 +152380,0 +152381,0 +152382,0 +152383,0 +152384,0 +152385,0 +152386,0 +152387,0 +152388,0 +152389,0 +152390,0 +152391,0 +152392,0 +152393,0 +152394,0 +152395,0 +152396,0 +152397,0 +152398,0 +152399,0 +152400,0 +152401,0 +152402,0 +152403,0 +152404,0 +152405,0 +152406,0 +152407,0 +152408,0 +152409,0 +152410,0 +152411,0 +152412,15 +152413,15 +152414,15 +152415,31 +152416,31 +152417,4 +152418,4 +152419,4 +152420,4 +152421,4 +152422,4 +152423,32 +152424,32 +152425,29 +152426,31 +152427,31 +152428,31 +152429,31 +152430,31 +152431,31 +152432,23 +152433,23 +152434,23 +152435,23 +152436,38 +152437,38 +152438,38 +152439,38 +152440,38 +152441,23 +152442,38 +152443,27 +152444,27 +152445,27 +152446,27 +152447,27 +152448,27 +152449,39 +152450,37 +152451,37 +152452,37 +152453,37 +152454,37 +152455,37 +152456,37 +152457,37 +152458,37 +152459,37 +152460,37 +152461,37 +152462,37 +152463,31 +152464,24 +152465,24 +152466,24 +152467,24 +152468,24 +152469,24 +152470,24 +152471,24 +152472,40 +152473,40 +152474,40 +152475,36 +152476,36 +152477,36 +152478,36 +152479,36 +152480,4 +152481,4 +152482,4 +152483,4 +152484,4 +152485,4 +152486,23 +152487,23 +152488,23 +152489,23 +152490,23 +152491,38 +152492,23 +152493,23 +152494,23 +152495,40 +152496,40 +152497,40 +152498,40 +152499,40 +152500,40 +152501,30 +152502,30 +152503,30 +152504,30 +152505,30 +152506,30 +152507,34 +152508,33 +152509,33 +152510,33 +152511,33 +152512,33 +152513,33 +152514,33 +152515,33 +152516,33 +152517,33 +152518,33 +152519,33 +152520,33 +152521,33 +152522,33 +152523,34 +152524,34 +152525,4 +152526,4 +152527,4 +152528,4 +152529,32 +152530,32 +152531,29 +152532,29 +152533,29 +152534,29 +152535,29 +152536,29 +152537,29 +152538,29 +152539,29 +152540,29 +152541,29 +152542,29 +152543,29 +152544,31 +152545,31 +152546,31 +152547,12 +152548,12 +152549,12 +152550,12 +152551,12 +152552,12 +152553,12 +152554,12 +152555,12 +152556,12 +152557,12 +152558,12 +152559,40 +152560,40 +152561,40 +152562,40 +152563,40 +152564,5 +152565,5 +152566,5 +152567,5 +152568,19 +152569,19 +152570,19 +152571,19 +152572,31 +152573,31 +152574,31 +152575,31 +152576,31 +152577,31 +152578,31 +152579,31 +152580,12 +152581,12 +152582,12 +152583,12 +152584,12 +152585,12 +152586,12 +152587,31 +152588,31 +152589,31 +152590,8 +152591,8 +152592,8 +152593,8 +152594,8 +152595,8 +152596,8 +152597,8 +152598,8 +152599,4 +152600,4 +152601,4 +152602,4 +152603,4 +152604,4 +152605,4 +152606,4 +152607,3 +152608,3 +152609,3 +152610,3 +152611,3 +152612,15 +152613,15 +152614,15 +152615,29 +152616,29 +152617,29 +152618,31 +152619,31 +152620,31 +152621,31 +152622,31 +152623,31 +152624,31 +152625,31 +152626,16 +152627,16 +152628,16 +152629,16 +152630,16 +152631,16 +152632,16 +152633,16 +152634,16 +152635,16 +152636,16 +152637,23 +152638,23 +152639,23 +152640,23 +152641,23 +152642,23 +152643,23 +152644,23 +152645,25 +152646,25 +152647,25 +152648,35 +152649,25 +152650,25 +152651,25 +152652,25 +152653,25 +152654,25 +152655,25 +152656,25 +152657,25 +152658,25 +152659,25 +152660,25 +152661,25 +152662,25 +152663,25 +152664,25 +152665,25 +152666,25 +152667,25 +152668,25 +152669,25 +152670,25 +152671,25 +152672,25 +152673,25 +152674,25 +152675,25 +152676,25 +152677,25 +152678,25 +152679,25 +152680,25 +152681,0 +152682,0 +152683,0 +152684,0 +152685,0 +152686,0 +152687,0 +152688,0 +152689,0 +152690,0 +152691,0 +152692,0 +152693,36 +152694,36 +152695,36 +152696,36 +152697,36 +152698,36 +152699,36 +152700,36 +152701,5 +152702,5 +152703,5 +152704,19 +152705,19 +152706,11 +152707,11 +152708,11 +152709,11 +152710,11 +152711,11 +152712,11 +152713,11 +152714,11 +152715,11 +152716,11 +152717,11 +152718,39 +152719,39 +152720,39 +152721,35 +152722,19 +152723,35 +152724,35 +152725,35 +152726,35 +152727,14 +152728,35 +152729,27 +152730,27 +152731,27 +152732,27 +152733,27 +152734,5 +152735,5 +152736,5 +152737,5 +152738,5 +152739,5 +152740,5 +152741,5 +152742,5 +152743,5 +152744,5 +152745,19 +152746,19 +152747,19 +152748,19 +152749,19 +152750,19 +152751,19 +152752,19 +152753,19 +152754,19 +152755,14 +152756,14 +152757,14 +152758,14 +152759,14 +152760,14 +152761,14 +152762,40 +152763,40 +152764,40 +152765,40 +152766,40 +152767,40 +152768,40 +152769,40 +152770,37 +152771,37 +152772,37 +152773,37 +152774,37 +152775,37 +152776,37 +152777,37 +152778,37 +152779,37 +152780,37 +152781,37 +152782,37 +152783,37 +152784,37 +152785,37 +152786,37 +152787,37 +152788,37 +152789,37 +152790,37 +152791,37 +152792,37 +152793,37 +152794,37 +152795,37 +152796,37 +152797,0 +152798,0 +152799,0 +152800,0 +152801,0 +152802,0 +152803,0 +152804,0 +152805,0 +152806,0 +152807,0 +152808,0 +152809,0 +152810,0 +152811,0 +152812,0 +152813,0 +152814,0 +152815,0 +152816,0 +152817,0 +152818,0 +152819,0 +152820,0 +152821,0 +152822,0 +152823,0 +152824,0 +152825,0 +152826,0 +152827,0 +152828,0 +152829,0 +152830,0 +152831,0 +152832,0 +152833,0 +152834,0 +152835,0 +152836,0 +152837,0 +152838,0 +152839,0 +152840,0 +152841,0 +152842,0 +152843,0 +152844,0 +152845,0 +152846,0 +152847,0 +152848,0 +152849,0 +152850,0 +152851,0 +152852,0 +152853,0 +152854,0 +152855,0 +152856,0 +152857,0 +152858,0 +152859,0 +152860,0 +152861,0 +152862,0 +152863,0 +152864,0 +152865,0 +152866,0 +152867,0 +152868,0 +152869,0 +152870,0 +152871,0 +152872,0 +152873,0 +152874,0 +152875,19 +152876,19 +152877,27 +152878,27 +152879,27 +152880,27 +152881,27 +152882,27 +152883,27 +152884,27 +152885,27 +152886,27 +152887,30 +152888,30 +152889,33 +152890,33 +152891,30 +152892,33 +152893,33 +152894,33 +152895,33 +152896,33 +152897,33 +152898,33 +152899,33 +152900,33 +152901,33 +152902,33 +152903,33 +152904,33 +152905,33 +152906,33 +152907,33 +152908,33 +152909,33 +152910,33 +152911,30 +152912,0 +152913,30 +152914,30 +152915,0 +152916,0 +152917,0 +152918,0 +152919,0 +152920,0 +152921,0 +152922,0 +152923,0 +152924,0 +152925,0 +152926,0 +152927,0 +152928,0 +152929,0 +152930,0 +152931,0 +152932,0 +152933,0 +152934,0 +152935,36 +152936,36 +152937,36 +152938,36 +152939,36 +152940,36 +152941,5 +152942,5 +152943,19 +152944,19 +152945,19 +152946,19 +152947,19 +152948,19 +152949,19 +152950,5 +152951,5 +152952,28 +152953,40 +152954,40 +152955,40 +152956,40 +152957,40 +152958,40 +152959,40 +152960,40 +152961,5 +152962,5 +152963,5 +152964,5 +152965,5 +152966,0 +152967,0 +152968,0 +152969,0 +152970,0 +152971,0 +152972,10 +152973,10 +152974,10 +152975,10 +152976,10 +152977,10 +152978,10 +152979,10 +152980,10 +152981,10 +152982,10 +152983,10 +152984,10 +152985,10 +152986,10 +152987,10 +152988,10 +152989,10 +152990,10 +152991,10 +152992,10 +152993,4 +152994,4 +152995,4 +152996,4 +152997,4 +152998,4 +152999,4 +153000,4 +153001,4 +153002,27 +153003,27 +153004,27 +153005,27 +153006,27 +153007,27 +153008,27 +153009,4 +153010,4 +153011,4 +153012,4 +153013,4 +153014,4 +153015,4 +153016,4 +153017,29 +153018,29 +153019,29 +153020,29 +153021,29 +153022,31 +153023,31 +153024,31 +153025,31 +153026,31 +153027,2 +153028,2 +153029,2 +153030,2 +153031,2 +153032,2 +153033,2 +153034,2 +153035,2 +153036,2 +153037,28 +153038,28 +153039,28 +153040,28 +153041,28 +153042,26 +153043,26 +153044,26 +153045,26 +153046,26 +153047,26 +153048,26 +153049,26 +153050,26 +153051,30 +153052,30 +153053,30 +153054,30 +153055,30 +153056,32 +153057,32 +153058,32 +153059,32 +153060,32 +153061,32 +153062,32 +153063,32 +153064,32 +153065,32 +153066,26 +153067,26 +153068,26 +153069,26 +153070,26 +153071,26 +153072,26 +153073,26 +153074,26 +153075,26 +153076,26 +153077,26 +153078,26 +153079,26 +153080,6 +153081,6 +153082,6 +153083,6 +153084,6 +153085,6 +153086,6 +153087,2 +153088,2 +153089,2 +153090,2 +153091,2 +153092,2 +153093,2 +153094,2 +153095,36 +153096,36 +153097,36 +153098,36 +153099,36 +153100,36 +153101,5 +153102,5 +153103,5 +153104,5 +153105,5 +153106,5 +153107,19 +153108,19 +153109,19 +153110,19 +153111,19 +153112,19 +153113,19 +153114,19 +153115,34 +153116,34 +153117,34 +153118,34 +153119,36 +153120,36 +153121,36 +153122,36 +153123,10 +153124,10 +153125,10 +153126,10 +153127,10 +153128,10 +153129,10 +153130,10 +153131,10 +153132,10 +153133,10 +153134,10 +153135,10 +153136,10 +153137,10 +153138,10 +153139,4 +153140,4 +153141,4 +153142,4 +153143,4 +153144,4 +153145,4 +153146,4 +153147,0 +153148,40 +153149,40 +153150,36 +153151,36 +153152,36 +153153,36 +153154,36 +153155,36 +153156,5 +153157,5 +153158,19 +153159,19 +153160,19 +153161,19 +153162,34 +153163,34 +153164,34 +153165,34 +153166,36 +153167,34 +153168,34 +153169,34 +153170,34 +153171,10 +153172,10 +153173,10 +153174,12 +153175,12 +153176,12 +153177,12 +153178,12 +153179,31 +153180,31 +153181,31 +153182,31 +153183,8 +153184,8 +153185,8 +153186,8 +153187,8 +153188,8 +153189,8 +153190,15 +153191,15 +153192,15 +153193,15 +153194,15 +153195,15 +153196,15 +153197,15 +153198,15 +153199,25 +153200,25 +153201,25 +153202,25 +153203,25 +153204,25 +153205,25 +153206,25 +153207,25 +153208,37 +153209,37 +153210,37 +153211,37 +153212,39 +153213,39 +153214,39 +153215,39 +153216,39 +153217,39 +153218,39 +153219,19 +153220,19 +153221,19 +153222,36 +153223,36 +153224,36 +153225,36 +153226,40 +153227,40 +153228,36 +153229,5 +153230,5 +153231,5 +153232,5 +153233,5 +153234,19 +153235,19 +153236,19 +153237,19 +153238,31 +153239,25 +153240,25 +153241,25 +153242,25 +153243,25 +153244,29 +153245,29 +153246,29 +153247,29 +153248,29 +153249,31 +153250,31 +153251,31 +153252,31 +153253,31 +153254,31 +153255,31 +153256,31 +153257,8 +153258,8 +153259,8 +153260,2 +153261,8 +153262,8 +153263,8 +153264,8 +153265,8 +153266,32 +153267,32 +153268,32 +153269,32 +153270,32 +153271,32 +153272,32 +153273,32 +153274,32 +153275,32 +153276,32 +153277,32 +153278,26 +153279,26 +153280,26 +153281,26 +153282,26 +153283,26 +153284,26 +153285,26 +153286,26 +153287,26 +153288,32 +153289,32 +153290,38 +153291,38 +153292,38 +153293,32 +153294,32 +153295,32 +153296,30 +153297,30 +153298,30 +153299,30 +153300,30 +153301,30 +153302,39 +153303,39 +153304,39 +153305,39 +153306,25 +153307,25 +153308,25 +153309,4 +153310,16 +153311,16 +153312,4 +153313,4 +153314,4 +153315,4 +153316,4 +153317,4 +153318,4 +153319,4 +153320,37 +153321,37 +153322,37 +153323,37 +153324,39 +153325,39 +153326,39 +153327,39 +153328,39 +153329,39 +153330,39 +153331,39 +153332,8 +153333,8 +153334,8 +153335,8 +153336,8 +153337,8 +153338,8 +153339,27 +153340,29 +153341,29 +153342,29 +153343,29 +153344,5 +153345,5 +153346,29 +153347,29 +153348,5 +153349,29 +153350,31 +153351,31 +153352,31 +153353,31 +153354,31 +153355,21 +153356,21 +153357,21 +153358,21 +153359,21 +153360,21 +153361,37 +153362,37 +153363,37 +153364,37 +153365,37 +153366,37 +153367,14 +153368,14 +153369,14 +153370,14 +153371,14 +153372,14 +153373,14 +153374,14 +153375,14 +153376,14 +153377,14 +153378,14 +153379,14 +153380,14 +153381,24 +153382,24 +153383,24 +153384,24 +153385,24 +153386,24 +153387,24 +153388,10 +153389,10 +153390,10 +153391,10 +153392,10 +153393,10 +153394,39 +153395,37 +153396,10 +153397,10 +153398,10 +153399,10 +153400,10 +153401,10 +153402,10 +153403,37 +153404,37 +153405,37 +153406,37 +153407,37 +153408,37 +153409,37 +153410,37 +153411,19 +153412,19 +153413,19 +153414,19 +153415,19 +153416,19 +153417,19 +153418,36 +153419,36 +153420,36 +153421,36 +153422,36 +153423,36 +153424,36 +153425,5 +153426,5 +153427,5 +153428,5 +153429,5 +153430,5 +153431,39 +153432,39 +153433,39 +153434,39 +153435,39 +153436,39 +153437,39 +153438,39 +153439,39 +153440,39 +153441,32 +153442,32 +153443,32 +153444,32 +153445,32 +153446,32 +153447,32 +153448,32 +153449,32 +153450,30 +153451,30 +153452,30 +153453,36 +153454,36 +153455,36 +153456,36 +153457,36 +153458,36 +153459,36 +153460,36 +153461,36 +153462,36 +153463,36 +153464,5 +153465,5 +153466,5 +153467,5 +153468,5 +153469,4 +153470,4 +153471,4 +153472,4 +153473,4 +153474,27 +153475,27 +153476,27 +153477,27 +153478,27 +153479,19 +153480,19 +153481,19 +153482,35 +153483,4 +153484,25 +153485,37 +153486,37 +153487,37 +153488,37 +153489,31 +153490,31 +153491,37 +153492,37 +153493,37 +153494,37 +153495,37 +153496,37 +153497,37 +153498,37 +153499,37 +153500,37 +153501,33 +153502,33 +153503,33 +153504,33 +153505,33 +153506,33 +153507,33 +153508,33 +153509,33 +153510,33 +153511,33 +153512,33 +153513,33 +153514,33 +153515,33 +153516,33 +153517,33 +153518,33 +153519,8 +153520,8 +153521,8 +153522,8 +153523,8 +153524,8 +153525,8 +153526,8 +153527,8 +153528,15 +153529,15 +153530,15 +153531,15 +153532,15 +153533,15 +153534,15 +153535,15 +153536,33 +153537,33 +153538,33 +153539,33 +153540,33 +153541,33 +153542,27 +153543,27 +153544,27 +153545,27 +153546,11 +153547,11 +153548,11 +153549,11 +153550,11 +153551,11 +153552,11 +153553,11 +153554,11 +153555,11 +153556,11 +153557,11 +153558,11 +153559,15 +153560,15 +153561,15 +153562,15 +153563,15 +153564,10 +153565,34 +153566,10 +153567,10 +153568,10 +153569,10 +153570,10 +153571,34 +153572,34 +153573,34 +153574,10 +153575,28 +153576,28 +153577,28 +153578,28 +153579,28 +153580,28 +153581,28 +153582,10 +153583,10 +153584,10 +153585,10 +153586,10 +153587,10 +153588,10 +153589,10 +153590,10 +153591,10 +153592,10 +153593,10 +153594,21 +153595,21 +153596,21 +153597,21 +153598,21 +153599,21 +153600,21 +153601,37 +153602,37 +153603,37 +153604,37 +153605,37 +153606,37 +153607,37 +153608,14 +153609,14 +153610,14 +153611,14 +153612,14 +153613,14 +153614,14 +153615,14 +153616,14 +153617,14 +153618,14 +153619,14 +153620,14 +153621,14 +153622,14 +153623,14 +153624,14 +153625,14 +153626,14 +153627,24 +153628,24 +153629,24 +153630,24 +153631,24 +153632,27 +153633,27 +153634,27 +153635,27 +153636,27 +153637,27 +153638,27 +153639,5 +153640,5 +153641,5 +153642,5 +153643,5 +153644,5 +153645,5 +153646,12 +153647,12 +153648,12 +153649,12 +153650,12 +153651,12 +153652,12 +153653,12 +153654,12 +153655,12 +153656,12 +153657,26 +153658,26 +153659,26 +153660,26 +153661,26 +153662,34 +153663,4 +153664,4 +153665,4 +153666,4 +153667,4 +153668,4 +153669,4 +153670,4 +153671,4 +153672,4 +153673,4 +153674,4 +153675,4 +153676,4 +153677,19 +153678,27 +153679,27 +153680,27 +153681,27 +153682,27 +153683,27 +153684,27 +153685,27 +153686,27 +153687,19 +153688,4 +153689,4 +153690,4 +153691,4 +153692,4 +153693,28 +153694,19 +153695,3 +153696,24 +153697,24 +153698,24 +153699,24 +153700,6 +153701,6 +153702,6 +153703,6 +153704,6 +153705,6 +153706,6 +153707,27 +153708,7 +153709,7 +153710,7 +153711,7 +153712,25 +153713,25 +153714,25 +153715,25 +153716,25 +153717,37 +153718,37 +153719,4 +153720,4 +153721,4 +153722,4 +153723,4 +153724,4 +153725,4 +153726,4 +153727,4 +153728,4 +153729,4 +153730,4 +153731,4 +153732,4 +153733,4 +153734,4 +153735,39 +153736,39 +153737,27 +153738,39 +153739,39 +153740,39 +153741,39 +153742,39 +153743,39 +153744,39 +153745,27 +153746,37 +153747,37 +153748,37 +153749,37 +153750,37 +153751,37 +153752,37 +153753,37 +153754,37 +153755,37 +153756,37 +153757,37 +153758,37 +153759,37 +153760,8 +153761,8 +153762,8 +153763,8 +153764,8 +153765,8 +153766,8 +153767,8 +153768,8 +153769,8 +153770,8 +153771,2 +153772,0 +153773,0 +153774,0 +153775,0 +153776,0 +153777,0 +153778,0 +153779,0 +153780,0 +153781,0 +153782,0 +153783,0 +153784,0 +153785,0 +153786,0 +153787,0 +153788,0 +153789,0 +153790,0 +153791,0 +153792,0 +153793,0 +153794,0 +153795,0 +153796,0 +153797,0 +153798,0 +153799,0 +153800,0 +153801,15 +153802,15 +153803,15 +153804,27 +153805,27 +153806,27 +153807,27 +153808,27 +153809,27 +153810,2 +153811,2 +153812,2 +153813,2 +153814,2 +153815,2 +153816,2 +153817,2 +153818,6 +153819,6 +153820,6 +153821,6 +153822,6 +153823,6 +153824,6 +153825,6 +153826,6 +153827,40 +153828,40 +153829,40 +153830,40 +153831,40 +153832,37 +153833,37 +153834,37 +153835,37 +153836,37 +153837,37 +153838,37 +153839,33 +153840,33 +153841,33 +153842,30 +153843,30 +153844,30 +153845,30 +153846,30 +153847,30 +153848,31 +153849,31 +153850,31 +153851,31 +153852,31 +153853,5 +153854,5 +153855,5 +153856,5 +153857,5 +153858,2 +153859,2 +153860,2 +153861,2 +153862,2 +153863,2 +153864,2 +153865,2 +153866,2 +153867,2 +153868,2 +153869,2 +153870,2 +153871,2 +153872,2 +153873,28 +153874,28 +153875,28 +153876,28 +153877,5 +153878,40 +153879,40 +153880,40 +153881,40 +153882,40 +153883,40 +153884,40 +153885,40 +153886,40 +153887,40 +153888,4 +153889,4 +153890,4 +153891,4 +153892,4 +153893,4 +153894,4 +153895,38 +153896,38 +153897,38 +153898,38 +153899,4 +153900,4 +153901,4 +153902,4 +153903,28 +153904,28 +153905,28 +153906,28 +153907,28 +153908,28 +153909,14 +153910,14 +153911,14 +153912,14 +153913,14 +153914,14 +153915,14 +153916,14 +153917,14 +153918,14 +153919,14 +153920,15 +153921,15 +153922,15 +153923,15 +153924,15 +153925,15 +153926,15 +153927,39 +153928,39 +153929,39 +153930,39 +153931,39 +153932,39 +153933,39 +153934,39 +153935,31 +153936,31 +153937,31 +153938,31 +153939,31 +153940,32 +153941,32 +153942,32 +153943,32 +153944,32 +153945,32 +153946,32 +153947,32 +153948,32 +153949,32 +153950,32 +153951,32 +153952,32 +153953,25 +153954,25 +153955,25 +153956,25 +153957,25 +153958,25 +153959,25 +153960,25 +153961,25 +153962,2 +153963,2 +153964,2 +153965,2 +153966,2 +153967,2 +153968,2 +153969,2 +153970,2 +153971,2 +153972,2 +153973,5 +153974,5 +153975,5 +153976,5 +153977,5 +153978,5 +153979,5 +153980,31 +153981,31 +153982,31 +153983,31 +153984,31 +153985,24 +153986,24 +153987,24 +153988,24 +153989,24 +153990,24 +153991,21 +153992,21 +153993,21 +153994,21 +153995,21 +153996,21 +153997,21 +153998,21 +153999,37 +154000,37 +154001,37 +154002,37 +154003,37 +154004,37 +154005,37 +154006,14 +154007,14 +154008,14 +154009,14 +154010,14 +154011,14 +154012,14 +154013,4 +154014,4 +154015,4 +154016,4 +154017,4 +154018,4 +154019,19 +154020,23 +154021,24 +154022,24 +154023,24 +154024,24 +154025,10 +154026,10 +154027,10 +154028,10 +154029,10 +154030,10 +154031,10 +154032,10 +154033,10 +154034,10 +154035,10 +154036,30 +154037,30 +154038,30 +154039,30 +154040,30 +154041,7 +154042,7 +154043,7 +154044,7 +154045,7 +154046,7 +154047,39 +154048,3 +154049,3 +154050,3 +154051,3 +154052,3 +154053,3 +154054,3 +154055,4 +154056,4 +154057,4 +154058,4 +154059,4 +154060,4 +154061,4 +154062,4 +154063,4 +154064,27 +154065,27 +154066,31 +154067,28 +154068,28 +154069,28 +154070,28 +154071,28 +154072,14 +154073,14 +154074,14 +154075,39 +154076,39 +154077,39 +154078,39 +154079,39 +154080,39 +154081,39 +154082,39 +154083,39 +154084,39 +154085,39 +154086,39 +154087,39 +154088,39 +154089,39 +154090,39 +154091,39 +154092,39 +154093,39 +154094,0 +154095,0 +154096,0 +154097,0 +154098,0 +154099,0 +154100,0 +154101,0 +154102,0 +154103,0 +154104,0 +154105,0 +154106,0 +154107,0 +154108,0 +154109,0 +154110,0 +154111,0 +154112,0 +154113,0 +154114,0 +154115,0 +154116,0 +154117,0 +154118,0 +154119,0 +154120,0 +154121,0 +154122,0 +154123,0 +154124,0 +154125,0 +154126,0 +154127,0 +154128,0 +154129,0 +154130,0 +154131,0 +154132,0 +154133,0 +154134,0 +154135,0 +154136,0 +154137,0 +154138,0 +154139,0 +154140,0 +154141,0 +154142,0 +154143,0 +154144,0 +154145,0 +154146,0 +154147,0 +154148,0 +154149,0 +154150,0 +154151,0 +154152,0 +154153,0 +154154,0 +154155,0 +154156,0 +154157,0 +154158,0 +154159,0 +154160,0 +154161,0 +154162,0 +154163,0 +154164,0 +154165,0 +154166,0 +154167,0 +154168,0 +154169,0 +154170,0 +154171,0 +154172,0 +154173,0 +154174,0 +154175,0 +154176,0 +154177,0 +154178,0 +154179,0 +154180,0 +154181,0 +154182,0 +154183,0 +154184,0 +154185,0 +154186,0 +154187,0 +154188,0 +154189,0 +154190,10 +154191,10 +154192,10 +154193,10 +154194,10 +154195,10 +154196,10 +154197,10 +154198,10 +154199,10 +154200,10 +154201,10 +154202,10 +154203,10 +154204,10 +154205,10 +154206,36 +154207,36 +154208,36 +154209,40 +154210,40 +154211,40 +154212,40 +154213,40 +154214,24 +154215,24 +154216,24 +154217,24 +154218,24 +154219,24 +154220,24 +154221,24 +154222,24 +154223,5 +154224,5 +154225,5 +154226,5 +154227,5 +154228,5 +154229,5 +154230,5 +154231,33 +154232,33 +154233,33 +154234,33 +154235,33 +154236,33 +154237,33 +154238,33 +154239,33 +154240,19 +154241,19 +154242,19 +154243,19 +154244,19 +154245,19 +154246,19 +154247,10 +154248,10 +154249,10 +154250,10 +154251,10 +154252,34 +154253,34 +154254,34 +154255,34 +154256,34 +154257,10 +154258,10 +154259,30 +154260,34 +154261,34 +154262,34 +154263,34 +154264,6 +154265,4 +154266,4 +154267,4 +154268,4 +154269,11 +154270,11 +154271,11 +154272,11 +154273,11 +154274,11 +154275,11 +154276,11 +154277,11 +154278,11 +154279,11 +154280,11 +154281,11 +154282,39 +154283,39 +154284,39 +154285,39 +154286,39 +154287,14 +154288,14 +154289,39 +154290,14 +154291,14 +154292,14 +154293,14 +154294,14 +154295,27 +154296,27 +154297,27 +154298,27 +154299,40 +154300,27 +154301,27 +154302,40 +154303,40 +154304,40 +154305,40 +154306,40 +154307,40 +154308,40 +154309,40 +154310,40 +154311,40 +154312,40 +154313,40 +154314,8 +154315,8 +154316,8 +154317,8 +154318,8 +154319,8 +154320,8 +154321,8 +154322,8 +154323,8 +154324,8 +154325,8 +154326,8 +154327,2 +154328,2 +154329,2 +154330,2 +154331,2 +154332,2 +154333,2 +154334,2 +154335,2 +154336,2 +154337,2 +154338,2 +154339,2 +154340,2 +154341,2 +154342,2 +154343,2 +154344,2 +154345,2 +154346,2 +154347,0 +154348,0 +154349,0 +154350,0 +154351,0 +154352,0 +154353,15 +154354,15 +154355,15 +154356,15 +154357,31 +154358,31 +154359,15 +154360,30 +154361,30 +154362,30 +154363,34 +154364,10 +154365,10 +154366,34 +154367,34 +154368,34 +154369,34 +154370,34 +154371,21 +154372,21 +154373,21 +154374,21 +154375,21 +154376,21 +154377,21 +154378,21 +154379,21 +154380,21 +154381,36 +154382,36 +154383,36 +154384,36 +154385,36 +154386,36 +154387,36 +154388,24 +154389,24 +154390,21 +154391,21 +154392,21 +154393,21 +154394,31 +154395,31 +154396,5 +154397,5 +154398,19 +154399,6 +154400,21 +154401,21 +154402,21 +154403,21 +154404,22 +154405,22 +154406,22 +154407,22 +154408,22 +154409,22 +154410,22 +154411,22 +154412,22 +154413,19 +154414,4 +154415,19 +154416,19 +154417,9 +154418,9 +154419,9 +154420,9 +154421,9 +154422,9 +154423,9 +154424,25 +154425,26 +154426,26 +154427,26 +154428,26 +154429,26 +154430,26 +154431,26 +154432,26 +154433,26 +154434,26 +154435,26 +154436,37 +154437,37 +154438,37 +154439,37 +154440,37 +154441,37 +154442,21 +154443,21 +154444,21 +154445,21 +154446,21 +154447,21 +154448,21 +154449,21 +154450,21 +154451,27 +154452,27 +154453,27 +154454,27 +154455,27 +154456,28 +154457,28 +154458,28 +154459,28 +154460,28 +154461,28 +154462,36 +154463,36 +154464,36 +154465,36 +154466,36 +154467,36 +154468,36 +154469,36 +154470,5 +154471,5 +154472,5 +154473,5 +154474,4 +154475,4 +154476,4 +154477,4 +154478,4 +154479,4 +154480,4 +154481,4 +154482,4 +154483,4 +154484,4 +154485,4 +154486,4 +154487,4 +154488,4 +154489,4 +154490,4 +154491,4 +154492,4 +154493,0 +154494,0 +154495,0 +154496,0 +154497,0 +154498,0 +154499,0 +154500,0 +154501,0 +154502,0 +154503,0 +154504,0 +154505,0 +154506,0 +154507,0 +154508,0 +154509,0 +154510,0 +154511,0 +154512,0 +154513,0 +154514,0 +154515,0 +154516,0 +154517,0 +154518,0 +154519,0 +154520,0 +154521,0 +154522,0 +154523,0 +154524,0 +154525,0 +154526,0 +154527,0 +154528,0 +154529,0 +154530,0 +154531,0 +154532,0 +154533,0 +154534,0 +154535,0 +154536,0 +154537,0 +154538,0 +154539,0 +154540,0 +154541,0 +154542,0 +154543,0 +154544,0 +154545,0 +154546,0 +154547,0 +154548,0 +154549,36 +154550,36 +154551,36 +154552,36 +154553,36 +154554,36 +154555,36 +154556,36 +154557,36 +154558,36 +154559,36 +154560,5 +154561,5 +154562,19 +154563,19 +154564,5 +154565,5 +154566,5 +154567,26 +154568,26 +154569,26 +154570,26 +154571,26 +154572,26 +154573,26 +154574,26 +154575,5 +154576,5 +154577,5 +154578,5 +154579,5 +154580,5 +154581,29 +154582,29 +154583,31 +154584,31 +154585,31 +154586,31 +154587,32 +154588,32 +154589,32 +154590,32 +154591,32 +154592,32 +154593,32 +154594,32 +154595,32 +154596,32 +154597,32 +154598,32 +154599,32 +154600,32 +154601,32 +154602,32 +154603,32 +154604,32 +154605,25 +154606,25 +154607,25 +154608,25 +154609,25 +154610,25 +154611,25 +154612,25 +154613,37 +154614,37 +154615,37 +154616,37 +154617,37 +154618,37 +154619,37 +154620,37 +154621,37 +154622,37 +154623,37 +154624,39 +154625,39 +154626,39 +154627,39 +154628,39 +154629,39 +154630,39 +154631,39 +154632,39 +154633,39 +154634,2 +154635,2 +154636,2 +154637,2 +154638,2 +154639,2 +154640,2 +154641,2 +154642,31 +154643,31 +154644,33 +154645,33 +154646,33 +154647,29 +154648,29 +154649,29 +154650,29 +154651,29 +154652,29 +154653,31 +154654,31 +154655,31 +154656,31 +154657,21 +154658,21 +154659,21 +154660,21 +154661,21 +154662,21 +154663,21 +154664,21 +154665,37 +154666,37 +154667,37 +154668,37 +154669,37 +154670,37 +154671,37 +154672,14 +154673,14 +154674,14 +154675,14 +154676,14 +154677,14 +154678,14 +154679,14 +154680,14 +154681,14 +154682,4 +154683,4 +154684,4 +154685,4 +154686,4 +154687,4 +154688,12 +154689,12 +154690,12 +154691,12 +154692,12 +154693,12 +154694,12 +154695,12 +154696,40 +154697,40 +154698,40 +154699,40 +154700,40 +154701,40 +154702,40 +154703,40 +154704,40 +154705,40 +154706,40 +154707,40 +154708,40 +154709,2 +154710,2 +154711,2 +154712,2 +154713,2 +154714,2 +154715,2 +154716,2 +154717,2 +154718,2 +154719,2 +154720,2 +154721,2 +154722,2 +154723,2 +154724,2 +154725,4 +154726,2 +154727,4 +154728,0 +154729,0 +154730,0 +154731,0 +154732,0 +154733,0 +154734,0 +154735,0 +154736,0 +154737,0 +154738,0 +154739,0 +154740,0 +154741,0 +154742,0 +154743,35 +154744,35 +154745,35 +154746,35 +154747,35 +154748,35 +154749,35 +154750,35 +154751,35 +154752,35 +154753,35 +154754,39 +154755,39 +154756,39 +154757,39 +154758,39 +154759,39 +154760,39 +154761,39 +154762,39 +154763,39 +154764,36 +154765,36 +154766,36 +154767,36 +154768,36 +154769,36 +154770,40 +154771,36 +154772,36 +154773,8 +154774,8 +154775,8 +154776,8 +154777,8 +154778,8 +154779,8 +154780,31 +154781,31 +154782,31 +154783,31 +154784,31 +154785,31 +154786,31 +154787,31 +154788,2 +154789,2 +154790,2 +154791,2 +154792,2 +154793,2 +154794,2 +154795,2 +154796,2 +154797,2 +154798,2 +154799,2 +154800,2 +154801,2 +154802,2 +154803,28 +154804,28 +154805,28 +154806,28 +154807,28 +154808,28 +154809,28 +154810,26 +154811,26 +154812,26 +154813,26 +154814,26 +154815,26 +154816,26 +154817,26 +154818,26 +154819,26 +154820,5 +154821,26 +154822,26 +154823,5 +154824,5 +154825,26 +154826,26 +154827,26 +154828,26 +154829,25 +154830,25 +154831,25 +154832,25 +154833,25 +154834,25 +154835,25 +154836,6 +154837,6 +154838,6 +154839,6 +154840,6 +154841,6 +154842,6 +154843,6 +154844,35 +154845,35 +154846,35 +154847,35 +154848,35 +154849,36 +154850,36 +154851,36 +154852,36 +154853,36 +154854,36 +154855,40 +154856,8 +154857,8 +154858,8 +154859,8 +154860,8 +154861,8 +154862,8 +154863,8 +154864,8 +154865,31 +154866,31 +154867,31 +154868,31 +154869,31 +154870,31 +154871,31 +154872,31 +154873,5 +154874,5 +154875,5 +154876,5 +154877,5 +154878,5 +154879,19 +154880,5 +154881,19 +154882,19 +154883,14 +154884,14 +154885,14 +154886,14 +154887,14 +154888,14 +154889,14 +154890,14 +154891,14 +154892,14 +154893,14 +154894,19 +154895,15 +154896,15 +154897,15 +154898,15 +154899,15 +154900,15 +154901,15 +154902,15 +154903,14 +154904,14 +154905,7 +154906,7 +154907,27 +154908,14 +154909,14 +154910,14 +154911,14 +154912,14 +154913,0 +154914,0 +154915,0 +154916,0 +154917,0 +154918,0 +154919,0 +154920,0 +154921,0 +154922,0 +154923,0 +154924,0 +154925,0 +154926,0 +154927,0 +154928,0 +154929,0 +154930,0 +154931,0 +154932,0 +154933,0 +154934,0 +154935,0 +154936,0 +154937,0 +154938,0 +154939,0 +154940,0 +154941,0 +154942,0 +154943,0 +154944,0 +154945,0 +154946,36 +154947,27 +154948,27 +154949,27 +154950,27 +154951,27 +154952,27 +154953,27 +154954,27 +154955,27 +154956,6 +154957,6 +154958,6 +154959,6 +154960,6 +154961,6 +154962,6 +154963,6 +154964,6 +154965,2 +154966,2 +154967,2 +154968,2 +154969,2 +154970,2 +154971,2 +154972,2 +154973,2 +154974,2 +154975,2 +154976,2 +154977,2 +154978,2 +154979,2 +154980,10 +154981,10 +154982,10 +154983,10 +154984,10 +154985,10 +154986,10 +154987,10 +154988,10 +154989,10 +154990,10 +154991,10 +154992,5 +154993,5 +154994,5 +154995,5 +154996,35 +154997,35 +154998,35 +154999,35 +155000,35 +155001,35 +155002,35 +155003,31 +155004,31 +155005,27 +155006,27 +155007,27 +155008,27 +155009,27 +155010,36 +155011,19 +155012,19 +155013,19 +155014,19 +155015,19 +155016,19 +155017,19 +155018,19 +155019,19 +155020,5 +155021,5 +155022,19 +155023,19 +155024,5 +155025,19 +155026,19 +155027,19 +155028,19 +155029,29 +155030,5 +155031,5 +155032,34 +155033,34 +155034,34 +155035,34 +155036,34 +155037,34 +155038,36 +155039,36 +155040,36 +155041,36 +155042,36 +155043,36 +155044,36 +155045,36 +155046,36 +155047,36 +155048,5 +155049,5 +155050,5 +155051,5 +155052,5 +155053,5 +155054,5 +155055,5 +155056,5 +155057,5 +155058,5 +155059,12 +155060,12 +155061,12 +155062,12 +155063,12 +155064,12 +155065,12 +155066,12 +155067,12 +155068,12 +155069,12 +155070,29 +155071,29 +155072,31 +155073,31 +155074,28 +155075,28 +155076,28 +155077,28 +155078,28 +155079,28 +155080,28 +155081,31 +155082,31 +155083,31 +155084,5 +155085,5 +155086,5 +155087,5 +155088,31 +155089,31 +155090,31 +155091,31 +155092,31 +155093,31 +155094,31 +155095,5 +155096,5 +155097,5 +155098,5 +155099,5 +155100,5 +155101,5 +155102,16 +155103,16 +155104,16 +155105,16 +155106,16 +155107,16 +155108,16 +155109,16 +155110,16 +155111,16 +155112,16 +155113,16 +155114,27 +155115,27 +155116,27 +155117,27 +155118,27 +155119,30 +155120,30 +155121,30 +155122,30 +155123,37 +155124,37 +155125,37 +155126,19 +155127,19 +155128,19 +155129,19 +155130,25 +155131,25 +155132,31 +155133,31 +155134,31 +155135,31 +155136,31 +155137,25 +155138,27 +155139,5 +155140,5 +155141,5 +155142,5 +155143,5 +155144,5 +155145,5 +155146,5 +155147,5 +155148,5 +155149,5 +155150,37 +155151,37 +155152,37 +155153,37 +155154,37 +155155,37 +155156,37 +155157,37 +155158,37 +155159,37 +155160,37 +155161,37 +155162,37 +155163,37 +155164,37 +155165,37 +155166,10 +155167,10 +155168,10 +155169,10 +155170,10 +155171,10 +155172,10 +155173,10 +155174,10 +155175,2 +155176,2 +155177,2 +155178,2 +155179,2 +155180,2 +155181,2 +155182,2 +155183,2 +155184,2 +155185,2 +155186,2 +155187,2 +155188,4 +155189,16 +155190,16 +155191,16 +155192,4 +155193,4 +155194,4 +155195,4 +155196,4 +155197,4 +155198,4 +155199,4 +155200,4 +155201,4 +155202,4 +155203,4 +155204,4 +155205,4 +155206,19 +155207,4 +155208,4 +155209,4 +155210,4 +155211,4 +155212,4 +155213,4 +155214,27 +155215,27 +155216,27 +155217,27 +155218,27 +155219,4 +155220,4 +155221,4 +155222,4 +155223,4 +155224,31 +155225,31 +155226,31 +155227,31 +155228,31 +155229,10 +155230,10 +155231,10 +155232,10 +155233,10 +155234,10 +155235,26 +155236,26 +155237,26 +155238,26 +155239,26 +155240,26 +155241,26 +155242,26 +155243,26 +155244,26 +155245,5 +155246,5 +155247,5 +155248,5 +155249,5 +155250,5 +155251,5 +155252,5 +155253,5 +155254,5 +155255,5 +155256,5 +155257,5 +155258,5 +155259,19 +155260,19 +155261,19 +155262,19 +155263,19 +155264,6 +155265,6 +155266,6 +155267,6 +155268,6 +155269,6 +155270,6 +155271,6 +155272,6 +155273,12 +155274,12 +155275,12 +155276,12 +155277,12 +155278,40 +155279,40 +155280,40 +155281,40 +155282,40 +155283,40 +155284,40 +155285,40 +155286,40 +155287,40 +155288,40 +155289,40 +155290,2 +155291,2 +155292,2 +155293,2 +155294,2 +155295,2 +155296,2 +155297,2 +155298,2 +155299,2 +155300,2 +155301,2 +155302,2 +155303,2 +155304,2 +155305,2 +155306,2 +155307,2 +155308,2 +155309,2 +155310,4 +155311,4 +155312,4 +155313,2 +155314,2 +155315,8 +155316,0 +155317,0 +155318,0 +155319,0 +155320,0 +155321,0 +155322,0 +155323,0 +155324,0 +155325,0 +155326,0 +155327,0 +155328,0 +155329,0 +155330,0 +155331,0 +155332,0 +155333,31 +155334,33 +155335,33 +155336,33 +155337,31 +155338,31 +155339,31 +155340,31 +155341,31 +155342,31 +155343,31 +155344,31 +155345,31 +155346,24 +155347,24 +155348,24 +155349,24 +155350,24 +155351,24 +155352,24 +155353,27 +155354,27 +155355,27 +155356,27 +155357,27 +155358,27 +155359,27 +155360,27 +155361,5 +155362,5 +155363,5 +155364,5 +155365,5 +155366,5 +155367,5 +155368,5 +155369,23 +155370,23 +155371,23 +155372,23 +155373,23 +155374,23 +155375,25 +155376,25 +155377,25 +155378,25 +155379,28 +155380,28 +155381,28 +155382,28 +155383,28 +155384,28 +155385,28 +155386,28 +155387,14 +155388,14 +155389,14 +155390,14 +155391,14 +155392,14 +155393,14 +155394,14 +155395,14 +155396,14 +155397,14 +155398,27 +155399,27 +155400,11 +155401,11 +155402,11 +155403,11 +155404,11 +155405,11 +155406,11 +155407,11 +155408,11 +155409,11 +155410,11 +155411,11 +155412,31 +155413,31 +155414,31 +155415,31 +155416,31 +155417,31 +155418,31 +155419,31 +155420,5 +155421,5 +155422,5 +155423,5 +155424,5 +155425,5 +155426,5 +155427,5 +155428,5 +155429,5 +155430,5 +155431,5 +155432,5 +155433,5 +155434,5 +155435,5 +155436,0 +155437,0 +155438,0 +155439,0 +155440,0 +155441,0 +155442,0 +155443,0 +155444,0 +155445,0 +155446,0 +155447,0 +155448,0 +155449,0 +155450,0 +155451,0 +155452,0 +155453,0 +155454,0 +155455,0 +155456,0 +155457,0 +155458,0 +155459,0 +155460,0 +155461,0 +155462,0 +155463,0 +155464,0 +155465,0 +155466,0 +155467,0 +155468,0 +155469,0 +155470,0 +155471,0 +155472,0 +155473,0 +155474,0 +155475,0 +155476,0 +155477,0 +155478,0 +155479,0 +155480,0 +155481,0 +155482,0 +155483,0 +155484,0 +155485,0 +155486,0 +155487,27 +155488,27 +155489,27 +155490,27 +155491,27 +155492,27 +155493,27 +155494,27 +155495,27 +155496,27 +155497,27 +155498,4 +155499,4 +155500,4 +155501,4 +155502,4 +155503,4 +155504,12 +155505,12 +155506,12 +155507,12 +155508,12 +155509,31 +155510,31 +155511,31 +155512,31 +155513,31 +155514,8 +155515,8 +155516,8 +155517,8 +155518,8 +155519,2 +155520,2 +155521,2 +155522,2 +155523,2 +155524,23 +155525,23 +155526,23 +155527,23 +155528,23 +155529,23 +155530,23 +155531,23 +155532,23 +155533,23 +155534,25 +155535,25 +155536,25 +155537,25 +155538,25 +155539,25 +155540,25 +155541,25 +155542,25 +155543,25 +155544,25 +155545,25 +155546,5 +155547,5 +155548,5 +155549,5 +155550,40 +155551,40 +155552,40 +155553,40 +155554,40 +155555,40 +155556,40 +155557,27 +155558,27 +155559,8 +155560,8 +155561,8 +155562,8 +155563,2 +155564,2 +155565,2 +155566,8 +155567,11 +155568,2 +155569,8 +155570,8 +155571,8 +155572,8 +155573,23 +155574,19 +155575,16 +155576,23 +155577,23 +155578,2 +155579,32 +155580,32 +155581,32 +155582,32 +155583,32 +155584,32 +155585,32 +155586,23 +155587,23 +155588,23 +155589,10 +155590,10 +155591,10 +155592,10 +155593,10 +155594,10 +155595,10 +155596,10 +155597,10 +155598,10 +155599,10 +155600,10 +155601,10 +155602,10 +155603,10 +155604,10 +155605,10 +155606,10 +155607,10 +155608,10 +155609,10 +155610,10 +155611,10 +155612,6 +155613,6 +155614,6 +155615,6 +155616,10 +155617,10 +155618,10 +155619,10 +155620,0 +155621,0 +155622,0 +155623,0 +155624,0 +155625,0 +155626,0 +155627,0 +155628,0 +155629,0 +155630,0 +155631,0 +155632,0 +155633,0 +155634,0 +155635,0 +155636,0 +155637,31 +155638,31 +155639,31 +155640,31 +155641,31 +155642,31 +155643,31 +155644,31 +155645,31 +155646,31 +155647,24 +155648,24 +155649,24 +155650,24 +155651,24 +155652,1 +155653,33 +155654,33 +155655,33 +155656,31 +155657,31 +155658,31 +155659,31 +155660,33 +155661,33 +155662,23 +155663,23 +155664,23 +155665,23 +155666,23 +155667,23 +155668,23 +155669,23 +155670,23 +155671,23 +155672,23 +155673,23 +155674,23 +155675,9 +155676,9 +155677,9 +155678,9 +155679,9 +155680,9 +155681,9 +155682,9 +155683,9 +155684,9 +155685,9 +155686,9 +155687,9 +155688,9 +155689,9 +155690,9 +155691,30 +155692,30 +155693,30 +155694,30 +155695,30 +155696,30 +155697,30 +155698,30 +155699,31 +155700,33 +155701,33 +155702,31 +155703,24 +155704,24 +155705,24 +155706,24 +155707,24 +155708,4 +155709,4 +155710,4 +155711,4 +155712,4 +155713,4 +155714,4 +155715,4 +155716,4 +155717,4 +155718,4 +155719,4 +155720,4 +155721,4 +155722,36 +155723,36 +155724,36 +155725,36 +155726,36 +155727,36 +155728,36 +155729,36 +155730,36 +155731,36 +155732,36 +155733,36 +155734,19 +155735,19 +155736,19 +155737,19 +155738,19 +155739,19 +155740,32 +155741,32 +155742,32 +155743,32 +155744,32 +155745,32 +155746,22 +155747,22 +155748,22 +155749,22 +155750,22 +155751,22 +155752,22 +155753,22 +155754,22 +155755,30 +155756,30 +155757,30 +155758,30 +155759,30 +155760,30 +155761,30 +155762,30 +155763,30 +155764,30 +155765,30 +155766,30 +155767,2 +155768,2 +155769,2 +155770,2 +155771,2 +155772,8 +155773,8 +155774,23 +155775,23 +155776,23 +155777,23 +155778,23 +155779,23 +155780,23 +155781,31 +155782,31 +155783,31 +155784,31 +155785,31 +155786,5 +155787,5 +155788,5 +155789,5 +155790,5 +155791,5 +155792,5 +155793,5 +155794,29 +155795,31 +155796,31 +155797,31 +155798,31 +155799,31 +155800,31 +155801,2 +155802,2 +155803,2 +155804,2 +155805,2 +155806,2 +155807,2 +155808,2 +155809,2 +155810,6 +155811,6 +155812,6 +155813,6 +155814,6 +155815,6 +155816,6 +155817,6 +155818,40 +155819,40 +155820,36 +155821,40 +155822,40 +155823,40 +155824,40 +155825,40 +155826,40 +155827,40 +155828,31 +155829,31 +155830,14 +155831,14 +155832,14 +155833,14 +155834,14 +155835,14 +155836,14 +155837,14 +155838,14 +155839,14 +155840,14 +155841,14 +155842,14 +155843,14 +155844,14 +155845,14 +155846,14 +155847,0 +155848,0 +155849,0 +155850,0 +155851,0 +155852,0 +155853,0 +155854,0 +155855,0 +155856,0 +155857,0 +155858,0 +155859,0 +155860,0 +155861,0 +155862,0 +155863,0 +155864,0 +155865,0 +155866,0 +155867,0 +155868,0 +155869,0 +155870,0 +155871,0 +155872,0 +155873,0 +155874,0 +155875,0 +155876,0 +155877,0 +155878,0 +155879,0 +155880,0 +155881,0 +155882,0 +155883,0 +155884,0 +155885,0 +155886,0 +155887,0 +155888,0 +155889,0 +155890,0 +155891,0 +155892,0 +155893,0 +155894,0 +155895,0 +155896,0 +155897,0 +155898,0 +155899,0 +155900,0 +155901,0 +155902,0 +155903,0 +155904,0 +155905,0 +155906,0 +155907,0 +155908,0 +155909,0 +155910,0 +155911,0 +155912,0 +155913,0 +155914,36 +155915,36 +155916,36 +155917,36 +155918,36 +155919,36 +155920,36 +155921,36 +155922,36 +155923,36 +155924,36 +155925,36 +155926,36 +155927,36 +155928,36 +155929,8 +155930,2 +155931,2 +155932,8 +155933,8 +155934,8 +155935,8 +155936,8 +155937,8 +155938,8 +155939,8 +155940,4 +155941,4 +155942,4 +155943,4 +155944,4 +155945,4 +155946,4 +155947,16 +155948,16 +155949,3 +155950,3 +155951,3 +155952,3 +155953,3 +155954,3 +155955,3 +155956,3 +155957,3 +155958,3 +155959,3 +155960,3 +155961,3 +155962,3 +155963,3 +155964,3 +155965,3 +155966,3 +155967,3 +155968,3 +155969,3 +155970,3 +155971,3 +155972,3 +155973,3 +155974,3 +155975,3 +155976,3 +155977,3 +155978,3 +155979,3 +155980,3 +155981,3 +155982,0 +155983,0 +155984,0 +155985,0 +155986,0 +155987,0 +155988,0 +155989,0 +155990,0 +155991,0 +155992,0 +155993,5 +155994,5 +155995,5 +155996,5 +155997,5 +155998,5 +155999,5 +156000,19 +156001,19 +156002,19 +156003,19 +156004,0 +156005,0 +156006,15 +156007,29 +156008,29 +156009,29 +156010,29 +156011,29 +156012,29 +156013,29 +156014,29 +156015,29 +156016,29 +156017,29 +156018,29 +156019,29 +156020,40 +156021,40 +156022,40 +156023,40 +156024,40 +156025,40 +156026,40 +156027,40 +156028,40 +156029,40 +156030,37 +156031,37 +156032,37 +156033,37 +156034,37 +156035,37 +156036,37 +156037,37 +156038,37 +156039,37 +156040,37 +156041,31 +156042,31 +156043,31 +156044,27 +156045,27 +156046,27 +156047,5 +156048,5 +156049,5 +156050,5 +156051,5 +156052,5 +156053,29 +156054,29 +156055,31 +156056,31 +156057,31 +156058,31 +156059,31 +156060,31 +156061,23 +156062,23 +156063,23 +156064,23 +156065,23 +156066,23 +156067,23 +156068,23 +156069,23 +156070,25 +156071,25 +156072,25 +156073,25 +156074,25 +156075,25 +156076,25 +156077,25 +156078,25 +156079,25 +156080,25 +156081,25 +156082,2 +156083,2 +156084,2 +156085,2 +156086,4 +156087,4 +156088,4 +156089,4 +156090,4 +156091,4 +156092,30 +156093,30 +156094,30 +156095,30 +156096,30 +156097,30 +156098,30 +156099,30 +156100,30 +156101,30 +156102,30 +156103,30 +156104,14 +156105,14 +156106,14 +156107,14 +156108,14 +156109,14 +156110,14 +156111,14 +156112,14 +156113,14 +156114,2 +156115,2 +156116,2 +156117,2 +156118,2 +156119,2 +156120,2 +156121,2 +156122,2 +156123,2 +156124,2 +156125,2 +156126,2 +156127,2 +156128,2 +156129,2 +156130,2 +156131,2 +156132,2 +156133,2 +156134,2 +156135,2 +156136,0 +156137,0 +156138,0 +156139,0 +156140,0 +156141,0 +156142,0 +156143,0 +156144,0 +156145,0 +156146,0 +156147,0 +156148,0 +156149,0 +156150,0 +156151,0 +156152,0 +156153,0 +156154,0 +156155,0 +156156,0 +156157,0 +156158,0 +156159,0 +156160,0 +156161,0 +156162,0 +156163,0 +156164,0 +156165,0 +156166,0 +156167,0 +156168,0 +156169,0 +156170,0 +156171,0 +156172,0 +156173,0 +156174,0 +156175,0 +156176,0 +156177,0 +156178,0 +156179,0 +156180,0 +156181,0 +156182,0 +156183,0 +156184,0 +156185,0 +156186,0 +156187,0 +156188,0 +156189,0 +156190,0 +156191,0 +156192,0 +156193,0 +156194,0 +156195,0 +156196,0 +156197,0 +156198,0 +156199,0 +156200,0 +156201,0 +156202,0 +156203,0 +156204,0 +156205,0 +156206,0 +156207,0 +156208,0 +156209,0 +156210,0 +156211,0 +156212,0 +156213,0 +156214,0 +156215,0 +156216,0 +156217,29 +156218,29 +156219,29 +156220,33 +156221,33 +156222,33 +156223,33 +156224,33 +156225,33 +156226,33 +156227,33 +156228,33 +156229,33 +156230,33 +156231,33 +156232,33 +156233,8 +156234,8 +156235,8 +156236,8 +156237,8 +156238,8 +156239,8 +156240,8 +156241,8 +156242,8 +156243,4 +156244,4 +156245,4 +156246,4 +156247,4 +156248,4 +156249,4 +156250,4 +156251,4 +156252,3 +156253,3 +156254,3 +156255,3 +156256,3 +156257,3 +156258,3 +156259,3 +156260,3 +156261,32 +156262,32 +156263,32 +156264,32 +156265,32 +156266,32 +156267,32 +156268,32 +156269,32 +156270,32 +156271,32 +156272,32 +156273,32 +156274,32 +156275,32 +156276,25 +156277,25 +156278,25 +156279,25 +156280,25 +156281,25 +156282,25 +156283,25 +156284,25 +156285,6 +156286,6 +156287,6 +156288,6 +156289,6 +156290,6 +156291,6 +156292,6 +156293,6 +156294,6 +156295,6 +156296,6 +156297,2 +156298,2 +156299,2 +156300,2 +156301,2 +156302,2 +156303,2 +156304,2 +156305,2 +156306,31 +156307,31 +156308,31 +156309,31 +156310,24 +156311,24 +156312,24 +156313,24 +156314,24 +156315,6 +156316,6 +156317,6 +156318,6 +156319,6 +156320,6 +156321,6 +156322,6 +156323,6 +156324,6 +156325,6 +156326,6 +156327,6 +156328,6 +156329,40 +156330,40 +156331,40 +156332,40 +156333,40 +156334,37 +156335,37 +156336,37 +156337,37 +156338,37 +156339,37 +156340,37 +156341,37 +156342,37 +156343,37 +156344,27 +156345,27 +156346,27 +156347,27 +156348,27 +156349,18 +156350,18 +156351,18 +156352,18 +156353,18 +156354,18 +156355,18 +156356,18 +156357,18 +156358,18 +156359,3 +156360,3 +156361,3 +156362,3 +156363,27 +156364,27 +156365,27 +156366,27 +156367,27 +156368,27 +156369,3 +156370,3 +156371,3 +156372,8 +156373,8 +156374,8 +156375,8 +156376,8 +156377,8 +156378,8 +156379,8 +156380,8 +156381,8 +156382,8 +156383,8 +156384,8 +156385,2 +156386,2 +156387,2 +156388,2 +156389,2 +156390,2 +156391,0 +156392,0 +156393,0 +156394,0 +156395,0 +156396,0 +156397,0 +156398,0 +156399,0 +156400,0 +156401,0 +156402,0 +156403,0 +156404,0 +156405,0 +156406,0 +156407,0 +156408,0 +156409,0 +156410,0 +156411,0 +156412,0 +156413,0 +156414,0 +156415,0 +156416,0 +156417,0 +156418,0 +156419,0 +156420,0 +156421,0 +156422,23 +156423,23 +156424,23 +156425,23 +156426,23 +156427,23 +156428,23 +156429,23 +156430,23 +156431,23 +156432,23 +156433,30 +156434,30 +156435,30 +156436,30 +156437,30 +156438,30 +156439,30 +156440,22 +156441,22 +156442,33 +156443,33 +156444,17 +156445,17 +156446,17 +156447,33 +156448,33 +156449,33 +156450,27 +156451,27 +156452,27 +156453,17 +156454,17 +156455,17 +156456,17 +156457,17 +156458,17 +156459,17 +156460,13 +156461,13 +156462,13 +156463,13 +156464,13 +156465,13 +156466,13 +156467,13 +156468,13 +156469,13 +156470,13 +156471,29 +156472,29 +156473,29 +156474,29 +156475,29 +156476,29 +156477,31 +156478,31 +156479,31 +156480,31 +156481,31 +156482,31 +156483,31 +156484,31 +156485,12 +156486,12 +156487,12 +156488,12 +156489,12 +156490,12 +156491,12 +156492,12 +156493,12 +156494,12 +156495,31 +156496,31 +156497,31 +156498,31 +156499,31 +156500,31 +156501,31 +156502,31 +156503,31 +156504,5 +156505,5 +156506,5 +156507,5 +156508,5 +156509,5 +156510,5 +156511,5 +156512,5 +156513,5 +156514,19 +156515,19 +156516,19 +156517,19 +156518,19 +156519,19 +156520,34 +156521,34 +156522,34 +156523,34 +156524,34 +156525,34 +156526,34 +156527,34 +156528,34 +156529,34 +156530,34 +156531,34 +156532,34 +156533,34 +156534,34 +156535,34 +156536,5 +156537,5 +156538,5 +156539,5 +156540,5 +156541,5 +156542,2 +156543,2 +156544,2 +156545,2 +156546,2 +156547,2 +156548,2 +156549,2 +156550,2 +156551,2 +156552,2 +156553,2 +156554,2 +156555,2 +156556,2 +156557,2 +156558,2 +156559,25 +156560,25 +156561,25 +156562,25 +156563,25 +156564,25 +156565,25 +156566,39 +156567,39 +156568,39 +156569,39 +156570,39 +156571,39 +156572,39 +156573,39 +156574,39 +156575,27 +156576,39 +156577,39 +156578,39 +156579,39 +156580,39 +156581,39 +156582,39 +156583,39 +156584,5 +156585,5 +156586,5 +156587,5 +156588,5 +156589,5 +156590,5 +156591,5 +156592,5 +156593,5 +156594,5 +156595,5 +156596,29 +156597,29 +156598,29 +156599,29 +156600,29 +156601,29 +156602,29 +156603,29 +156604,39 +156605,39 +156606,39 +156607,39 +156608,39 +156609,39 +156610,39 +156611,39 +156612,39 +156613,31 +156614,31 +156615,31 +156616,31 +156617,31 +156618,31 +156619,31 +156620,29 +156621,24 +156622,29 +156623,29 +156624,29 +156625,29 +156626,29 +156627,29 +156628,25 +156629,25 +156630,25 +156631,25 +156632,25 +156633,25 +156634,25 +156635,25 +156636,25 +156637,25 +156638,25 +156639,25 +156640,31 +156641,31 +156642,31 +156643,31 +156644,31 +156645,31 +156646,31 +156647,31 +156648,32 +156649,32 +156650,32 +156651,32 +156652,32 +156653,32 +156654,32 +156655,32 +156656,2 +156657,2 +156658,2 +156659,2 +156660,2 +156661,2 +156662,2 +156663,2 +156664,4 +156665,4 +156666,4 +156667,4 +156668,4 +156669,4 +156670,37 +156671,37 +156672,37 +156673,37 +156674,37 +156675,37 +156676,37 +156677,39 +156678,39 +156679,39 +156680,39 +156681,39 +156682,39 +156683,39 +156684,39 +156685,39 +156686,39 +156687,39 +156688,14 +156689,14 +156690,14 +156691,14 +156692,28 +156693,5 +156694,5 +156695,5 +156696,5 +156697,5 +156698,5 +156699,5 +156700,5 +156701,5 +156702,5 +156703,5 +156704,5 +156705,5 +156706,5 +156707,5 +156708,0 +156709,5 +156710,0 +156711,0 +156712,0 +156713,0 +156714,0 +156715,0 +156716,0 +156717,0 +156718,0 +156719,0 +156720,0 +156721,0 +156722,0 +156723,0 +156724,0 +156725,0 +156726,0 +156727,0 +156728,0 +156729,0 +156730,0 +156731,0 +156732,0 +156733,0 +156734,0 +156735,0 +156736,0 +156737,0 +156738,0 +156739,0 +156740,0 +156741,0 +156742,0 +156743,0 +156744,0 +156745,0 +156746,0 +156747,0 +156748,0 +156749,0 +156750,0 +156751,29 +156752,29 +156753,29 +156754,40 +156755,40 +156756,37 +156757,37 +156758,37 +156759,31 +156760,37 +156761,37 +156762,37 +156763,37 +156764,37 +156765,37 +156766,37 +156767,37 +156768,37 +156769,37 +156770,37 +156771,37 +156772,14 +156773,14 +156774,14 +156775,14 +156776,14 +156777,14 +156778,14 +156779,14 +156780,2 +156781,2 +156782,2 +156783,2 +156784,2 +156785,2 +156786,2 +156787,2 +156788,2 +156789,4 +156790,4 +156791,4 +156792,4 +156793,4 +156794,4 +156795,4 +156796,4 +156797,37 +156798,37 +156799,37 +156800,37 +156801,37 +156802,37 +156803,37 +156804,36 +156805,36 +156806,36 +156807,36 +156808,36 +156809,36 +156810,36 +156811,36 +156812,36 +156813,36 +156814,36 +156815,36 +156816,36 +156817,36 +156818,36 +156819,6 +156820,6 +156821,6 +156822,6 +156823,6 +156824,6 +156825,6 +156826,6 +156827,6 +156828,6 +156829,6 +156830,6 +156831,6 +156832,6 +156833,12 +156834,12 +156835,12 +156836,12 +156837,12 +156838,12 +156839,12 +156840,12 +156841,12 +156842,12 +156843,27 +156844,27 +156845,27 +156846,27 +156847,29 +156848,29 +156849,29 +156850,29 +156851,29 +156852,31 +156853,31 +156854,31 +156855,27 +156856,27 +156857,4 +156858,4 +156859,4 +156860,4 +156861,4 +156862,2 +156863,2 +156864,2 +156865,2 +156866,2 +156867,2 +156868,2 +156869,18 +156870,18 +156871,18 +156872,18 +156873,18 +156874,18 +156875,18 +156876,18 +156877,18 +156878,18 +156879,18 +156880,31 +156881,31 +156882,31 +156883,31 +156884,31 +156885,31 +156886,31 +156887,31 +156888,18 +156889,18 +156890,18 +156891,18 +156892,18 +156893,18 +156894,18 +156895,18 +156896,18 +156897,27 +156898,27 +156899,27 +156900,27 +156901,27 +156902,27 +156903,27 +156904,27 +156905,2 +156906,2 +156907,2 +156908,2 +156909,2 +156910,2 +156911,2 +156912,2 +156913,2 +156914,2 +156915,2 +156916,2 +156917,2 +156918,2 +156919,2 +156920,4 +156921,4 +156922,4 +156923,4 +156924,4 +156925,4 +156926,4 +156927,36 +156928,36 +156929,36 +156930,36 +156931,36 +156932,36 +156933,36 +156934,36 +156935,36 +156936,36 +156937,36 +156938,36 +156939,36 +156940,36 +156941,36 +156942,36 +156943,36 +156944,36 +156945,36 +156946,5 +156947,5 +156948,5 +156949,5 +156950,5 +156951,5 +156952,5 +156953,8 +156954,8 +156955,8 +156956,8 +156957,8 +156958,8 +156959,8 +156960,27 +156961,27 +156962,27 +156963,27 +156964,27 +156965,27 +156966,27 +156967,27 +156968,27 +156969,27 +156970,27 +156971,27 +156972,2 +156973,2 +156974,2 +156975,2 +156976,2 +156977,2 +156978,2 +156979,2 +156980,2 +156981,2 +156982,2 +156983,2 +156984,2 +156985,2 +156986,4 +156987,4 +156988,4 +156989,4 +156990,4 +156991,27 +156992,27 +156993,27 +156994,30 +156995,30 +156996,30 +156997,30 +156998,30 +156999,30 +157000,30 +157001,30 +157002,30 +157003,30 +157004,30 +157005,30 +157006,29 +157007,29 +157008,29 +157009,19 +157010,19 +157011,36 +157012,36 +157013,36 +157014,36 +157015,36 +157016,36 +157017,40 +157018,36 +157019,36 +157020,36 +157021,40 +157022,40 +157023,40 +157024,40 +157025,40 +157026,40 +157027,40 +157028,40 +157029,37 +157030,37 +157031,37 +157032,37 +157033,37 +157034,37 +157035,37 +157036,37 +157037,37 +157038,37 +157039,37 +157040,37 +157041,37 +157042,37 +157043,37 +157044,37 +157045,37 +157046,37 +157047,37 +157048,37 +157049,37 +157050,37 +157051,0 +157052,0 +157053,0 +157054,0 +157055,0 +157056,0 +157057,0 +157058,0 +157059,0 +157060,0 +157061,0 +157062,0 +157063,0 +157064,0 +157065,0 +157066,0 +157067,0 +157068,0 +157069,0 +157070,0 +157071,0 +157072,0 +157073,0 +157074,0 +157075,0 +157076,0 +157077,0 +157078,0 +157079,0 +157080,0 +157081,0 +157082,0 +157083,0 +157084,0 +157085,0 +157086,0 +157087,0 +157088,0 +157089,0 +157090,0 +157091,0 +157092,0 +157093,0 +157094,0 +157095,0 +157096,0 +157097,0 +157098,0 +157099,0 +157100,0 +157101,0 +157102,0 +157103,0 +157104,0 +157105,0 +157106,0 +157107,0 +157108,0 +157109,0 +157110,0 +157111,15 +157112,15 +157113,15 +157114,31 +157115,31 +157116,31 +157117,31 +157118,31 +157119,4 +157120,4 +157121,4 +157122,4 +157123,4 +157124,4 +157125,29 +157126,29 +157127,29 +157128,29 +157129,40 +157130,40 +157131,40 +157132,40 +157133,40 +157134,40 +157135,37 +157136,37 +157137,37 +157138,37 +157139,37 +157140,26 +157141,26 +157142,26 +157143,26 +157144,26 +157145,26 +157146,26 +157147,26 +157148,26 +157149,37 +157150,37 +157151,37 +157152,37 +157153,37 +157154,19 +157155,19 +157156,19 +157157,19 +157158,19 +157159,19 +157160,19 +157161,19 +157162,33 +157163,31 +157164,31 +157165,31 +157166,12 +157167,26 +157168,9 +157169,12 +157170,12 +157171,12 +157172,12 +157173,12 +157174,28 +157175,28 +157176,28 +157177,28 +157178,28 +157179,28 +157180,12 +157181,12 +157182,12 +157183,12 +157184,12 +157185,12 +157186,9 +157187,9 +157188,9 +157189,9 +157190,9 +157191,9 +157192,9 +157193,33 +157194,33 +157195,33 +157196,33 +157197,33 +157198,35 +157199,35 +157200,35 +157201,35 +157202,35 +157203,35 +157204,35 +157205,35 +157206,35 +157207,33 +157208,33 +157209,33 +157210,33 +157211,33 +157212,9 +157213,9 +157214,9 +157215,9 +157216,9 +157217,9 +157218,37 +157219,37 +157220,37 +157221,37 +157222,37 +157223,37 +157224,2 +157225,2 +157226,2 +157227,2 +157228,2 +157229,2 +157230,2 +157231,2 +157232,2 +157233,2 +157234,2 +157235,37 +157236,37 +157237,37 +157238,37 +157239,37 +157240,37 +157241,37 +157242,37 +157243,14 +157244,14 +157245,14 +157246,14 +157247,14 +157248,14 +157249,14 +157250,14 +157251,14 +157252,2 +157253,2 +157254,2 +157255,2 +157256,2 +157257,2 +157258,2 +157259,2 +157260,2 +157261,31 +157262,27 +157263,31 +157264,27 +157265,27 +157266,27 +157267,27 +157268,27 +157269,27 +157270,27 +157271,27 +157272,8 +157273,8 +157274,8 +157275,8 +157276,8 +157277,8 +157278,8 +157279,8 +157280,8 +157281,8 +157282,8 +157283,8 +157284,8 +157285,8 +157286,8 +157287,8 +157288,8 +157289,8 +157290,8 +157291,8 +157292,8 +157293,2 +157294,2 +157295,2 +157296,2 +157297,0 +157298,0 +157299,0 +157300,0 +157301,0 +157302,0 +157303,0 +157304,0 +157305,0 +157306,0 +157307,0 +157308,0 +157309,0 +157310,0 +157311,0 +157312,0 +157313,0 +157314,9 +157315,9 +157316,0 +157317,0 +157318,0 +157319,33 +157320,33 +157321,33 +157322,33 +157323,31 +157324,31 +157325,31 +157326,33 +157327,33 +157328,33 +157329,33 +157330,33 +157331,33 +157332,33 +157333,29 +157334,29 +157335,29 +157336,29 +157337,33 +157338,33 +157339,33 +157340,31 +157341,31 +157342,33 +157343,33 +157344,33 +157345,33 +157346,33 +157347,33 +157348,29 +157349,24 +157350,24 +157351,24 +157352,24 +157353,24 +157354,27 +157355,27 +157356,27 +157357,27 +157358,31 +157359,31 +157360,23 +157361,23 +157362,23 +157363,23 +157364,23 +157365,23 +157366,23 +157367,23 +157368,23 +157369,23 +157370,23 +157371,23 +157372,9 +157373,9 +157374,9 +157375,9 +157376,9 +157377,9 +157378,9 +157379,9 +157380,9 +157381,9 +157382,9 +157383,9 +157384,37 +157385,37 +157386,37 +157387,37 +157388,37 +157389,37 +157390,15 +157391,15 +157392,15 +157393,15 +157394,15 +157395,15 +157396,15 +157397,15 +157398,8 +157399,8 +157400,8 +157401,8 +157402,2 +157403,2 +157404,2 +157405,2 +157406,8 +157407,23 +157408,23 +157409,23 +157410,23 +157411,23 +157412,23 +157413,23 +157414,23 +157415,23 +157416,34 +157417,34 +157418,34 +157419,34 +157420,34 +157421,34 +157422,34 +157423,34 +157424,36 +157425,34 +157426,36 +157427,36 +157428,28 +157429,28 +157430,28 +157431,28 +157432,28 +157433,28 +157434,28 +157435,30 +157436,30 +157437,30 +157438,30 +157439,30 +157440,39 +157441,39 +157442,39 +157443,39 +157444,17 +157445,2 +157446,2 +157447,2 +157448,2 +157449,2 +157450,2 +157451,2 +157452,2 +157453,2 +157454,2 +157455,4 +157456,4 +157457,4 +157458,4 +157459,4 +157460,4 +157461,27 +157462,27 +157463,27 +157464,30 +157465,30 +157466,30 +157467,30 +157468,30 +157469,30 +157470,30 +157471,30 +157472,30 +157473,30 +157474,35 +157475,35 +157476,35 +157477,35 +157478,35 +157479,35 +157480,35 +157481,35 +157482,35 +157483,33 +157484,33 +157485,33 +157486,33 +157487,33 +157488,33 +157489,33 +157490,30 +157491,30 +157492,30 +157493,30 +157494,30 +157495,30 +157496,30 +157497,30 +157498,30 +157499,30 +157500,30 +157501,30 +157502,1 +157503,1 +157504,2 +157505,2 +157506,31 +157507,31 +157508,31 +157509,31 +157510,31 +157511,31 +157512,31 +157513,6 +157514,6 +157515,6 +157516,6 +157517,6 +157518,6 +157519,6 +157520,6 +157521,31 +157522,31 +157523,31 +157524,31 +157525,31 +157526,5 +157527,5 +157528,5 +157529,5 +157530,5 +157531,5 +157532,2 +157533,2 +157534,2 +157535,2 +157536,2 +157537,2 +157538,2 +157539,2 +157540,2 +157541,2 +157542,2 +157543,32 +157544,32 +157545,32 +157546,32 +157547,32 +157548,32 +157549,27 +157550,27 +157551,27 +157552,27 +157553,6 +157554,6 +157555,6 +157556,6 +157557,6 +157558,6 +157559,6 +157560,6 +157561,6 +157562,7 +157563,7 +157564,3 +157565,39 +157566,39 +157567,12 +157568,12 +157569,12 +157570,12 +157571,12 +157572,12 +157573,12 +157574,12 +157575,31 +157576,31 +157577,31 +157578,8 +157579,8 +157580,8 +157581,8 +157582,8 +157583,2 +157584,2 +157585,2 +157586,2 +157587,2 +157588,2 +157589,32 +157590,32 +157591,32 +157592,32 +157593,32 +157594,32 +157595,32 +157596,32 +157597,32 +157598,30 +157599,30 +157600,30 +157601,30 +157602,30 +157603,30 +157604,30 +157605,30 +157606,14 +157607,14 +157608,14 +157609,14 +157610,14 +157611,14 +157612,14 +157613,17 +157614,14 +157615,14 +157616,14 +157617,14 +157618,14 +157619,14 +157620,14 +157621,2 +157622,2 +157623,2 +157624,2 +157625,2 +157626,2 +157627,2 +157628,2 +157629,2 +157630,8 +157631,2 +157632,2 +157633,2 +157634,2 +157635,2 +157636,2 +157637,2 +157638,2 +157639,2 +157640,8 +157641,0 +157642,0 +157643,0 +157644,0 +157645,0 +157646,0 +157647,0 +157648,0 +157649,0 +157650,0 +157651,0 +157652,0 +157653,0 +157654,0 +157655,0 +157656,0 +157657,0 +157658,0 +157659,0 +157660,0 +157661,0 +157662,0 +157663,0 +157664,0 +157665,0 +157666,0 +157667,0 +157668,0 +157669,0 +157670,0 +157671,0 +157672,0 +157673,0 +157674,0 +157675,0 +157676,0 +157677,0 +157678,0 +157679,0 +157680,31 +157681,31 +157682,31 +157683,31 +157684,31 +157685,31 +157686,31 +157687,31 +157688,31 +157689,31 +157690,2 +157691,2 +157692,2 +157693,2 +157694,2 +157695,2 +157696,32 +157697,32 +157698,32 +157699,32 +157700,32 +157701,32 +157702,32 +157703,32 +157704,32 +157705,10 +157706,10 +157707,26 +157708,26 +157709,31 +157710,31 +157711,31 +157712,31 +157713,31 +157714,26 +157715,26 +157716,26 +157717,2 +157718,2 +157719,2 +157720,2 +157721,2 +157722,2 +157723,2 +157724,39 +157725,39 +157726,39 +157727,39 +157728,39 +157729,39 +157730,39 +157731,39 +157732,39 +157733,2 +157734,2 +157735,2 +157736,2 +157737,2 +157738,2 +157739,2 +157740,2 +157741,2 +157742,32 +157743,32 +157744,32 +157745,32 +157746,32 +157747,32 +157748,33 +157749,33 +157750,33 +157751,33 +157752,33 +157753,33 +157754,33 +157755,33 +157756,33 +157757,33 +157758,33 +157759,33 +157760,33 +157761,6 +157762,6 +157763,6 +157764,6 +157765,6 +157766,6 +157767,6 +157768,6 +157769,6 +157770,35 +157771,35 +157772,35 +157773,35 +157774,35 +157775,35 +157776,35 +157777,35 +157778,35 +157779,35 +157780,35 +157781,39 +157782,39 +157783,39 +157784,39 +157785,39 +157786,39 +157787,39 +157788,39 +157789,6 +157790,6 +157791,6 +157792,6 +157793,6 +157794,6 +157795,6 +157796,6 +157797,6 +157798,6 +157799,6 +157800,6 +157801,6 +157802,6 +157803,6 +157804,6 +157805,14 +157806,14 +157807,14 +157808,14 +157809,14 +157810,27 +157811,27 +157812,14 +157813,14 +157814,39 +157815,39 +157816,39 +157817,39 +157818,39 +157819,28 +157820,28 +157821,28 +157822,28 +157823,28 +157824,28 +157825,28 +157826,28 +157827,28 +157828,28 +157829,28 +157830,2 +157831,2 +157832,2 +157833,2 +157834,2 +157835,2 +157836,2 +157837,2 +157838,2 +157839,2 +157840,2 +157841,2 +157842,2 +157843,6 +157844,6 +157845,6 +157846,30 +157847,30 +157848,30 +157849,30 +157850,30 +157851,30 +157852,30 +157853,30 +157854,30 +157855,30 +157856,30 +157857,33 +157858,33 +157859,33 +157860,33 +157861,33 +157862,33 +157863,33 +157864,33 +157865,33 +157866,33 +157867,33 +157868,33 +157869,30 +157870,30 +157871,30 +157872,30 +157873,30 +157874,12 +157875,12 +157876,30 +157877,30 +157878,30 +157879,30 +157880,30 +157881,30 +157882,30 +157883,30 +157884,39 +157885,39 +157886,39 +157887,39 +157888,39 +157889,39 +157890,39 +157891,39 +157892,39 +157893,5 +157894,5 +157895,5 +157896,5 +157897,5 +157898,5 +157899,27 +157900,27 +157901,27 +157902,27 +157903,27 +157904,27 +157905,27 +157906,27 +157907,27 +157908,37 +157909,37 +157910,37 +157911,37 +157912,37 +157913,37 +157914,25 +157915,25 +157916,25 +157917,25 +157918,25 +157919,25 +157920,25 +157921,25 +157922,25 +157923,4 +157924,4 +157925,4 +157926,4 +157927,4 +157928,4 +157929,4 +157930,4 +157931,27 +157932,27 +157933,27 +157934,27 +157935,18 +157936,18 +157937,18 +157938,18 +157939,18 +157940,18 +157941,18 +157942,18 +157943,3 +157944,3 +157945,3 +157946,3 +157947,3 +157948,3 +157949,3 +157950,3 +157951,3 +157952,3 +157953,3 +157954,19 +157955,19 +157956,19 +157957,31 +157958,27 +157959,27 +157960,27 +157961,27 +157962,27 +157963,27 +157964,27 +157965,27 +157966,27 +157967,23 +157968,23 +157969,23 +157970,23 +157971,23 +157972,23 +157973,23 +157974,23 +157975,23 +157976,23 +157977,23 +157978,2 +157979,2 +157980,2 +157981,0 +157982,0 +157983,0 +157984,0 +157985,0 +157986,0 +157987,0 +157988,0 +157989,0 +157990,0 +157991,0 +157992,0 +157993,0 +157994,0 +157995,0 +157996,0 +157997,0 +157998,0 +157999,0 +158000,0 +158001,0 +158002,0 +158003,0 +158004,0 +158005,0 +158006,0 +158007,0 +158008,0 +158009,0 +158010,0 +158011,0 +158012,0 +158013,0 +158014,0 +158015,0 +158016,0 +158017,0 +158018,0 +158019,0 +158020,0 +158021,0 +158022,0 +158023,0 +158024,0 +158025,0 +158026,0 +158027,0 +158028,0 +158029,0 +158030,0 +158031,0 +158032,0 +158033,0 +158034,35 +158035,35 +158036,35 +158037,35 +158038,35 +158039,14 +158040,14 +158041,14 +158042,14 +158043,14 +158044,10 +158045,10 +158046,14 +158047,14 +158048,35 +158049,35 +158050,35 +158051,35 +158052,35 +158053,36 +158054,36 +158055,36 +158056,36 +158057,36 +158058,36 +158059,36 +158060,36 +158061,8 +158062,8 +158063,8 +158064,8 +158065,8 +158066,8 +158067,15 +158068,15 +158069,15 +158070,15 +158071,31 +158072,31 +158073,31 +158074,31 +158075,31 +158076,5 +158077,5 +158078,5 +158079,5 +158080,5 +158081,5 +158082,5 +158083,5 +158084,2 +158085,2 +158086,2 +158087,2 +158088,2 +158089,2 +158090,2 +158091,2 +158092,2 +158093,14 +158094,14 +158095,14 +158096,14 +158097,14 +158098,14 +158099,14 +158100,14 +158101,14 +158102,14 +158103,14 +158104,14 +158105,14 +158106,14 +158107,27 +158108,13 +158109,13 +158110,13 +158111,13 +158112,13 +158113,13 +158114,13 +158115,13 +158116,8 +158117,8 +158118,8 +158119,8 +158120,8 +158121,8 +158122,8 +158123,31 +158124,31 +158125,31 +158126,31 +158127,31 +158128,28 +158129,28 +158130,28 +158131,28 +158132,28 +158133,28 +158134,32 +158135,32 +158136,32 +158137,32 +158138,27 +158139,27 +158140,27 +158141,27 +158142,27 +158143,27 +158144,27 +158145,27 +158146,27 +158147,13 +158148,13 +158149,13 +158150,13 +158151,13 +158152,13 +158153,13 +158154,13 +158155,8 +158156,8 +158157,8 +158158,8 +158159,8 +158160,8 +158161,8 +158162,8 +158163,8 +158164,30 +158165,30 +158166,30 +158167,30 +158168,27 +158169,27 +158170,27 +158171,27 +158172,27 +158173,40 +158174,14 +158175,14 +158176,14 +158177,30 +158178,30 +158179,30 +158180,30 +158181,30 +158182,30 +158183,30 +158184,30 +158185,30 +158186,30 +158187,39 +158188,39 +158189,39 +158190,39 +158191,39 +158192,39 +158193,39 +158194,39 +158195,14 +158196,14 +158197,14 +158198,14 +158199,14 +158200,14 +158201,14 +158202,0 +158203,0 +158204,0 +158205,0 +158206,0 +158207,0 +158208,0 +158209,31 +158210,31 +158211,31 +158212,31 +158213,31 +158214,31 +158215,31 +158216,31 +158217,31 +158218,5 +158219,5 +158220,5 +158221,28 +158222,28 +158223,28 +158224,28 +158225,28 +158226,36 +158227,36 +158228,36 +158229,36 +158230,36 +158231,36 +158232,5 +158233,5 +158234,5 +158235,5 +158236,5 +158237,28 +158238,28 +158239,28 +158240,28 +158241,28 +158242,27 +158243,27 +158244,27 +158245,39 +158246,39 +158247,39 +158248,39 +158249,39 +158250,39 +158251,39 +158252,38 +158253,38 +158254,38 +158255,38 +158256,38 +158257,38 +158258,27 +158259,27 +158260,27 +158261,27 +158262,27 +158263,27 +158264,13 +158265,13 +158266,13 +158267,13 +158268,13 +158269,13 +158270,13 +158271,13 +158272,2 +158273,2 +158274,2 +158275,2 +158276,2 +158277,2 +158278,2 +158279,2 +158280,2 +158281,2 +158282,2 +158283,2 +158284,33 +158285,33 +158286,33 +158287,33 +158288,33 +158289,33 +158290,33 +158291,33 +158292,33 +158293,33 +158294,33 +158295,33 +158296,33 +158297,33 +158298,33 +158299,33 +158300,33 +158301,33 +158302,33 +158303,33 +158304,33 +158305,33 +158306,33 +158307,33 +158308,33 +158309,30 +158310,30 +158311,30 +158312,30 +158313,0 +158314,0 +158315,0 +158316,0 +158317,0 +158318,0 +158319,0 +158320,0 +158321,0 +158322,0 +158323,0 +158324,0 +158325,0 +158326,0 +158327,0 +158328,0 +158329,0 +158330,0 +158331,0 +158332,0 +158333,0 +158334,0 +158335,0 +158336,0 +158337,0 +158338,0 +158339,0 +158340,0 +158341,0 +158342,0 +158343,0 +158344,0 +158345,0 +158346,0 +158347,0 +158348,0 +158349,0 +158350,0 +158351,0 +158352,0 +158353,0 +158354,0 +158355,0 +158356,0 +158357,0 +158358,0 +158359,36 +158360,36 +158361,36 +158362,36 +158363,36 +158364,36 +158365,36 +158366,36 +158367,36 +158368,36 +158369,36 +158370,36 +158371,36 +158372,19 +158373,28 +158374,28 +158375,28 +158376,28 +158377,28 +158378,28 +158379,32 +158380,32 +158381,32 +158382,32 +158383,32 +158384,32 +158385,32 +158386,32 +158387,32 +158388,32 +158389,32 +158390,32 +158391,32 +158392,32 +158393,32 +158394,37 +158395,37 +158396,37 +158397,37 +158398,37 +158399,26 +158400,26 +158401,26 +158402,26 +158403,26 +158404,10 +158405,10 +158406,28 +158407,28 +158408,28 +158409,28 +158410,28 +158411,28 +158412,28 +158413,32 +158414,23 +158415,32 +158416,32 +158417,32 +158418,32 +158419,32 +158420,32 +158421,32 +158422,30 +158423,30 +158424,30 +158425,30 +158426,30 +158427,30 +158428,30 +158429,39 +158430,39 +158431,39 +158432,39 +158433,39 +158434,39 +158435,39 +158436,36 +158437,14 +158438,14 +158439,14 +158440,2 +158441,2 +158442,2 +158443,2 +158444,2 +158445,2 +158446,2 +158447,2 +158448,2 +158449,2 +158450,2 +158451,2 +158452,2 +158453,2 +158454,2 +158455,2 +158456,40 +158457,40 +158458,40 +158459,40 +158460,40 +158461,40 +158462,40 +158463,40 +158464,24 +158465,24 +158466,24 +158467,24 +158468,31 +158469,31 +158470,5 +158471,5 +158472,5 +158473,31 +158474,31 +158475,27 +158476,27 +158477,31 +158478,31 +158479,31 +158480,31 +158481,6 +158482,6 +158483,6 +158484,6 +158485,6 +158486,6 +158487,6 +158488,6 +158489,6 +158490,9 +158491,9 +158492,9 +158493,9 +158494,9 +158495,9 +158496,26 +158497,26 +158498,26 +158499,26 +158500,26 +158501,26 +158502,26 +158503,26 +158504,26 +158505,26 +158506,26 +158507,26 +158508,26 +158509,6 +158510,6 +158511,6 +158512,6 +158513,6 +158514,6 +158515,6 +158516,6 +158517,0 +158518,32 +158519,0 +158520,0 +158521,0 +158522,0 +158523,0 +158524,6 +158525,4 +158526,4 +158527,29 +158528,29 +158529,29 +158530,29 +158531,14 +158532,14 +158533,14 +158534,14 +158535,14 +158536,14 +158537,14 +158538,14 +158539,2 +158540,2 +158541,2 +158542,2 +158543,2 +158544,2 +158545,2 +158546,2 +158547,2 +158548,2 +158549,2 +158550,4 +158551,4 +158552,4 +158553,4 +158554,4 +158555,4 +158556,4 +158557,26 +158558,26 +158559,26 +158560,26 +158561,26 +158562,26 +158563,37 +158564,37 +158565,37 +158566,37 +158567,37 +158568,19 +158569,19 +158570,19 +158571,19 +158572,4 +158573,31 +158574,19 +158575,19 +158576,25 +158577,19 +158578,19 +158579,19 +158580,19 +158581,19 +158582,19 +158583,19 +158584,19 +158585,19 +158586,19 +158587,19 +158588,19 +158589,19 +158590,31 +158591,31 +158592,31 +158593,31 +158594,31 +158595,32 +158596,32 +158597,32 +158598,32 +158599,32 +158600,32 +158601,32 +158602,32 +158603,26 +158604,26 +158605,26 +158606,26 +158607,26 +158608,26 +158609,5 +158610,5 +158611,5 +158612,5 +158613,5 +158614,5 +158615,5 +158616,27 +158617,27 +158618,27 +158619,27 +158620,19 +158621,19 +158622,19 +158623,19 +158624,19 +158625,19 +158626,19 +158627,14 +158628,14 +158629,27 +158630,27 +158631,27 +158632,27 +158633,27 +158634,27 +158635,13 +158636,13 +158637,14 +158638,14 +158639,5 +158640,5 +158641,5 +158642,5 +158643,19 +158644,19 +158645,19 +158646,19 +158647,19 +158648,19 +158649,25 +158650,25 +158651,25 +158652,25 +158653,25 +158654,25 +158655,25 +158656,25 +158657,25 +158658,25 +158659,8 +158660,8 +158661,8 +158662,8 +158663,8 +158664,8 +158665,8 +158666,8 +158667,2 +158668,28 +158669,28 +158670,28 +158671,28 +158672,28 +158673,28 +158674,27 +158675,27 +158676,27 +158677,27 +158678,27 +158679,27 +158680,27 +158681,11 +158682,11 +158683,11 +158684,11 +158685,11 +158686,11 +158687,11 +158688,11 +158689,11 +158690,11 +158691,11 +158692,31 +158693,31 +158694,31 +158695,31 +158696,31 +158697,31 +158698,5 +158699,5 +158700,5 +158701,5 +158702,5 +158703,5 +158704,5 +158705,5 +158706,5 +158707,5 +158708,5 +158709,5 +158710,5 +158711,5 +158712,5 +158713,5 +158714,5 +158715,5 +158716,0 +158717,0 +158718,0 +158719,0 +158720,0 +158721,0 +158722,0 +158723,0 +158724,0 +158725,0 +158726,0 +158727,0 +158728,0 +158729,0 +158730,0 +158731,0 +158732,0 +158733,0 +158734,0 +158735,0 +158736,0 +158737,0 +158738,0 +158739,0 +158740,0 +158741,0 +158742,0 +158743,0 +158744,0 +158745,0 +158746,0 +158747,0 +158748,0 +158749,0 +158750,0 +158751,0 +158752,0 +158753,0 +158754,0 +158755,0 +158756,0 +158757,0 +158758,0 +158759,0 +158760,0 +158761,0 +158762,0 +158763,0 +158764,0 +158765,0 +158766,0 +158767,0 +158768,0 +158769,0 +158770,0 +158771,0 +158772,0 +158773,0 +158774,0 +158775,0 +158776,0 +158777,0 +158778,0 +158779,0 +158780,0 +158781,0 +158782,0 +158783,0 +158784,0 +158785,0 +158786,0 +158787,0 +158788,0 +158789,0 +158790,0 +158791,0 +158792,0 +158793,0 +158794,0 +158795,0 +158796,0 +158797,0 +158798,0 +158799,0 +158800,0 +158801,0 +158802,0 +158803,0 +158804,0 +158805,0 +158806,0 +158807,0 +158808,0 +158809,12 +158810,12 +158811,35 +158812,35 +158813,12 +158814,12 +158815,12 +158816,12 +158817,12 +158818,12 +158819,12 +158820,27 +158821,27 +158822,27 +158823,27 +158824,38 +158825,38 +158826,38 +158827,38 +158828,38 +158829,38 +158830,38 +158831,38 +158832,38 +158833,38 +158834,5 +158835,5 +158836,5 +158837,5 +158838,5 +158839,5 +158840,5 +158841,34 +158842,10 +158843,10 +158844,10 +158845,10 +158846,10 +158847,10 +158848,10 +158849,10 +158850,10 +158851,10 +158852,10 +158853,10 +158854,10 +158855,4 +158856,4 +158857,4 +158858,4 +158859,4 +158860,4 +158861,4 +158862,4 +158863,23 +158864,23 +158865,23 +158866,23 +158867,23 +158868,23 +158869,9 +158870,9 +158871,9 +158872,9 +158873,9 +158874,9 +158875,9 +158876,9 +158877,9 +158878,9 +158879,9 +158880,9 +158881,30 +158882,30 +158883,34 +158884,34 +158885,34 +158886,34 +158887,30 +158888,30 +158889,30 +158890,30 +158891,30 +158892,30 +158893,30 +158894,0 +158895,0 +158896,0 +158897,0 +158898,0 +158899,0 +158900,0 +158901,0 +158902,0 +158903,0 +158904,0 +158905,0 +158906,0 +158907,0 +158908,0 +158909,0 +158910,0 +158911,0 +158912,0 +158913,0 +158914,0 +158915,29 +158916,29 +158917,29 +158918,29 +158919,29 +158920,31 +158921,31 +158922,31 +158923,21 +158924,21 +158925,19 +158926,19 +158927,19 +158928,19 +158929,19 +158930,19 +158931,19 +158932,19 +158933,14 +158934,14 +158935,14 +158936,14 +158937,27 +158938,27 +158939,27 +158940,14 +158941,14 +158942,27 +158943,14 +158944,14 +158945,21 +158946,21 +158947,21 +158948,6 +158949,6 +158950,6 +158951,6 +158952,6 +158953,6 +158954,6 +158955,6 +158956,6 +158957,6 +158958,6 +158959,6 +158960,6 +158961,6 +158962,14 +158963,36 +158964,36 +158965,36 +158966,36 +158967,36 +158968,36 +158969,36 +158970,36 +158971,36 +158972,5 +158973,5 +158974,31 +158975,27 +158976,27 +158977,27 +158978,27 +158979,27 +158980,27 +158981,31 +158982,31 +158983,5 +158984,5 +158985,5 +158986,5 +158987,5 +158988,5 +158989,5 +158990,14 +158991,14 +158992,14 +158993,14 +158994,14 +158995,14 +158996,14 +158997,14 +158998,14 +158999,14 +159000,14 +159001,14 +159002,19 +159003,19 +159004,19 +159005,19 +159006,19 +159007,27 +159008,27 +159009,27 +159010,27 +159011,27 +159012,27 +159013,27 +159014,27 +159015,13 +159016,13 +159017,13 +159018,13 +159019,13 +159020,13 +159021,6 +159022,6 +159023,6 +159024,6 +159025,6 +159026,6 +159027,6 +159028,14 +159029,14 +159030,14 +159031,14 +159032,14 +159033,14 +159034,14 +159035,14 +159036,14 +159037,19 +159038,19 +159039,19 +159040,19 +159041,19 +159042,19 +159043,19 +159044,19 +159045,19 +159046,33 +159047,33 +159048,33 +159049,33 +159050,33 +159051,33 +159052,33 +159053,33 +159054,33 +159055,33 +159056,19 +159057,19 +159058,27 +159059,27 +159060,27 +159061,27 +159062,8 +159063,2 +159064,2 +159065,2 +159066,8 +159067,8 +159068,8 +159069,8 +159070,8 +159071,8 +159072,8 +159073,2 +159074,30 +159075,30 +159076,30 +159077,30 +159078,30 +159079,39 +159080,39 +159081,39 +159082,39 +159083,39 +159084,11 +159085,11 +159086,11 +159087,11 +159088,11 +159089,11 +159090,11 +159091,11 +159092,11 +159093,11 +159094,11 +159095,11 +159096,11 +159097,11 +159098,31 +159099,31 +159100,31 +159101,31 +159102,31 +159103,31 +159104,31 +159105,4 +159106,4 +159107,4 +159108,4 +159109,4 +159110,4 +159111,4 +159112,4 +159113,4 +159114,19 +159115,4 +159116,36 +159117,36 +159118,36 +159119,34 +159120,34 +159121,34 +159122,34 +159123,34 +159124,34 +159125,34 +159126,34 +159127,34 +159128,34 +159129,34 +159130,34 +159131,34 +159132,34 +159133,34 +159134,34 +159135,34 +159136,34 +159137,34 +159138,5 +159139,5 +159140,5 +159141,5 +159142,5 +159143,5 +159144,5 +159145,5 +159146,5 +159147,28 +159148,28 +159149,28 +159150,28 +159151,0 +159152,0 +159153,0 +159154,0 +159155,0 +159156,0 +159157,0 +159158,0 +159159,0 +159160,0 +159161,0 +159162,0 +159163,0 +159164,0 +159165,0 +159166,0 +159167,0 +159168,0 +159169,0 +159170,0 +159171,0 +159172,0 +159173,0 +159174,0 +159175,0 +159176,0 +159177,0 +159178,0 +159179,0 +159180,0 +159181,0 +159182,5 +159183,5 +159184,5 +159185,5 +159186,29 +159187,29 +159188,29 +159189,29 +159190,29 +159191,29 +159192,29 +159193,29 +159194,29 +159195,29 +159196,29 +159197,29 +159198,29 +159199,29 +159200,36 +159201,36 +159202,36 +159203,36 +159204,36 +159205,36 +159206,36 +159207,36 +159208,36 +159209,36 +159210,36 +159211,36 +159212,36 +159213,36 +159214,36 +159215,36 +159216,36 +159217,36 +159218,36 +159219,36 +159220,36 +159221,36 +159222,6 +159223,6 +159224,6 +159225,6 +159226,6 +159227,6 +159228,6 +159229,6 +159230,6 +159231,6 +159232,6 +159233,6 +159234,4 +159235,4 +159236,4 +159237,4 +159238,12 +159239,12 +159240,12 +159241,12 +159242,27 +159243,27 +159244,27 +159245,27 +159246,16 +159247,16 +159248,16 +159249,16 +159250,16 +159251,16 +159252,16 +159253,16 +159254,32 +159255,32 +159256,32 +159257,32 +159258,15 +159259,32 +159260,15 +159261,32 +159262,39 +159263,39 +159264,39 +159265,39 +159266,39 +159267,30 +159268,30 +159269,30 +159270,30 +159271,30 +159272,30 +159273,30 +159274,30 +159275,30 +159276,30 +159277,30 +159278,9 +159279,9 +159280,9 +159281,9 +159282,9 +159283,9 +159284,9 +159285,9 +159286,9 +159287,9 +159288,9 +159289,9 +159290,9 +159291,9 +159292,9 +159293,9 +159294,9 +159295,9 +159296,9 +159297,9 +159298,13 +159299,13 +159300,13 +159301,13 +159302,13 +159303,13 +159304,28 +159305,28 +159306,28 +159307,28 +159308,2 +159309,2 +159310,2 +159311,2 +159312,2 +159313,2 +159314,2 +159315,2 +159316,2 +159317,2 +159318,2 +159319,2 +159320,2 +159321,2 +159322,2 +159323,29 +159324,29 +159325,29 +159326,29 +159327,29 +159328,29 +159329,29 +159330,31 +159331,31 +159332,31 +159333,31 +159334,31 +159335,28 +159336,28 +159337,28 +159338,28 +159339,28 +159340,28 +159341,28 +159342,28 +159343,36 +159344,36 +159345,36 +159346,36 +159347,36 +159348,36 +159349,36 +159350,36 +159351,36 +159352,36 +159353,36 +159354,36 +159355,36 +159356,36 +159357,36 +159358,36 +159359,36 +159360,2 +159361,2 +159362,2 +159363,2 +159364,2 +159365,2 +159366,2 +159367,2 +159368,2 +159369,2 +159370,2 +159371,2 +159372,4 +159373,4 +159374,4 +159375,4 +159376,4 +159377,4 +159378,4 +159379,4 +159380,25 +159381,25 +159382,25 +159383,25 +159384,25 +159385,25 +159386,25 +159387,25 +159388,25 +159389,25 +159390,25 +159391,25 +159392,25 +159393,25 +159394,25 +159395,25 +159396,25 +159397,25 +159398,25 +159399,25 +159400,0 +159401,0 +159402,0 +159403,0 +159404,0 +159405,0 +159406,0 +159407,0 +159408,0 +159409,0 +159410,0 +159411,0 +159412,0 +159413,0 +159414,0 +159415,0 +159416,0 +159417,0 +159418,0 +159419,0 +159420,0 +159421,0 +159422,0 +159423,0 +159424,0 +159425,0 +159426,0 +159427,0 +159428,27 +159429,27 +159430,27 +159431,27 +159432,27 +159433,27 +159434,27 +159435,27 +159436,27 +159437,27 +159438,27 +159439,27 +159440,27 +159441,8 +159442,8 +159443,8 +159444,8 +159445,8 +159446,8 +159447,8 +159448,8 +159449,23 +159450,23 +159451,23 +159452,23 +159453,23 +159454,23 +159455,23 +159456,23 +159457,23 +159458,25 +159459,25 +159460,25 +159461,25 +159462,25 +159463,25 +159464,15 +159465,15 +159466,15 +159467,15 +159468,15 +159469,15 +159470,15 +159471,15 +159472,27 +159473,27 +159474,27 +159475,27 +159476,27 +159477,27 +159478,27 +159479,27 +159480,27 +159481,24 +159482,24 +159483,24 +159484,24 +159485,31 +159486,31 +159487,31 +159488,31 +159489,31 +159490,31 +159491,31 +159492,31 +159493,31 +159494,5 +159495,5 +159496,5 +159497,5 +159498,5 +159499,5 +159500,5 +159501,5 +159502,5 +159503,5 +159504,5 +159505,5 +159506,5 +159507,5 +159508,5 +159509,5 +159510,5 +159511,5 +159512,5 +159513,5 +159514,19 +159515,19 +159516,19 +159517,19 +159518,0 +159519,0 +159520,0 +159521,4 +159522,4 +159523,4 +159524,4 +159525,4 +159526,31 +159527,31 +159528,3 +159529,31 +159530,31 +159531,29 +159532,29 +159533,29 +159534,29 +159535,29 +159536,31 +159537,31 +159538,31 +159539,31 +159540,31 +159541,31 +159542,2 +159543,2 +159544,2 +159545,2 +159546,2 +159547,2 +159548,2 +159549,2 +159550,2 +159551,2 +159552,2 +159553,2 +159554,2 +159555,2 +159556,2 +159557,2 +159558,30 +159559,30 +159560,30 +159561,30 +159562,30 +159563,30 +159564,30 +159565,14 +159566,14 +159567,14 +159568,14 +159569,14 +159570,14 +159571,14 +159572,14 +159573,14 +159574,14 +159575,14 +159576,14 +159577,14 +159578,14 +159579,14 +159580,14 +159581,14 +159582,14 +159583,14 +159584,14 +159585,14 +159586,14 +159587,39 +159588,4 +159589,4 +159590,4 +159591,23 +159592,23 +159593,23 +159594,23 +159595,23 +159596,23 +159597,23 +159598,23 +159599,23 +159600,23 +159601,23 +159602,23 +159603,0 +159604,0 +159605,0 +159606,0 +159607,0 +159608,0 +159609,0 +159610,0 +159611,0 +159612,0 +159613,0 +159614,0 +159615,0 +159616,0 +159617,0 +159618,0 +159619,0 +159620,0 +159621,0 +159622,0 +159623,0 +159624,0 +159625,0 +159626,0 +159627,0 +159628,0 +159629,0 +159630,0 +159631,0 +159632,0 +159633,0 +159634,0 +159635,0 +159636,0 +159637,0 +159638,0 +159639,0 +159640,0 +159641,0 +159642,0 +159643,0 +159644,0 +159645,0 +159646,0 +159647,0 +159648,0 +159649,0 +159650,0 +159651,0 +159652,0 +159653,0 +159654,0 +159655,0 +159656,0 +159657,0 +159658,0 +159659,0 +159660,0 +159661,0 +159662,0 +159663,0 +159664,0 +159665,0 +159666,4 +159667,4 +159668,4 +159669,4 +159670,27 +159671,27 +159672,27 +159673,27 +159674,27 +159675,27 +159676,8 +159677,8 +159678,8 +159679,8 +159680,8 +159681,8 +159682,8 +159683,8 +159684,8 +159685,8 +159686,27 +159687,27 +159688,27 +159689,27 +159690,27 +159691,28 +159692,28 +159693,28 +159694,5 +159695,5 +159696,5 +159697,5 +159698,5 +159699,5 +159700,18 +159701,18 +159702,18 +159703,18 +159704,18 +159705,18 +159706,18 +159707,18 +159708,18 +159709,18 +159710,40 +159711,40 +159712,40 +159713,40 +159714,40 +159715,40 +159716,40 +159717,40 +159718,19 +159719,5 +159720,5 +159721,5 +159722,5 +159723,5 +159724,5 +159725,7 +159726,7 +159727,3 +159728,3 +159729,3 +159730,3 +159731,3 +159732,3 +159733,3 +159734,3 +159735,3 +159736,31 +159737,31 +159738,31 +159739,27 +159740,27 +159741,27 +159742,27 +159743,2 +159744,2 +159745,2 +159746,2 +159747,2 +159748,2 +159749,2 +159750,2 +159751,6 +159752,6 +159753,6 +159754,6 +159755,6 +159756,6 +159757,6 +159758,31 +159759,31 +159760,31 +159761,5 +159762,31 +159763,31 +159764,31 +159765,31 +159766,31 +159767,31 +159768,23 +159769,23 +159770,23 +159771,23 +159772,23 +159773,23 +159774,23 +159775,23 +159776,23 +159777,23 +159778,40 +159779,40 +159780,40 +159781,40 +159782,40 +159783,40 +159784,40 +159785,40 +159786,40 +159787,40 +159788,11 +159789,11 +159790,11 +159791,11 +159792,11 +159793,11 +159794,11 +159795,11 +159796,11 +159797,11 +159798,11 +159799,11 +159800,31 +159801,31 +159802,31 +159803,31 +159804,31 +159805,31 +159806,31 +159807,31 +159808,31 +159809,5 +159810,5 +159811,5 +159812,5 +159813,5 +159814,5 +159815,5 +159816,5 +159817,5 +159818,5 +159819,5 +159820,5 +159821,5 +159822,5 +159823,5 +159824,0 +159825,0 +159826,0 +159827,0 +159828,0 +159829,0 +159830,0 +159831,0 +159832,0 +159833,0 +159834,0 +159835,0 +159836,0 +159837,0 +159838,0 +159839,0 +159840,0 +159841,0 +159842,0 +159843,0 +159844,0 +159845,0 +159846,0 +159847,0 +159848,0 +159849,0 +159850,0 +159851,0 +159852,0 +159853,0 +159854,0 +159855,0 +159856,0 +159857,0 +159858,0 +159859,0 +159860,0 +159861,0 +159862,0 +159863,0 +159864,0 +159865,0 +159866,0 +159867,0 +159868,0 +159869,0 +159870,0 +159871,0 +159872,0 +159873,0 +159874,0 +159875,0 +159876,0 +159877,0 +159878,0 +159879,0 +159880,27 +159881,27 +159882,27 +159883,27 +159884,27 +159885,27 +159886,27 +159887,27 +159888,27 +159889,13 +159890,13 +159891,13 +159892,39 +159893,32 +159894,32 +159895,32 +159896,32 +159897,32 +159898,32 +159899,19 +159900,40 +159901,40 +159902,40 +159903,40 +159904,40 +159905,40 +159906,40 +159907,40 +159908,40 +159909,40 +159910,40 +159911,4 +159912,4 +159913,4 +159914,4 +159915,2 +159916,2 +159917,2 +159918,2 +159919,2 +159920,2 +159921,2 +159922,2 +159923,2 +159924,2 +159925,2 +159926,2 +159927,31 +159928,31 +159929,31 +159930,31 +159931,31 +159932,28 +159933,28 +159934,28 +159935,28 +159936,28 +159937,38 +159938,38 +159939,38 +159940,38 +159941,38 +159942,38 +159943,38 +159944,38 +159945,27 +159946,27 +159947,27 +159948,27 +159949,27 +159950,27 +159951,13 +159952,13 +159953,13 +159954,13 +159955,13 +159956,13 +159957,13 +159958,13 +159959,15 +159960,19 +159961,19 +159962,19 +159963,19 +159964,19 +159965,19 +159966,19 +159967,34 +159968,34 +159969,34 +159970,34 +159971,34 +159972,34 +159973,34 +159974,34 +159975,10 +159976,10 +159977,34 +159978,34 +159979,34 +159980,34 +159981,5 +159982,5 +159983,5 +159984,5 +159985,5 +159986,5 +159987,5 +159988,5 +159989,5 +159990,28 +159991,28 +159992,28 +159993,28 +159994,28 +159995,28 +159996,28 +159997,5 +159998,28 +159999,0 +160000,0 +160001,0 +160002,0 +160003,0 +160004,0 +160005,0 +160006,0 +160007,0 +160008,0 +160009,0 +160010,0 +160011,0 +160012,0 +160013,0 +160014,0 +160015,0 +160016,0 +160017,0 +160018,0 +160019,0 +160020,0 +160021,0 +160022,0 +160023,0 +160024,0 +160025,0 +160026,0 +160027,0 +160028,0 +160029,0 +160030,0 +160031,0 +160032,0 +160033,0 +160034,0 +160035,0 +160036,0 +160037,0 +160038,0 +160039,0 +160040,0 +160041,0 +160042,0 +160043,0 +160044,0 +160045,0 +160046,0 +160047,0 +160048,0 +160049,0 +160050,0 +160051,0 +160052,0 +160053,0 +160054,0 +160055,0 +160056,0 +160057,0 +160058,0 +160059,0 +160060,0 +160061,0 +160062,0 +160063,0 +160064,0 +160065,0 +160066,0 +160067,0 +160068,0 +160069,0 +160070,0 +160071,0 +160072,0 +160073,0 +160074,0 +160075,0 +160076,0 +160077,0 +160078,0 +160079,0 +160080,0 +160081,0 +160082,0 +160083,0 +160084,0 +160085,0 +160086,36 +160087,36 +160088,36 +160089,36 +160090,36 +160091,36 +160092,36 +160093,36 +160094,36 +160095,36 +160096,36 +160097,23 +160098,23 +160099,23 +160100,23 +160101,23 +160102,23 +160103,23 +160104,23 +160105,23 +160106,23 +160107,23 +160108,23 +160109,7 +160110,7 +160111,7 +160112,7 +160113,7 +160114,7 +160115,7 +160116,7 +160117,7 +160118,7 +160119,7 +160120,7 +160121,3 +160122,3 +160123,3 +160124,3 +160125,3 +160126,3 +160127,3 +160128,3 +160129,3 +160130,19 +160131,19 +160132,19 +160133,19 +160134,19 +160135,19 +160136,19 +160137,19 +160138,19 +160139,19 +160140,31 +160141,31 +160142,31 +160143,31 +160144,31 +160145,31 +160146,31 +160147,31 +160148,31 +160149,5 +160150,5 +160151,5 +160152,5 +160153,5 +160154,9 +160155,9 +160156,9 +160157,9 +160158,9 +160159,9 +160160,9 +160161,9 +160162,9 +160163,9 +160164,9 +160165,9 +160166,9 +160167,9 +160168,9 +160169,9 +160170,9 +160171,9 +160172,9 +160173,9 +160174,30 +160175,30 +160176,30 +160177,30 +160178,30 +160179,30 +160180,30 +160181,30 +160182,30 +160183,29 +160184,29 +160185,29 +160186,29 +160187,29 +160188,29 +160189,19 +160190,36 +160191,36 +160192,36 +160193,36 +160194,36 +160195,36 +160196,36 +160197,36 +160198,36 +160199,36 +160200,36 +160201,36 +160202,36 +160203,10 +160204,10 +160205,36 +160206,36 +160207,36 +160208,36 +160209,36 +160210,36 +160211,36 +160212,4 +160213,4 +160214,0 +160215,0 +160216,0 +160217,0 +160218,0 +160219,0 +160220,0 +160221,0 +160222,0 +160223,0 +160224,0 +160225,0 +160226,0 +160227,0 +160228,0 +160229,0 +160230,0 +160231,0 +160232,0 +160233,0 +160234,0 +160235,0 +160236,0 +160237,0 +160238,0 +160239,31 +160240,36 +160241,36 +160242,36 +160243,36 +160244,36 +160245,31 +160246,31 +160247,31 +160248,5 +160249,19 +160250,19 +160251,19 +160252,19 +160253,37 +160254,37 +160255,37 +160256,37 +160257,37 +160258,37 +160259,39 +160260,39 +160261,39 +160262,39 +160263,39 +160264,30 +160265,30 +160266,30 +160267,30 +160268,30 +160269,30 +160270,30 +160271,30 +160272,30 +160273,14 +160274,14 +160275,14 +160276,14 +160277,14 +160278,14 +160279,14 +160280,14 +160281,14 +160282,14 +160283,14 +160284,11 +160285,11 +160286,11 +160287,11 +160288,11 +160289,11 +160290,11 +160291,11 +160292,11 +160293,11 +160294,11 +160295,31 +160296,31 +160297,31 +160298,31 +160299,5 +160300,5 +160301,5 +160302,5 +160303,5 +160304,5 +160305,5 +160306,5 +160307,5 +160308,5 +160309,8 +160310,8 +160311,8 +160312,8 +160313,8 +160314,8 +160315,8 +160316,8 +160317,8 +160318,30 +160319,30 +160320,30 +160321,30 +160322,30 +160323,30 +160324,10 +160325,10 +160326,10 +160327,10 +160328,10 +160329,10 +160330,10 +160331,10 +160332,10 +160333,15 +160334,15 +160335,15 +160336,15 +160337,15 +160338,15 +160339,15 +160340,15 +160341,15 +160342,15 +160343,15 +160344,15 +160345,30 +160346,30 +160347,30 +160348,30 +160349,30 +160350,30 +160351,30 +160352,30 +160353,30 +160354,30 +160355,30 +160356,39 +160357,39 +160358,39 +160359,39 +160360,39 +160361,39 +160362,39 +160363,39 +160364,39 +160365,19 +160366,19 +160367,19 +160368,19 +160369,27 +160370,27 +160371,27 +160372,27 +160373,27 +160374,13 +160375,13 +160376,13 +160377,13 +160378,13 +160379,13 +160380,13 +160381,13 +160382,13 +160383,34 +160384,34 +160385,31 +160386,34 +160387,31 +160388,31 +160389,24 +160390,24 +160391,24 +160392,24 +160393,24 +160394,24 +160395,24 +160396,24 +160397,29 +160398,29 +160399,29 +160400,25 +160401,25 +160402,25 +160403,25 +160404,25 +160405,25 +160406,25 +160407,35 +160408,35 +160409,35 +160410,35 +160411,35 +160412,35 +160413,35 +160414,35 +160415,35 +160416,35 +160417,35 +160418,9 +160419,34 +160420,34 +160421,34 +160422,26 +160423,9 +160424,9 +160425,9 +160426,37 +160427,37 +160428,37 +160429,37 +160430,37 +160431,37 +160432,37 +160433,37 +160434,4 +160435,4 +160436,4 +160437,4 +160438,4 +160439,4 +160440,4 +160441,4 +160442,0 +160443,4 +160444,30 +160445,30 +160446,30 +160447,30 +160448,30 +160449,30 +160450,30 +160451,30 +160452,30 +160453,30 +160454,30 +160455,30 +160456,30 +160457,30 +160458,30 +160459,31 +160460,31 +160461,31 +160462,31 +160463,31 +160464,31 +160465,31 +160466,31 +160467,31 +160468,31 +160469,31 +160470,31 +160471,31 +160472,31 +160473,31 +160474,31 +160475,31 +160476,31 +160477,31 +160478,31 +160479,31 +160480,31 +160481,31 +160482,31 +160483,31 +160484,9 +160485,26 +160486,31 +160487,26 +160488,31 +160489,9 +160490,9 +160491,9 +160492,26 +160493,26 +160494,26 +160495,26 +160496,5 +160497,5 +160498,5 +160499,5 +160500,5 +160501,5 +160502,5 +160503,29 +160504,29 +160505,31 +160506,31 +160507,31 +160508,21 +160509,21 +160510,21 +160511,21 +160512,21 +160513,21 +160514,21 +160515,37 +160516,37 +160517,37 +160518,37 +160519,37 +160520,37 +160521,37 +160522,37 +160523,34 +160524,34 +160525,34 +160526,34 +160527,34 +160528,34 +160529,34 +160530,34 +160531,34 +160532,34 +160533,34 +160534,34 +160535,34 +160536,34 +160537,34 +160538,34 +160539,34 +160540,34 +160541,34 +160542,34 +160543,5 +160544,5 +160545,5 +160546,5 +160547,0 +160548,0 +160549,0 +160550,0 +160551,0 +160552,0 +160553,0 +160554,0 +160555,0 +160556,0 +160557,0 +160558,0 +160559,0 +160560,0 +160561,0 +160562,0 +160563,0 +160564,0 +160565,0 +160566,0 +160567,0 +160568,0 +160569,0 +160570,0 +160571,0 +160572,0 +160573,0 +160574,0 +160575,0 +160576,0 +160577,0 +160578,0 +160579,0 +160580,0 +160581,0 +160582,0 +160583,0 +160584,0 +160585,0 +160586,0 +160587,0 +160588,0 +160589,0 +160590,0 +160591,0 +160592,0 +160593,0 +160594,0 +160595,0 +160596,29 +160597,29 +160598,29 +160599,29 +160600,29 +160601,40 +160602,40 +160603,40 +160604,40 +160605,40 +160606,40 +160607,40 +160608,40 +160609,37 +160610,37 +160611,37 +160612,37 +160613,37 +160614,25 +160615,25 +160616,12 +160617,12 +160618,12 +160619,12 +160620,12 +160621,12 +160622,12 +160623,12 +160624,12 +160625,12 +160626,31 +160627,31 +160628,31 +160629,31 +160630,31 +160631,8 +160632,8 +160633,8 +160634,8 +160635,8 +160636,8 +160637,8 +160638,8 +160639,8 +160640,8 +160641,12 +160642,12 +160643,12 +160644,12 +160645,12 +160646,12 +160647,12 +160648,12 +160649,12 +160650,12 +160651,12 +160652,12 +160653,12 +160654,12 +160655,12 +160656,12 +160657,12 +160658,12 +160659,26 +160660,26 +160661,26 +160662,26 +160663,26 +160664,26 +160665,26 +160666,26 +160667,26 +160668,26 +160669,5 +160670,5 +160671,5 +160672,5 +160673,5 +160674,5 +160675,5 +160676,5 +160677,5 +160678,5 +160679,35 +160680,35 +160681,35 +160682,35 +160683,35 +160684,35 +160685,3 +160686,3 +160687,3 +160688,3 +160689,3 +160690,3 +160691,3 +160692,12 +160693,12 +160694,12 +160695,12 +160696,12 +160697,12 +160698,12 +160699,12 +160700,31 +160701,31 +160702,31 +160703,31 +160704,8 +160705,8 +160706,8 +160707,8 +160708,2 +160709,2 +160710,2 +160711,2 +160712,2 +160713,4 +160714,4 +160715,4 +160716,4 +160717,4 +160718,2 +160719,4 +160720,16 +160721,16 +160722,16 +160723,16 +160724,10 +160725,10 +160726,10 +160727,10 +160728,10 +160729,10 +160730,26 +160731,26 +160732,26 +160733,26 +160734,26 +160735,26 +160736,26 +160737,26 +160738,26 +160739,32 +160740,32 +160741,32 +160742,32 +160743,32 +160744,32 +160745,32 +160746,32 +160747,29 +160748,4 +160749,29 +160750,4 +160751,29 +160752,38 +160753,27 +160754,27 +160755,27 +160756,27 +160757,27 +160758,5 +160759,5 +160760,5 +160761,5 +160762,5 +160763,5 +160764,4 +160765,4 +160766,4 +160767,2 +160768,2 +160769,2 +160770,2 +160771,2 +160772,2 +160773,2 +160774,31 +160775,31 +160776,27 +160777,27 +160778,29 +160779,29 +160780,29 +160781,29 +160782,29 +160783,29 +160784,29 +160785,31 +160786,31 +160787,31 +160788,31 +160789,31 +160790,31 +160791,31 +160792,31 +160793,31 +160794,31 +160795,31 +160796,31 +160797,35 +160798,35 +160799,35 +160800,35 +160801,35 +160802,35 +160803,35 +160804,35 +160805,35 +160806,36 +160807,36 +160808,36 +160809,36 +160810,36 +160811,36 +160812,36 +160813,36 +160814,36 +160815,36 +160816,40 +160817,19 +160818,19 +160819,19 +160820,19 +160821,19 +160822,12 +160823,12 +160824,12 +160825,12 +160826,12 +160827,27 +160828,27 +160829,38 +160830,38 +160831,38 +160832,38 +160833,38 +160834,40 +160835,40 +160836,40 +160837,31 +160838,31 +160839,31 +160840,35 +160841,35 +160842,35 +160843,35 +160844,35 +160845,35 +160846,35 +160847,35 +160848,35 +160849,35 +160850,35 +160851,35 +160852,35 +160853,36 +160854,36 +160855,36 +160856,36 +160857,36 +160858,36 +160859,36 +160860,36 +160861,36 +160862,36 +160863,36 +160864,36 +160865,16 +160866,16 +160867,16 +160868,16 +160869,4 +160870,4 +160871,4 +160872,4 +160873,4 +160874,4 +160875,27 +160876,27 +160877,27 +160878,27 +160879,27 +160880,27 +160881,27 +160882,4 +160883,4 +160884,0 +160885,0 +160886,0 +160887,0 +160888,0 +160889,0 +160890,0 +160891,0 +160892,0 +160893,0 +160894,0 +160895,0 +160896,0 +160897,0 +160898,0 +160899,0 +160900,0 +160901,0 +160902,0 +160903,36 +160904,36 +160905,36 +160906,36 +160907,36 +160908,36 +160909,19 +160910,19 +160911,19 +160912,19 +160913,5 +160914,5 +160915,11 +160916,2 +160917,2 +160918,2 +160919,2 +160920,2 +160921,2 +160922,2 +160923,2 +160924,4 +160925,4 +160926,4 +160927,4 +160928,4 +160929,16 +160930,16 +160931,16 +160932,25 +160933,25 +160934,37 +160935,25 +160936,25 +160937,25 +160938,4 +160939,4 +160940,4 +160941,4 +160942,4 +160943,5 +160944,12 +160945,12 +160946,5 +160947,12 +160948,5 +160949,5 +160950,5 +160951,5 +160952,5 +160953,5 +160954,14 +160955,14 +160956,14 +160957,14 +160958,14 +160959,14 +160960,14 +160961,14 +160962,14 +160963,14 +160964,14 +160965,14 +160966,14 +160967,14 +160968,14 +160969,14 +160970,39 +160971,39 +160972,39 +160973,39 +160974,39 +160975,39 +160976,39 +160977,39 +160978,39 +160979,31 +160980,31 +160981,31 +160982,5 +160983,5 +160984,5 +160985,28 +160986,28 +160987,5 +160988,5 +160989,0 +160990,0 +160991,0 +160992,0 +160993,0 +160994,0 +160995,0 +160996,0 +160997,0 +160998,0 +160999,0 +161000,0 +161001,0 +161002,0 +161003,0 +161004,0 +161005,0 +161006,0 +161007,0 +161008,0 +161009,0 +161010,0 +161011,0 +161012,0 +161013,0 +161014,0 +161015,12 +161016,12 +161017,12 +161018,12 +161019,12 +161020,12 +161021,12 +161022,12 +161023,12 +161024,25 +161025,25 +161026,25 +161027,25 +161028,25 +161029,35 +161030,35 +161031,35 +161032,35 +161033,39 +161034,39 +161035,39 +161036,39 +161037,39 +161038,39 +161039,39 +161040,12 +161041,12 +161042,12 +161043,12 +161044,12 +161045,12 +161046,12 +161047,12 +161048,12 +161049,31 +161050,31 +161051,31 +161052,31 +161053,31 +161054,8 +161055,8 +161056,8 +161057,8 +161058,8 +161059,8 +161060,8 +161061,8 +161062,8 +161063,23 +161064,23 +161065,23 +161066,23 +161067,23 +161068,23 +161069,23 +161070,24 +161071,24 +161072,24 +161073,24 +161074,25 +161075,25 +161076,25 +161077,25 +161078,25 +161079,25 +161080,26 +161081,26 +161082,26 +161083,26 +161084,26 +161085,26 +161086,26 +161087,26 +161088,26 +161089,26 +161090,26 +161091,26 +161092,26 +161093,26 +161094,26 +161095,31 +161096,31 +161097,31 +161098,31 +161099,31 +161100,5 +161101,5 +161102,38 +161103,38 +161104,38 +161105,38 +161106,38 +161107,38 +161108,38 +161109,40 +161110,40 +161111,27 +161112,27 +161113,27 +161114,5 +161115,5 +161116,5 +161117,5 +161118,5 +161119,5 +161120,5 +161121,5 +161122,5 +161123,5 +161124,5 +161125,5 +161126,4 +161127,4 +161128,4 +161129,4 +161130,4 +161131,4 +161132,4 +161133,4 +161134,4 +161135,4 +161136,4 +161137,35 +161138,4 +161139,33 +161140,33 +161141,33 +161142,33 +161143,33 +161144,33 +161145,33 +161146,33 +161147,29 +161148,29 +161149,29 +161150,31 +161151,30 +161152,30 +161153,30 +161154,30 +161155,30 +161156,30 +161157,30 +161158,30 +161159,30 +161160,30 +161161,30 +161162,30 +161163,27 +161164,27 +161165,27 +161166,27 +161167,27 +161168,27 +161169,27 +161170,21 +161171,21 +161172,21 +161173,21 +161174,21 +161175,13 +161176,4 +161177,4 +161178,25 +161179,25 +161180,25 +161181,25 +161182,25 +161183,25 +161184,25 +161185,25 +161186,25 +161187,25 +161188,25 +161189,37 +161190,31 +161191,36 +161192,36 +161193,5 +161194,5 +161195,5 +161196,5 +161197,5 +161198,5 +161199,5 +161200,5 +161201,5 +161202,2 +161203,2 +161204,2 +161205,2 +161206,2 +161207,2 +161208,2 +161209,2 +161210,2 +161211,2 +161212,2 +161213,2 +161214,2 +161215,31 +161216,31 +161217,31 +161218,31 +161219,31 +161220,31 +161221,31 +161222,31 +161223,23 +161224,23 +161225,24 +161226,24 +161227,24 +161228,24 +161229,24 +161230,9 +161231,9 +161232,9 +161233,26 +161234,26 +161235,26 +161236,26 +161237,26 +161238,26 +161239,26 +161240,26 +161241,26 +161242,26 +161243,26 +161244,26 +161245,26 +161246,37 +161247,37 +161248,37 +161249,25 +161250,25 +161251,25 +161252,37 +161253,37 +161254,37 +161255,28 +161256,28 +161257,28 +161258,28 +161259,28 +161260,28 +161261,28 +161262,28 +161263,28 +161264,28 +161265,8 +161266,8 +161267,8 +161268,8 +161269,8 +161270,8 +161271,8 +161272,8 +161273,8 +161274,8 +161275,8 +161276,8 +161277,8 +161278,31 +161279,31 +161280,31 +161281,31 +161282,31 +161283,31 +161284,31 +161285,31 +161286,31 +161287,31 +161288,31 +161289,5 +161290,5 +161291,5 +161292,5 +161293,5 +161294,5 +161295,5 +161296,11 +161297,11 +161298,11 +161299,11 +161300,11 +161301,11 +161302,11 +161303,11 +161304,11 +161305,11 +161306,11 +161307,11 +161308,31 +161309,31 +161310,31 +161311,31 +161312,31 +161313,24 +161314,24 +161315,24 +161316,24 +161317,24 +161318,24 +161319,24 +161320,33 +161321,33 +161322,33 +161323,9 +161324,9 +161325,9 +161326,9 +161327,9 +161328,9 +161329,9 +161330,9 +161331,9 +161332,9 +161333,37 +161334,37 +161335,37 +161336,37 +161337,37 +161338,37 +161339,37 +161340,39 +161341,39 +161342,39 +161343,39 +161344,39 +161345,39 +161346,39 +161347,39 +161348,39 +161349,39 +161350,39 +161351,39 +161352,14 +161353,14 +161354,39 +161355,39 +161356,39 +161357,0 +161358,0 +161359,0 +161360,0 +161361,0 +161362,0 +161363,0 +161364,0 +161365,0 +161366,0 +161367,0 +161368,0 +161369,0 +161370,0 +161371,0 +161372,0 +161373,0 +161374,0 +161375,0 +161376,0 +161377,0 +161378,0 +161379,0 +161380,0 +161381,0 +161382,0 +161383,0 +161384,0 +161385,0 +161386,0 +161387,0 +161388,0 +161389,0 +161390,0 +161391,0 +161392,0 +161393,0 +161394,0 +161395,0 +161396,0 +161397,0 +161398,0 +161399,0 +161400,0 +161401,0 +161402,0 +161403,0 +161404,0 +161405,0 +161406,0 +161407,0 +161408,0 +161409,0 +161410,0 +161411,0 +161412,0 +161413,0 +161414,0 +161415,0 +161416,0 +161417,0 +161418,0 +161419,0 +161420,0 +161421,0 +161422,0 +161423,0 +161424,0 +161425,0 +161426,0 +161427,0 +161428,0 +161429,0 +161430,0 +161431,0 +161432,0 +161433,0 +161434,0 +161435,0 +161436,0 +161437,0 +161438,0 +161439,0 +161440,0 +161441,0 +161442,0 +161443,0 +161444,0 +161445,0 +161446,0 +161447,0 +161448,0 +161449,0 +161450,0 +161451,0 +161452,0 +161453,0 +161454,0 +161455,0 +161456,0 +161457,0 +161458,0 +161459,0 +161460,0 +161461,0 +161462,0 +161463,0 +161464,0 +161465,0 +161466,0 +161467,0 +161468,0 +161469,0 +161470,0 +161471,0 +161472,0 +161473,0 +161474,0 +161475,0 +161476,0 +161477,0 +161478,0 +161479,0 +161480,0 +161481,0 +161482,0 +161483,0 +161484,0 +161485,0 +161486,0 +161487,0 +161488,0 +161489,0 +161490,0 +161491,0 +161492,35 +161493,35 +161494,35 +161495,35 +161496,35 +161497,35 +161498,39 +161499,39 +161500,39 +161501,39 +161502,37 +161503,37 +161504,37 +161505,37 +161506,37 +161507,8 +161508,8 +161509,8 +161510,8 +161511,8 +161512,8 +161513,31 +161514,31 +161515,31 +161516,31 +161517,31 +161518,31 +161519,30 +161520,30 +161521,30 +161522,30 +161523,30 +161524,30 +161525,30 +161526,34 +161527,34 +161528,34 +161529,34 +161530,34 +161531,34 +161532,34 +161533,34 +161534,34 +161535,34 +161536,34 +161537,34 +161538,34 +161539,34 +161540,34 +161541,34 +161542,34 +161543,34 +161544,34 +161545,34 +161546,34 +161547,34 +161548,34 +161549,34 +161550,5 +161551,5 +161552,5 +161553,5 +161554,5 +161555,5 +161556,5 +161557,5 +161558,33 +161559,33 +161560,33 +161561,33 +161562,33 +161563,33 +161564,33 +161565,33 +161566,33 +161567,12 +161568,12 +161569,12 +161570,12 +161571,12 +161572,12 +161573,12 +161574,40 +161575,40 +161576,40 +161577,40 +161578,40 +161579,40 +161580,40 +161581,32 +161582,32 +161583,32 +161584,32 +161585,32 +161586,32 +161587,32 +161588,32 +161589,32 +161590,36 +161591,36 +161592,36 +161593,40 +161594,40 +161595,28 +161596,28 +161597,28 +161598,28 +161599,28 +161600,28 +161601,28 +161602,28 +161603,28 +161604,28 +161605,28 +161606,28 +161607,28 +161608,28 +161609,28 +161610,28 +161611,0 +161612,0 +161613,0 +161614,0 +161615,0 +161616,0 +161617,0 +161618,0 +161619,0 +161620,0 +161621,0 +161622,0 +161623,0 +161624,0 +161625,0 +161626,0 +161627,0 +161628,0 +161629,0 +161630,0 +161631,0 +161632,0 +161633,0 +161634,0 +161635,0 +161636,0 +161637,0 +161638,0 +161639,0 +161640,0 +161641,0 +161642,0 +161643,0 +161644,0 +161645,0 +161646,0 +161647,0 +161648,0 +161649,0 +161650,0 +161651,0 +161652,0 +161653,0 +161654,0 +161655,0 +161656,0 +161657,0 +161658,0 +161659,0 +161660,32 +161661,32 +161662,32 +161663,32 +161664,32 +161665,32 +161666,32 +161667,3 +161668,3 +161669,9 +161670,9 +161671,9 +161672,9 +161673,9 +161674,9 +161675,9 +161676,9 +161677,9 +161678,37 +161679,37 +161680,37 +161681,37 +161682,37 +161683,37 +161684,37 +161685,37 +161686,37 +161687,37 +161688,37 +161689,37 +161690,37 +161691,37 +161692,37 +161693,37 +161694,37 +161695,37 +161696,37 +161697,37 +161698,37 +161699,34 +161700,34 +161701,34 +161702,34 +161703,34 +161704,34 +161705,34 +161706,34 +161707,36 +161708,36 +161709,36 +161710,30 +161711,30 +161712,30 +161713,30 +161714,30 +161715,30 +161716,30 +161717,23 +161718,23 +161719,23 +161720,23 +161721,23 +161722,23 +161723,0 +161724,0 +161725,23 +161726,38 +161727,35 +161728,35 +161729,35 +161730,35 +161731,32 +161732,32 +161733,32 +161734,35 +161735,35 +161736,40 +161737,40 +161738,40 +161739,40 +161740,40 +161741,5 +161742,5 +161743,5 +161744,19 +161745,19 +161746,19 +161747,15 +161748,15 +161749,15 +161750,15 +161751,15 +161752,15 +161753,15 +161754,27 +161755,27 +161756,27 +161757,27 +161758,27 +161759,27 +161760,27 +161761,27 +161762,5 +161763,5 +161764,5 +161765,5 +161766,5 +161767,5 +161768,5 +161769,5 +161770,5 +161771,23 +161772,23 +161773,23 +161774,23 +161775,23 +161776,23 +161777,23 +161778,23 +161779,25 +161780,25 +161781,25 +161782,25 +161783,25 +161784,25 +161785,28 +161786,28 +161787,28 +161788,28 +161789,28 +161790,28 +161791,28 +161792,28 +161793,28 +161794,28 +161795,28 +161796,28 +161797,28 +161798,40 +161799,40 +161800,40 +161801,40 +161802,40 +161803,40 +161804,40 +161805,5 +161806,5 +161807,5 +161808,5 +161809,39 +161810,39 +161811,39 +161812,39 +161813,39 +161814,39 +161815,1 +161816,39 +161817,39 +161818,39 +161819,39 +161820,39 +161821,39 +161822,28 +161823,12 +161824,12 +161825,12 +161826,12 +161827,12 +161828,12 +161829,12 +161830,12 +161831,12 +161832,12 +161833,12 +161834,12 +161835,14 +161836,14 +161837,14 +161838,14 +161839,14 +161840,14 +161841,14 +161842,14 +161843,14 +161844,14 +161845,6 +161846,6 +161847,6 +161848,6 +161849,6 +161850,6 +161851,6 +161852,6 +161853,6 +161854,6 +161855,6 +161856,2 +161857,2 +161858,2 +161859,2 +161860,2 +161861,2 +161862,2 +161863,2 +161864,2 +161865,2 +161866,2 +161867,2 +161868,2 +161869,2 +161870,2 +161871,2 +161872,2 +161873,2 +161874,2 +161875,2 +161876,2 +161877,2 +161878,2 +161879,2 +161880,2 +161881,2 +161882,2 +161883,2 +161884,2 +161885,2 +161886,2 +161887,2 +161888,2 +161889,2 +161890,2 +161891,2 +161892,2 +161893,4 +161894,4 +161895,4 +161896,4 +161897,4 +161898,4 +161899,39 +161900,39 +161901,39 +161902,39 +161903,39 +161904,39 +161905,39 +161906,39 +161907,39 +161908,14 +161909,14 +161910,32 +161911,32 +161912,32 +161913,4 +161914,4 +161915,4 +161916,4 +161917,4 +161918,4 +161919,4 +161920,4 +161921,4 +161922,4 +161923,4 +161924,27 +161925,27 +161926,4 +161927,4 +161928,4 +161929,4 +161930,36 +161931,36 +161932,36 +161933,36 +161934,36 +161935,36 +161936,36 +161937,36 +161938,36 +161939,5 +161940,5 +161941,5 +161942,5 +161943,5 +161944,5 +161945,5 +161946,5 +161947,28 +161948,28 +161949,28 +161950,28 +161951,28 +161952,28 +161953,28 +161954,40 +161955,40 +161956,40 +161957,40 +161958,40 +161959,40 +161960,40 +161961,30 +161962,30 +161963,30 +161964,30 +161965,30 +161966,27 +161967,27 +161968,27 +161969,31 +161970,5 +161971,13 +161972,13 +161973,13 +161974,5 +161975,5 +161976,5 +161977,5 +161978,31 +161979,6 +161980,6 +161981,6 +161982,6 +161983,6 +161984,6 +161985,6 +161986,6 +161987,6 +161988,6 +161989,26 +161990,26 +161991,26 +161992,26 +161993,26 +161994,26 +161995,26 +161996,26 +161997,30 +161998,30 +161999,30 +162000,30 +162001,30 +162002,30 +162003,30 +162004,30 +162005,30 +162006,39 +162007,39 +162008,39 +162009,39 +162010,39 +162011,39 +162012,39 +162013,39 +162014,39 +162015,39 +162016,39 +162017,39 +162018,39 +162019,39 +162020,39 +162021,0 +162022,0 +162023,0 +162024,0 +162025,0 +162026,0 +162027,0 +162028,0 +162029,0 +162030,0 +162031,0 +162032,0 +162033,0 +162034,0 +162035,0 +162036,0 +162037,0 +162038,0 +162039,0 +162040,0 +162041,0 +162042,0 +162043,0 +162044,0 +162045,0 +162046,0 +162047,0 +162048,0 +162049,0 +162050,0 +162051,0 +162052,0 +162053,0 +162054,0 +162055,0 +162056,0 +162057,0 +162058,0 +162059,0 +162060,0 +162061,0 +162062,0 +162063,35 +162064,35 +162065,35 +162066,35 +162067,35 +162068,35 +162069,35 +162070,35 +162071,35 +162072,35 +162073,27 +162074,27 +162075,27 +162076,27 +162077,27 +162078,27 +162079,8 +162080,8 +162081,8 +162082,8 +162083,8 +162084,8 +162085,8 +162086,8 +162087,8 +162088,8 +162089,8 +162090,8 +162091,36 +162092,36 +162093,36 +162094,36 +162095,36 +162096,36 +162097,36 +162098,36 +162099,36 +162100,30 +162101,34 +162102,34 +162103,34 +162104,34 +162105,34 +162106,34 +162107,4 +162108,4 +162109,4 +162110,4 +162111,4 +162112,4 +162113,4 +162114,4 +162115,30 +162116,30 +162117,12 +162118,22 +162119,30 +162120,22 +162121,22 +162122,22 +162123,22 +162124,22 +162125,6 +162126,6 +162127,6 +162128,6 +162129,6 +162130,6 +162131,6 +162132,6 +162133,6 +162134,6 +162135,6 +162136,35 +162137,35 +162138,35 +162139,35 +162140,35 +162141,35 +162142,35 +162143,35 +162144,35 +162145,35 +162146,36 +162147,36 +162148,36 +162149,31 +162150,15 +162151,15 +162152,15 +162153,15 +162154,15 +162155,15 +162156,15 +162157,15 +162158,15 +162159,15 +162160,15 +162161,15 +162162,27 +162163,27 +162164,27 +162165,27 +162166,27 +162167,27 +162168,27 +162169,4 +162170,4 +162171,4 +162172,4 +162173,16 +162174,16 +162175,16 +162176,4 +162177,4 +162178,4 +162179,4 +162180,4 +162181,4 +162182,3 +162183,3 +162184,33 +162185,33 +162186,33 +162187,3 +162188,3 +162189,3 +162190,3 +162191,3 +162192,3 +162193,30 +162194,30 +162195,30 +162196,30 +162197,30 +162198,30 +162199,30 +162200,30 +162201,39 +162202,39 +162203,39 +162204,39 +162205,39 +162206,39 +162207,39 +162208,39 +162209,2 +162210,2 +162211,2 +162212,2 +162213,2 +162214,2 +162215,2 +162216,2 +162217,2 +162218,2 +162219,2 +162220,2 +162221,9 +162222,9 +162223,9 +162224,33 +162225,33 +162226,33 +162227,33 +162228,33 +162229,33 +162230,30 +162231,30 +162232,30 +162233,28 +162234,28 +162235,28 +162236,28 +162237,28 +162238,28 +162239,28 +162240,28 +162241,15 +162242,15 +162243,15 +162244,15 +162245,25 +162246,25 +162247,25 +162248,25 +162249,25 +162250,25 +162251,25 +162252,25 +162253,25 +162254,25 +162255,25 +162256,25 +162257,25 +162258,25 +162259,25 +162260,25 +162261,25 +162262,25 +162263,25 +162264,25 +162265,0 +162266,0 +162267,0 +162268,0 +162269,0 +162270,0 +162271,0 +162272,0 +162273,0 +162274,0 +162275,0 +162276,0 +162277,0 +162278,0 +162279,0 +162280,0 +162281,0 +162282,0 +162283,0 +162284,0 +162285,0 +162286,0 +162287,0 +162288,0 +162289,0 +162290,0 +162291,0 +162292,0 +162293,0 +162294,0 +162295,0 +162296,0 +162297,0 +162298,0 +162299,0 +162300,0 +162301,0 +162302,0 +162303,30 +162304,30 +162305,30 +162306,30 +162307,30 +162308,30 +162309,30 +162310,30 +162311,30 +162312,30 +162313,30 +162314,30 +162315,14 +162316,14 +162317,14 +162318,14 +162319,14 +162320,14 +162321,14 +162322,14 +162323,14 +162324,14 +162325,14 +162326,14 +162327,14 +162328,14 +162329,14 +162330,14 +162331,14 +162332,39 +162333,39 +162334,39 +162335,39 +162336,39 +162337,39 +162338,31 +162339,31 +162340,31 +162341,31 +162342,31 +162343,31 +162344,31 +162345,31 +162346,5 +162347,5 +162348,5 +162349,5 +162350,5 +162351,19 +162352,19 +162353,19 +162354,19 +162355,19 +162356,31 +162357,31 +162358,31 +162359,31 +162360,4 +162361,4 +162362,4 +162363,29 +162364,29 +162365,29 +162366,31 +162367,31 +162368,31 +162369,31 +162370,11 +162371,11 +162372,11 +162373,11 +162374,11 +162375,11 +162376,11 +162377,11 +162378,11 +162379,11 +162380,11 +162381,11 +162382,11 +162383,11 +162384,11 +162385,11 +162386,11 +162387,11 +162388,11 +162389,36 +162390,36 +162391,36 +162392,36 +162393,36 +162394,36 +162395,40 +162396,40 +162397,40 +162398,36 +162399,36 +162400,19 +162401,19 +162402,19 +162403,19 +162404,33 +162405,33 +162406,33 +162407,33 +162408,33 +162409,33 +162410,33 +162411,33 +162412,33 +162413,30 +162414,30 +162415,30 +162416,33 +162417,33 +162418,33 +162419,33 +162420,33 +162421,33 +162422,33 +162423,33 +162424,33 +162425,33 +162426,33 +162427,33 +162428,31 +162429,31 +162430,31 +162431,31 +162432,24 +162433,24 +162434,24 +162435,24 +162436,24 +162437,24 +162438,24 +162439,31 +162440,31 +162441,31 +162442,31 +162443,31 +162444,31 +162445,31 +162446,31 +162447,19 +162448,19 +162449,19 +162450,19 +162451,19 +162452,19 +162453,19 +162454,19 +162455,19 +162456,19 +162457,19 +162458,39 +162459,39 +162460,39 +162461,39 +162462,39 +162463,39 +162464,39 +162465,39 +162466,32 +162467,32 +162468,32 +162469,32 +162470,32 +162471,32 +162472,32 +162473,32 +162474,32 +162475,25 +162476,25 +162477,25 +162478,25 +162479,25 +162480,25 +162481,25 +162482,25 +162483,6 +162484,6 +162485,6 +162486,6 +162487,6 +162488,6 +162489,6 +162490,6 +162491,6 +162492,6 +162493,6 +162494,6 +162495,6 +162496,6 +162497,6 +162498,30 +162499,30 +162500,30 +162501,30 +162502,30 +162503,36 +162504,36 +162505,36 +162506,10 +162507,10 +162508,10 +162509,34 +162510,34 +162511,34 +162512,34 +162513,34 +162514,34 +162515,34 +162516,34 +162517,34 +162518,34 +162519,34 +162520,34 +162521,34 +162522,34 +162523,34 +162524,34 +162525,34 +162526,19 +162527,19 +162528,19 +162529,19 +162530,19 +162531,19 +162532,19 +162533,19 +162534,19 +162535,19 +162536,19 +162537,19 +162538,19 +162539,19 +162540,0 +162541,0 +162542,0 +162543,0 +162544,0 +162545,0 +162546,0 +162547,0 +162548,0 +162549,0 +162550,0 +162551,0 +162552,0 +162553,0 +162554,0 +162555,0 +162556,0 +162557,0 +162558,0 +162559,0 +162560,0 +162561,0 +162562,0 +162563,0 +162564,0 +162565,0 +162566,0 +162567,0 +162568,0 +162569,0 +162570,0 +162571,0 +162572,0 +162573,0 +162574,0 +162575,0 +162576,0 +162577,0 +162578,0 +162579,10 +162580,10 +162581,10 +162582,0 +162583,10 +162584,10 +162585,10 +162586,10 +162587,10 +162588,10 +162589,10 +162590,10 +162591,10 +162592,28 +162593,28 +162594,28 +162595,28 +162596,28 +162597,28 +162598,28 +162599,28 +162600,28 +162601,14 +162602,14 +162603,14 +162604,14 +162605,14 +162606,14 +162607,14 +162608,14 +162609,14 +162610,19 +162611,19 +162612,19 +162613,19 +162614,35 +162615,35 +162616,35 +162617,35 +162618,35 +162619,35 +162620,35 +162621,35 +162622,4 +162623,14 +162624,14 +162625,14 +162626,14 +162627,14 +162628,14 +162629,14 +162630,14 +162631,14 +162632,14 +162633,14 +162634,14 +162635,14 +162636,14 +162637,14 +162638,14 +162639,14 +162640,2 +162641,2 +162642,2 +162643,2 +162644,2 +162645,2 +162646,2 +162647,2 +162648,2 +162649,2 +162650,2 +162651,2 +162652,2 +162653,2 +162654,2 +162655,2 +162656,2 +162657,2 +162658,2 +162659,2 +162660,2 +162661,2 +162662,2 +162663,2 +162664,27 +162665,27 +162666,27 +162667,27 +162668,27 +162669,31 +162670,31 +162671,2 +162672,2 +162673,2 +162674,2 +162675,2 +162676,2 +162677,2 +162678,2 +162679,2 +162680,2 +162681,2 +162682,2 +162683,2 +162684,2 +162685,2 +162686,2 +162687,14 +162688,14 +162689,14 +162690,14 +162691,14 +162692,14 +162693,14 +162694,14 +162695,14 +162696,14 +162697,14 +162698,14 +162699,14 +162700,14 +162701,14 +162702,14 +162703,14 +162704,14 +162705,14 +162706,14 +162707,14 +162708,14 +162709,14 +162710,14 +162711,14 +162712,14 +162713,14 +162714,14 +162715,14 +162716,14 +162717,14 +162718,14 +162719,14 +162720,39 +162721,39 +162722,10 +162723,0 +162724,0 +162725,0 +162726,0 +162727,0 +162728,0 +162729,0 +162730,0 +162731,0 +162732,0 +162733,0 +162734,0 +162735,0 +162736,0 +162737,0 +162738,0 +162739,0 +162740,0 +162741,0 +162742,0 +162743,0 +162744,0 +162745,0 +162746,0 +162747,0 +162748,0 +162749,0 +162750,0 +162751,0 +162752,0 +162753,0 +162754,0 +162755,0 +162756,0 +162757,0 +162758,0 +162759,0 +162760,0 +162761,0 +162762,0 +162763,0 +162764,0 +162765,0 +162766,0 +162767,0 +162768,0 +162769,0 +162770,0 +162771,0 +162772,0 +162773,0 +162774,0 +162775,0 +162776,0 +162777,0 +162778,0 +162779,0 +162780,0 +162781,0 +162782,0 +162783,0 +162784,0 +162785,0 +162786,0 +162787,0 +162788,0 +162789,0 +162790,0 +162791,0 +162792,0 +162793,0 +162794,0 +162795,0 +162796,0 +162797,0 +162798,0 +162799,0 +162800,0 +162801,0 +162802,0 +162803,0 +162804,0 +162805,0 +162806,0 +162807,0 +162808,0 +162809,0 +162810,0 +162811,0 +162812,0 +162813,0 +162814,0 +162815,0 +162816,0 +162817,0 +162818,0 +162819,30 +162820,3 +162821,3 +162822,30 +162823,30 +162824,30 +162825,30 +162826,30 +162827,30 +162828,30 +162829,30 +162830,30 +162831,30 +162832,30 +162833,27 +162834,27 +162835,27 +162836,27 +162837,27 +162838,27 +162839,27 +162840,27 +162841,2 +162842,2 +162843,2 +162844,2 +162845,2 +162846,2 +162847,2 +162848,2 +162849,2 +162850,2 +162851,2 +162852,2 +162853,2 +162854,2 +162855,31 +162856,31 +162857,31 +162858,5 +162859,5 +162860,5 +162861,5 +162862,5 +162863,5 +162864,4 +162865,4 +162866,4 +162867,4 +162868,4 +162869,4 +162870,4 +162871,4 +162872,4 +162873,40 +162874,40 +162875,40 +162876,40 +162877,31 +162878,28 +162879,28 +162880,28 +162881,28 +162882,28 +162883,28 +162884,34 +162885,10 +162886,10 +162887,10 +162888,10 +162889,10 +162890,10 +162891,10 +162892,10 +162893,30 +162894,30 +162895,30 +162896,30 +162897,30 +162898,30 +162899,30 +162900,30 +162901,30 +162902,30 +162903,30 +162904,39 +162905,27 +162906,27 +162907,27 +162908,27 +162909,27 +162910,27 +162911,30 +162912,30 +162913,30 +162914,30 +162915,19 +162916,19 +162917,19 +162918,19 +162919,19 +162920,19 +162921,19 +162922,19 +162923,19 +162924,2 +162925,2 +162926,2 +162927,2 +162928,2 +162929,2 +162930,2 +162931,2 +162932,2 +162933,2 +162934,2 +162935,2 +162936,2 +162937,2 +162938,4 +162939,4 +162940,4 +162941,4 +162942,4 +162943,4 +162944,4 +162945,9 +162946,9 +162947,9 +162948,9 +162949,9 +162950,9 +162951,9 +162952,9 +162953,9 +162954,9 +162955,37 +162956,37 +162957,37 +162958,37 +162959,37 +162960,37 +162961,25 +162962,25 +162963,25 +162964,25 +162965,25 +162966,25 +162967,25 +162968,25 +162969,7 +162970,7 +162971,7 +162972,39 +162973,7 +162974,7 +162975,7 +162976,7 +162977,7 +162978,7 +162979,7 +162980,7 +162981,31 +162982,31 +162983,31 +162984,4 +162985,4 +162986,4 +162987,4 +162988,4 +162989,4 +162990,12 +162991,12 +162992,12 +162993,12 +162994,12 +162995,12 +162996,31 +162997,31 +162998,31 +162999,31 +163000,31 +163001,31 +163002,31 +163003,30 +163004,5 +163005,5 +163006,5 +163007,5 +163008,5 +163009,5 +163010,5 +163011,5 +163012,5 +163013,5 +163014,5 +163015,5 +163016,26 +163017,26 +163018,26 +163019,26 +163020,26 +163021,26 +163022,26 +163023,26 +163024,26 +163025,26 +163026,26 +163027,26 +163028,26 +163029,26 +163030,26 +163031,26 +163032,26 +163033,26 +163034,4 +163035,4 +163036,4 +163037,4 +163038,4 +163039,40 +163040,40 +163041,36 +163042,36 +163043,36 +163044,36 +163045,36 +163046,40 +163047,40 +163048,14 +163049,14 +163050,40 +163051,36 +163052,36 +163053,36 +163054,36 +163055,36 +163056,36 +163057,36 +163058,36 +163059,36 +163060,19 +163061,19 +163062,19 +163063,19 +163064,19 +163065,19 +163066,19 +163067,19 +163068,19 +163069,19 +163070,4 +163071,4 +163072,4 +163073,4 +163074,4 +163075,7 +163076,7 +163077,7 +163078,7 +163079,7 +163080,7 +163081,7 +163082,7 +163083,7 +163084,7 +163085,22 +163086,22 +163087,22 +163088,22 +163089,22 +163090,37 +163091,37 +163092,37 +163093,39 +163094,39 +163095,32 +163096,32 +163097,32 +163098,32 +163099,32 +163100,32 +163101,32 +163102,32 +163103,32 +163104,32 +163105,32 +163106,32 +163107,32 +163108,32 +163109,32 +163110,14 +163111,14 +163112,14 +163113,14 +163114,14 +163115,39 +163116,39 +163117,39 +163118,39 +163119,39 +163120,39 +163121,39 +163122,39 +163123,39 +163124,39 +163125,39 +163126,39 +163127,39 +163128,39 +163129,39 +163130,39 +163131,39 +163132,39 +163133,39 +163134,5 +163135,5 +163136,5 +163137,5 +163138,5 +163139,5 +163140,5 +163141,5 +163142,5 +163143,5 +163144,5 +163145,5 +163146,5 +163147,5 +163148,5 +163149,5 +163150,5 +163151,5 +163152,5 +163153,0 +163154,0 +163155,0 +163156,0 +163157,0 +163158,0 +163159,0 +163160,0 +163161,0 +163162,0 +163163,0 +163164,0 +163165,0 +163166,0 +163167,0 +163168,0 +163169,0 +163170,0 +163171,0 +163172,0 +163173,0 +163174,0 +163175,0 +163176,0 +163177,0 +163178,0 +163179,0 +163180,0 +163181,0 +163182,0 +163183,0 +163184,0 +163185,0 +163186,0 +163187,0 +163188,0 +163189,0 +163190,0 +163191,0 +163192,0 +163193,0 +163194,37 +163195,37 +163196,37 +163197,37 +163198,37 +163199,37 +163200,37 +163201,37 +163202,37 +163203,37 +163204,36 +163205,36 +163206,36 +163207,36 +163208,36 +163209,36 +163210,36 +163211,36 +163212,36 +163213,36 +163214,36 +163215,36 +163216,36 +163217,24 +163218,24 +163219,24 +163220,24 +163221,24 +163222,25 +163223,25 +163224,25 +163225,25 +163226,25 +163227,25 +163228,25 +163229,25 +163230,25 +163231,25 +163232,25 +163233,25 +163234,25 +163235,25 +163236,25 +163237,25 +163238,37 +163239,25 +163240,25 +163241,33 +163242,33 +163243,33 +163244,33 +163245,33 +163246,33 +163247,30 +163248,30 +163249,30 +163250,30 +163251,30 +163252,30 +163253,30 +163254,30 +163255,30 +163256,30 +163257,30 +163258,30 +163259,39 +163260,39 +163261,39 +163262,39 +163263,39 +163264,39 +163265,39 +163266,39 +163267,39 +163268,39 +163269,39 +163270,39 +163271,39 +163272,24 +163273,24 +163274,24 +163275,24 +163276,24 +163277,24 +163278,24 +163279,24 +163280,39 +163281,39 +163282,39 +163283,39 +163284,39 +163285,39 +163286,39 +163287,39 +163288,39 +163289,39 +163290,39 +163291,14 +163292,14 +163293,14 +163294,14 +163295,14 +163296,14 +163297,14 +163298,14 +163299,14 +163300,14 +163301,14 +163302,14 +163303,14 +163304,14 +163305,14 +163306,14 +163307,14 +163308,39 +163309,4 +163310,4 +163311,4 +163312,4 +163313,4 +163314,4 +163315,4 +163316,27 +163317,27 +163318,27 +163319,27 +163320,27 +163321,27 +163322,27 +163323,27 +163324,27 +163325,27 +163326,27 +163327,27 +163328,27 +163329,27 +163330,27 +163331,27 +163332,4 +163333,4 +163334,4 +163335,4 +163336,4 +163337,4 +163338,4 +163339,0 +163340,0 +163341,0 +163342,0 +163343,0 +163344,0 +163345,0 +163346,0 +163347,0 +163348,0 +163349,0 +163350,0 +163351,0 +163352,0 +163353,0 +163354,0 +163355,0 +163356,0 +163357,0 +163358,0 +163359,0 +163360,0 +163361,0 +163362,0 +163363,0 +163364,0 +163365,0 +163366,0 +163367,0 +163368,0 +163369,0 +163370,0 +163371,0 +163372,0 +163373,0 +163374,0 +163375,0 +163376,0 +163377,0 +163378,0 +163379,0 +163380,0 +163381,0 +163382,0 +163383,0 +163384,0 +163385,0 +163386,0 +163387,0 +163388,0 +163389,0 +163390,0 +163391,0 +163392,0 +163393,0 +163394,0 +163395,0 +163396,0 +163397,0 +163398,0 +163399,0 +163400,0 +163401,0 +163402,0 +163403,23 +163404,23 +163405,23 +163406,23 +163407,23 +163408,23 +163409,23 +163410,25 +163411,25 +163412,25 +163413,25 +163414,25 +163415,25 +163416,25 +163417,35 +163418,35 +163419,35 +163420,35 +163421,35 +163422,35 +163423,39 +163424,39 +163425,39 +163426,39 +163427,27 +163428,39 +163429,39 +163430,12 +163431,12 +163432,12 +163433,12 +163434,12 +163435,31 +163436,31 +163437,31 +163438,8 +163439,8 +163440,8 +163441,8 +163442,8 +163443,8 +163444,29 +163445,29 +163446,29 +163447,29 +163448,29 +163449,29 +163450,28 +163451,28 +163452,28 +163453,28 +163454,28 +163455,28 +163456,28 +163457,33 +163458,33 +163459,33 +163460,33 +163461,33 +163462,33 +163463,33 +163464,33 +163465,30 +163466,2 +163467,2 +163468,2 +163469,2 +163470,2 +163471,2 +163472,2 +163473,2 +163474,35 +163475,40 +163476,31 +163477,31 +163478,31 +163479,31 +163480,31 +163481,31 +163482,31 +163483,31 +163484,31 +163485,31 +163486,15 +163487,15 +163488,15 +163489,15 +163490,15 +163491,15 +163492,15 +163493,15 +163494,15 +163495,15 +163496,31 +163497,31 +163498,31 +163499,31 +163500,31 +163501,31 +163502,28 +163503,28 +163504,15 +163505,15 +163506,15 +163507,15 +163508,15 +163509,28 +163510,28 +163511,28 +163512,10 +163513,10 +163514,10 +163515,10 +163516,10 +163517,10 +163518,10 +163519,10 +163520,10 +163521,10 +163522,10 +163523,5 +163524,5 +163525,5 +163526,5 +163527,5 +163528,5 +163529,19 +163530,27 +163531,27 +163532,27 +163533,27 +163534,4 +163535,4 +163536,4 +163537,4 +163538,4 +163539,4 +163540,4 +163541,31 +163542,31 +163543,27 +163544,27 +163545,27 +163546,31 +163547,31 +163548,5 +163549,5 +163550,5 +163551,5 +163552,5 +163553,6 +163554,6 +163555,6 +163556,6 +163557,6 +163558,6 +163559,6 +163560,6 +163561,6 +163562,6 +163563,6 +163564,6 +163565,25 +163566,25 +163567,25 +163568,25 +163569,25 +163570,25 +163571,25 +163572,25 +163573,25 +163574,19 +163575,19 +163576,19 +163577,19 +163578,19 +163579,39 +163580,39 +163581,39 +163582,39 +163583,39 +163584,39 +163585,39 +163586,39 +163587,39 +163588,8 +163589,8 +163590,8 +163591,8 +163592,8 +163593,8 +163594,29 +163595,29 +163596,4 +163597,4 +163598,5 +163599,10 +163600,10 +163601,10 +163602,10 +163603,10 +163604,10 +163605,10 +163606,10 +163607,10 +163608,10 +163609,19 +163610,19 +163611,19 +163612,19 +163613,19 +163614,31 +163615,31 +163616,31 +163617,31 +163618,24 +163619,24 +163620,24 +163621,24 +163622,24 +163623,27 +163624,27 +163625,27 +163626,27 +163627,27 +163628,2 +163629,2 +163630,8 +163631,8 +163632,4 +163633,4 +163634,4 +163635,4 +163636,4 +163637,4 +163638,4 +163639,4 +163640,4 +163641,4 +163642,4 +163643,4 +163644,10 +163645,10 +163646,10 +163647,10 +163648,10 +163649,10 +163650,10 +163651,10 +163652,10 +163653,10 +163654,10 +163655,10 +163656,10 +163657,10 +163658,10 +163659,10 +163660,10 +163661,10 +163662,10 +163663,10 +163664,10 +163665,10 +163666,28 +163667,28 +163668,28 +163669,28 +163670,28 +163671,28 +163672,28 +163673,28 +163674,28 +163675,28 +163676,0 +163677,0 +163678,0 +163679,0 +163680,0 +163681,0 +163682,0 +163683,0 +163684,0 +163685,0 +163686,0 +163687,0 +163688,0 +163689,0 +163690,0 +163691,0 +163692,0 +163693,0 +163694,0 +163695,0 +163696,0 +163697,0 +163698,0 +163699,0 +163700,0 +163701,0 +163702,0 +163703,0 +163704,0 +163705,0 +163706,0 +163707,0 +163708,0 +163709,0 +163710,0 +163711,0 +163712,0 +163713,0 +163714,0 +163715,0 +163716,0 +163717,0 +163718,0 +163719,0 +163720,0 +163721,0 +163722,0 +163723,0 +163724,0 +163725,0 +163726,0 +163727,0 +163728,0 +163729,0 +163730,35 +163731,35 +163732,35 +163733,35 +163734,35 +163735,35 +163736,35 +163737,35 +163738,35 +163739,35 +163740,39 +163741,39 +163742,39 +163743,39 +163744,37 +163745,37 +163746,37 +163747,37 +163748,37 +163749,37 +163750,37 +163751,37 +163752,37 +163753,39 +163754,39 +163755,39 +163756,39 +163757,39 +163758,14 +163759,21 +163760,21 +163761,21 +163762,21 +163763,21 +163764,40 +163765,40 +163766,40 +163767,40 +163768,40 +163769,40 +163770,40 +163771,40 +163772,40 +163773,40 +163774,5 +163775,5 +163776,5 +163777,5 +163778,5 +163779,5 +163780,5 +163781,19 +163782,19 +163783,19 +163784,19 +163785,19 +163786,19 +163787,19 +163788,11 +163789,11 +163790,11 +163791,11 +163792,11 +163793,11 +163794,11 +163795,11 +163796,11 +163797,11 +163798,11 +163799,39 +163800,39 +163801,39 +163802,37 +163803,37 +163804,37 +163805,37 +163806,37 +163807,37 +163808,37 +163809,37 +163810,37 +163811,39 +163812,39 +163813,39 +163814,39 +163815,39 +163816,39 +163817,2 +163818,2 +163819,2 +163820,2 +163821,2 +163822,2 +163823,2 +163824,2 +163825,2 +163826,2 +163827,2 +163828,2 +163829,39 +163830,39 +163831,39 +163832,39 +163833,39 +163834,39 +163835,39 +163836,24 +163837,39 +163838,24 +163839,24 +163840,24 +163841,24 +163842,24 +163843,18 +163844,18 +163845,4 +163846,27 +163847,27 +163848,27 +163849,32 +163850,32 +163851,32 +163852,32 +163853,32 +163854,32 +163855,32 +163856,32 +163857,32 +163858,37 +163859,37 +163860,37 +163861,37 +163862,37 +163863,31 +163864,31 +163865,31 +163866,31 +163867,31 +163868,31 +163869,31 +163870,2 +163871,2 +163872,2 +163873,2 +163874,2 +163875,2 +163876,31 +163877,31 +163878,31 +163879,31 +163880,31 +163881,31 +163882,28 +163883,28 +163884,28 +163885,4 +163886,28 +163887,28 +163888,28 +163889,28 +163890,28 +163891,5 +163892,5 +163893,4 +163894,4 +163895,4 +163896,24 +163897,31 +163898,32 +163899,24 +163900,4 +163901,4 +163902,4 +163903,4 +163904,4 +163905,4 +163906,29 +163907,29 +163908,29 +163909,29 +163910,31 +163911,31 +163912,31 +163913,31 +163914,2 +163915,2 +163916,2 +163917,2 +163918,2 +163919,2 +163920,2 +163921,2 +163922,2 +163923,2 +163924,2 +163925,2 +163926,2 +163927,2 +163928,14 +163929,14 +163930,14 +163931,14 +163932,14 +163933,14 +163934,14 +163935,14 +163936,14 +163937,14 +163938,14 +163939,14 +163940,5 +163941,5 +163942,5 +163943,39 +163944,39 +163945,39 +163946,39 +163947,39 +163948,39 +163949,39 +163950,39 +163951,5 +163952,5 +163953,5 +163954,5 +163955,5 +163956,5 +163957,5 +163958,5 +163959,5 +163960,5 +163961,16 +163962,16 +163963,16 +163964,16 +163965,16 +163966,16 +163967,16 +163968,16 +163969,16 +163970,31 +163971,31 +163972,31 +163973,31 +163974,31 +163975,31 +163976,31 +163977,31 +163978,31 +163979,5 +163980,5 +163981,5 +163982,5 +163983,5 +163984,5 +163985,16 +163986,16 +163987,16 +163988,16 +163989,16 +163990,16 +163991,16 +163992,16 +163993,16 +163994,16 +163995,16 +163996,16 +163997,31 +163998,31 +163999,31 +164000,31 +164001,31 +164002,31 +164003,5 +164004,5 +164005,5 +164006,5 +164007,5 +164008,5 +164009,5 +164010,5 +164011,5 +164012,5 +164013,5 +164014,8 +164015,2 +164016,2 +164017,2 +164018,8 +164019,8 +164020,2 +164021,2 +164022,2 +164023,2 +164024,2 +164025,2 +164026,0 +164027,0 +164028,0 +164029,0 +164030,0 +164031,0 +164032,0 +164033,0 +164034,0 +164035,0 +164036,0 +164037,0 +164038,0 +164039,0 +164040,0 +164041,0 +164042,0 +164043,0 +164044,0 +164045,0 +164046,0 +164047,0 +164048,0 +164049,0 +164050,0 +164051,0 +164052,0 +164053,0 +164054,0 +164055,0 +164056,0 +164057,0 +164058,0 +164059,0 +164060,0 +164061,12 +164062,12 +164063,12 +164064,12 +164065,12 +164066,27 +164067,27 +164068,27 +164069,29 +164070,29 +164071,29 +164072,29 +164073,29 +164074,31 +164075,31 +164076,31 +164077,31 +164078,31 +164079,31 +164080,31 +164081,31 +164082,31 +164083,4 +164084,4 +164085,4 +164086,4 +164087,16 +164088,16 +164089,16 +164090,16 +164091,16 +164092,16 +164093,2 +164094,16 +164095,25 +164096,25 +164097,25 +164098,25 +164099,25 +164100,25 +164101,25 +164102,37 +164103,25 +164104,37 +164105,10 +164106,10 +164107,10 +164108,10 +164109,10 +164110,10 +164111,10 +164112,10 +164113,4 +164114,4 +164115,4 +164116,4 +164117,4 +164118,4 +164119,4 +164120,4 +164121,31 +164122,5 +164123,5 +164124,5 +164125,5 +164126,5 +164127,5 +164128,5 +164129,5 +164130,5 +164131,23 +164132,23 +164133,23 +164134,23 +164135,23 +164136,23 +164137,23 +164138,23 +164139,23 +164140,30 +164141,30 +164142,30 +164143,30 +164144,30 +164145,33 +164146,9 +164147,9 +164148,22 +164149,9 +164150,9 +164151,22 +164152,22 +164153,9 +164154,9 +164155,9 +164156,37 +164157,37 +164158,37 +164159,37 +164160,37 +164161,37 +164162,37 +164163,37 +164164,25 +164165,37 +164166,37 +164167,37 +164168,37 +164169,37 +164170,37 +164171,37 +164172,25 +164173,25 +164174,25 +164175,25 +164176,25 +164177,0 +164178,0 +164179,0 +164180,0 +164181,0 +164182,0 +164183,0 +164184,0 +164185,36 +164186,36 +164187,36 +164188,36 +164189,36 +164190,36 +164191,36 +164192,36 +164193,36 +164194,36 +164195,36 +164196,36 +164197,36 +164198,36 +164199,5 +164200,5 +164201,5 +164202,5 +164203,5 +164204,5 +164205,5 +164206,5 +164207,30 +164208,30 +164209,30 +164210,30 +164211,30 +164212,30 +164213,30 +164214,30 +164215,30 +164216,39 +164217,39 +164218,39 +164219,39 +164220,39 +164221,39 +164222,39 +164223,35 +164224,35 +164225,6 +164226,6 +164227,6 +164228,6 +164229,6 +164230,6 +164231,6 +164232,6 +164233,39 +164234,27 +164235,27 +164236,27 +164237,27 +164238,27 +164239,13 +164240,13 +164241,13 +164242,13 +164243,5 +164244,5 +164245,12 +164246,3 +164247,3 +164248,3 +164249,3 +164250,12 +164251,37 +164252,37 +164253,37 +164254,37 +164255,3 +164256,3 +164257,3 +164258,3 +164259,3 +164260,3 +164261,3 +164262,3 +164263,3 +164264,3 +164265,3 +164266,3 +164267,3 +164268,3 +164269,3 +164270,23 +164271,24 +164272,24 +164273,24 +164274,24 +164275,24 +164276,24 +164277,24 +164278,24 +164279,0 +164280,23 +164281,23 +164282,23 +164283,0 +164284,0 +164285,0 +164286,0 +164287,0 +164288,0 +164289,0 +164290,0 +164291,0 +164292,0 +164293,0 +164294,0 +164295,0 +164296,0 +164297,0 +164298,0 +164299,0 +164300,0 +164301,0 +164302,0 +164303,0 +164304,0 +164305,0 +164306,0 +164307,0 +164308,0 +164309,0 +164310,0 +164311,0 +164312,0 +164313,0 +164314,0 +164315,0 +164316,0 +164317,0 +164318,0 +164319,0 +164320,0 +164321,0 +164322,0 +164323,0 +164324,0 +164325,0 +164326,0 +164327,0 +164328,0 +164329,0 +164330,0 +164331,0 +164332,0 +164333,0 +164334,0 +164335,0 +164336,0 +164337,0 +164338,0 +164339,0 +164340,0 +164341,0 +164342,0 +164343,0 +164344,0 +164345,0 +164346,0 +164347,0 +164348,0 +164349,0 +164350,0 +164351,0 +164352,0 +164353,0 +164354,0 +164355,29 +164356,29 +164357,31 +164358,31 +164359,31 +164360,31 +164361,31 +164362,31 +164363,31 +164364,31 +164365,30 +164366,30 +164367,30 +164368,30 +164369,30 +164370,30 +164371,30 +164372,30 +164373,30 +164374,30 +164375,36 +164376,36 +164377,36 +164378,36 +164379,36 +164380,36 +164381,36 +164382,34 +164383,34 +164384,34 +164385,4 +164386,4 +164387,4 +164388,4 +164389,4 +164390,4 +164391,25 +164392,25 +164393,25 +164394,25 +164395,25 +164396,25 +164397,25 +164398,19 +164399,19 +164400,19 +164401,19 +164402,19 +164403,19 +164404,19 +164405,19 +164406,19 +164407,39 +164408,39 +164409,39 +164410,39 +164411,39 +164412,39 +164413,39 +164414,39 +164415,39 +164416,39 +164417,39 +164418,39 +164419,23 +164420,23 +164421,23 +164422,23 +164423,23 +164424,23 +164425,23 +164426,23 +164427,23 +164428,23 +164429,40 +164430,36 +164431,36 +164432,36 +164433,36 +164434,36 +164435,36 +164436,36 +164437,40 +164438,36 +164439,6 +164440,6 +164441,6 +164442,6 +164443,6 +164444,6 +164445,6 +164446,6 +164447,6 +164448,6 +164449,6 +164450,12 +164451,12 +164452,12 +164453,12 +164454,12 +164455,12 +164456,12 +164457,31 +164458,31 +164459,31 +164460,31 +164461,8 +164462,8 +164463,8 +164464,8 +164465,8 +164466,5 +164467,5 +164468,5 +164469,5 +164470,5 +164471,5 +164472,5 +164473,26 +164474,26 +164475,34 +164476,34 +164477,34 +164478,34 +164479,34 +164480,34 +164481,4 +164482,4 +164483,10 +164484,10 +164485,23 +164486,23 +164487,23 +164488,23 +164489,23 +164490,23 +164491,38 +164492,23 +164493,23 +164494,23 +164495,23 +164496,23 +164497,23 +164498,23 +164499,23 +164500,40 +164501,40 +164502,40 +164503,40 +164504,40 +164505,40 +164506,40 +164507,40 +164508,30 +164509,30 +164510,30 +164511,30 +164512,30 +164513,30 +164514,30 +164515,30 +164516,4 +164517,4 +164518,4 +164519,30 +164520,30 +164521,30 +164522,30 +164523,30 +164524,0 +164525,0 +164526,0 +164527,0 +164528,36 +164529,36 +164530,36 +164531,36 +164532,36 +164533,36 +164534,36 +164535,36 +164536,36 +164537,4 +164538,31 +164539,31 +164540,31 +164541,32 +164542,32 +164543,32 +164544,32 +164545,32 +164546,32 +164547,32 +164548,32 +164549,32 +164550,32 +164551,37 +164552,37 +164553,37 +164554,37 +164555,37 +164556,40 +164557,40 +164558,40 +164559,40 +164560,40 +164561,40 +164562,40 +164563,40 +164564,8 +164565,8 +164566,8 +164567,8 +164568,8 +164569,8 +164570,8 +164571,27 +164572,27 +164573,5 +164574,5 +164575,5 +164576,5 +164577,5 +164578,5 +164579,5 +164580,5 +164581,5 +164582,5 +164583,13 +164584,13 +164585,13 +164586,5 +164587,5 +164588,28 +164589,28 +164590,28 +164591,0 +164592,0 +164593,0 +164594,0 +164595,0 +164596,0 +164597,0 +164598,0 +164599,0 +164600,0 +164601,0 +164602,0 +164603,0 +164604,0 +164605,0 +164606,0 +164607,0 +164608,0 +164609,0 +164610,0 +164611,5 +164612,5 +164613,5 +164614,5 +164615,5 +164616,5 +164617,5 +164618,5 +164619,5 +164620,5 +164621,10 +164622,10 +164623,34 +164624,34 +164625,34 +164626,34 +164627,34 +164628,34 +164629,10 +164630,10 +164631,10 +164632,34 +164633,34 +164634,34 +164635,34 +164636,34 +164637,34 +164638,34 +164639,34 +164640,2 +164641,2 +164642,2 +164643,2 +164644,2 +164645,2 +164646,2 +164647,2 +164648,2 +164649,2 +164650,2 +164651,2 +164652,2 +164653,2 +164654,2 +164655,2 +164656,2 +164657,2 +164658,39 +164659,39 +164660,39 +164661,39 +164662,39 +164663,39 +164664,13 +164665,13 +164666,13 +164667,13 +164668,13 +164669,13 +164670,13 +164671,13 +164672,5 +164673,13 +164674,19 +164675,19 +164676,19 +164677,4 +164678,4 +164679,4 +164680,4 +164681,4 +164682,4 +164683,32 +164684,32 +164685,32 +164686,32 +164687,32 +164688,32 +164689,32 +164690,32 +164691,32 +164692,32 +164693,32 +164694,30 +164695,30 +164696,30 +164697,30 +164698,30 +164699,40 +164700,40 +164701,40 +164702,40 +164703,40 +164704,40 +164705,31 +164706,31 +164707,8 +164708,8 +164709,8 +164710,8 +164711,8 +164712,8 +164713,8 +164714,8 +164715,8 +164716,31 +164717,31 +164718,31 +164719,31 +164720,5 +164721,5 +164722,5 +164723,5 +164724,5 +164725,5 +164726,5 +164727,5 +164728,5 +164729,5 +164730,5 +164731,5 +164732,4 +164733,19 +164734,4 +164735,4 +164736,0 +164737,4 +164738,0 +164739,4 +164740,4 +164741,4 +164742,4 +164743,4 +164744,4 +164745,0 +164746,0 +164747,0 +164748,0 +164749,0 +164750,0 +164751,0 +164752,0 +164753,0 +164754,0 +164755,0 +164756,0 +164757,0 +164758,0 +164759,0 +164760,0 +164761,0 +164762,0 +164763,0 +164764,0 +164765,0 +164766,0 +164767,0 +164768,0 +164769,0 +164770,0 +164771,0 +164772,0 +164773,0 +164774,0 +164775,0 +164776,0 +164777,0 +164778,0 +164779,0 +164780,0 +164781,0 +164782,31 +164783,31 +164784,31 +164785,31 +164786,31 +164787,10 +164788,10 +164789,10 +164790,10 +164791,10 +164792,10 +164793,10 +164794,10 +164795,10 +164796,10 +164797,10 +164798,10 +164799,36 +164800,36 +164801,36 +164802,36 +164803,23 +164804,23 +164805,23 +164806,23 +164807,23 +164808,23 +164809,23 +164810,4 +164811,4 +164812,4 +164813,4 +164814,4 +164815,31 +164816,31 +164817,31 +164818,31 +164819,31 +164820,21 +164821,21 +164822,21 +164823,21 +164824,21 +164825,21 +164826,21 +164827,21 +164828,21 +164829,21 +164830,33 +164831,33 +164832,33 +164833,9 +164834,9 +164835,33 +164836,33 +164837,33 +164838,33 +164839,33 +164840,33 +164841,33 +164842,33 +164843,33 +164844,27 +164845,27 +164846,27 +164847,27 +164848,27 +164849,27 +164850,27 +164851,13 +164852,13 +164853,13 +164854,13 +164855,13 +164856,13 +164857,13 +164858,13 +164859,13 +164860,13 +164861,13 +164862,37 +164863,37 +164864,37 +164865,37 +164866,37 +164867,37 +164868,37 +164869,37 +164870,34 +164871,34 +164872,34 +164873,34 +164874,34 +164875,34 +164876,34 +164877,34 +164878,34 +164879,34 +164880,34 +164881,34 +164882,34 +164883,34 +164884,5 +164885,5 +164886,5 +164887,5 +164888,5 +164889,5 +164890,29 +164891,29 +164892,29 +164893,31 +164894,31 +164895,31 +164896,31 +164897,32 +164898,32 +164899,32 +164900,32 +164901,32 +164902,32 +164903,32 +164904,32 +164905,32 +164906,32 +164907,32 +164908,32 +164909,32 +164910,32 +164911,30 +164912,30 +164913,30 +164914,30 +164915,30 +164916,14 +164917,14 +164918,14 +164919,14 +164920,14 +164921,14 +164922,14 +164923,14 +164924,14 +164925,14 +164926,14 +164927,14 +164928,14 +164929,14 +164930,14 +164931,14 +164932,14 +164933,14 +164934,2 +164935,2 +164936,2 +164937,2 +164938,2 +164939,2 +164940,2 +164941,2 +164942,2 +164943,2 +164944,2 +164945,2 +164946,2 +164947,2 +164948,2 +164949,2 +164950,2 +164951,2 +164952,2 +164953,2 +164954,2 +164955,2 +164956,12 +164957,12 +164958,12 +164959,12 +164960,12 +164961,12 +164962,9 +164963,37 +164964,37 +164965,37 +164966,25 +164967,25 +164968,25 +164969,25 +164970,37 +164971,37 +164972,7 +164973,7 +164974,7 +164975,7 +164976,7 +164977,7 +164978,7 +164979,7 +164980,7 +164981,7 +164982,40 +164983,40 +164984,40 +164985,40 +164986,40 +164987,40 +164988,40 +164989,40 +164990,40 +164991,40 +164992,2 +164993,2 +164994,2 +164995,2 +164996,2 +164997,2 +164998,2 +164999,2 +165000,2 +165001,2 +165002,2 +165003,2 +165004,2 +165005,2 +165006,2 +165007,27 +165008,27 +165009,27 +165010,27 +165011,27 +165012,19 +165013,19 +165014,19 +165015,19 +165016,19 +165017,19 +165018,19 +165019,19 +165020,19 +165021,40 +165022,19 +165023,25 +165024,14 +165025,14 +165026,14 +165027,14 +165028,14 +165029,14 +165030,14 +165031,14 +165032,14 +165033,14 +165034,14 +165035,14 +165036,14 +165037,14 +165038,14 +165039,14 +165040,14 +165041,14 +165042,19 +165043,19 +165044,4 +165045,38 +165046,38 +165047,4 +165048,6 +165049,29 +165050,29 +165051,29 +165052,29 +165053,29 +165054,14 +165055,14 +165056,14 +165057,14 +165058,14 +165059,14 +165060,35 +165061,35 +165062,35 +165063,35 +165064,35 +165065,35 +165066,35 +165067,35 +165068,36 +165069,36 +165070,36 +165071,36 +165072,36 +165073,36 +165074,4 +165075,4 +165076,4 +165077,4 +165078,4 +165079,4 +165080,23 +165081,23 +165082,23 +165083,23 +165084,23 +165085,23 +165086,23 +165087,23 +165088,23 +165089,23 +165090,23 +165091,23 +165092,36 +165093,34 +165094,34 +165095,34 +165096,34 +165097,34 +165098,34 +165099,34 +165100,34 +165101,34 +165102,34 +165103,34 +165104,34 +165105,34 +165106,34 +165107,34 +165108,34 +165109,34 +165110,34 +165111,34 +165112,5 +165113,5 +165114,5 +165115,5 +165116,5 +165117,5 +165118,29 +165119,29 +165120,29 +165121,29 +165122,29 +165123,39 +165124,39 +165125,39 +165126,39 +165127,39 +165128,39 +165129,39 +165130,39 +165131,39 +165132,39 +165133,39 +165134,39 +165135,31 +165136,31 +165137,31 +165138,36 +165139,36 +165140,36 +165141,36 +165142,36 +165143,36 +165144,36 +165145,36 +165146,36 +165147,36 +165148,5 +165149,5 +165150,5 +165151,5 +165152,5 +165153,5 +165154,12 +165155,31 +165156,31 +165157,28 +165158,28 +165159,28 +165160,28 +165161,28 +165162,28 +165163,28 +165164,9 +165165,9 +165166,9 +165167,31 +165168,31 +165169,31 +165170,30 +165171,30 +165172,30 +165173,30 +165174,30 +165175,30 +165176,30 +165177,30 +165178,30 +165179,30 +165180,30 +165181,30 +165182,30 +165183,30 +165184,30 +165185,30 +165186,28 +165187,0 +165188,0 +165189,0 +165190,0 +165191,0 +165192,0 +165193,0 +165194,0 +165195,0 +165196,0 +165197,0 +165198,0 +165199,0 +165200,0 +165201,0 +165202,0 +165203,0 +165204,0 +165205,0 +165206,0 +165207,0 +165208,0 +165209,0 +165210,0 +165211,0 +165212,31 +165213,31 +165214,31 +165215,31 +165216,31 +165217,31 +165218,31 +165219,31 +165220,31 +165221,31 +165222,31 +165223,31 +165224,31 +165225,31 +165226,31 +165227,5 +165228,5 +165229,5 +165230,5 +165231,5 +165232,5 +165233,5 +165234,5 +165235,5 +165236,26 +165237,26 +165238,26 +165239,26 +165240,26 +165241,26 +165242,26 +165243,26 +165244,26 +165245,31 +165246,10 +165247,31 +165248,31 +165249,23 +165250,23 +165251,23 +165252,23 +165253,23 +165254,23 +165255,23 +165256,23 +165257,23 +165258,23 +165259,23 +165260,23 +165261,31 +165262,31 +165263,23 +165264,10 +165265,10 +165266,10 +165267,10 +165268,10 +165269,10 +165270,10 +165271,10 +165272,10 +165273,10 +165274,10 +165275,10 +165276,5 +165277,5 +165278,5 +165279,5 +165280,5 +165281,5 +165282,19 +165283,19 +165284,19 +165285,19 +165286,27 +165287,27 +165288,27 +165289,27 +165290,27 +165291,13 +165292,13 +165293,13 +165294,13 +165295,13 +165296,13 +165297,13 +165298,13 +165299,13 +165300,13 +165301,36 +165302,13 +165303,13 +165304,13 +165305,13 +165306,5 +165307,5 +165308,5 +165309,5 +165310,5 +165311,5 +165312,5 +165313,39 +165314,39 +165315,39 +165316,39 +165317,39 +165318,39 +165319,39 +165320,39 +165321,39 +165322,38 +165323,38 +165324,38 +165325,38 +165326,38 +165327,38 +165328,38 +165329,27 +165330,27 +165331,27 +165332,27 +165333,27 +165334,27 +165335,13 +165336,13 +165337,13 +165338,13 +165339,13 +165340,13 +165341,13 +165342,13 +165343,13 +165344,13 +165345,13 +165346,5 +165347,5 +165348,5 +165349,5 +165350,5 +165351,0 +165352,0 +165353,0 +165354,0 +165355,0 +165356,0 +165357,0 +165358,0 +165359,0 +165360,0 +165361,0 +165362,0 +165363,0 +165364,0 +165365,0 +165366,0 +165367,0 +165368,0 +165369,0 +165370,0 +165371,0 +165372,0 +165373,0 +165374,0 +165375,0 +165376,0 +165377,0 +165378,0 +165379,35 +165380,35 +165381,35 +165382,35 +165383,35 +165384,39 +165385,39 +165386,35 +165387,35 +165388,35 +165389,35 +165390,39 +165391,39 +165392,39 +165393,39 +165394,39 +165395,39 +165396,39 +165397,39 +165398,23 +165399,23 +165400,23 +165401,23 +165402,23 +165403,23 +165404,23 +165405,23 +165406,23 +165407,23 +165408,40 +165409,40 +165410,40 +165411,40 +165412,40 +165413,33 +165414,33 +165415,33 +165416,33 +165417,33 +165418,30 +165419,33 +165420,33 +165421,33 +165422,4 +165423,4 +165424,4 +165425,4 +165426,4 +165427,4 +165428,4 +165429,6 +165430,6 +165431,27 +165432,27 +165433,27 +165434,27 +165435,13 +165436,13 +165437,13 +165438,13 +165439,13 +165440,13 +165441,13 +165442,13 +165443,6 +165444,6 +165445,6 +165446,6 +165447,6 +165448,6 +165449,6 +165450,6 +165451,6 +165452,6 +165453,30 +165454,30 +165455,30 +165456,30 +165457,30 +165458,10 +165459,10 +165460,10 +165461,10 +165462,10 +165463,10 +165464,10 +165465,10 +165466,10 +165467,10 +165468,10 +165469,10 +165470,10 +165471,10 +165472,10 +165473,27 +165474,27 +165475,27 +165476,27 +165477,13 +165478,13 +165479,13 +165480,13 +165481,13 +165482,13 +165483,13 +165484,4 +165485,4 +165486,4 +165487,4 +165488,4 +165489,4 +165490,4 +165491,4 +165492,4 +165493,31 +165494,31 +165495,31 +165496,31 +165497,31 +165498,25 +165499,25 +165500,25 +165501,25 +165502,25 +165503,37 +165504,37 +165505,37 +165506,37 +165507,37 +165508,37 +165509,37 +165510,40 +165511,40 +165512,40 +165513,40 +165514,40 +165515,40 +165516,40 +165517,40 +165518,40 +165519,40 +165520,40 +165521,40 +165522,2 +165523,2 +165524,2 +165525,2 +165526,2 +165527,2 +165528,2 +165529,2 +165530,2 +165531,2 +165532,2 +165533,2 +165534,2 +165535,2 +165536,2 +165537,2 +165538,2 +165539,2 +165540,2 +165541,4 +165542,4 +165543,4 +165544,4 +165545,4 +165546,4 +165547,4 +165548,2 +165549,2 +165550,2 +165551,2 +165552,2 +165553,2 +165554,2 +165555,0 +165556,0 +165557,0 +165558,0 +165559,0 +165560,0 +165561,0 +165562,0 +165563,0 +165564,0 +165565,0 +165566,0 +165567,0 +165568,0 +165569,0 +165570,0 +165571,0 +165572,0 +165573,0 +165574,0 +165575,0 +165576,0 +165577,0 +165578,0 +165579,0 +165580,0 +165581,0 +165582,0 +165583,0 +165584,0 +165585,0 +165586,0 +165587,0 +165588,0 +165589,0 +165590,0 +165591,0 +165592,0 +165593,0 +165594,0 +165595,0 +165596,0 +165597,0 +165598,0 +165599,0 +165600,0 +165601,0 +165602,0 +165603,0 +165604,0 +165605,0 +165606,0 +165607,0 +165608,0 +165609,0 +165610,0 +165611,0 +165612,0 +165613,0 +165614,0 +165615,0 +165616,0 +165617,0 +165618,0 +165619,0 +165620,0 +165621,0 +165622,0 +165623,0 +165624,23 +165625,23 +165626,23 +165627,23 +165628,23 +165629,23 +165630,23 +165631,23 +165632,23 +165633,23 +165634,23 +165635,23 +165636,23 +165637,9 +165638,9 +165639,9 +165640,9 +165641,9 +165642,9 +165643,9 +165644,9 +165645,9 +165646,9 +165647,9 +165648,9 +165649,9 +165650,9 +165651,9 +165652,9 +165653,37 +165654,37 +165655,37 +165656,37 +165657,37 +165658,37 +165659,37 +165660,25 +165661,36 +165662,25 +165663,36 +165664,36 +165665,36 +165666,36 +165667,36 +165668,36 +165669,36 +165670,36 +165671,36 +165672,36 +165673,36 +165674,36 +165675,36 +165676,2 +165677,2 +165678,2 +165679,2 +165680,2 +165681,2 +165682,2 +165683,29 +165684,29 +165685,29 +165686,29 +165687,29 +165688,29 +165689,23 +165690,39 +165691,39 +165692,39 +165693,39 +165694,39 +165695,39 +165696,39 +165697,39 +165698,39 +165699,39 +165700,39 +165701,14 +165702,14 +165703,14 +165704,14 +165705,14 +165706,14 +165707,14 +165708,14 +165709,5 +165710,5 +165711,5 +165712,5 +165713,5 +165714,4 +165715,4 +165716,4 +165717,4 +165718,6 +165719,6 +165720,4 +165721,27 +165722,27 +165723,27 +165724,27 +165725,27 +165726,27 +165727,27 +165728,27 +165729,27 +165730,27 +165731,27 +165732,8 +165733,8 +165734,8 +165735,8 +165736,8 +165737,8 +165738,8 +165739,8 +165740,8 +165741,8 +165742,8 +165743,8 +165744,8 +165745,0 +165746,0 +165747,0 +165748,0 +165749,0 +165750,0 +165751,0 +165752,0 +165753,0 +165754,0 +165755,0 +165756,0 +165757,0 +165758,0 +165759,0 +165760,0 +165761,0 +165762,0 +165763,0 +165764,0 +165765,0 +165766,0 +165767,0 +165768,0 +165769,0 +165770,0 +165771,0 +165772,0 +165773,0 +165774,0 +165775,0 +165776,0 +165777,0 +165778,0 +165779,0 +165780,0 +165781,0 +165782,0 +165783,0 +165784,0 +165785,0 +165786,0 +165787,0 +165788,0 +165789,0 +165790,0 +165791,0 +165792,0 +165793,0 +165794,0 +165795,0 +165796,0 +165797,30 +165798,30 +165799,30 +165800,30 +165801,30 +165802,30 +165803,30 +165804,9 +165805,9 +165806,9 +165807,9 +165808,26 +165809,26 +165810,26 +165811,26 +165812,26 +165813,26 +165814,26 +165815,26 +165816,26 +165817,26 +165818,37 +165819,37 +165820,37 +165821,37 +165822,37 +165823,37 +165824,37 +165825,37 +165826,16 +165827,16 +165828,16 +165829,16 +165830,16 +165831,16 +165832,16 +165833,16 +165834,16 +165835,16 +165836,16 +165837,16 +165838,16 +165839,16 +165840,16 +165841,16 +165842,35 +165843,35 +165844,35 +165845,35 +165846,35 +165847,35 +165848,35 +165849,25 +165850,25 +165851,25 +165852,25 +165853,25 +165854,25 +165855,25 +165856,25 +165857,31 +165858,31 +165859,31 +165860,31 +165861,31 +165862,31 +165863,31 +165864,31 +165865,31 +165866,33 +165867,33 +165868,33 +165869,33 +165870,33 +165871,25 +165872,8 +165873,8 +165874,8 +165875,8 +165876,8 +165877,8 +165878,8 +165879,8 +165880,8 +165881,2 +165882,2 +165883,2 +165884,16 +165885,16 +165886,2 +165887,2 +165888,32 +165889,32 +165890,32 +165891,32 +165892,32 +165893,32 +165894,32 +165895,25 +165896,25 +165897,25 +165898,25 +165899,25 +165900,25 +165901,25 +165902,25 +165903,2 +165904,2 +165905,2 +165906,2 +165907,2 +165908,2 +165909,2 +165910,2 +165911,2 +165912,2 +165913,2 +165914,2 +165915,2 +165916,2 +165917,40 +165918,40 +165919,40 +165920,40 +165921,40 +165922,40 +165923,40 +165924,40 +165925,19 +165926,19 +165927,19 +165928,27 +165929,27 +165930,27 +165931,27 +165932,27 +165933,27 +165934,27 +165935,27 +165936,5 +165937,5 +165938,5 +165939,5 +165940,5 +165941,29 +165942,29 +165943,29 +165944,31 +165945,31 +165946,31 +165947,31 +165948,31 +165949,31 +165950,21 +165951,21 +165952,21 +165953,21 +165954,21 +165955,21 +165956,21 +165957,21 +165958,37 +165959,37 +165960,37 +165961,37 +165962,37 +165963,37 +165964,37 +165965,37 +165966,37 +165967,36 +165968,36 +165969,36 +165970,34 +165971,34 +165972,34 +165973,34 +165974,34 +165975,34 +165976,34 +165977,34 +165978,34 +165979,34 +165980,34 +165981,34 +165982,34 +165983,34 +165984,34 +165985,34 +165986,34 +165987,34 +165988,34 +165989,34 +165990,34 +165991,5 +165992,5 +165993,5 +165994,19 +165995,19 +165996,19 +165997,19 +165998,19 +165999,19 +166000,19 +166001,19 +166002,19 +166003,40 +166004,40 +166005,40 +166006,40 +166007,40 +166008,36 +166009,36 +166010,40 +166011,40 +166012,4 +166013,4 +166014,4 +166015,4 +166016,29 +166017,29 +166018,31 +166019,31 +166020,31 +166021,31 +166022,31 +166023,6 +166024,6 +166025,6 +166026,6 +166027,6 +166028,6 +166029,6 +166030,6 +166031,6 +166032,6 +166033,6 +166034,9 +166035,9 +166036,9 +166037,9 +166038,9 +166039,9 +166040,9 +166041,9 +166042,9 +166043,9 +166044,37 +166045,37 +166046,37 +166047,37 +166048,5 +166049,5 +166050,5 +166051,5 +166052,25 +166053,25 +166054,25 +166055,25 +166056,25 +166057,25 +166058,25 +166059,25 +166060,25 +166061,25 +166062,25 +166063,25 +166064,25 +166065,8 +166066,8 +166067,8 +166068,8 +166069,8 +166070,8 +166071,8 +166072,8 +166073,8 +166074,8 +166075,8 +166076,8 +166077,2 +166078,2 +166079,8 +166080,8 +166081,36 +166082,36 +166083,36 +166084,36 +166085,36 +166086,36 +166087,36 +166088,36 +166089,5 +166090,5 +166091,5 +166092,5 +166093,19 +166094,19 +166095,19 +166096,19 +166097,19 +166098,39 +166099,39 +166100,27 +166101,27 +166102,27 +166103,27 +166104,27 +166105,27 +166106,27 +166107,27 +166108,39 +166109,39 +166110,39 +166111,40 +166112,36 +166113,36 +166114,36 +166115,36 +166116,14 +166117,14 +166118,36 +166119,36 +166120,5 +166121,5 +166122,5 +166123,5 +166124,5 +166125,5 +166126,5 +166127,5 +166128,5 +166129,2 +166130,2 +166131,2 +166132,2 +166133,2 +166134,2 +166135,2 +166136,31 +166137,31 +166138,31 +166139,31 +166140,31 +166141,24 +166142,24 +166143,24 +166144,24 +166145,24 +166146,24 +166147,24 +166148,24 +166149,24 +166150,29 +166151,29 +166152,31 +166153,31 +166154,31 +166155,31 +166156,19 +166157,19 +166158,19 +166159,19 +166160,19 +166161,19 +166162,19 +166163,19 +166164,14 +166165,14 +166166,27 +166167,14 +166168,27 +166169,27 +166170,27 +166171,27 +166172,39 +166173,39 +166174,39 +166175,39 +166176,39 +166177,30 +166178,30 +166179,30 +166180,30 +166181,30 +166182,30 +166183,30 +166184,30 +166185,30 +166186,30 +166187,30 +166188,30 +166189,19 +166190,19 +166191,19 +166192,19 +166193,27 +166194,27 +166195,27 +166196,27 +166197,27 +166198,27 +166199,27 +166200,13 +166201,13 +166202,13 +166203,13 +166204,13 +166205,13 +166206,13 +166207,13 +166208,13 +166209,13 +166210,13 +166211,13 +166212,13 +166213,5 +166214,5 +166215,5 +166216,0 +166217,0 +166218,0 +166219,0 +166220,0 +166221,0 +166222,0 +166223,0 +166224,0 +166225,0 +166226,0 +166227,0 +166228,0 +166229,0 +166230,0 +166231,0 +166232,0 +166233,0 +166234,0 +166235,0 +166236,0 +166237,0 +166238,0 +166239,0 +166240,0 +166241,0 +166242,0 +166243,0 +166244,0 +166245,0 +166246,0 +166247,0 +166248,0 +166249,0 +166250,0 +166251,0 +166252,0 +166253,0 +166254,0 +166255,0 +166256,0 +166257,0 +166258,0 +166259,0 +166260,0 +166261,0 +166262,0 +166263,0 +166264,0 +166265,0 +166266,0 +166267,0 +166268,0 +166269,0 +166270,0 +166271,0 +166272,0 +166273,6 +166274,6 +166275,6 +166276,6 +166277,6 +166278,6 +166279,6 +166280,6 +166281,37 +166282,37 +166283,37 +166284,37 +166285,37 +166286,37 +166287,26 +166288,26 +166289,26 +166290,26 +166291,26 +166292,26 +166293,26 +166294,26 +166295,30 +166296,30 +166297,30 +166298,30 +166299,30 +166300,2 +166301,2 +166302,2 +166303,2 +166304,2 +166305,2 +166306,2 +166307,2 +166308,2 +166309,23 +166310,23 +166311,23 +166312,23 +166313,23 +166314,23 +166315,30 +166316,30 +166317,30 +166318,30 +166319,30 +166320,30 +166321,30 +166322,9 +166323,9 +166324,9 +166325,9 +166326,9 +166327,9 +166328,9 +166329,9 +166330,9 +166331,9 +166332,9 +166333,9 +166334,9 +166335,9 +166336,9 +166337,9 +166338,9 +166339,26 +166340,26 +166341,5 +166342,5 +166343,5 +166344,5 +166345,5 +166346,6 +166347,6 +166348,6 +166349,6 +166350,6 +166351,2 +166352,2 +166353,2 +166354,2 +166355,2 +166356,2 +166357,2 +166358,2 +166359,2 +166360,2 +166361,2 +166362,2 +166363,2 +166364,0 +166365,0 +166366,0 +166367,26 +166368,25 +166369,25 +166370,25 +166371,25 +166372,25 +166373,25 +166374,25 +166375,37 +166376,37 +166377,37 +166378,37 +166379,29 +166380,29 +166381,29 +166382,29 +166383,29 +166384,27 +166385,27 +166386,27 +166387,27 +166388,27 +166389,27 +166390,27 +166391,27 +166392,27 +166393,27 +166394,27 +166395,28 +166396,28 +166397,28 +166398,28 +166399,32 +166400,32 +166401,32 +166402,32 +166403,32 +166404,32 +166405,32 +166406,32 +166407,32 +166408,30 +166409,30 +166410,30 +166411,30 +166412,30 +166413,30 +166414,30 +166415,14 +166416,14 +166417,14 +166418,14 +166419,14 +166420,14 +166421,14 +166422,10 +166423,10 +166424,10 +166425,10 +166426,2 +166427,2 +166428,2 +166429,2 +166430,2 +166431,2 +166432,2 +166433,2 +166434,2 +166435,2 +166436,2 +166437,2 +166438,4 +166439,4 +166440,4 +166441,31 +166442,31 +166443,31 +166444,32 +166445,32 +166446,32 +166447,32 +166448,32 +166449,32 +166450,32 +166451,32 +166452,32 +166453,32 +166454,26 +166455,26 +166456,26 +166457,26 +166458,26 +166459,26 +166460,26 +166461,26 +166462,5 +166463,5 +166464,5 +166465,5 +166466,5 +166467,5 +166468,29 +166469,29 +166470,31 +166471,31 +166472,31 +166473,5 +166474,5 +166475,5 +166476,5 +166477,5 +166478,5 +166479,28 +166480,5 +166481,3 +166482,3 +166483,3 +166484,3 +166485,3 +166486,27 +166487,27 +166488,27 +166489,27 +166490,27 +166491,27 +166492,30 +166493,30 +166494,30 +166495,30 +166496,30 +166497,30 +166498,30 +166499,30 +166500,30 +166501,30 +166502,30 +166503,30 +166504,30 +166505,30 +166506,30 +166507,30 +166508,32 +166509,32 +166510,32 +166511,32 +166512,32 +166513,32 +166514,32 +166515,32 +166516,32 +166517,32 +166518,33 +166519,33 +166520,33 +166521,33 +166522,33 +166523,33 +166524,33 +166525,33 +166526,33 +166527,33 +166528,33 +166529,33 +166530,33 +166531,33 +166532,33 +166533,33 +166534,33 +166535,33 +166536,33 +166537,33 +166538,33 +166539,33 +166540,33 +166541,8 +166542,8 +166543,8 +166544,8 +166545,8 +166546,2 +166547,8 +166548,2 +166549,2 +166550,2 +166551,2 +166552,2 +166553,2 +166554,4 +166555,4 +166556,4 +166557,4 +166558,4 +166559,4 +166560,4 +166561,4 +166562,4 +166563,4 +166564,4 +166565,4 +166566,4 +166567,0 +166568,0 +166569,0 +166570,0 +166571,0 +166572,0 +166573,0 +166574,0 +166575,0 +166576,0 +166577,0 +166578,0 +166579,0 +166580,0 +166581,0 +166582,0 +166583,0 +166584,0 +166585,0 +166586,0 +166587,0 +166588,0 +166589,0 +166590,0 +166591,0 +166592,0 +166593,0 +166594,0 +166595,0 +166596,0 +166597,0 +166598,0 +166599,0 +166600,0 +166601,35 +166602,35 +166603,35 +166604,35 +166605,0 +166606,0 +166607,0 +166608,0 +166609,0 +166610,0 +166611,0 +166612,0 +166613,0 +166614,12 +166615,12 +166616,12 +166617,12 +166618,37 +166619,37 +166620,37 +166621,37 +166622,37 +166623,37 +166624,37 +166625,37 +166626,37 +166627,29 +166628,29 +166629,29 +166630,31 +166631,31 +166632,31 +166633,25 +166634,31 +166635,37 +166636,37 +166637,37 +166638,37 +166639,37 +166640,37 +166641,37 +166642,37 +166643,37 +166644,37 +166645,37 +166646,33 +166647,34 +166648,34 +166649,34 +166650,34 +166651,34 +166652,34 +166653,34 +166654,33 +166655,5 +166656,5 +166657,5 +166658,5 +166659,28 +166660,28 +166661,28 +166662,27 +166663,31 +166664,31 +166665,31 +166666,5 +166667,5 +166668,5 +166669,5 +166670,5 +166671,5 +166672,2 +166673,2 +166674,2 +166675,2 +166676,2 +166677,2 +166678,2 +166679,2 +166680,40 +166681,31 +166682,31 +166683,31 +166684,31 +166685,5 +166686,5 +166687,5 +166688,5 +166689,2 +166690,2 +166691,2 +166692,2 +166693,2 +166694,2 +166695,2 +166696,2 +166697,2 +166698,2 +166699,2 +166700,4 +166701,4 +166702,4 +166703,4 +166704,4 +166705,4 +166706,4 +166707,4 +166708,31 +166709,31 +166710,31 +166711,31 +166712,31 +166713,31 +166714,31 +166715,31 +166716,31 +166717,31 +166718,28 +166719,28 +166720,28 +166721,28 +166722,28 +166723,28 +166724,28 +166725,14 +166726,27 +166727,27 +166728,27 +166729,27 +166730,27 +166731,27 +166732,27 +166733,14 +166734,14 +166735,5 +166736,5 +166737,5 +166738,5 +166739,5 +166740,5 +166741,4 +166742,4 +166743,4 +166744,4 +166745,4 +166746,4 +166747,4 +166748,14 +166749,14 +166750,14 +166751,14 +166752,14 +166753,14 +166754,14 +166755,14 +166756,14 +166757,14 +166758,14 +166759,14 +166760,14 +166761,14 +166762,5 +166763,5 +166764,5 +166765,5 +166766,5 +166767,5 +166768,29 +166769,29 +166770,29 +166771,29 +166772,29 +166773,29 +166774,29 +166775,29 +166776,5 +166777,5 +166778,28 +166779,5 +166780,5 +166781,5 +166782,28 +166783,28 +166784,2 +166785,2 +166786,2 +166787,2 +166788,2 +166789,2 +166790,2 +166791,2 +166792,2 +166793,40 +166794,40 +166795,40 +166796,40 +166797,40 +166798,40 +166799,40 +166800,30 +166801,30 +166802,30 +166803,30 +166804,30 +166805,30 +166806,30 +166807,30 +166808,30 +166809,30 +166810,24 +166811,24 +166812,30 +166813,30 +166814,8 +166815,8 +166816,8 +166817,8 +166818,8 +166819,8 +166820,8 +166821,15 +166822,15 +166823,32 +166824,32 +166825,32 +166826,32 +166827,32 +166828,32 +166829,32 +166830,10 +166831,10 +166832,10 +166833,10 +166834,10 +166835,10 +166836,10 +166837,10 +166838,35 +166839,35 +166840,35 +166841,35 +166842,35 +166843,35 +166844,35 +166845,35 +166846,35 +166847,26 +166848,26 +166849,26 +166850,26 +166851,26 +166852,26 +166853,26 +166854,26 +166855,26 +166856,37 +166857,37 +166858,37 +166859,37 +166860,37 +166861,37 +166862,37 +166863,37 +166864,19 +166865,19 +166866,19 +166867,19 +166868,19 +166869,23 +166870,23 +166871,23 +166872,23 +166873,23 +166874,23 +166875,23 +166876,23 +166877,23 +166878,23 +166879,10 +166880,10 +166881,10 +166882,10 +166883,10 +166884,10 +166885,10 +166886,10 +166887,10 +166888,10 +166889,10 +166890,10 +166891,14 +166892,14 +166893,14 +166894,4 +166895,4 +166896,4 +166897,39 +166898,39 +166899,39 +166900,39 +166901,39 +166902,39 +166903,39 +166904,39 +166905,39 +166906,39 +166907,39 +166908,13 +166909,13 +166910,13 +166911,13 +166912,5 +166913,5 +166914,5 +166915,5 +166916,5 +166917,5 +166918,5 +166919,5 +166920,5 +166921,5 +166922,5 +166923,5 +166924,0 +166925,0 +166926,0 +166927,0 +166928,0 +166929,0 +166930,0 +166931,0 +166932,0 +166933,0 +166934,0 +166935,0 +166936,0 +166937,0 +166938,0 +166939,0 +166940,0 +166941,0 +166942,0 +166943,0 +166944,0 +166945,0 +166946,0 +166947,0 +166948,0 +166949,0 +166950,0 +166951,0 +166952,0 +166953,0 +166954,0 +166955,0 +166956,0 +166957,0 +166958,30 +166959,30 +166960,30 +166961,30 +166962,30 +166963,30 +166964,30 +166965,30 +166966,30 +166967,22 +166968,22 +166969,22 +166970,22 +166971,22 +166972,22 +166973,22 +166974,22 +166975,6 +166976,6 +166977,6 +166978,6 +166979,6 +166980,6 +166981,6 +166982,6 +166983,6 +166984,6 +166985,4 +166986,4 +166987,4 +166988,19 +166989,19 +166990,12 +166991,33 +166992,31 +166993,31 +166994,31 +166995,12 +166996,12 +166997,12 +166998,12 +166999,12 +167000,12 +167001,12 +167002,12 +167003,14 +167004,14 +167005,14 +167006,14 +167007,14 +167008,14 +167009,14 +167010,14 +167011,14 +167012,14 +167013,40 +167014,14 +167015,14 +167016,14 +167017,14 +167018,31 +167019,31 +167020,31 +167021,31 +167022,31 +167023,31 +167024,2 +167025,2 +167026,2 +167027,2 +167028,2 +167029,2 +167030,2 +167031,2 +167032,2 +167033,2 +167034,2 +167035,2 +167036,2 +167037,2 +167038,2 +167039,3 +167040,3 +167041,3 +167042,3 +167043,3 +167044,3 +167045,3 +167046,3 +167047,28 +167048,28 +167049,28 +167050,28 +167051,28 +167052,28 +167053,28 +167054,27 +167055,27 +167056,27 +167057,27 +167058,8 +167059,8 +167060,2 +167061,2 +167062,2 +167063,2 +167064,2 +167065,8 +167066,8 +167067,8 +167068,8 +167069,32 +167070,32 +167071,32 +167072,32 +167073,32 +167074,32 +167075,32 +167076,32 +167077,32 +167078,26 +167079,26 +167080,26 +167081,26 +167082,9 +167083,9 +167084,9 +167085,9 +167086,26 +167087,9 +167088,9 +167089,9 +167090,9 +167091,9 +167092,2 +167093,2 +167094,2 +167095,2 +167096,2 +167097,2 +167098,2 +167099,2 +167100,2 +167101,2 +167102,2 +167103,31 +167104,31 +167105,31 +167106,31 +167107,15 +167108,15 +167109,15 +167110,15 +167111,15 +167112,15 +167113,31 +167114,31 +167115,31 +167116,31 +167117,30 +167118,30 +167119,30 +167120,30 +167121,30 +167122,30 +167123,30 +167124,30 +167125,33 +167126,30 +167127,33 +167128,33 +167129,30 +167130,30 +167131,30 +167132,30 +167133,30 +167134,30 +167135,30 +167136,0 +167137,0 +167138,0 +167139,0 +167140,0 +167141,0 +167142,0 +167143,0 +167144,0 +167145,0 +167146,0 +167147,0 +167148,0 +167149,0 +167150,0 +167151,0 +167152,0 +167153,0 +167154,0 +167155,0 +167156,0 +167157,0 +167158,0 +167159,0 +167160,0 +167161,0 +167162,0 +167163,0 +167164,29 +167165,29 +167166,29 +167167,29 +167168,29 +167169,29 +167170,31 +167171,31 +167172,31 +167173,31 +167174,31 +167175,19 +167176,19 +167177,19 +167178,19 +167179,19 +167180,19 +167181,19 +167182,19 +167183,19 +167184,19 +167185,19 +167186,14 +167187,14 +167188,14 +167189,14 +167190,14 +167191,14 +167192,14 +167193,14 +167194,14 +167195,14 +167196,14 +167197,14 +167198,14 +167199,14 +167200,14 +167201,14 +167202,14 +167203,14 +167204,37 +167205,37 +167206,37 +167207,37 +167208,37 +167209,37 +167210,37 +167211,37 +167212,37 +167213,37 +167214,40 +167215,40 +167216,40 +167217,40 +167218,40 +167219,40 +167220,28 +167221,28 +167222,28 +167223,28 +167224,28 +167225,28 +167226,28 +167227,28 +167228,28 +167229,28 +167230,28 +167231,5 +167232,40 +167233,40 +167234,40 +167235,40 +167236,40 +167237,40 +167238,40 +167239,5 +167240,5 +167241,5 +167242,5 +167243,5 +167244,5 +167245,5 +167246,5 +167247,5 +167248,5 +167249,5 +167250,5 +167251,2 +167252,2 +167253,2 +167254,2 +167255,2 +167256,2 +167257,2 +167258,2 +167259,2 +167260,2 +167261,2 +167262,2 +167263,2 +167264,2 +167265,2 +167266,2 +167267,2 +167268,2 +167269,2 +167270,2 +167271,2 +167272,0 +167273,0 +167274,0 +167275,0 +167276,0 +167277,0 +167278,0 +167279,0 +167280,0 +167281,0 +167282,0 +167283,0 +167284,0 +167285,0 +167286,0 +167287,0 +167288,0 +167289,0 +167290,0 +167291,0 +167292,0 +167293,0 +167294,0 +167295,0 +167296,0 +167297,0 +167298,0 +167299,0 +167300,0 +167301,0 +167302,0 +167303,0 +167304,0 +167305,0 +167306,0 +167307,0 +167308,0 +167309,0 +167310,0 +167311,6 +167312,6 +167313,6 +167314,6 +167315,6 +167316,6 +167317,31 +167318,31 +167319,31 +167320,31 +167321,31 +167322,31 +167323,31 +167324,28 +167325,28 +167326,28 +167327,28 +167328,28 +167329,28 +167330,28 +167331,28 +167332,28 +167333,28 +167334,31 +167335,31 +167336,31 +167337,31 +167338,31 +167339,31 +167340,31 +167341,31 +167342,31 +167343,31 +167344,31 +167345,31 +167346,10 +167347,10 +167348,10 +167349,10 +167350,10 +167351,10 +167352,10 +167353,10 +167354,10 +167355,10 +167356,10 +167357,10 +167358,10 +167359,10 +167360,10 +167361,10 +167362,5 +167363,5 +167364,5 +167365,5 +167366,5 +167367,5 +167368,5 +167369,2 +167370,8 +167371,8 +167372,8 +167373,8 +167374,2 +167375,31 +167376,27 +167377,27 +167378,29 +167379,29 +167380,29 +167381,29 +167382,29 +167383,29 +167384,29 +167385,27 +167386,31 +167387,31 +167388,31 +167389,31 +167390,19 +167391,19 +167392,19 +167393,19 +167394,19 +167395,19 +167396,19 +167397,19 +167398,19 +167399,19 +167400,37 +167401,37 +167402,37 +167403,37 +167404,37 +167405,39 +167406,39 +167407,39 +167408,39 +167409,39 +167410,39 +167411,39 +167412,39 +167413,39 +167414,39 +167415,28 +167416,28 +167417,28 +167418,28 +167419,28 +167420,28 +167421,28 +167422,28 +167423,28 +167424,23 +167425,23 +167426,23 +167427,23 +167428,23 +167429,23 +167430,24 +167431,40 +167432,40 +167433,40 +167434,40 +167435,40 +167436,40 +167437,40 +167438,40 +167439,40 +167440,40 +167441,40 +167442,24 +167443,24 +167444,24 +167445,24 +167446,24 +167447,25 +167448,25 +167449,25 +167450,25 +167451,25 +167452,25 +167453,6 +167454,6 +167455,6 +167456,6 +167457,6 +167458,6 +167459,6 +167460,6 +167461,6 +167462,6 +167463,14 +167464,14 +167465,14 +167466,14 +167467,14 +167468,14 +167469,14 +167470,14 +167471,14 +167472,14 +167473,14 +167474,11 +167475,11 +167476,11 +167477,11 +167478,11 +167479,11 +167480,11 +167481,11 +167482,11 +167483,11 +167484,11 +167485,11 +167486,31 +167487,31 +167488,31 +167489,31 +167490,31 +167491,31 +167492,5 +167493,5 +167494,5 +167495,5 +167496,5 +167497,5 +167498,5 +167499,5 +167500,5 +167501,5 +167502,5 +167503,0 +167504,0 +167505,0 +167506,0 +167507,0 +167508,0 +167509,0 +167510,0 +167511,0 +167512,0 +167513,0 +167514,0 +167515,0 +167516,0 +167517,0 +167518,0 +167519,0 +167520,0 +167521,0 +167522,0 +167523,0 +167524,0 +167525,0 +167526,0 +167527,0 +167528,0 +167529,36 +167530,36 +167531,36 +167532,36 +167533,36 +167534,36 +167535,36 +167536,36 +167537,36 +167538,36 +167539,36 +167540,36 +167541,5 +167542,5 +167543,5 +167544,5 +167545,19 +167546,19 +167547,19 +167548,19 +167549,40 +167550,19 +167551,36 +167552,36 +167553,36 +167554,36 +167555,36 +167556,40 +167557,40 +167558,40 +167559,40 +167560,40 +167561,40 +167562,36 +167563,36 +167564,36 +167565,5 +167566,5 +167567,5 +167568,5 +167569,5 +167570,5 +167571,5 +167572,21 +167573,21 +167574,21 +167575,21 +167576,21 +167577,21 +167578,21 +167579,21 +167580,37 +167581,37 +167582,37 +167583,37 +167584,37 +167585,1 +167586,1 +167587,1 +167588,1 +167589,1 +167590,31 +167591,31 +167592,31 +167593,31 +167594,31 +167595,2 +167596,2 +167597,2 +167598,8 +167599,2 +167600,2 +167601,2 +167602,2 +167603,8 +167604,2 +167605,2 +167606,12 +167607,12 +167608,12 +167609,12 +167610,12 +167611,12 +167612,25 +167613,25 +167614,25 +167615,25 +167616,4 +167617,25 +167618,25 +167619,25 +167620,25 +167621,25 +167622,25 +167623,25 +167624,25 +167625,25 +167626,25 +167627,37 +167628,37 +167629,37 +167630,37 +167631,37 +167632,37 +167633,37 +167634,10 +167635,10 +167636,10 +167637,10 +167638,10 +167639,10 +167640,10 +167641,10 +167642,10 +167643,10 +167644,10 +167645,10 +167646,19 +167647,19 +167648,19 +167649,4 +167650,24 +167651,27 +167652,27 +167653,27 +167654,27 +167655,27 +167656,27 +167657,5 +167658,5 +167659,5 +167660,5 +167661,5 +167662,29 +167663,29 +167664,29 +167665,36 +167666,36 +167667,36 +167668,36 +167669,36 +167670,36 +167671,36 +167672,36 +167673,36 +167674,36 +167675,36 +167676,36 +167677,4 +167678,4 +167679,4 +167680,4 +167681,4 +167682,4 +167683,4 +167684,4 +167685,4 +167686,4 +167687,4 +167688,4 +167689,4 +167690,10 +167691,10 +167692,10 +167693,10 +167694,10 +167695,10 +167696,10 +167697,10 +167698,10 +167699,10 +167700,10 +167701,26 +167702,26 +167703,26 +167704,26 +167705,26 +167706,9 +167707,9 +167708,9 +167709,9 +167710,9 +167711,9 +167712,5 +167713,5 +167714,5 +167715,5 +167716,5 +167717,5 +167718,5 +167719,36 +167720,36 +167721,36 +167722,36 +167723,36 +167724,36 +167725,36 +167726,36 +167727,36 +167728,36 +167729,36 +167730,36 +167731,36 +167732,36 +167733,36 +167734,5 +167735,5 +167736,5 +167737,5 +167738,5 +167739,5 +167740,5 +167741,5 +167742,5 +167743,5 +167744,19 +167745,19 +167746,19 +167747,19 +167748,19 +167749,19 +167750,19 +167751,19 +167752,19 +167753,19 +167754,10 +167755,10 +167756,10 +167757,10 +167758,10 +167759,10 +167760,10 +167761,10 +167762,10 +167763,10 +167764,10 +167765,10 +167766,10 +167767,10 +167768,10 +167769,10 +167770,10 +167771,10 +167772,10 +167773,10 +167774,10 +167775,10 +167776,10 +167777,10 +167778,10 +167779,10 +167780,10 +167781,10 +167782,10 +167783,10 +167784,10 +167785,10 +167786,5 +167787,5 +167788,5 +167789,5 +167790,5 +167791,5 +167792,5 +167793,40 +167794,40 +167795,40 +167796,40 +167797,40 +167798,40 +167799,40 +167800,40 +167801,36 +167802,36 +167803,36 +167804,36 +167805,4 +167806,4 +167807,4 +167808,4 +167809,4 +167810,29 +167811,29 +167812,29 +167813,31 +167814,31 +167815,31 +167816,31 +167817,4 +167818,4 +167819,4 +167820,4 +167821,4 +167822,4 +167823,4 +167824,4 +167825,4 +167826,4 +167827,36 +167828,34 +167829,34 +167830,34 +167831,34 +167832,34 +167833,34 +167834,34 +167835,34 +167836,36 +167837,36 +167838,36 +167839,36 +167840,34 +167841,24 +167842,24 +167843,24 +167844,24 +167845,4 +167846,4 +167847,4 +167848,4 +167849,35 +167850,35 +167851,35 +167852,35 +167853,35 +167854,35 +167855,35 +167856,35 +167857,5 +167858,5 +167859,5 +167860,5 +167861,5 +167862,5 +167863,5 +167864,5 +167865,5 +167866,5 +167867,5 +167868,5 +167869,5 +167870,5 +167871,5 +167872,5 +167873,5 +167874,0 +167875,0 +167876,0 +167877,0 +167878,0 +167879,0 +167880,0 +167881,0 +167882,0 +167883,0 +167884,0 +167885,0 +167886,0 +167887,0 +167888,0 +167889,0 +167890,0 +167891,0 +167892,0 +167893,0 +167894,0 +167895,0 +167896,0 +167897,0 +167898,0 +167899,0 +167900,0 +167901,0 +167902,0 +167903,0 +167904,0 +167905,0 +167906,0 +167907,0 +167908,0 +167909,0 +167910,0 +167911,0 +167912,0 +167913,0 +167914,0 +167915,0 +167916,0 +167917,0 +167918,29 +167919,29 +167920,29 +167921,29 +167922,29 +167923,29 +167924,29 +167925,29 +167926,29 +167927,29 +167928,29 +167929,40 +167930,40 +167931,40 +167932,40 +167933,40 +167934,40 +167935,40 +167936,40 +167937,40 +167938,40 +167939,40 +167940,40 +167941,40 +167942,40 +167943,40 +167944,40 +167945,36 +167946,36 +167947,36 +167948,40 +167949,40 +167950,5 +167951,5 +167952,5 +167953,5 +167954,5 +167955,5 +167956,5 +167957,29 +167958,29 +167959,5 +167960,5 +167961,39 +167962,39 +167963,14 +167964,14 +167965,39 +167966,14 +167967,14 +167968,14 +167969,14 +167970,14 +167971,14 +167972,14 +167973,6 +167974,6 +167975,6 +167976,6 +167977,6 +167978,6 +167979,6 +167980,6 +167981,6 +167982,2 +167983,2 +167984,2 +167985,2 +167986,2 +167987,2 +167988,2 +167989,2 +167990,2 +167991,2 +167992,2 +167993,2 +167994,2 +167995,2 +167996,2 +167997,10 +167998,10 +167999,10 +168000,10 +168001,10 +168002,10 +168003,10 +168004,10 +168005,10 +168006,10 +168007,10 +168008,10 +168009,10 +168010,4 +168011,4 +168012,4 +168013,4 +168014,4 +168015,4 +168016,4 +168017,28 +168018,28 +168019,28 +168020,28 +168021,28 +168022,28 +168023,27 +168024,27 +168025,27 +168026,27 +168027,27 +168028,27 +168029,27 +168030,27 +168031,5 +168032,5 +168033,5 +168034,19 +168035,19 +168036,19 +168037,19 +168038,4 +168039,27 +168040,27 +168041,31 +168042,40 +168043,40 +168044,40 +168045,40 +168046,5 +168047,40 +168048,19 +168049,19 +168050,19 +168051,19 +168052,19 +168053,19 +168054,19 +168055,27 +168056,27 +168057,27 +168058,27 +168059,27 +168060,5 +168061,5 +168062,5 +168063,5 +168064,5 +168065,5 +168066,5 +168067,5 +168068,5 +168069,4 +168070,4 +168071,19 +168072,19 +168073,19 +168074,19 +168075,19 +168076,19 +168077,19 +168078,19 +168079,19 +168080,3 +168081,3 +168082,3 +168083,3 +168084,3 +168085,3 +168086,3 +168087,3 +168088,3 +168089,3 +168090,3 +168091,8 +168092,8 +168093,8 +168094,8 +168095,8 +168096,20 +168097,20 +168098,20 +168099,20 +168100,8 +168101,14 +168102,14 +168103,14 +168104,39 +168105,39 +168106,39 +168107,39 +168108,39 +168109,39 +168110,39 +168111,39 +168112,39 +168113,36 +168114,36 +168115,36 +168116,36 +168117,36 +168118,36 +168119,36 +168120,36 +168121,36 +168122,2 +168123,2 +168124,2 +168125,2 +168126,2 +168127,2 +168128,2 +168129,2 +168130,4 +168131,4 +168132,4 +168133,4 +168134,4 +168135,27 +168136,27 +168137,27 +168138,27 +168139,27 +168140,6 +168141,6 +168142,6 +168143,6 +168144,6 +168145,6 +168146,32 +168147,32 +168148,32 +168149,32 +168150,32 +168151,32 +168152,32 +168153,32 +168154,25 +168155,25 +168156,25 +168157,25 +168158,25 +168159,25 +168160,25 +168161,27 +168162,32 +168163,32 +168164,32 +168165,32 +168166,32 +168167,32 +168168,32 +168169,25 +168170,25 +168171,25 +168172,25 +168173,25 +168174,25 +168175,25 +168176,25 +168177,25 +168178,25 +168179,25 +168180,25 +168181,25 +168182,25 +168183,25 +168184,25 +168185,14 +168186,14 +168187,14 +168188,14 +168189,14 +168190,14 +168191,14 +168192,14 +168193,14 +168194,14 +168195,11 +168196,11 +168197,11 +168198,11 +168199,11 +168200,11 +168201,11 +168202,11 +168203,11 +168204,11 +168205,11 +168206,11 +168207,11 +168208,31 +168209,31 +168210,31 +168211,31 +168212,31 +168213,31 +168214,31 +168215,31 +168216,5 +168217,5 +168218,5 +168219,5 +168220,5 +168221,5 +168222,5 +168223,5 +168224,5 +168225,5 +168226,8 +168227,8 +168228,8 +168229,8 +168230,8 +168231,8 +168232,8 +168233,8 +168234,12 +168235,12 +168236,12 +168237,12 +168238,12 +168239,12 +168240,27 +168241,27 +168242,27 +168243,27 +168244,27 +168245,27 +168246,16 +168247,16 +168248,16 +168249,16 +168250,16 +168251,16 +168252,16 +168253,16 +168254,23 +168255,23 +168256,23 +168257,23 +168258,23 +168259,23 +168260,23 +168261,23 +168262,23 +168263,23 +168264,23 +168265,23 +168266,23 +168267,26 +168268,26 +168269,26 +168270,26 +168271,26 +168272,26 +168273,26 +168274,26 +168275,26 +168276,26 +168277,30 +168278,30 +168279,30 +168280,30 +168281,30 +168282,30 +168283,33 +168284,33 +168285,33 +168286,33 +168287,33 +168288,33 +168289,33 +168290,33 +168291,33 +168292,33 +168293,33 +168294,33 +168295,33 +168296,33 +168297,33 +168298,33 +168299,33 +168300,19 +168301,19 +168302,19 +168303,19 +168304,19 +168305,4 +168306,4 +168307,19 +168308,19 +168309,19 +168310,19 +168311,19 +168312,19 +168313,19 +168314,0 +168315,0 +168316,0 +168317,0 +168318,0 +168319,0 +168320,0 +168321,0 +168322,0 +168323,0 +168324,0 +168325,0 +168326,0 +168327,0 +168328,0 +168329,0 +168330,0 +168331,0 +168332,0 +168333,0 +168334,0 +168335,0 +168336,0 +168337,0 +168338,0 +168339,0 +168340,0 +168341,0 +168342,0 +168343,29 +168344,29 +168345,29 +168346,40 +168347,40 +168348,40 +168349,40 +168350,40 +168351,37 +168352,25 +168353,25 +168354,25 +168355,12 +168356,12 +168357,12 +168358,12 +168359,12 +168360,12 +168361,31 +168362,31 +168363,31 +168364,31 +168365,31 +168366,8 +168367,8 +168368,8 +168369,8 +168370,8 +168371,8 +168372,8 +168373,5 +168374,5 +168375,5 +168376,5 +168377,5 +168378,5 +168379,5 +168380,5 +168381,5 +168382,31 +168383,31 +168384,31 +168385,31 +168386,31 +168387,31 +168388,31 +168389,31 +168390,31 +168391,31 +168392,38 +168393,38 +168394,38 +168395,38 +168396,38 +168397,38 +168398,38 +168399,38 +168400,38 +168401,38 +168402,38 +168403,27 +168404,27 +168405,27 +168406,27 +168407,27 +168408,27 +168409,27 +168410,27 +168411,13 +168412,13 +168413,13 +168414,13 +168415,13 +168416,13 +168417,13 +168418,13 +168419,13 +168420,3 +168421,3 +168422,3 +168423,3 +168424,33 +168425,33 +168426,33 +168427,33 +168428,33 +168429,33 +168430,33 +168431,33 +168432,33 +168433,33 +168434,12 +168435,12 +168436,12 +168437,12 +168438,12 +168439,12 +168440,12 +168441,12 +168442,12 +168443,12 +168444,12 +168445,12 +168446,12 +168447,12 +168448,12 +168449,27 +168450,27 +168451,27 +168452,27 +168453,16 +168454,16 +168455,11 +168456,11 +168457,11 +168458,11 +168459,11 +168460,11 +168461,11 +168462,11 +168463,11 +168464,11 +168465,11 +168466,11 +168467,11 +168468,11 +168469,22 +168470,22 +168471,22 +168472,22 +168473,19 +168474,19 +168475,19 +168476,19 +168477,19 +168478,32 +168479,32 +168480,32 +168481,32 +168482,6 +168483,6 +168484,6 +168485,6 +168486,6 +168487,22 +168488,22 +168489,22 +168490,27 +168491,35 +168492,27 +168493,35 +168494,1 +168495,4 +168496,19 +168497,31 +168498,31 +168499,31 +168500,3 +168501,31 +168502,31 +168503,3 +168504,19 +168505,19 +168506,19 +168507,19 +168508,19 +168509,19 +168510,19 +168511,19 +168512,9 +168513,9 +168514,9 +168515,9 +168516,9 +168517,9 +168518,9 +168519,9 +168520,9 +168521,9 +168522,9 +168523,9 +168524,9 +168525,23 +168526,23 +168527,23 +168528,23 +168529,23 +168530,23 +168531,23 +168532,0 +168533,0 +168534,0 +168535,0 +168536,0 +168537,0 +168538,0 +168539,15 +168540,15 +168541,15 +168542,39 +168543,39 +168544,39 +168545,39 +168546,39 +168547,39 +168548,39 +168549,39 +168550,39 +168551,39 +168552,39 +168553,39 +168554,39 +168555,26 +168556,26 +168557,26 +168558,26 +168559,26 +168560,26 +168561,26 +168562,26 +168563,26 +168564,26 +168565,26 +168566,9 +168567,9 +168568,9 +168569,9 +168570,9 +168571,13 +168572,13 +168573,13 +168574,5 +168575,28 +168576,28 +168577,28 +168578,28 +168579,28 +168580,28 +168581,4 +168582,4 +168583,4 +168584,4 +168585,31 +168586,31 +168587,4 +168588,29 +168589,29 +168590,29 +168591,29 +168592,29 +168593,29 +168594,24 +168595,24 +168596,29 +168597,31 +168598,31 +168599,31 +168600,31 +168601,5 +168602,5 +168603,5 +168604,5 +168605,5 +168606,5 +168607,5 +168608,5 +168609,27 +168610,27 +168611,27 +168612,27 +168613,31 +168614,27 +168615,40 +168616,40 +168617,40 +168618,40 +168619,6 +168620,6 +168621,6 +168622,6 +168623,6 +168624,2 +168625,2 +168626,2 +168627,2 +168628,1 +168629,4 +168630,2 +168631,2 +168632,2 +168633,4 +168634,2 +168635,2 +168636,2 +168637,28 +168638,28 +168639,28 +168640,28 +168641,28 +168642,28 +168643,28 +168644,28 +168645,9 +168646,9 +168647,9 +168648,9 +168649,9 +168650,9 +168651,9 +168652,37 +168653,37 +168654,37 +168655,37 +168656,37 +168657,37 +168658,37 +168659,28 +168660,28 +168661,28 +168662,28 +168663,28 +168664,28 +168665,27 +168666,27 +168667,27 +168668,27 +168669,27 +168670,27 +168671,27 +168672,27 +168673,27 +168674,27 +168675,13 +168676,13 +168677,13 +168678,13 +168679,13 +168680,13 +168681,13 +168682,13 +168683,13 +168684,13 +168685,13 +168686,13 +168687,13 +168688,13 +168689,13 +168690,13 +168691,13 +168692,0 +168693,0 +168694,0 +168695,0 +168696,0 +168697,0 +168698,0 +168699,0 +168700,0 +168701,0 +168702,0 +168703,0 +168704,0 +168705,0 +168706,0 +168707,0 +168708,0 +168709,0 +168710,2 +168711,2 +168712,2 +168713,2 +168714,2 +168715,2 +168716,2 +168717,2 +168718,2 +168719,2 +168720,2 +168721,2 +168722,2 +168723,2 +168724,2 +168725,33 +168726,33 +168727,33 +168728,33 +168729,33 +168730,33 +168731,33 +168732,33 +168733,33 +168734,33 +168735,33 +168736,33 +168737,33 +168738,33 +168739,33 +168740,33 +168741,33 +168742,9 +168743,9 +168744,33 +168745,9 +168746,33 +168747,33 +168748,33 +168749,33 +168750,33 +168751,31 +168752,6 +168753,6 +168754,6 +168755,6 +168756,6 +168757,6 +168758,6 +168759,6 +168760,6 +168761,6 +168762,9 +168763,9 +168764,9 +168765,9 +168766,9 +168767,9 +168768,9 +168769,37 +168770,37 +168771,37 +168772,37 +168773,19 +168774,19 +168775,19 +168776,27 +168777,27 +168778,27 +168779,27 +168780,27 +168781,13 +168782,13 +168783,13 +168784,13 +168785,13 +168786,13 +168787,13 +168788,13 +168789,13 +168790,27 +168791,30 +168792,30 +168793,30 +168794,30 +168795,30 +168796,30 +168797,39 +168798,39 +168799,39 +168800,39 +168801,27 +168802,27 +168803,27 +168804,27 +168805,27 +168806,27 +168807,27 +168808,27 +168809,39 +168810,39 +168811,39 +168812,39 +168813,39 +168814,27 +168815,27 +168816,27 +168817,8 +168818,8 +168819,4 +168820,8 +168821,4 +168822,4 +168823,8 +168824,12 +168825,12 +168826,12 +168827,12 +168828,12 +168829,12 +168830,12 +168831,31 +168832,31 +168833,31 +168834,31 +168835,31 +168836,31 +168837,31 +168838,31 +168839,8 +168840,8 +168841,8 +168842,8 +168843,8 +168844,8 +168845,8 +168846,8 +168847,8 +168848,12 +168849,12 +168850,37 +168851,37 +168852,39 +168853,37 +168854,37 +168855,39 +168856,39 +168857,39 +168858,39 +168859,2 +168860,2 +168861,2 +168862,2 +168863,2 +168864,2 +168865,2 +168866,2 +168867,2 +168868,2 +168869,9 +168870,9 +168871,9 +168872,9 +168873,9 +168874,9 +168875,9 +168876,9 +168877,9 +168878,9 +168879,9 +168880,9 +168881,9 +168882,9 +168883,9 +168884,9 +168885,4 +168886,30 +168887,30 +168888,30 +168889,4 +168890,30 +168891,4 +168892,4 +168893,4 +168894,31 +168895,31 +168896,31 +168897,31 +168898,31 +168899,31 +168900,31 +168901,32 +168902,32 +168903,32 +168904,32 +168905,32 +168906,32 +168907,32 +168908,26 +168909,26 +168910,26 +168911,26 +168912,26 +168913,26 +168914,26 +168915,26 +168916,26 +168917,26 +168918,26 +168919,26 +168920,26 +168921,26 +168922,26 +168923,26 +168924,26 +168925,26 +168926,26 +168927,5 +168928,5 +168929,5 +168930,5 +168931,5 +168932,5 +168933,5 +168934,5 +168935,5 +168936,5 +168937,5 +168938,5 +168939,0 +168940,0 +168941,0 +168942,0 +168943,0 +168944,0 +168945,23 +168946,23 +168947,23 +168948,23 +168949,23 +168950,23 +168951,23 +168952,23 +168953,23 +168954,23 +168955,23 +168956,9 +168957,9 +168958,9 +168959,9 +168960,9 +168961,9 +168962,9 +168963,9 +168964,9 +168965,9 +168966,9 +168967,9 +168968,37 +168969,37 +168970,37 +168971,37 +168972,37 +168973,37 +168974,37 +168975,37 +168976,37 +168977,37 +168978,37 +168979,37 +168980,37 +168981,37 +168982,37 +168983,37 +168984,39 +168985,39 +168986,39 +168987,39 +168988,39 +168989,39 +168990,39 +168991,39 +168992,39 +168993,39 +168994,39 +168995,39 +168996,39 +168997,39 +168998,30 +168999,30 +169000,30 +169001,30 +169002,30 +169003,30 +169004,36 +169005,36 +169006,36 +169007,36 +169008,36 +169009,36 +169010,36 +169011,36 +169012,36 +169013,4 +169014,4 +169015,4 +169016,4 +169017,4 +169018,31 +169019,31 +169020,31 +169021,31 +169022,31 +169023,31 +169024,5 +169025,5 +169026,5 +169027,5 +169028,5 +169029,5 +169030,5 +169031,29 +169032,29 +169033,29 +169034,31 +169035,31 +169036,31 +169037,31 +169038,31 +169039,31 +169040,31 +169041,31 +169042,32 +169043,32 +169044,32 +169045,32 +169046,32 +169047,32 +169048,32 +169049,32 +169050,6 +169051,32 +169052,32 +169053,32 +169054,6 +169055,30 +169056,30 +169057,30 +169058,10 +169059,30 +169060,10 +169061,10 +169062,10 +169063,10 +169064,26 +169065,31 +169066,31 +169067,31 +169068,31 +169069,31 +169070,26 +169071,26 +169072,26 +169073,26 +169074,26 +169075,26 +169076,26 +169077,26 +169078,6 +169079,6 +169080,6 +169081,6 +169082,6 +169083,6 +169084,0 +169085,0 +169086,0 +169087,0 +169088,0 +169089,0 +169090,0 +169091,0 +169092,0 +169093,0 +169094,0 +169095,0 +169096,0 +169097,0 +169098,0 +169099,0 +169100,0 +169101,0 +169102,0 +169103,0 +169104,0 +169105,0 +169106,0 +169107,0 +169108,0 +169109,0 +169110,0 +169111,0 +169112,0 +169113,0 +169114,0 +169115,0 +169116,0 +169117,0 +169118,0 +169119,0 +169120,0 +169121,0 +169122,0 +169123,0 +169124,0 +169125,0 +169126,0 +169127,0 +169128,0 +169129,0 +169130,0 +169131,0 +169132,0 +169133,0 +169134,0 +169135,0 +169136,0 +169137,0 +169138,0 +169139,0 +169140,0 +169141,0 +169142,0 +169143,0 +169144,0 +169145,0 +169146,0 +169147,0 +169148,0 +169149,0 +169150,0 +169151,0 +169152,0 +169153,0 +169154,0 +169155,0 +169156,0 +169157,0 +169158,0 +169159,0 +169160,0 +169161,0 +169162,0 +169163,0 +169164,0 +169165,0 +169166,0 +169167,0 +169168,0 +169169,0 +169170,0 +169171,0 +169172,0 +169173,27 +169174,27 +169175,27 +169176,27 +169177,27 +169178,27 +169179,27 +169180,27 +169181,27 +169182,27 +169183,2 +169184,2 +169185,2 +169186,2 +169187,2 +169188,2 +169189,2 +169190,2 +169191,2 +169192,2 +169193,9 +169194,26 +169195,10 +169196,10 +169197,10 +169198,10 +169199,10 +169200,26 +169201,26 +169202,9 +169203,26 +169204,26 +169205,26 +169206,26 +169207,26 +169208,26 +169209,26 +169210,26 +169211,5 +169212,5 +169213,5 +169214,5 +169215,5 +169216,5 +169217,5 +169218,5 +169219,5 +169220,31 +169221,31 +169222,31 +169223,31 +169224,31 +169225,31 +169226,31 +169227,31 +169228,31 +169229,31 +169230,29 +169231,29 +169232,29 +169233,29 +169234,29 +169235,29 +169236,25 +169237,25 +169238,25 +169239,25 +169240,25 +169241,25 +169242,25 +169243,25 +169244,37 +169245,25 +169246,25 +169247,25 +169248,25 +169249,25 +169250,30 +169251,30 +169252,30 +169253,30 +169254,30 +169255,30 +169256,30 +169257,33 +169258,30 +169259,33 +169260,33 +169261,15 +169262,19 +169263,15 +169264,19 +169265,19 +169266,19 +169267,19 +169268,28 +169269,28 +169270,28 +169271,28 +169272,36 +169273,36 +169274,36 +169275,36 +169276,36 +169277,36 +169278,14 +169279,36 +169280,36 +169281,14 +169282,14 +169283,14 +169284,14 +169285,14 +169286,14 +169287,14 +169288,5 +169289,5 +169290,5 +169291,5 +169292,5 +169293,5 +169294,6 +169295,6 +169296,6 +169297,6 +169298,6 +169299,6 +169300,6 +169301,6 +169302,31 +169303,31 +169304,31 +169305,31 +169306,31 +169307,31 +169308,31 +169309,28 +169310,28 +169311,28 +169312,28 +169313,28 +169314,27 +169315,27 +169316,27 +169317,27 +169318,13 +169319,13 +169320,13 +169321,13 +169322,13 +169323,13 +169324,13 +169325,4 +169326,4 +169327,4 +169328,4 +169329,4 +169330,4 +169331,4 +169332,4 +169333,9 +169334,9 +169335,3 +169336,3 +169337,3 +169338,33 +169339,12 +169340,31 +169341,12 +169342,17 +169343,17 +169344,31 +169345,31 +169346,17 +169347,17 +169348,40 +169349,17 +169350,17 +169351,8 +169352,8 +169353,8 +169354,8 +169355,8 +169356,8 +169357,8 +169358,8 +169359,8 +169360,31 +169361,31 +169362,31 +169363,31 +169364,31 +169365,28 +169366,28 +169367,28 +169368,28 +169369,28 +169370,28 +169371,28 +169372,28 +169373,28 +169374,32 +169375,32 +169376,32 +169377,32 +169378,32 +169379,32 +169380,32 +169381,24 +169382,24 +169383,23 +169384,26 +169385,26 +169386,26 +169387,26 +169388,26 +169389,26 +169390,26 +169391,26 +169392,30 +169393,30 +169394,30 +169395,30 +169396,30 +169397,30 +169398,31 +169399,31 +169400,31 +169401,31 +169402,31 +169403,31 +169404,31 +169405,15 +169406,15 +169407,15 +169408,15 +169409,15 +169410,15 +169411,15 +169412,10 +169413,10 +169414,10 +169415,10 +169416,10 +169417,10 +169418,10 +169419,10 +169420,10 +169421,10 +169422,4 +169423,4 +169424,4 +169425,4 +169426,4 +169427,4 +169428,4 +169429,4 +169430,4 +169431,4 +169432,4 +169433,4 +169434,4 +169435,4 +169436,4 +169437,4 +169438,4 +169439,4 +169440,3 +169441,3 +169442,3 +169443,3 +169444,3 +169445,3 +169446,3 +169447,3 +169448,3 +169449,3 +169450,3 +169451,3 +169452,15 +169453,15 +169454,15 +169455,15 +169456,15 +169457,15 +169458,15 +169459,15 +169460,30 +169461,30 +169462,30 +169463,30 +169464,30 +169465,30 +169466,30 +169467,30 +169468,30 +169469,36 +169470,36 +169471,36 +169472,36 +169473,36 +169474,36 +169475,36 +169476,36 +169477,36 +169478,36 +169479,36 +169480,6 +169481,6 +169482,6 +169483,6 +169484,6 +169485,6 +169486,6 +169487,6 +169488,6 +169489,6 +169490,0 +169491,0 +169492,0 +169493,21 +169494,21 +169495,21 +169496,21 +169497,21 +169498,26 +169499,26 +169500,26 +169501,26 +169502,26 +169503,26 +169504,26 +169505,26 +169506,26 +169507,26 +169508,26 +169509,26 +169510,26 +169511,26 +169512,26 +169513,26 +169514,26 +169515,26 +169516,26 +169517,26 +169518,26 +169519,26 +169520,26 +169521,26 +169522,26 +169523,6 +169524,4 +169525,4 +169526,4 +169527,4 +169528,4 +169529,4 +169530,6 +169531,6 +169532,8 +169533,8 +169534,8 +169535,2 +169536,2 +169537,2 +169538,2 +169539,2 +169540,8 +169541,8 +169542,8 +169543,8 +169544,8 +169545,8 +169546,8 +169547,8 +169548,0 +169549,0 +169550,0 +169551,0 +169552,0 +169553,0 +169554,0 +169555,0 +169556,0 +169557,0 +169558,0 +169559,0 +169560,0 +169561,0 +169562,0 +169563,0 +169564,0 +169565,0 +169566,0 +169567,0 +169568,0 +169569,0 +169570,0 +169571,0 +169572,0 +169573,0 +169574,0 +169575,0 +169576,0 +169577,0 +169578,0 +169579,0 +169580,0 +169581,0 +169582,0 +169583,0 +169584,0 +169585,0 +169586,0 +169587,0 +169588,0 +169589,0 +169590,0 +169591,0 +169592,0 +169593,0 +169594,0 +169595,33 +169596,33 +169597,33 +169598,33 +169599,33 +169600,33 +169601,33 +169602,33 +169603,33 +169604,30 +169605,32 +169606,32 +169607,32 +169608,32 +169609,32 +169610,32 +169611,32 +169612,32 +169613,32 +169614,32 +169615,32 +169616,26 +169617,26 +169618,26 +169619,26 +169620,26 +169621,26 +169622,26 +169623,26 +169624,37 +169625,37 +169626,37 +169627,37 +169628,37 +169629,37 +169630,37 +169631,37 +169632,37 +169633,23 +169634,23 +169635,23 +169636,23 +169637,23 +169638,23 +169639,23 +169640,23 +169641,23 +169642,23 +169643,23 +169644,23 +169645,37 +169646,37 +169647,10 +169648,10 +169649,10 +169650,10 +169651,10 +169652,10 +169653,10 +169654,10 +169655,10 +169656,10 +169657,10 +169658,10 +169659,10 +169660,10 +169661,5 +169662,5 +169663,5 +169664,31 +169665,14 +169666,14 +169667,39 +169668,1 +169669,1 +169670,1 +169671,1 +169672,1 +169673,1 +169674,3 +169675,3 +169676,3 +169677,3 +169678,3 +169679,3 +169680,3 +169681,3 +169682,9 +169683,9 +169684,31 +169685,31 +169686,31 +169687,31 +169688,31 +169689,31 +169690,31 +169691,31 +169692,31 +169693,31 +169694,31 +169695,31 +169696,31 +169697,31 +169698,30 +169699,30 +169700,30 +169701,30 +169702,30 +169703,30 +169704,30 +169705,30 +169706,30 +169707,30 +169708,30 +169709,30 +169710,30 +169711,30 +169712,30 +169713,30 +169714,30 +169715,30 +169716,30 +169717,30 +169718,33 +169719,30 +169720,30 +169721,30 +169722,31 +169723,31 +169724,31 +169725,31 +169726,30 +169727,30 +169728,30 +169729,30 +169730,30 +169731,36 +169732,40 +169733,40 +169734,40 +169735,40 +169736,40 +169737,40 +169738,40 +169739,23 +169740,23 +169741,23 +169742,23 +169743,23 +169744,4 +169745,4 +169746,23 +169747,23 +169748,23 +169749,25 +169750,25 +169751,25 +169752,25 +169753,25 +169754,25 +169755,25 +169756,5 +169757,5 +169758,5 +169759,5 +169760,5 +169761,5 +169762,5 +169763,3 +169764,3 +169765,3 +169766,3 +169767,3 +169768,3 +169769,3 +169770,3 +169771,3 +169772,3 +169773,27 +169774,30 +169775,30 +169776,13 +169777,13 +169778,13 +169779,13 +169780,13 +169781,13 +169782,13 +169783,13 +169784,13 +169785,13 +169786,13 +169787,5 +169788,5 +169789,13 +169790,13 +169791,12 +169792,12 +169793,12 +169794,12 +169795,12 +169796,12 +169797,12 +169798,12 +169799,12 +169800,39 +169801,39 +169802,39 +169803,39 +169804,39 +169805,39 +169806,39 +169807,39 +169808,39 +169809,6 +169810,6 +169811,6 +169812,6 +169813,6 +169814,6 +169815,6 +169816,6 +169817,6 +169818,6 +169819,6 +169820,6 +169821,6 +169822,35 +169823,35 +169824,36 +169825,36 +169826,27 +169827,27 +169828,27 +169829,27 +169830,14 +169831,14 +169832,14 +169833,14 +169834,14 +169835,14 +169836,14 +169837,5 +169838,5 +169839,5 +169840,5 +169841,5 +169842,5 +169843,5 +169844,4 +169845,4 +169846,4 +169847,4 +169848,4 +169849,4 +169850,31 +169851,31 +169852,31 +169853,31 +169854,29 +169855,29 +169856,29 +169857,29 +169858,29 +169859,29 +169860,31 +169861,31 +169862,31 +169863,31 +169864,31 +169865,31 +169866,31 +169867,2 +169868,2 +169869,2 +169870,2 +169871,2 +169872,2 +169873,2 +169874,2 +169875,2 +169876,2 +169877,37 +169878,37 +169879,37 +169880,37 +169881,27 +169882,31 +169883,27 +169884,31 +169885,31 +169886,27 +169887,27 +169888,24 +169889,24 +169890,24 +169891,24 +169892,24 +169893,24 +169894,24 +169895,24 +169896,25 +169897,25 +169898,25 +169899,25 +169900,25 +169901,25 +169902,25 +169903,25 +169904,25 +169905,25 +169906,25 +169907,25 +169908,25 +169909,25 +169910,25 +169911,25 +169912,0 +169913,0 +169914,0 +169915,0 +169916,0 +169917,0 +169918,0 +169919,0 +169920,0 +169921,0 +169922,0 +169923,0 +169924,0 +169925,0 +169926,0 +169927,0 +169928,0 +169929,0 +169930,0 +169931,0 +169932,0 +169933,0 +169934,0 +169935,0 +169936,0 +169937,0 +169938,0 +169939,0 +169940,0 +169941,0 +169942,0 +169943,0 +169944,0 +169945,0 +169946,0 +169947,0 +169948,0 +169949,0 +169950,0 +169951,0 +169952,0 +169953,0 +169954,0 +169955,0 +169956,0 +169957,0 +169958,0 +169959,0 +169960,0 +169961,0 +169962,0 +169963,0 +169964,0 +169965,0 +169966,0 +169967,0 +169968,0 +169969,0 +169970,0 +169971,0 +169972,0 +169973,0 +169974,0 +169975,15 +169976,15 +169977,35 +169978,35 +169979,12 +169980,12 +169981,40 +169982,40 +169983,40 +169984,40 +169985,40 +169986,40 +169987,40 +169988,25 +169989,25 +169990,25 +169991,37 +169992,25 +169993,25 +169994,25 +169995,25 +169996,19 +169997,19 +169998,19 +169999,19 +170000,19 +170001,39 +170002,39 +170003,39 +170004,39 +170005,39 +170006,39 +170007,39 +170008,39 +170009,39 +170010,39 +170011,39 +170012,39 +170013,39 +170014,39 +170015,39 +170016,39 +170017,31 +170018,31 +170019,39 +170020,39 +170021,39 +170022,6 +170023,6 +170024,6 +170025,6 +170026,6 +170027,6 +170028,6 +170029,6 +170030,6 +170031,6 +170032,6 +170033,39 +170034,39 +170035,39 +170036,39 +170037,39 +170038,39 +170039,39 +170040,39 +170041,39 +170042,38 +170043,38 +170044,4 +170045,32 +170046,32 +170047,32 +170048,32 +170049,32 +170050,29 +170051,29 +170052,29 +170053,31 +170054,31 +170055,31 +170056,31 +170057,32 +170058,32 +170059,32 +170060,32 +170061,32 +170062,32 +170063,32 +170064,32 +170065,32 +170066,32 +170067,32 +170068,32 +170069,32 +170070,32 +170071,32 +170072,17 +170073,17 +170074,17 +170075,17 +170076,17 +170077,17 +170078,17 +170079,17 +170080,17 +170081,17 +170082,17 +170083,17 +170084,17 +170085,17 +170086,17 +170087,17 +170088,17 +170089,17 +170090,17 +170091,8 +170092,8 +170093,8 +170094,8 +170095,8 +170096,8 +170097,8 +170098,2 +170099,2 +170100,27 +170101,27 +170102,27 +170103,27 +170104,5 +170105,5 +170106,5 +170107,5 +170108,5 +170109,5 +170110,5 +170111,7 +170112,7 +170113,7 +170114,7 +170115,7 +170116,7 +170117,3 +170118,3 +170119,3 +170120,3 +170121,3 +170122,18 +170123,18 +170124,18 +170125,18 +170126,18 +170127,18 +170128,18 +170129,18 +170130,18 +170131,18 +170132,18 +170133,18 +170134,18 +170135,18 +170136,40 +170137,40 +170138,40 +170139,36 +170140,36 +170141,36 +170142,40 +170143,40 +170144,40 +170145,5 +170146,5 +170147,5 +170148,5 +170149,5 +170150,5 +170151,5 +170152,5 +170153,12 +170154,12 +170155,33 +170156,31 +170157,31 +170158,31 +170159,31 +170160,31 +170161,30 +170162,30 +170163,30 +170164,30 +170165,30 +170166,30 +170167,7 +170168,7 +170169,7 +170170,7 +170171,39 +170172,39 +170173,39 +170174,39 +170175,39 +170176,39 +170177,39 +170178,39 +170179,39 +170180,39 +170181,39 +170182,39 +170183,39 +170184,7 +170185,7 +170186,7 +170187,7 +170188,7 +170189,7 +170190,7 +170191,39 +170192,39 +170193,39 +170194,39 +170195,39 +170196,39 +170197,3 +170198,3 +170199,3 +170200,3 +170201,3 +170202,3 +170203,3 +170204,3 +170205,3 +170206,3 +170207,3 +170208,3 +170209,3 +170210,3 +170211,3 +170212,3 +170213,3 +170214,3 +170215,3 +170216,3 +170217,2 +170218,2 +170219,2 +170220,2 +170221,2 +170222,2 +170223,2 +170224,2 +170225,2 +170226,2 +170227,2 +170228,2 +170229,2 +170230,2 +170231,2 +170232,2 +170233,2 +170234,2 +170235,2 +170236,2 +170237,0 +170238,0 +170239,0 +170240,0 +170241,0 +170242,0 +170243,0 +170244,0 +170245,0 +170246,0 +170247,0 +170248,0 +170249,0 +170250,0 +170251,0 +170252,0 +170253,0 +170254,0 +170255,0 +170256,0 +170257,0 +170258,0 +170259,0 +170260,0 +170261,0 +170262,0 +170263,0 +170264,0 +170265,0 +170266,0 +170267,0 +170268,0 +170269,0 +170270,0 +170271,0 +170272,0 +170273,0 +170274,0 +170275,0 +170276,0 +170277,0 +170278,0 +170279,0 +170280,0 +170281,0 +170282,0 +170283,0 +170284,0 +170285,0 +170286,2 +170287,2 +170288,2 +170289,2 +170290,2 +170291,2 +170292,2 +170293,2 +170294,2 +170295,2 +170296,2 +170297,2 +170298,2 +170299,2 +170300,40 +170301,40 +170302,40 +170303,40 +170304,40 +170305,19 +170306,19 +170307,4 +170308,4 +170309,4 +170310,4 +170311,29 +170312,29 +170313,29 +170314,31 +170315,31 +170316,31 +170317,31 +170318,31 +170319,28 +170320,28 +170321,28 +170322,28 +170323,28 +170324,28 +170325,28 +170326,28 +170327,36 +170328,36 +170329,36 +170330,36 +170331,36 +170332,36 +170333,36 +170334,36 +170335,36 +170336,36 +170337,36 +170338,36 +170339,36 +170340,36 +170341,18 +170342,18 +170343,18 +170344,18 +170345,18 +170346,18 +170347,4 +170348,27 +170349,27 +170350,27 +170351,27 +170352,2 +170353,2 +170354,8 +170355,2 +170356,2 +170357,2 +170358,2 +170359,4 +170360,4 +170361,4 +170362,4 +170363,4 +170364,4 +170365,37 +170366,37 +170367,37 +170368,37 +170369,37 +170370,14 +170371,14 +170372,14 +170373,14 +170374,14 +170375,14 +170376,14 +170377,14 +170378,14 +170379,14 +170380,14 +170381,14 +170382,14 +170383,4 +170384,4 +170385,19 +170386,19 +170387,19 +170388,19 +170389,19 +170390,19 +170391,19 +170392,19 +170393,19 +170394,19 +170395,19 +170396,19 +170397,19 +170398,19 +170399,19 +170400,19 +170401,0 +170402,0 +170403,0 +170404,0 +170405,0 +170406,0 +170407,0 +170408,0 +170409,0 +170410,0 +170411,0 +170412,0 +170413,0 +170414,0 +170415,0 +170416,0 +170417,0 +170418,12 +170419,12 +170420,12 +170421,12 +170422,12 +170423,12 +170424,12 +170425,27 +170426,27 +170427,27 +170428,38 +170429,38 +170430,38 +170431,38 +170432,10 +170433,10 +170434,10 +170435,10 +170436,10 +170437,34 +170438,34 +170439,34 +170440,34 +170441,34 +170442,34 +170443,34 +170444,34 +170445,34 +170446,34 +170447,34 +170448,4 +170449,4 +170450,4 +170451,4 +170452,4 +170453,4 +170454,4 +170455,0 +170456,0 +170457,0 +170458,0 +170459,0 +170460,0 +170461,0 +170462,0 +170463,0 +170464,0 +170465,0 +170466,40 +170467,40 +170468,40 +170469,40 +170470,40 +170471,40 +170472,40 +170473,40 +170474,40 +170475,40 +170476,5 +170477,5 +170478,5 +170479,5 +170480,5 +170481,39 +170482,5 +170483,13 +170484,27 +170485,14 +170486,14 +170487,14 +170488,14 +170489,36 +170490,36 +170491,36 +170492,36 +170493,36 +170494,36 +170495,36 +170496,36 +170497,13 +170498,13 +170499,5 +170500,5 +170501,5 +170502,5 +170503,13 +170504,4 +170505,4 +170506,4 +170507,4 +170508,4 +170509,4 +170510,4 +170511,4 +170512,37 +170513,37 +170514,31 +170515,31 +170516,31 +170517,19 +170518,19 +170519,19 +170520,19 +170521,19 +170522,19 +170523,19 +170524,26 +170525,26 +170526,26 +170527,26 +170528,26 +170529,26 +170530,26 +170531,26 +170532,31 +170533,6 +170534,6 +170535,6 +170536,16 +170537,16 +170538,16 +170539,16 +170540,4 +170541,4 +170542,11 +170543,11 +170544,11 +170545,11 +170546,16 +170547,16 +170548,11 +170549,11 +170550,11 +170551,11 +170552,11 +170553,31 +170554,31 +170555,31 +170556,5 +170557,5 +170558,5 +170559,5 +170560,5 +170561,5 +170562,5 +170563,5 +170564,5 +170565,13 +170566,13 +170567,5 +170568,5 +170569,5 +170570,5 +170571,0 +170572,0 +170573,0 +170574,0 +170575,0 +170576,0 +170577,0 +170578,0 +170579,0 +170580,0 +170581,0 +170582,0 +170583,0 +170584,0 +170585,0 +170586,0 +170587,0 +170588,0 +170589,0 +170590,0 +170591,0 +170592,0 +170593,0 +170594,0 +170595,0 +170596,32 +170597,32 +170598,32 +170599,32 +170600,32 +170601,32 +170602,30 +170603,30 +170604,30 +170605,30 +170606,14 +170607,14 +170608,14 +170609,14 +170610,14 +170611,14 +170612,14 +170613,14 +170614,14 +170615,2 +170616,2 +170617,2 +170618,2 +170619,2 +170620,2 +170621,2 +170622,2 +170623,2 +170624,27 +170625,27 +170626,27 +170627,27 +170628,13 +170629,13 +170630,13 +170631,13 +170632,13 +170633,13 +170634,13 +170635,13 +170636,7 +170637,27 +170638,27 +170639,3 +170640,3 +170641,28 +170642,28 +170643,28 +170644,28 +170645,28 +170646,2 +170647,2 +170648,2 +170649,2 +170650,2 +170651,2 +170652,2 +170653,2 +170654,2 +170655,2 +170656,2 +170657,40 +170658,40 +170659,40 +170660,40 +170661,40 +170662,40 +170663,40 +170664,30 +170665,30 +170666,30 +170667,30 +170668,30 +170669,30 +170670,23 +170671,23 +170672,23 +170673,23 +170674,23 +170675,23 +170676,23 +170677,23 +170678,23 +170679,32 +170680,32 +170681,32 +170682,32 +170683,32 +170684,38 +170685,38 +170686,38 +170687,38 +170688,16 +170689,16 +170690,16 +170691,16 +170692,12 +170693,12 +170694,12 +170695,27 +170696,27 +170697,27 +170698,27 +170699,27 +170700,27 +170701,5 +170702,5 +170703,5 +170704,13 +170705,35 +170706,35 +170707,35 +170708,35 +170709,35 +170710,27 +170711,27 +170712,27 +170713,27 +170714,8 +170715,8 +170716,8 +170717,8 +170718,8 +170719,8 +170720,8 +170721,8 +170722,8 +170723,12 +170724,12 +170725,12 +170726,12 +170727,12 +170728,12 +170729,12 +170730,12 +170731,12 +170732,12 +170733,12 +170734,12 +170735,12 +170736,12 +170737,10 +170738,10 +170739,10 +170740,10 +170741,10 +170742,10 +170743,10 +170744,10 +170745,10 +170746,10 +170747,10 +170748,10 +170749,10 +170750,10 +170751,10 +170752,23 +170753,23 +170754,23 +170755,23 +170756,23 +170757,23 +170758,23 +170759,23 +170760,23 +170761,23 +170762,23 +170763,23 +170764,23 +170765,23 +170766,23 +170767,23 +170768,36 +170769,36 +170770,36 +170771,36 +170772,36 +170773,36 +170774,36 +170775,36 +170776,36 +170777,36 +170778,36 +170779,36 +170780,36 +170781,19 +170782,19 +170783,19 +170784,19 +170785,5 +170786,5 +170787,5 +170788,29 +170789,29 +170790,31 +170791,31 +170792,31 +170793,31 +170794,31 +170795,31 +170796,19 +170797,18 +170798,18 +170799,18 +170800,18 +170801,18 +170802,17 +170803,17 +170804,9 +170805,9 +170806,9 +170807,9 +170808,9 +170809,9 +170810,9 +170811,9 +170812,9 +170813,9 +170814,9 +170815,9 +170816,9 +170817,9 +170818,9 +170819,9 +170820,37 +170821,37 +170822,37 +170823,37 +170824,37 +170825,37 +170826,37 +170827,37 +170828,37 +170829,37 +170830,37 +170831,37 +170832,37 +170833,37 +170834,37 +170835,37 +170836,37 +170837,37 +170838,37 +170839,25 +170840,37 +170841,37 +170842,0 +170843,0 +170844,0 +170845,0 +170846,0 +170847,0 +170848,0 +170849,0 +170850,0 +170851,0 +170852,0 +170853,0 +170854,0 +170855,0 +170856,0 +170857,0 +170858,0 +170859,0 +170860,0 +170861,0 +170862,0 +170863,0 +170864,0 +170865,0 +170866,0 +170867,0 +170868,0 +170869,0 +170870,0 +170871,0 +170872,0 +170873,0 +170874,0 +170875,0 +170876,0 +170877,0 +170878,0 +170879,0 +170880,0 +170881,0 +170882,35 +170883,35 +170884,0 +170885,0 +170886,0 +170887,0 +170888,0 +170889,0 +170890,0 +170891,0 +170892,0 +170893,0 +170894,0 +170895,0 +170896,0 +170897,0 +170898,36 +170899,36 +170900,31 +170901,31 +170902,31 +170903,31 +170904,31 +170905,31 +170906,31 +170907,31 +170908,31 +170909,5 +170910,5 +170911,19 +170912,19 +170913,19 +170914,19 +170915,31 +170916,31 +170917,31 +170918,31 +170919,31 +170920,31 +170921,12 +170922,12 +170923,12 +170924,12 +170925,12 +170926,12 +170927,12 +170928,12 +170929,12 +170930,12 +170931,12 +170932,12 +170933,14 +170934,14 +170935,14 +170936,14 +170937,14 +170938,14 +170939,14 +170940,14 +170941,14 +170942,14 +170943,14 +170944,14 +170945,14 +170946,14 +170947,14 +170948,14 +170949,14 +170950,37 +170951,19 +170952,19 +170953,37 +170954,37 +170955,37 +170956,37 +170957,37 +170958,37 +170959,3 +170960,19 +170961,15 +170962,15 +170963,15 +170964,15 +170965,15 +170966,15 +170967,15 +170968,15 +170969,15 +170970,40 +170971,40 +170972,40 +170973,40 +170974,40 +170975,40 +170976,40 +170977,37 +170978,37 +170979,37 +170980,37 +170981,37 +170982,37 +170983,37 +170984,37 +170985,37 +170986,37 +170987,37 +170988,25 +170989,25 +170990,25 +170991,25 +170992,25 +170993,25 +170994,25 +170995,25 +170996,8 +170997,8 +170998,8 +170999,8 +171000,8 +171001,8 +171002,8 +171003,8 +171004,12 +171005,12 +171006,12 +171007,12 +171008,12 +171009,12 +171010,12 +171011,12 +171012,12 +171013,12 +171014,40 +171015,40 +171016,40 +171017,31 +171018,31 +171019,40 +171020,40 +171021,5 +171022,5 +171023,5 +171024,4 +171025,4 +171026,4 +171027,4 +171028,4 +171029,23 +171030,23 +171031,23 +171032,23 +171033,23 +171034,23 +171035,25 +171036,25 +171037,25 +171038,25 +171039,25 +171040,25 +171041,25 +171042,38 +171043,38 +171044,38 +171045,38 +171046,38 +171047,38 +171048,38 +171049,38 +171050,38 +171051,38 +171052,38 +171053,38 +171054,38 +171055,38 +171056,37 +171057,37 +171058,37 +171059,37 +171060,37 +171061,37 +171062,39 +171063,39 +171064,39 +171065,39 +171066,39 +171067,39 +171068,39 +171069,19 +171070,19 +171071,19 +171072,19 +171073,14 +171074,14 +171075,14 +171076,14 +171077,14 +171078,14 +171079,14 +171080,14 +171081,14 +171082,14 +171083,14 +171084,14 +171085,14 +171086,14 +171087,14 +171088,14 +171089,14 +171090,14 +171091,14 +171092,14 +171093,14 +171094,14 +171095,14 +171096,14 +171097,14 +171098,8 +171099,8 +171100,8 +171101,8 +171102,8 +171103,8 +171104,8 +171105,31 +171106,31 +171107,31 +171108,31 +171109,31 +171110,5 +171111,5 +171112,5 +171113,5 +171114,5 +171115,5 +171116,5 +171117,23 +171118,23 +171119,23 +171120,38 +171121,38 +171122,38 +171123,38 +171124,38 +171125,38 +171126,38 +171127,38 +171128,38 +171129,38 +171130,37 +171131,37 +171132,37 +171133,37 +171134,37 +171135,37 +171136,39 +171137,39 +171138,39 +171139,39 +171140,39 +171141,39 +171142,5 +171143,5 +171144,5 +171145,5 +171146,5 +171147,5 +171148,5 +171149,26 +171150,10 +171151,10 +171152,10 +171153,10 +171154,10 +171155,10 +171156,10 +171157,10 +171158,10 +171159,10 +171160,10 +171161,10 +171162,10 +171163,10 +171164,10 +171165,4 +171166,4 +171167,4 +171168,4 +171169,2 +171170,2 +171171,4 +171172,4 +171173,2 +171174,2 +171175,2 +171176,2 +171177,2 +171178,2 +171179,2 +171180,2 +171181,2 +171182,2 +171183,8 +171184,8 +171185,8 +171186,8 +171187,5 +171188,5 +171189,5 +171190,5 +171191,5 +171192,5 +171193,5 +171194,5 +171195,5 +171196,5 +171197,5 +171198,4 +171199,4 +171200,4 +171201,4 +171202,4 +171203,4 +171204,4 +171205,4 +171206,27 +171207,27 +171208,27 +171209,30 +171210,30 +171211,30 +171212,30 +171213,30 +171214,30 +171215,30 +171216,30 +171217,30 +171218,30 +171219,14 +171220,14 +171221,14 +171222,14 +171223,31 +171224,6 +171225,6 +171226,6 +171227,6 +171228,6 +171229,6 +171230,6 +171231,6 +171232,6 +171233,14 +171234,14 +171235,14 +171236,14 +171237,14 +171238,14 +171239,14 +171240,14 +171241,28 +171242,28 +171243,28 +171244,28 +171245,28 +171246,5 +171247,5 +171248,4 +171249,4 +171250,4 +171251,4 +171252,4 +171253,3 +171254,3 +171255,3 +171256,3 +171257,3 +171258,3 +171259,3 +171260,3 +171261,3 +171262,35 +171263,22 +171264,22 +171265,22 +171266,19 +171267,19 +171268,19 +171269,19 +171270,19 +171271,19 +171272,19 +171273,19 +171274,19 +171275,19 +171276,19 +171277,19 +171278,19 +171279,40 +171280,40 +171281,40 +171282,40 +171283,40 +171284,40 +171285,40 +171286,40 +171287,40 +171288,5 +171289,5 +171290,5 +171291,5 +171292,5 +171293,5 +171294,5 +171295,5 +171296,5 +171297,2 +171298,4 +171299,4 +171300,2 +171301,2 +171302,2 +171303,2 +171304,2 +171305,2 +171306,2 +171307,2 +171308,2 +171309,2 +171310,2 +171311,2 +171312,2 +171313,12 +171314,12 +171315,12 +171316,12 +171317,12 +171318,12 +171319,12 +171320,12 +171321,12 +171322,12 +171323,12 +171324,12 +171325,31 +171326,31 +171327,12 +171328,12 +171329,31 +171330,12 +171331,12 +171332,12 +171333,22 +171334,22 +171335,22 +171336,22 +171337,22 +171338,22 +171339,22 +171340,22 +171341,19 +171342,19 +171343,19 +171344,19 +171345,19 +171346,19 +171347,19 +171348,19 +171349,19 +171350,19 +171351,19 +171352,19 +171353,19 +171354,19 +171355,19 +171356,19 +171357,19 +171358,19 +171359,19 +171360,19 +171361,0 +171362,0 +171363,0 +171364,0 +171365,0 +171366,0 +171367,0 +171368,0 +171369,0 +171370,0 +171371,0 +171372,0 +171373,0 +171374,0 +171375,0 +171376,0 +171377,0 +171378,0 +171379,0 +171380,0 +171381,0 +171382,0 +171383,0 +171384,0 +171385,0 +171386,0 +171387,0 +171388,0 +171389,0 +171390,0 +171391,0 +171392,0 +171393,0 +171394,0 +171395,0 +171396,0 +171397,0 +171398,0 +171399,0 +171400,0 +171401,0 +171402,0 +171403,0 +171404,0 +171405,0 +171406,29 +171407,29 +171408,29 +171409,29 +171410,36 +171411,36 +171412,36 +171413,36 +171414,36 +171415,36 +171416,36 +171417,36 +171418,36 +171419,4 +171420,4 +171421,4 +171422,4 +171423,4 +171424,4 +171425,4 +171426,4 +171427,4 +171428,4 +171429,4 +171430,4 +171431,27 +171432,27 +171433,27 +171434,27 +171435,30 +171436,30 +171437,30 +171438,4 +171439,4 +171440,4 +171441,4 +171442,4 +171443,4 +171444,30 +171445,30 +171446,30 +171447,30 +171448,30 +171449,30 +171450,22 +171451,22 +171452,22 +171453,22 +171454,22 +171455,22 +171456,22 +171457,22 +171458,6 +171459,6 +171460,6 +171461,6 +171462,6 +171463,6 +171464,6 +171465,6 +171466,23 +171467,23 +171468,23 +171469,23 +171470,23 +171471,23 +171472,23 +171473,23 +171474,23 +171475,23 +171476,23 +171477,23 +171478,23 +171479,23 +171480,23 +171481,9 +171482,9 +171483,9 +171484,9 +171485,37 +171486,37 +171487,37 +171488,37 +171489,37 +171490,37 +171491,37 +171492,37 +171493,37 +171494,37 +171495,40 +171496,40 +171497,40 +171498,40 +171499,40 +171500,40 +171501,40 +171502,40 +171503,40 +171504,40 +171505,5 +171506,5 +171507,5 +171508,5 +171509,5 +171510,5 +171511,5 +171512,39 +171513,39 +171514,39 +171515,39 +171516,39 +171517,39 +171518,39 +171519,39 +171520,39 +171521,39 +171522,39 +171523,39 +171524,39 +171525,39 +171526,31 +171527,31 +171528,31 +171529,31 +171530,31 +171531,31 +171532,31 +171533,10 +171534,31 +171535,31 +171536,31 +171537,31 +171538,30 +171539,30 +171540,30 +171541,30 +171542,30 +171543,30 +171544,30 +171545,30 +171546,30 +171547,25 +171548,25 +171549,25 +171550,27 +171551,27 +171552,27 +171553,37 +171554,25 +171555,3 +171556,25 +171557,25 +171558,25 +171559,12 +171560,12 +171561,12 +171562,12 +171563,12 +171564,12 +171565,12 +171566,12 +171567,12 +171568,22 +171569,22 +171570,22 +171571,22 +171572,19 +171573,19 +171574,19 +171575,19 +171576,19 +171577,19 +171578,19 +171579,19 +171580,19 +171581,24 +171582,24 +171583,24 +171584,15 +171585,39 +171586,39 +171587,39 +171588,39 +171589,39 +171590,39 +171591,39 +171592,39 +171593,39 +171594,39 +171595,4 +171596,4 +171597,4 +171598,4 +171599,4 +171600,4 +171601,4 +171602,4 +171603,4 +171604,31 +171605,31 +171606,3 +171607,3 +171608,3 +171609,3 +171610,3 +171611,3 +171612,36 +171613,36 +171614,36 +171615,36 +171616,36 +171617,36 +171618,36 +171619,36 +171620,36 +171621,36 +171622,36 +171623,36 +171624,36 +171625,36 +171626,36 +171627,36 +171628,36 +171629,36 +171630,36 +171631,36 +171632,2 +171633,2 +171634,2 +171635,2 +171636,2 +171637,2 +171638,2 +171639,2 +171640,2 +171641,2 +171642,2 +171643,2 +171644,2 +171645,32 +171646,32 +171647,32 +171648,32 +171649,32 +171650,29 +171651,29 +171652,31 +171653,31 +171654,31 +171655,31 +171656,31 +171657,31 +171658,31 +171659,37 +171660,37 +171661,37 +171662,37 +171663,37 +171664,37 +171665,37 +171666,37 +171667,39 +171668,39 +171669,39 +171670,39 +171671,39 +171672,39 +171673,39 +171674,39 +171675,39 +171676,39 +171677,39 +171678,8 +171679,8 +171680,8 +171681,8 +171682,8 +171683,8 +171684,8 +171685,8 +171686,8 +171687,31 +171688,31 +171689,31 +171690,31 +171691,5 +171692,5 +171693,5 +171694,5 +171695,5 +171696,31 +171697,31 +171698,31 +171699,31 +171700,31 +171701,24 +171702,24 +171703,24 +171704,24 +171705,24 +171706,24 +171707,24 +171708,19 +171709,29 +171710,29 +171711,19 +171712,4 +171713,4 +171714,19 +171715,19 +171716,14 +171717,14 +171718,14 +171719,14 +171720,14 +171721,14 +171722,14 +171723,14 +171724,14 +171725,14 +171726,14 +171727,14 +171728,14 +171729,14 +171730,14 +171731,39 +171732,30 +171733,30 +171734,30 +171735,30 +171736,30 +171737,30 +171738,30 +171739,30 +171740,30 +171741,30 +171742,10 +171743,10 +171744,10 +171745,10 +171746,10 +171747,10 +171748,10 +171749,10 +171750,10 +171751,10 +171752,10 +171753,10 +171754,10 +171755,10 +171756,10 +171757,10 +171758,10 +171759,10 +171760,4 +171761,4 +171762,4 +171763,14 +171764,14 +171765,4 +171766,39 +171767,39 +171768,0 +171769,0 +171770,0 +171771,0 +171772,0 +171773,0 +171774,35 +171775,35 +171776,12 +171777,12 +171778,12 +171779,40 +171780,40 +171781,40 +171782,40 +171783,40 +171784,5 +171785,5 +171786,5 +171787,5 +171788,5 +171789,5 +171790,5 +171791,5 +171792,31 +171793,31 +171794,31 +171795,31 +171796,31 +171797,31 +171798,31 +171799,2 +171800,2 +171801,2 +171802,2 +171803,2 +171804,2 +171805,2 +171806,2 +171807,2 +171808,2 +171809,2 +171810,2 +171811,2 +171812,31 +171813,31 +171814,31 +171815,31 +171816,31 +171817,31 +171818,31 +171819,31 +171820,5 +171821,5 +171822,5 +171823,5 +171824,5 +171825,27 +171826,27 +171827,27 +171828,27 +171829,27 +171830,27 +171831,27 +171832,11 +171833,11 +171834,11 +171835,11 +171836,11 +171837,11 +171838,11 +171839,2 +171840,2 +171841,2 +171842,11 +171843,11 +171844,11 +171845,11 +171846,11 +171847,11 +171848,10 +171849,10 +171850,10 +171851,10 +171852,10 +171853,10 +171854,10 +171855,10 +171856,10 +171857,10 +171858,10 +171859,10 +171860,10 +171861,10 +171862,10 +171863,10 +171864,10 +171865,10 +171866,5 +171867,5 +171868,5 +171869,5 +171870,5 +171871,5 +171872,27 +171873,27 +171874,27 +171875,27 +171876,13 +171877,13 +171878,14 +171879,14 +171880,14 +171881,14 +171882,14 +171883,14 +171884,14 +171885,14 +171886,13 +171887,13 +171888,13 +171889,13 +171890,13 +171891,13 +171892,0 +171893,0 +171894,0 +171895,0 +171896,0 +171897,0 +171898,0 +171899,0 +171900,0 +171901,0 +171902,0 +171903,0 +171904,0 +171905,0 +171906,0 +171907,0 +171908,0 +171909,0 +171910,0 +171911,0 +171912,0 +171913,0 +171914,0 +171915,0 +171916,0 +171917,0 +171918,0 +171919,0 +171920,0 +171921,0 +171922,0 +171923,0 +171924,0 +171925,0 +171926,0 +171927,0 +171928,0 +171929,0 +171930,0 +171931,0 +171932,0 +171933,0 +171934,0 +171935,0 +171936,0 +171937,0 +171938,0 +171939,0 +171940,0 +171941,0 +171942,0 +171943,0 +171944,0 +171945,0 +171946,0 +171947,0 +171948,0 +171949,0 +171950,0 +171951,0 +171952,0 +171953,0 +171954,0 +171955,0 +171956,0 +171957,0 +171958,0 +171959,0 +171960,0 +171961,0 +171962,0 +171963,0 +171964,0 +171965,0 +171966,0 +171967,0 +171968,0 +171969,0 +171970,0 +171971,0 +171972,0 +171973,0 +171974,0 +171975,0 +171976,0 +171977,0 +171978,0 +171979,0 +171980,0 +171981,0 +171982,0 +171983,0 +171984,0 +171985,0 +171986,0 +171987,0 +171988,0 +171989,0 +171990,0 +171991,0 +171992,0 +171993,0 +171994,0 +171995,0 +171996,0 +171997,0 +171998,0 +171999,0 +172000,0 +172001,0 +172002,0 +172003,0 +172004,0 +172005,0 +172006,0 +172007,0 +172008,0 +172009,0 +172010,0 +172011,0 +172012,0 +172013,0 +172014,0 +172015,0 +172016,0 +172017,0 +172018,0 +172019,0 +172020,0 +172021,0 +172022,0 +172023,0 +172024,0 +172025,0 +172026,0 +172027,0 +172028,0 +172029,0 +172030,0 +172031,15 +172032,15 +172033,15 +172034,10 +172035,10 +172036,10 +172037,10 +172038,10 +172039,10 +172040,10 +172041,10 +172042,10 +172043,31 +172044,26 +172045,26 +172046,4 +172047,4 +172048,4 +172049,4 +172050,4 +172051,4 +172052,4 +172053,4 +172054,4 +172055,4 +172056,39 +172057,39 +172058,39 +172059,39 +172060,39 +172061,39 +172062,39 +172063,39 +172064,39 +172065,12 +172066,12 +172067,12 +172068,12 +172069,12 +172070,12 +172071,12 +172072,12 +172073,12 +172074,12 +172075,12 +172076,40 +172077,40 +172078,40 +172079,40 +172080,40 +172081,40 +172082,40 +172083,40 +172084,40 +172085,37 +172086,37 +172087,37 +172088,37 +172089,37 +172090,37 +172091,37 +172092,37 +172093,31 +172094,31 +172095,31 +172096,31 +172097,31 +172098,31 +172099,33 +172100,24 +172101,24 +172102,24 +172103,24 +172104,24 +172105,25 +172106,25 +172107,31 +172108,31 +172109,31 +172110,25 +172111,25 +172112,25 +172113,25 +172114,25 +172115,25 +172116,25 +172117,25 +172118,25 +172119,25 +172120,25 +172121,25 +172122,10 +172123,10 +172124,10 +172125,10 +172126,10 +172127,10 +172128,10 +172129,10 +172130,10 +172131,10 +172132,10 +172133,10 +172134,10 +172135,24 +172136,24 +172137,24 +172138,24 +172139,24 +172140,27 +172141,27 +172142,27 +172143,27 +172144,13 +172145,13 +172146,13 +172147,13 +172148,13 +172149,13 +172150,13 +172151,13 +172152,36 +172153,36 +172154,40 +172155,40 +172156,27 +172157,27 +172158,27 +172159,6 +172160,6 +172161,6 +172162,6 +172163,6 +172164,6 +172165,6 +172166,6 +172167,6 +172168,6 +172169,6 +172170,30 +172171,30 +172172,30 +172173,30 +172174,30 +172175,13 +172176,13 +172177,13 +172178,13 +172179,13 +172180,13 +172181,5 +172182,5 +172183,23 +172184,23 +172185,23 +172186,23 +172187,37 +172188,37 +172189,3 +172190,3 +172191,3 +172192,3 +172193,3 +172194,3 +172195,3 +172196,3 +172197,3 +172198,3 +172199,3 +172200,3 +172201,3 +172202,20 +172203,20 +172204,20 +172205,20 +172206,20 +172207,20 +172208,20 +172209,20 +172210,20 +172211,31 +172212,31 +172213,31 +172214,31 +172215,31 +172216,31 +172217,5 +172218,5 +172219,5 +172220,5 +172221,5 +172222,5 +172223,5 +172224,2 +172225,2 +172226,8 +172227,8 +172228,8 +172229,12 +172230,12 +172231,12 +172232,12 +172233,12 +172234,12 +172235,27 +172236,27 +172237,38 +172238,38 +172239,38 +172240,38 +172241,38 +172242,38 +172243,38 +172244,38 +172245,38 +172246,34 +172247,34 +172248,34 +172249,34 +172250,34 +172251,34 +172252,34 +172253,34 +172254,34 +172255,34 +172256,34 +172257,34 +172258,34 +172259,6 +172260,6 +172261,6 +172262,6 +172263,6 +172264,6 +172265,6 +172266,6 +172267,6 +172268,31 +172269,31 +172270,31 +172271,28 +172272,28 +172273,28 +172274,28 +172275,28 +172276,28 +172277,32 +172278,32 +172279,32 +172280,32 +172281,32 +172282,32 +172283,32 +172284,32 +172285,40 +172286,40 +172287,40 +172288,40 +172289,40 +172290,40 +172291,40 +172292,40 +172293,40 +172294,37 +172295,37 +172296,37 +172297,37 +172298,37 +172299,37 +172300,37 +172301,37 +172302,37 +172303,37 +172304,37 +172305,37 +172306,37 +172307,37 +172308,2 +172309,2 +172310,2 +172311,2 +172312,2 +172313,2 +172314,2 +172315,2 +172316,2 +172317,2 +172318,2 +172319,2 +172320,2 +172321,2 +172322,31 +172323,31 +172324,31 +172325,31 +172326,31 +172327,31 +172328,5 +172329,5 +172330,5 +172331,5 +172332,5 +172333,5 +172334,5 +172335,5 +172336,5 +172337,5 +172338,13 +172339,13 +172340,13 +172341,13 +172342,13 +172343,13 +172344,13 +172345,0 +172346,0 +172347,0 +172348,0 +172349,0 +172350,0 +172351,0 +172352,0 +172353,0 +172354,0 +172355,0 +172356,0 +172357,0 +172358,0 +172359,0 +172360,0 +172361,0 +172362,0 +172363,0 +172364,0 +172365,0 +172366,0 +172367,0 +172368,0 +172369,0 +172370,0 +172371,0 +172372,0 +172373,0 +172374,0 +172375,0 +172376,0 +172377,0 +172378,0 +172379,0 +172380,0 +172381,0 +172382,0 +172383,0 +172384,0 +172385,0 +172386,0 +172387,0 +172388,0 +172389,0 +172390,0 +172391,0 +172392,0 +172393,0 +172394,0 +172395,0 +172396,0 +172397,0 +172398,0 +172399,0 +172400,0 +172401,27 +172402,27 +172403,27 +172404,27 +172405,27 +172406,27 +172407,27 +172408,27 +172409,27 +172410,27 +172411,27 +172412,27 +172413,4 +172414,4 +172415,4 +172416,4 +172417,4 +172418,4 +172419,12 +172420,12 +172421,12 +172422,12 +172423,12 +172424,12 +172425,12 +172426,12 +172427,12 +172428,12 +172429,31 +172430,31 +172431,31 +172432,31 +172433,31 +172434,31 +172435,8 +172436,8 +172437,8 +172438,8 +172439,8 +172440,2 +172441,2 +172442,2 +172443,2 +172444,2 +172445,2 +172446,2 +172447,4 +172448,4 +172449,8 +172450,8 +172451,8 +172452,8 +172453,8 +172454,8 +172455,31 +172456,31 +172457,31 +172458,31 +172459,31 +172460,31 +172461,31 +172462,31 +172463,31 +172464,37 +172465,37 +172466,37 +172467,37 +172468,5 +172469,5 +172470,5 +172471,39 +172472,39 +172473,27 +172474,27 +172475,27 +172476,27 +172477,27 +172478,27 +172479,27 +172480,13 +172481,13 +172482,13 +172483,13 +172484,13 +172485,13 +172486,13 +172487,13 +172488,13 +172489,31 +172490,31 +172491,31 +172492,31 +172493,31 +172494,31 +172495,31 +172496,4 +172497,32 +172498,4 +172499,32 +172500,32 +172501,32 +172502,29 +172503,27 +172504,27 +172505,27 +172506,27 +172507,27 +172508,2 +172509,2 +172510,2 +172511,2 +172512,2 +172513,2 +172514,2 +172515,2 +172516,2 +172517,2 +172518,2 +172519,2 +172520,2 +172521,2 +172522,2 +172523,2 +172524,6 +172525,6 +172526,6 +172527,6 +172528,6 +172529,31 +172530,31 +172531,31 +172532,31 +172533,30 +172534,30 +172535,30 +172536,30 +172537,9 +172538,9 +172539,9 +172540,9 +172541,9 +172542,9 +172543,9 +172544,9 +172545,9 +172546,37 +172547,37 +172548,37 +172549,37 +172550,37 +172551,37 +172552,37 +172553,37 +172554,37 +172555,37 +172556,37 +172557,37 +172558,37 +172559,19 +172560,19 +172561,19 +172562,19 +172563,19 +172564,19 +172565,19 +172566,0 +172567,0 +172568,15 +172569,15 +172570,15 +172571,15 +172572,27 +172573,40 +172574,40 +172575,40 +172576,40 +172577,40 +172578,40 +172579,32 +172580,32 +172581,32 +172582,4 +172583,32 +172584,32 +172585,32 +172586,32 +172587,4 +172588,32 +172589,32 +172590,37 +172591,37 +172592,37 +172593,37 +172594,40 +172595,31 +172596,31 +172597,40 +172598,40 +172599,40 +172600,40 +172601,40 +172602,40 +172603,40 +172604,19 +172605,19 +172606,19 +172607,19 +172608,19 +172609,19 +172610,19 +172611,19 +172612,19 +172613,2 +172614,2 +172615,2 +172616,2 +172617,2 +172618,2 +172619,2 +172620,2 +172621,2 +172622,2 +172623,4 +172624,4 +172625,4 +172626,4 +172627,4 +172628,4 +172629,4 +172630,37 +172631,37 +172632,37 +172633,37 +172634,37 +172635,37 +172636,10 +172637,10 +172638,10 +172639,10 +172640,10 +172641,10 +172642,10 +172643,10 +172644,10 +172645,10 +172646,10 +172647,10 +172648,10 +172649,10 +172650,10 +172651,10 +172652,23 +172653,23 +172654,23 +172655,23 +172656,23 +172657,23 +172658,23 +172659,23 +172660,23 +172661,23 +172662,23 +172663,23 +172664,23 +172665,23 +172666,23 +172667,23 +172668,23 +172669,0 +172670,0 +172671,0 +172672,0 +172673,12 +172674,12 +172675,12 +172676,12 +172677,12 +172678,12 +172679,12 +172680,12 +172681,12 +172682,12 +172683,12 +172684,25 +172685,25 +172686,25 +172687,25 +172688,25 +172689,25 +172690,25 +172691,25 +172692,25 +172693,25 +172694,25 +172695,25 +172696,25 +172697,25 +172698,25 +172699,24 +172700,24 +172701,24 +172702,24 +172703,24 +172704,24 +172705,24 +172706,24 +172707,24 +172708,25 +172709,25 +172710,25 +172711,25 +172712,25 +172713,25 +172714,27 +172715,27 +172716,27 +172717,27 +172718,27 +172719,27 +172720,6 +172721,6 +172722,6 +172723,6 +172724,6 +172725,6 +172726,6 +172727,6 +172728,6 +172729,6 +172730,6 +172731,6 +172732,6 +172733,6 +172734,6 +172735,14 +172736,14 +172737,14 +172738,14 +172739,14 +172740,14 +172741,14 +172742,14 +172743,14 +172744,14 +172745,14 +172746,14 +172747,14 +172748,14 +172749,14 +172750,14 +172751,14 +172752,14 +172753,14 +172754,14 +172755,14 +172756,14 +172757,14 +172758,14 +172759,5 +172760,5 +172761,5 +172762,5 +172763,5 +172764,5 +172765,5 +172766,13 +172767,13 +172768,13 +172769,13 +172770,13 +172771,13 +172772,13 +172773,0 +172774,0 +172775,0 +172776,0 +172777,0 +172778,0 +172779,0 +172780,0 +172781,0 +172782,0 +172783,0 +172784,0 +172785,0 +172786,0 +172787,0 +172788,0 +172789,0 +172790,0 +172791,0 +172792,0 +172793,0 +172794,0 +172795,0 +172796,0 +172797,0 +172798,0 +172799,0 +172800,0 +172801,0 +172802,0 +172803,0 +172804,0 +172805,0 +172806,27 +172807,27 +172808,27 +172809,27 +172810,27 +172811,27 +172812,27 +172813,14 +172814,14 +172815,14 +172816,14 +172817,14 +172818,14 +172819,14 +172820,14 +172821,14 +172822,14 +172823,14 +172824,14 +172825,6 +172826,6 +172827,6 +172828,6 +172829,6 +172830,6 +172831,6 +172832,23 +172833,23 +172834,23 +172835,23 +172836,23 +172837,23 +172838,23 +172839,23 +172840,23 +172841,23 +172842,38 +172843,23 +172844,23 +172845,36 +172846,36 +172847,36 +172848,34 +172849,34 +172850,34 +172851,34 +172852,36 +172853,34 +172854,36 +172855,36 +172856,34 +172857,34 +172858,34 +172859,34 +172860,34 +172861,34 +172862,34 +172863,8 +172864,8 +172865,8 +172866,8 +172867,8 +172868,8 +172869,8 +172870,31 +172871,31 +172872,31 +172873,31 +172874,31 +172875,5 +172876,5 +172877,5 +172878,5 +172879,5 +172880,5 +172881,5 +172882,5 +172883,23 +172884,23 +172885,23 +172886,23 +172887,23 +172888,23 +172889,23 +172890,23 +172891,23 +172892,23 +172893,39 +172894,39 +172895,39 +172896,39 +172897,39 +172898,39 +172899,39 +172900,39 +172901,19 +172902,19 +172903,19 +172904,19 +172905,19 +172906,31 +172907,31 +172908,31 +172909,31 +172910,15 +172911,15 +172912,15 +172913,15 +172914,15 +172915,15 +172916,15 +172917,15 +172918,15 +172919,15 +172920,15 +172921,26 +172922,31 +172923,31 +172924,31 +172925,31 +172926,31 +172927,31 +172928,31 +172929,31 +172930,31 +172931,31 +172932,31 +172933,24 +172934,24 +172935,24 +172936,24 +172937,24 +172938,24 +172939,29 +172940,29 +172941,29 +172942,29 +172943,29 +172944,29 +172945,31 +172946,31 +172947,31 +172948,31 +172949,30 +172950,30 +172951,30 +172952,30 +172953,30 +172954,30 +172955,30 +172956,30 +172957,30 +172958,31 +172959,31 +172960,31 +172961,31 +172962,31 +172963,31 +172964,24 +172965,24 +172966,24 +172967,24 +172968,24 +172969,24 +172970,24 +172971,1 +172972,31 +172973,24 +172974,31 +172975,31 +172976,31 +172977,31 +172978,31 +172979,24 +172980,24 +172981,24 +172982,24 +172983,24 +172984,24 +172985,29 +172986,29 +172987,29 +172988,29 +172989,31 +172990,31 +172991,31 +172992,31 +172993,31 +172994,31 +172995,31 +172996,2 +172997,2 +172998,2 +172999,2 +173000,2 +173001,2 +173002,2 +173003,2 +173004,2 +173005,2 +173006,2 +173007,2 +173008,2 +173009,2 +173010,2 +173011,39 +173012,39 +173013,39 +173014,39 +173015,39 +173016,39 +173017,39 +173018,39 +173019,39 +173020,39 +173021,39 +173022,39 +173023,39 +173024,39 +173025,39 +173026,39 +173027,39 +173028,39 +173029,39 +173030,39 +173031,39 +173032,39 +173033,39 +173034,39 +173035,0 +173036,0 +173037,0 +173038,0 +173039,0 +173040,0 +173041,0 +173042,0 +173043,0 +173044,0 +173045,0 +173046,0 +173047,0 +173048,0 +173049,0 +173050,0 +173051,0 +173052,0 +173053,0 +173054,0 +173055,0 +173056,0 +173057,0 +173058,0 +173059,0 +173060,0 +173061,0 +173062,0 +173063,0 +173064,0 +173065,0 +173066,0 +173067,0 +173068,0 +173069,0 +173070,0 +173071,0 +173072,0 +173073,0 +173074,0 +173075,36 +173076,36 +173077,36 +173078,36 +173079,36 +173080,36 +173081,36 +173082,36 +173083,36 +173084,36 +173085,36 +173086,36 +173087,36 +173088,36 +173089,36 +173090,36 +173091,36 +173092,5 +173093,5 +173094,5 +173095,29 +173096,29 +173097,29 +173098,36 +173099,36 +173100,36 +173101,36 +173102,36 +173103,36 +173104,36 +173105,36 +173106,36 +173107,36 +173108,36 +173109,36 +173110,36 +173111,8 +173112,8 +173113,8 +173114,8 +173115,8 +173116,8 +173117,8 +173118,8 +173119,8 +173120,8 +173121,21 +173122,21 +173123,21 +173124,21 +173125,21 +173126,30 +173127,30 +173128,30 +173129,30 +173130,30 +173131,30 +173132,30 +173133,40 +173134,40 +173135,33 +173136,33 +173137,5 +173138,5 +173139,5 +173140,5 +173141,5 +173142,5 +173143,5 +173144,5 +173145,5 +173146,5 +173147,5 +173148,5 +173149,33 +173150,33 +173151,33 +173152,33 +173153,33 +173154,9 +173155,9 +173156,9 +173157,26 +173158,26 +173159,26 +173160,26 +173161,26 +173162,37 +173163,37 +173164,37 +173165,37 +173166,25 +173167,37 +173168,37 +173169,37 +173170,37 +173171,37 +173172,37 +173173,37 +173174,27 +173175,27 +173176,27 +173177,27 +173178,27 +173179,40 +173180,40 +173181,40 +173182,40 +173183,27 +173184,27 +173185,27 +173186,27 +173187,27 +173188,27 +173189,8 +173190,8 +173191,8 +173192,8 +173193,8 +173194,8 +173195,8 +173196,8 +173197,9 +173198,9 +173199,9 +173200,9 +173201,9 +173202,9 +173203,9 +173204,9 +173205,9 +173206,9 +173207,9 +173208,9 +173209,9 +173210,9 +173211,13 +173212,13 +173213,13 +173214,13 +173215,13 +173216,13 +173217,13 +173218,13 +173219,5 +173220,29 +173221,29 +173222,29 +173223,14 +173224,14 +173225,14 +173226,14 +173227,14 +173228,14 +173229,14 +173230,14 +173231,27 +173232,27 +173233,14 +173234,14 +173235,31 +173236,31 +173237,31 +173238,31 +173239,31 +173240,4 +173241,4 +173242,4 +173243,4 +173244,4 +173245,4 +173246,4 +173247,4 +173248,29 +173249,29 +173250,29 +173251,23 +173252,36 +173253,36 +173254,34 +173255,34 +173256,34 +173257,34 +173258,34 +173259,34 +173260,34 +173261,34 +173262,34 +173263,34 +173264,34 +173265,34 +173266,34 +173267,34 +173268,34 +173269,34 +173270,34 +173271,34 +173272,34 +173273,8 +173274,8 +173275,8 +173276,8 +173277,8 +173278,2 +173279,2 +173280,2 +173281,2 +173282,31 +173283,31 +173284,31 +173285,5 +173286,5 +173287,5 +173288,5 +173289,5 +173290,5 +173291,5 +173292,23 +173293,23 +173294,23 +173295,23 +173296,23 +173297,23 +173298,23 +173299,23 +173300,23 +173301,23 +173302,23 +173303,39 +173304,39 +173305,39 +173306,39 +173307,39 +173308,39 +173309,39 +173310,39 +173311,39 +173312,4 +173313,4 +173314,4 +173315,4 +173316,31 +173317,31 +173318,31 +173319,31 +173320,15 +173321,15 +173322,15 +173323,15 +173324,15 +173325,15 +173326,15 +173327,15 +173328,15 +173329,31 +173330,31 +173331,31 +173332,31 +173333,31 +173334,31 +173335,31 +173336,31 +173337,31 +173338,24 +173339,24 +173340,24 +173341,24 +173342,24 +173343,24 +173344,24 +173345,24 +173346,29 +173347,29 +173348,29 +173349,31 +173350,31 +173351,31 +173352,31 +173353,31 +173354,31 +173355,31 +173356,2 +173357,2 +173358,2 +173359,2 +173360,2 +173361,2 +173362,2 +173363,2 +173364,2 +173365,2 +173366,2 +173367,2 +173368,2 +173369,2 +173370,2 +173371,2 +173372,39 +173373,39 +173374,39 +173375,39 +173376,39 +173377,39 +173378,39 +173379,39 +173380,39 +173381,39 +173382,39 +173383,39 +173384,39 +173385,39 +173386,39 +173387,39 +173388,39 +173389,39 +173390,39 +173391,39 +173392,39 +173393,39 +173394,39 +173395,39 +173396,39 +173397,0 +173398,0 +173399,0 +173400,0 +173401,0 +173402,0 +173403,0 +173404,0 +173405,0 +173406,0 +173407,0 +173408,0 +173409,0 +173410,0 +173411,0 +173412,0 +173413,0 +173414,0 +173415,0 +173416,0 +173417,0 +173418,0 +173419,0 +173420,0 +173421,0 +173422,0 +173423,0 +173424,0 +173425,0 +173426,0 +173427,0 +173428,0 +173429,0 +173430,0 +173431,0 +173432,0 +173433,0 +173434,0 +173435,0 +173436,0 +173437,0 +173438,0 +173439,0 +173440,0 +173441,0 +173442,0 +173443,0 +173444,0 +173445,0 +173446,0 +173447,0 +173448,0 +173449,0 +173450,0 +173451,0 +173452,0 +173453,0 +173454,0 +173455,0 +173456,0 +173457,0 +173458,0 +173459,0 +173460,0 +173461,0 +173462,0 +173463,0 +173464,0 +173465,11 +173466,11 +173467,11 +173468,18 +173469,16 +173470,16 +173471,16 +173472,6 +173473,0 +173474,0 +173475,0 +173476,16 +173477,16 +173478,6 +173479,6 +173480,6 +173481,6 +173482,6 +173483,6 +173484,6 +173485,6 +173486,6 +173487,6 +173488,6 +173489,25 +173490,25 +173491,25 +173492,6 +173493,6 +173494,6 +173495,6 +173496,6 +173497,6 +173498,6 +173499,7 +173500,7 +173501,3 +173502,3 +173503,27 +173504,27 +173505,27 +173506,27 +173507,27 +173508,27 +173509,27 +173510,27 +173511,27 +173512,27 +173513,24 +173514,24 +173515,24 +173516,24 +173517,24 +173518,24 +173519,24 +173520,23 +173521,23 +173522,23 +173523,23 +173524,23 +173525,23 +173526,23 +173527,23 +173528,23 +173529,23 +173530,23 +173531,23 +173532,23 +173533,0 +173534,0 +173535,0 +173536,0 +173537,0 +173538,0 +173539,0 +173540,0 +173541,0 +173542,0 +173543,0 +173544,0 +173545,0 +173546,0 +173547,0 +173548,0 +173549,0 +173550,0 +173551,0 +173552,0 +173553,0 +173554,0 +173555,0 +173556,0 +173557,0 +173558,0 +173559,0 +173560,0 +173561,0 +173562,0 +173563,0 +173564,0 +173565,0 +173566,0 +173567,0 +173568,0 +173569,0 +173570,0 +173571,0 +173572,0 +173573,0 +173574,0 +173575,12 +173576,12 +173577,12 +173578,12 +173579,12 +173580,12 +173581,12 +173582,12 +173583,12 +173584,12 +173585,12 +173586,12 +173587,10 +173588,10 +173589,10 +173590,10 +173591,10 +173592,10 +173593,10 +173594,10 +173595,10 +173596,10 +173597,10 +173598,10 +173599,10 +173600,10 +173601,10 +173602,10 +173603,10 +173604,10 +173605,4 +173606,4 +173607,6 +173608,4 +173609,4 +173610,6 +173611,6 +173612,6 +173613,6 +173614,6 +173615,4 +173616,4 +173617,5 +173618,4 +173619,19 +173620,4 +173621,8 +173622,4 +173623,4 +173624,4 +173625,4 +173626,0 +173627,0 +173628,0 +173629,0 +173630,0 +173631,0 +173632,0 +173633,0 +173634,0 +173635,0 +173636,0 +173637,0 +173638,0 +173639,0 +173640,0 +173641,0 +173642,0 +173643,0 +173644,0 +173645,0 +173646,0 +173647,0 +173648,0 +173649,0 +173650,0 +173651,19 +173652,19 +173653,19 +173654,19 +173655,0 +173656,0 +173657,0 +173658,0 +173659,0 +173660,0 +173661,0 +173662,0 +173663,0 +173664,0 +173665,0 +173666,0 +173667,0 +173668,0 +173669,0 +173670,0 +173671,0 +173672,0 +173673,0 +173674,0 +173675,0 +173676,27 +173677,27 +173678,27 +173679,27 +173680,27 +173681,27 +173682,27 +173683,27 +173684,27 +173685,14 +173686,14 +173687,14 +173688,14 +173689,39 +173690,39 +173691,39 +173692,39 +173693,39 +173694,39 +173695,39 +173696,39 +173697,36 +173698,36 +173699,36 +173700,36 +173701,36 +173702,36 +173703,36 +173704,36 +173705,36 +173706,36 +173707,36 +173708,36 +173709,10 +173710,10 +173711,10 +173712,10 +173713,10 +173714,10 +173715,10 +173716,10 +173717,2 +173718,2 +173719,2 +173720,2 +173721,2 +173722,2 +173723,2 +173724,2 +173725,2 +173726,2 +173727,2 +173728,2 +173729,2 +173730,2 +173731,2 +173732,6 +173733,2 +173734,4 +173735,4 +173736,2 +173737,2 +173738,2 +173739,2 +173740,4 +173741,4 +173742,2 +173743,2 +173744,2 +173745,2 +173746,2 +173747,2 +173748,2 +173749,4 +173750,4 +173751,0 +173752,0 +173753,0 +173754,0 +173755,0 +173756,0 +173757,0 +173758,0 +173759,0 +173760,0 +173761,0 +173762,0 +173763,0 +173764,0 +173765,0 +173766,0 +173767,0 +173768,0 +173769,0 +173770,0 +173771,0 +173772,0 +173773,0 +173774,0 +173775,0 +173776,0 +173777,0 +173778,0 +173779,0 +173780,0 +173781,0 +173782,0 +173783,0 +173784,0 +173785,0 +173786,0 +173787,0 +173788,0 +173789,0 +173790,0 +173791,0 +173792,0 +173793,0 +173794,0 +173795,0 +173796,0 +173797,0 +173798,0 +173799,0 +173800,0 +173801,0 +173802,0 +173803,0 +173804,0 +173805,0 +173806,0 +173807,0 +173808,0 +173809,0 +173810,0 +173811,0 +173812,0 +173813,0 +173814,0 +173815,0 +173816,0 +173817,0 +173818,0 +173819,0 +173820,0 +173821,0 +173822,0 +173823,0 +173824,0 +173825,0 +173826,0 +173827,0 +173828,0 +173829,0 +173830,0 +173831,0 +173832,0 +173833,0 +173834,0 +173835,0 +173836,0 +173837,0 +173838,0 +173839,0 +173840,0 +173841,0 +173842,0 +173843,0 +173844,0 +173845,0 +173846,0 +173847,0 +173848,0 +173849,0 +173850,0 +173851,0 +173852,10 +173853,10 +173854,10 +173855,10 +173856,10 +173857,10 +173858,10 +173859,10 +173860,10 +173861,10 +173862,10 +173863,10 +173864,10 +173865,10 +173866,10 +173867,10 +173868,35 +173869,35 +173870,35 +173871,35 +173872,35 +173873,35 +173874,35 +173875,35 +173876,36 +173877,40 +173878,40 +173879,40 +173880,40 +173881,40 +173882,36 +173883,8 +173884,8 +173885,8 +173886,8 +173887,8 +173888,31 +173889,31 +173890,31 +173891,31 +173892,31 +173893,31 +173894,31 +173895,31 +173896,31 +173897,31 +173898,4 +173899,4 +173900,4 +173901,4 +173902,4 +173903,4 +173904,4 +173905,4 +173906,4 +173907,4 +173908,14 +173909,14 +173910,14 +173911,14 +173912,14 +173913,14 +173914,14 +173915,14 +173916,14 +173917,4 +173918,4 +173919,4 +173920,4 +173921,27 +173922,27 +173923,27 +173924,27 +173925,27 +173926,27 +173927,27 +173928,27 +173929,5 +173930,5 +173931,5 +173932,5 +173933,5 +173934,4 +173935,31 +173936,31 +173937,31 +173938,31 +173939,31 +173940,31 +173941,31 +173942,28 +173943,28 +173944,28 +173945,28 +173946,28 +173947,28 +173948,28 +173949,9 +173950,9 +173951,9 +173952,33 +173953,33 +173954,33 +173955,33 +173956,33 +173957,33 +173958,33 +173959,33 +173960,33 +173961,33 +173962,28 +173963,28 +173964,28 +173965,28 +173966,28 +173967,28 +173968,28 +173969,28 +173970,28 +173971,27 +173972,31 +173973,31 +173974,5 +173975,5 +173976,5 +173977,5 +173978,5 +173979,5 +173980,5 +173981,5 +173982,5 +173983,5 +173984,5 +173985,5 +173986,5 +173987,5 +173988,5 +173989,5 +173990,5 +173991,5 +173992,5 +173993,24 +173994,28 +173995,28 +173996,28 +173997,28 +173998,28 +173999,28 +174000,28 +174001,29 +174002,29 +174003,31 +174004,31 +174005,31 +174006,31 +174007,31 +174008,15 +174009,15 +174010,15 +174011,15 +174012,15 +174013,15 +174014,15 +174015,15 +174016,15 +174017,10 +174018,10 +174019,10 +174020,10 +174021,10 +174022,10 +174023,37 +174024,39 +174025,39 +174026,10 +174027,10 +174028,19 +174029,4 +174030,4 +174031,4 +174032,4 +174033,39 +174034,39 +174035,39 +174036,39 +174037,39 +174038,39 +174039,39 +174040,39 +174041,39 +174042,39 +174043,39 +174044,39 +174045,39 +174046,39 +174047,12 +174048,28 +174049,12 +174050,12 +174051,12 +174052,12 +174053,12 +174054,12 +174055,12 +174056,12 +174057,12 +174058,12 +174059,12 +174060,12 +174061,14 +174062,14 +174063,14 +174064,14 +174065,14 +174066,14 +174067,3 +174068,3 +174069,3 +174070,3 +174071,14 +174072,14 +174073,5 +174074,5 +174075,5 +174076,5 +174077,5 +174078,5 +174079,5 +174080,5 +174081,5 +174082,5 +174083,5 +174084,19 +174085,19 +174086,19 +174087,19 +174088,27 +174089,27 +174090,27 +174091,19 +174092,19 +174093,19 +174094,19 +174095,19 +174096,19 +174097,19 +174098,19 +174099,19 +174100,19 +174101,0 +174102,0 +174103,0 +174104,0 +174105,0 +174106,0 +174107,0 +174108,0 +174109,0 +174110,0 +174111,0 +174112,0 +174113,0 +174114,0 +174115,0 +174116,0 +174117,0 +174118,0 +174119,0 +174120,0 +174121,0 +174122,0 +174123,0 +174124,0 +174125,0 +174126,0 +174127,0 +174128,0 +174129,0 +174130,0 +174131,0 +174132,0 +174133,0 +174134,0 +174135,0 +174136,0 +174137,0 +174138,0 +174139,0 +174140,0 +174141,29 +174142,29 +174143,29 +174144,29 +174145,29 +174146,31 +174147,31 +174148,31 +174149,31 +174150,31 +174151,31 +174152,31 +174153,31 +174154,5 +174155,5 +174156,5 +174157,5 +174158,5 +174159,5 +174160,5 +174161,29 +174162,37 +174163,37 +174164,37 +174165,37 +174166,37 +174167,37 +174168,37 +174169,39 +174170,39 +174171,39 +174172,39 +174173,39 +174174,39 +174175,39 +174176,4 +174177,4 +174178,4 +174179,4 +174180,4 +174181,4 +174182,4 +174183,4 +174184,4 +174185,4 +174186,4 +174187,37 +174188,37 +174189,37 +174190,37 +174191,37 +174192,37 +174193,37 +174194,37 +174195,14 +174196,39 +174197,39 +174198,39 +174199,39 +174200,39 +174201,39 +174202,11 +174203,11 +174204,11 +174205,11 +174206,11 +174207,11 +174208,11 +174209,16 +174210,16 +174211,16 +174212,16 +174213,16 +174214,16 +174215,28 +174216,28 +174217,28 +174218,28 +174219,28 +174220,28 +174221,28 +174222,28 +174223,28 +174224,10 +174225,10 +174226,10 +174227,10 +174228,10 +174229,10 +174230,10 +174231,10 +174232,10 +174233,10 +174234,10 +174235,2 +174236,2 +174237,2 +174238,2 +174239,2 +174240,2 +174241,2 +174242,2 +174243,2 +174244,2 +174245,2 +174246,2 +174247,4 +174248,4 +174249,4 +174250,4 +174251,4 +174252,4 +174253,4 +174254,4 +174255,36 +174256,36 +174257,36 +174258,36 +174259,36 +174260,36 +174261,36 +174262,36 +174263,36 +174264,36 +174265,36 +174266,36 +174267,32 +174268,32 +174269,32 +174270,32 +174271,32 +174272,32 +174273,32 +174274,32 +174275,32 +174276,32 +174277,32 +174278,2 +174279,2 +174280,2 +174281,2 +174282,8 +174283,8 +174284,2 +174285,2 +174286,2 +174287,2 +174288,2 +174289,2 +174290,32 +174291,15 +174292,4 +174293,4 +174294,27 +174295,27 +174296,27 +174297,27 +174298,27 +174299,27 +174300,31 +174301,5 +174302,5 +174303,5 +174304,5 +174305,5 +174306,5 +174307,4 +174308,4 +174309,6 +174310,6 +174311,6 +174312,6 +174313,6 +174314,6 +174315,6 +174316,9 +174317,9 +174318,9 +174319,9 +174320,9 +174321,9 +174322,9 +174323,9 +174324,9 +174325,9 +174326,9 +174327,9 +174328,9 +174329,30 +174330,30 +174331,30 +174332,30 +174333,30 +174334,30 +174335,30 +174336,30 +174337,30 +174338,30 +174339,30 +174340,4 +174341,4 +174342,4 +174343,4 +174344,4 +174345,4 +174346,4 +174347,27 +174348,31 +174349,27 +174350,27 +174351,27 +174352,27 +174353,27 +174354,29 +174355,29 +174356,29 +174357,29 +174358,31 +174359,31 +174360,31 +174361,30 +174362,30 +174363,30 +174364,30 +174365,30 +174366,30 +174367,30 +174368,30 +174369,30 +174370,30 +174371,30 +174372,30 +174373,30 +174374,30 +174375,30 +174376,36 +174377,36 +174378,36 +174379,36 +174380,36 +174381,36 +174382,36 +174383,34 +174384,34 +174385,34 +174386,36 +174387,36 +174388,36 +174389,36 +174390,36 +174391,36 +174392,36 +174393,36 +174394,36 +174395,36 +174396,5 +174397,19 +174398,19 +174399,19 +174400,19 +174401,19 +174402,19 +174403,19 +174404,19 +174405,19 +174406,19 +174407,19 +174408,0 +174409,0 +174410,0 +174411,0 +174412,0 +174413,0 +174414,0 +174415,0 +174416,0 +174417,0 +174418,0 +174419,0 +174420,0 +174421,0 +174422,0 +174423,0 +174424,0 +174425,0 +174426,0 +174427,0 +174428,0 +174429,0 +174430,0 +174431,0 +174432,0 +174433,0 +174434,0 +174435,0 +174436,0 +174437,0 +174438,0 +174439,0 +174440,0 +174441,0 +174442,0 +174443,0 +174444,0 +174445,0 +174446,0 +174447,0 +174448,0 +174449,0 +174450,0 +174451,0 +174452,0 +174453,0 +174454,12 +174455,35 +174456,35 +174457,12 +174458,12 +174459,12 +174460,12 +174461,12 +174462,27 +174463,27 +174464,27 +174465,27 +174466,27 +174467,25 +174468,25 +174469,37 +174470,2 +174471,2 +174472,2 +174473,2 +174474,2 +174475,2 +174476,2 +174477,23 +174478,23 +174479,23 +174480,23 +174481,36 +174482,4 +174483,10 +174484,10 +174485,10 +174486,36 +174487,36 +174488,36 +174489,36 +174490,5 +174491,39 +174492,39 +174493,39 +174494,39 +174495,39 +174496,39 +174497,39 +174498,39 +174499,39 +174500,39 +174501,39 +174502,39 +174503,39 +174504,39 +174505,39 +174506,39 +174507,39 +174508,39 +174509,39 +174510,39 +174511,39 +174512,2 +174513,2 +174514,2 +174515,2 +174516,2 +174517,2 +174518,2 +174519,2 +174520,2 +174521,2 +174522,2 +174523,2 +174524,2 +174525,36 +174526,36 +174527,36 +174528,40 +174529,40 +174530,40 +174531,40 +174532,36 +174533,36 +174534,36 +174535,36 +174536,36 +174537,36 +174538,36 +174539,36 +174540,36 +174541,5 +174542,5 +174543,5 +174544,5 +174545,5 +174546,5 +174547,5 +174548,4 +174549,4 +174550,4 +174551,4 +174552,19 +174553,19 +174554,19 +174555,19 +174556,19 +174557,19 +174558,19 +174559,19 +174560,19 +174561,19 +174562,19 +174563,19 +174564,5 +174565,0 +174566,0 +174567,0 +174568,0 +174569,0 +174570,0 +174571,0 +174572,0 +174573,0 +174574,0 +174575,0 +174576,0 +174577,0 +174578,0 +174579,0 +174580,0 +174581,0 +174582,0 +174583,0 +174584,0 +174585,0 +174586,0 +174587,0 +174588,0 +174589,0 +174590,0 +174591,0 +174592,0 +174593,0 +174594,0 +174595,0 +174596,0 +174597,0 +174598,0 +174599,0 +174600,0 +174601,0 +174602,0 +174603,0 +174604,0 +174605,0 +174606,0 +174607,0 +174608,0 +174609,0 +174610,0 +174611,0 +174612,0 +174613,0 +174614,0 +174615,0 +174616,0 +174617,0 +174618,0 +174619,0 +174620,0 +174621,0 +174622,0 +174623,0 +174624,0 +174625,0 +174626,0 +174627,0 +174628,0 +174629,0 +174630,31 +174631,31 +174632,31 +174633,31 +174634,31 +174635,31 +174636,31 +174637,32 +174638,32 +174639,32 +174640,32 +174641,32 +174642,32 +174643,32 +174644,32 +174645,32 +174646,32 +174647,40 +174648,40 +174649,40 +174650,40 +174651,40 +174652,5 +174653,5 +174654,5 +174655,5 +174656,5 +174657,5 +174658,5 +174659,19 +174660,19 +174661,19 +174662,19 +174663,14 +174664,14 +174665,14 +174666,14 +174667,14 +174668,14 +174669,14 +174670,6 +174671,6 +174672,6 +174673,6 +174674,6 +174675,2 +174676,2 +174677,2 +174678,2 +174679,2 +174680,2 +174681,2 +174682,2 +174683,2 +174684,2 +174685,2 +174686,2 +174687,2 +174688,2 +174689,40 +174690,14 +174691,14 +174692,14 +174693,14 +174694,14 +174695,14 +174696,14 +174697,14 +174698,14 +174699,14 +174700,14 +174701,14 +174702,14 +174703,14 +174704,14 +174705,14 +174706,14 +174707,14 +174708,14 +174709,14 +174710,14 +174711,14 +174712,14 +174713,14 +174714,14 +174715,39 +174716,39 +174717,39 +174718,39 +174719,39 +174720,39 +174721,39 +174722,39 +174723,39 +174724,39 +174725,39 +174726,39 +174727,39 +174728,39 +174729,39 +174730,0 +174731,0 +174732,0 +174733,0 +174734,0 +174735,0 +174736,0 +174737,0 +174738,0 +174739,0 +174740,0 +174741,0 +174742,0 +174743,0 +174744,0 +174745,0 +174746,0 +174747,0 +174748,0 +174749,0 +174750,0 +174751,0 +174752,0 +174753,0 +174754,0 +174755,0 +174756,0 +174757,0 +174758,0 +174759,0 +174760,0 +174761,0 +174762,0 +174763,0 +174764,0 +174765,0 +174766,0 +174767,0 +174768,0 +174769,0 +174770,0 +174771,0 +174772,0 +174773,0 +174774,0 +174775,0 +174776,0 +174777,0 +174778,29 +174779,29 +174780,29 +174781,14 +174782,14 +174783,14 +174784,14 +174785,14 +174786,14 +174787,14 +174788,14 +174789,14 +174790,1 +174791,1 +174792,1 +174793,1 +174794,1 +174795,1 +174796,1 +174797,1 +174798,40 +174799,5 +174800,5 +174801,5 +174802,5 +174803,5 +174804,28 +174805,28 +174806,5 +174807,5 +174808,23 +174809,23 +174810,23 +174811,23 +174812,23 +174813,23 +174814,23 +174815,23 +174816,23 +174817,30 +174818,30 +174819,30 +174820,30 +174821,30 +174822,30 +174823,30 +174824,30 +174825,31 +174826,30 +174827,31 +174828,31 +174829,31 +174830,31 +174831,31 +174832,31 +174833,31 +174834,31 +174835,5 +174836,5 +174837,5 +174838,5 +174839,5 +174840,2 +174841,2 +174842,2 +174843,2 +174844,2 +174845,2 +174846,2 +174847,2 +174848,31 +174849,31 +174850,31 +174851,31 +174852,31 +174853,28 +174854,28 +174855,28 +174856,28 +174857,28 +174858,28 +174859,28 +174860,28 +174861,28 +174862,28 +174863,28 +174864,40 +174865,40 +174866,40 +174867,40 +174868,40 +174869,5 +174870,5 +174871,5 +174872,5 +174873,5 +174874,5 +174875,5 +174876,2 +174877,2 +174878,2 +174879,2 +174880,2 +174881,2 +174882,2 +174883,2 +174884,2 +174885,2 +174886,2 +174887,2 +174888,4 +174889,4 +174890,32 +174891,37 +174892,4 +174893,37 +174894,37 +174895,37 +174896,37 +174897,37 +174898,37 +174899,14 +174900,14 +174901,14 +174902,14 +174903,14 +174904,14 +174905,14 +174906,14 +174907,11 +174908,11 +174909,11 +174910,11 +174911,11 +174912,11 +174913,11 +174914,11 +174915,11 +174916,11 +174917,11 +174918,11 +174919,11 +174920,11 +174921,31 +174922,31 +174923,31 +174924,31 +174925,31 +174926,31 +174927,5 +174928,5 +174929,5 +174930,5 +174931,5 +174932,5 +174933,5 +174934,5 +174935,5 +174936,28 +174937,3 +174938,28 +174939,28 +174940,28 +174941,28 +174942,9 +174943,9 +174944,9 +174945,9 +174946,9 +174947,9 +174948,9 +174949,9 +174950,9 +174951,9 +174952,9 +174953,9 +174954,13 +174955,13 +174956,13 +174957,13 +174958,29 +174959,29 +174960,31 +174961,29 +174962,29 +174963,29 +174964,29 +174965,29 +174966,29 +174967,29 +174968,24 +174969,29 +174970,31 +174971,31 +174972,31 +174973,31 +174974,31 +174975,31 +174976,31 +174977,8 +174978,8 +174979,8 +174980,8 +174981,8 +174982,8 +174983,8 +174984,8 +174985,8 +174986,8 +174987,27 +174988,27 +174989,27 +174990,27 +174991,11 +174992,11 +174993,11 +174994,11 +174995,11 +174996,11 +174997,11 +174998,11 +174999,11 +175000,11 +175001,11 +175002,11 +175003,31 +175004,31 +175005,31 +175006,31 +175007,31 +175008,31 +175009,31 +175010,31 +175011,31 +175012,30 +175013,30 +175014,30 +175015,30 +175016,30 +175017,30 +175018,19 +175019,19 +175020,19 +175021,19 +175022,19 +175023,24 +175024,24 +175025,24 +175026,12 +175027,12 +175028,12 +175029,12 +175030,12 +175031,12 +175032,12 +175033,40 +175034,40 +175035,40 +175036,40 +175037,40 +175038,28 +175039,28 +175040,28 +175041,28 +175042,28 +175043,31 +175044,31 +175045,31 +175046,31 +175047,31 +175048,31 +175049,5 +175050,5 +175051,5 +175052,5 +175053,5 +175054,5 +175055,5 +175056,5 +175057,5 +175058,5 +175059,5 +175060,5 +175061,5 +175062,5 +175063,5 +175064,5 +175065,5 +175066,0 +175067,0 +175068,0 +175069,0 +175070,0 +175071,0 +175072,0 +175073,0 +175074,0 +175075,0 +175076,0 +175077,0 +175078,0 +175079,0 +175080,0 +175081,0 +175082,0 +175083,0 +175084,0 +175085,0 +175086,0 +175087,0 +175088,0 +175089,0 +175090,0 +175091,0 +175092,0 +175093,0 +175094,0 +175095,0 +175096,0 +175097,0 +175098,0 +175099,0 +175100,0 +175101,0 +175102,0 +175103,0 +175104,0 +175105,0 +175106,0 +175107,0 +175108,0 +175109,0 +175110,0 +175111,0 +175112,0 +175113,0 +175114,0 +175115,0 +175116,0 +175117,0 +175118,0 +175119,0 +175120,0 +175121,0 +175122,0 +175123,0 +175124,0 +175125,0 +175126,0 +175127,0 +175128,0 +175129,0 +175130,0 +175131,0 +175132,0 +175133,0 +175134,0 +175135,0 +175136,0 +175137,0 +175138,0 +175139,0 +175140,0 +175141,0 +175142,0 +175143,0 +175144,0 +175145,0 +175146,0 +175147,0 +175148,0 +175149,0 +175150,0 +175151,0 +175152,0 +175153,0 +175154,0 +175155,0 +175156,0 +175157,0 +175158,0 +175159,0 +175160,0 +175161,0 +175162,0 +175163,0 +175164,0 +175165,0 +175166,0 +175167,0 +175168,0 +175169,0 +175170,0 +175171,0 +175172,0 +175173,0 +175174,0 +175175,0 +175176,0 +175177,0 +175178,0 +175179,0 +175180,0 +175181,0 +175182,0 +175183,0 +175184,0 +175185,0 +175186,0 +175187,0 +175188,0 +175189,0 +175190,0 +175191,0 +175192,0 +175193,0 +175194,0 +175195,0 +175196,0 +175197,0 +175198,0 +175199,0 +175200,0 +175201,0 +175202,0 +175203,0 +175204,0 +175205,0 +175206,0 +175207,0 +175208,0 +175209,0 +175210,0 +175211,0 +175212,0 +175213,0 +175214,0 +175215,0 +175216,0 +175217,0 +175218,0 +175219,0 +175220,0 +175221,0 +175222,0 +175223,0 +175224,0 +175225,0 +175226,0 +175227,0 +175228,31 +175229,31 +175230,31 +175231,31 +175232,31 +175233,31 +175234,31 +175235,31 +175236,31 +175237,31 +175238,6 +175239,6 +175240,6 +175241,6 +175242,6 +175243,6 +175244,6 +175245,6 +175246,6 +175247,6 +175248,6 +175249,12 +175250,12 +175251,12 +175252,12 +175253,12 +175254,10 +175255,10 +175256,10 +175257,10 +175258,10 +175259,10 +175260,10 +175261,10 +175262,2 +175263,2 +175264,2 +175265,2 +175266,2 +175267,2 +175268,2 +175269,2 +175270,2 +175271,2 +175272,2 +175273,2 +175274,2 +175275,4 +175276,2 +175277,2 +175278,2 +175279,2 +175280,2 +175281,2 +175282,2 +175283,31 +175284,31 +175285,31 +175286,31 +175287,31 +175288,5 +175289,31 +175290,5 +175291,5 +175292,5 +175293,31 +175294,31 +175295,31 +175296,31 +175297,31 +175298,31 +175299,31 +175300,8 +175301,8 +175302,8 +175303,8 +175304,8 +175305,35 +175306,24 +175307,35 +175308,35 +175309,35 +175310,35 +175311,27 +175312,27 +175313,27 +175314,27 +175315,27 +175316,2 +175317,2 +175318,2 +175319,2 +175320,2 +175321,2 +175322,2 +175323,2 +175324,2 +175325,2 +175326,4 +175327,4 +175328,4 +175329,4 +175330,4 +175331,4 +175332,9 +175333,9 +175334,9 +175335,9 +175336,9 +175337,9 +175338,9 +175339,9 +175340,9 +175341,37 +175342,37 +175343,37 +175344,37 +175345,37 +175346,37 +175347,37 +175348,37 +175349,6 +175350,6 +175351,6 +175352,6 +175353,6 +175354,6 +175355,6 +175356,31 +175357,31 +175358,31 +175359,31 +175360,31 +175361,31 +175362,31 +175363,31 +175364,2 +175365,2 +175366,2 +175367,2 +175368,2 +175369,2 +175370,2 +175371,2 +175372,2 +175373,2 +175374,2 +175375,2 +175376,10 +175377,10 +175378,10 +175379,10 +175380,10 +175381,10 +175382,10 +175383,6 +175384,6 +175385,6 +175386,6 +175387,6 +175388,6 +175389,6 +175390,6 +175391,6 +175392,6 +175393,6 +175394,6 +175395,6 +175396,26 +175397,34 +175398,34 +175399,34 +175400,34 +175401,34 +175402,34 +175403,34 +175404,26 +175405,26 +175406,30 +175407,30 +175408,30 +175409,30 +175410,30 +175411,30 +175412,30 +175413,30 +175414,31 +175415,27 +175416,27 +175417,27 +175418,27 +175419,27 +175420,18 +175421,18 +175422,18 +175423,18 +175424,18 +175425,18 +175426,18 +175427,18 +175428,18 +175429,11 +175430,18 +175431,18 +175432,18 +175433,39 +175434,39 +175435,39 +175436,39 +175437,39 +175438,39 +175439,39 +175440,39 +175441,39 +175442,39 +175443,39 +175444,39 +175445,39 +175446,39 +175447,39 +175448,39 +175449,5 +175450,5 +175451,5 +175452,5 +175453,5 +175454,5 +175455,5 +175456,5 +175457,28 +175458,0 +175459,0 +175460,0 +175461,0 +175462,0 +175463,0 +175464,0 +175465,0 +175466,0 +175467,0 +175468,0 +175469,0 +175470,0 +175471,0 +175472,0 +175473,0 +175474,0 +175475,0 +175476,0 +175477,0 +175478,0 +175479,0 +175480,40 +175481,31 +175482,31 +175483,31 +175484,31 +175485,31 +175486,31 +175487,31 +175488,31 +175489,5 +175490,5 +175491,5 +175492,5 +175493,5 +175494,5 +175495,5 +175496,28 +175497,28 +175498,28 +175499,28 +175500,28 +175501,28 +175502,28 +175503,14 +175504,14 +175505,39 +175506,39 +175507,39 +175508,39 +175509,39 +175510,39 +175511,5 +175512,5 +175513,1 +175514,1 +175515,1 +175516,1 +175517,1 +175518,39 +175519,39 +175520,39 +175521,39 +175522,5 +175523,5 +175524,5 +175525,5 +175526,5 +175527,5 +175528,5 +175529,13 +175530,13 +175531,13 +175532,30 +175533,30 +175534,30 +175535,30 +175536,30 +175537,39 +175538,39 +175539,39 +175540,39 +175541,39 +175542,39 +175543,14 +175544,14 +175545,14 +175546,14 +175547,14 +175548,0 +175549,0 +175550,36 +175551,36 +175552,36 +175553,40 +175554,40 +175555,40 +175556,40 +175557,40 +175558,5 +175559,5 +175560,5 +175561,5 +175562,5 +175563,31 +175564,40 +175565,31 +175566,31 +175567,40 +175568,40 +175569,24 +175570,24 +175571,24 +175572,24 +175573,24 +175574,24 +175575,24 +175576,24 +175577,24 +175578,24 +175579,17 +175580,17 +175581,17 +175582,17 +175583,17 +175584,17 +175585,17 +175586,17 +175587,17 +175588,17 +175589,17 +175590,17 +175591,17 +175592,17 +175593,17 +175594,17 +175595,17 +175596,17 +175597,2 +175598,2 +175599,2 +175600,2 +175601,2 +175602,2 +175603,2 +175604,2 +175605,2 +175606,2 +175607,2 +175608,2 +175609,5 +175610,5 +175611,5 +175612,5 +175613,5 +175614,5 +175615,5 +175616,26 +175617,26 +175618,26 +175619,26 +175620,26 +175621,26 +175622,26 +175623,26 +175624,9 +175625,9 +175626,4 +175627,4 +175628,4 +175629,27 +175630,27 +175631,27 +175632,27 +175633,27 +175634,27 +175635,8 +175636,8 +175637,8 +175638,8 +175639,8 +175640,8 +175641,8 +175642,8 +175643,33 +175644,33 +175645,33 +175646,33 +175647,33 +175648,33 +175649,33 +175650,33 +175651,33 +175652,33 +175653,33 +175654,33 +175655,33 +175656,33 +175657,33 +175658,33 +175659,5 +175660,5 +175661,5 +175662,5 +175663,5 +175664,5 +175665,5 +175666,0 +175667,0 +175668,0 +175669,0 +175670,0 +175671,0 +175672,0 +175673,0 +175674,0 +175675,0 +175676,0 +175677,0 +175678,0 +175679,0 +175680,0 +175681,0 +175682,0 +175683,0 +175684,0 +175685,0 +175686,0 +175687,0 +175688,0 +175689,0 +175690,0 +175691,0 +175692,0 +175693,0 +175694,0 +175695,0 +175696,0 +175697,0 +175698,0 +175699,0 +175700,0 +175701,0 +175702,0 +175703,0 +175704,0 +175705,0 +175706,37 +175707,19 +175708,19 +175709,19 +175710,19 +175711,19 +175712,21 +175713,37 +175714,37 +175715,37 +175716,37 +175717,37 +175718,27 +175719,27 +175720,27 +175721,32 +175722,32 +175723,32 +175724,32 +175725,32 +175726,32 +175727,32 +175728,32 +175729,32 +175730,27 +175731,27 +175732,27 +175733,27 +175734,27 +175735,27 +175736,27 +175737,13 +175738,13 +175739,13 +175740,13 +175741,13 +175742,13 +175743,13 +175744,6 +175745,6 +175746,6 +175747,6 +175748,6 +175749,6 +175750,6 +175751,6 +175752,6 +175753,26 +175754,26 +175755,26 +175756,26 +175757,26 +175758,26 +175759,26 +175760,37 +175761,37 +175762,37 +175763,37 +175764,37 +175765,37 +175766,37 +175767,37 +175768,32 +175769,32 +175770,32 +175771,32 +175772,32 +175773,32 +175774,32 +175775,32 +175776,32 +175777,32 +175778,32 +175779,24 +175780,24 +175781,24 +175782,24 +175783,24 +175784,24 +175785,15 +175786,15 +175787,15 +175788,15 +175789,15 +175790,10 +175791,10 +175792,10 +175793,10 +175794,10 +175795,10 +175796,29 +175797,29 +175798,29 +175799,29 +175800,29 +175801,29 +175802,31 +175803,31 +175804,31 +175805,6 +175806,6 +175807,6 +175808,6 +175809,6 +175810,6 +175811,6 +175812,6 +175813,6 +175814,9 +175815,9 +175816,9 +175817,9 +175818,9 +175819,9 +175820,9 +175821,9 +175822,9 +175823,9 +175824,30 +175825,30 +175826,30 +175827,30 +175828,30 +175829,9 +175830,9 +175831,9 +175832,37 +175833,37 +175834,37 +175835,37 +175836,37 +175837,37 +175838,37 +175839,37 +175840,37 +175841,37 +175842,37 +175843,25 +175844,25 +175845,25 +175846,0 +175847,0 +175848,0 +175849,0 +175850,0 +175851,0 +175852,0 +175853,0 +175854,0 +175855,0 +175856,0 +175857,0 +175858,0 +175859,0 +175860,0 +175861,0 +175862,0 +175863,0 +175864,0 +175865,0 +175866,0 +175867,0 +175868,0 +175869,0 +175870,0 +175871,0 +175872,0 +175873,0 +175874,0 +175875,0 +175876,0 +175877,0 +175878,0 +175879,0 +175880,0 +175881,0 +175882,0 +175883,0 +175884,0 +175885,0 +175886,0 +175887,0 +175888,0 +175889,0 +175890,0 +175891,0 +175892,0 +175893,0 +175894,0 +175895,0 +175896,0 +175897,0 +175898,0 +175899,0 +175900,0 +175901,0 +175902,0 +175903,0 +175904,0 +175905,0 +175906,0 +175907,0 +175908,0 +175909,0 +175910,0 +175911,0 +175912,0 +175913,0 +175914,0 +175915,0 +175916,0 +175917,0 +175918,0 +175919,28 +175920,0 +175921,0 +175922,0 +175923,0 +175924,15 +175925,15 +175926,15 +175927,15 +175928,15 +175929,15 +175930,15 +175931,15 +175932,15 +175933,10 +175934,10 +175935,10 +175936,10 +175937,10 +175938,10 +175939,10 +175940,10 +175941,10 +175942,10 +175943,10 +175944,10 +175945,10 +175946,10 +175947,5 +175948,5 +175949,5 +175950,5 +175951,5 +175952,19 +175953,19 +175954,35 +175955,35 +175956,35 +175957,35 +175958,27 +175959,27 +175960,27 +175961,27 +175962,10 +175963,10 +175964,10 +175965,28 +175966,28 +175967,28 +175968,28 +175969,28 +175970,28 +175971,28 +175972,0 +175973,0 +175974,0 +175975,0 +175976,0 +175977,0 +175978,0 +175979,0 +175980,0 +175981,0 +175982,0 +175983,0 +175984,0 +175985,0 +175986,0 +175987,0 +175988,0 +175989,0 +175990,0 +175991,0 +175992,0 +175993,0 +175994,0 +175995,0 +175996,0 +175997,0 +175998,0 +175999,0 +176000,0 +176001,0 +176002,0 +176003,15 +176004,15 +176005,15 +176006,15 +176007,15 +176008,10 +176009,10 +176010,10 +176011,10 +176012,10 +176013,10 +176014,10 +176015,10 +176016,10 +176017,10 +176018,10 +176019,5 +176020,5 +176021,5 +176022,5 +176023,5 +176024,19 +176025,19 +176026,35 +176027,35 +176028,35 +176029,27 +176030,27 +176031,27 +176032,27 +176033,27 +176034,28 +176035,28 +176036,28 +176037,28 +176038,28 +176039,28 +176040,7 +176041,7 +176042,39 +176043,39 +176044,39 +176045,39 +176046,39 +176047,11 +176048,11 +176049,11 +176050,11 +176051,11 +176052,11 +176053,11 +176054,11 +176055,11 +176056,11 +176057,18 +176058,11 +176059,11 +176060,40 +176061,40 +176062,40 +176063,40 +176064,40 +176065,40 +176066,40 +176067,40 +176068,30 +176069,30 +176070,30 +176071,37 +176072,34 +176073,25 +176074,25 +176075,25 +176076,25 +176077,25 +176078,37 +176079,37 +176080,37 +176081,37 +176082,19 +176083,19 +176084,19 +176085,19 +176086,19 +176087,19 +176088,19 +176089,0 +176090,0 +176091,0 +176092,0 +176093,0 +176094,0 +176095,0 +176096,0 +176097,0 +176098,0 +176099,0 +176100,0 +176101,0 +176102,0 +176103,0 +176104,0 +176105,0 +176106,0 +176107,0 +176108,0 +176109,0 +176110,0 +176111,0 +176112,0 +176113,0 +176114,0 +176115,0 +176116,0 +176117,0 +176118,0 +176119,0 +176120,0 +176121,0 +176122,0 +176123,0 +176124,0 +176125,0 +176126,0 +176127,0 +176128,0 +176129,0 +176130,0 +176131,0 +176132,0 +176133,0 +176134,0 +176135,0 +176136,0 +176137,0 +176138,0 +176139,0 +176140,0 +176141,0 +176142,0 +176143,0 +176144,0 +176145,0 +176146,0 +176147,0 +176148,0 +176149,0 +176150,0 +176151,0 +176152,0 +176153,23 +176154,23 +176155,23 +176156,23 +176157,23 +176158,23 +176159,23 +176160,23 +176161,23 +176162,37 +176163,37 +176164,25 +176165,25 +176166,37 +176167,37 +176168,25 +176169,25 +176170,25 +176171,37 +176172,37 +176173,37 +176174,25 +176175,25 +176176,25 +176177,34 +176178,12 +176179,34 +176180,12 +176181,12 +176182,31 +176183,26 +176184,26 +176185,31 +176186,26 +176187,26 +176188,5 +176189,5 +176190,5 +176191,5 +176192,5 +176193,5 +176194,5 +176195,5 +176196,5 +176197,2 +176198,2 +176199,2 +176200,2 +176201,2 +176202,2 +176203,2 +176204,2 +176205,2 +176206,2 +176207,2 +176208,2 +176209,2 +176210,12 +176211,12 +176212,12 +176213,12 +176214,12 +176215,12 +176216,12 +176217,12 +176218,27 +176219,27 +176220,27 +176221,27 +176222,27 +176223,27 +176224,27 +176225,27 +176226,39 +176227,39 +176228,27 +176229,5 +176230,5 +176231,5 +176232,5 +176233,5 +176234,5 +176235,5 +176236,5 +176237,5 +176238,5 +176239,5 +176240,33 +176241,33 +176242,33 +176243,33 +176244,33 +176245,33 +176246,33 +176247,33 +176248,33 +176249,33 +176250,33 +176251,33 +176252,33 +176253,33 +176254,33 +176255,33 +176256,34 +176257,33 +176258,33 +176259,33 +176260,33 +176261,33 +176262,33 +176263,4 +176264,4 +176265,4 +176266,4 +176267,4 +176268,4 +176269,4 +176270,4 +176271,4 +176272,4 +176273,3 +176274,3 +176275,3 +176276,3 +176277,3 +176278,3 +176279,3 +176280,3 +176281,3 +176282,3 +176283,3 +176284,27 +176285,27 +176286,31 +176287,27 +176288,27 +176289,27 +176290,2 +176291,2 +176292,2 +176293,2 +176294,2 +176295,2 +176296,2 +176297,2 +176298,2 +176299,2 +176300,2 +176301,2 +176302,2 +176303,2 +176304,2 +176305,2 +176306,2 +176307,2 +176308,2 +176309,2 +176310,2 +176311,2 +176312,2 +176313,2 +176314,25 +176315,25 +176316,25 +176317,25 +176318,25 +176319,25 +176320,25 +176321,25 +176322,6 +176323,6 +176324,6 +176325,6 +176326,6 +176327,6 +176328,6 +176329,6 +176330,31 +176331,31 +176332,31 +176333,31 +176334,31 +176335,31 +176336,5 +176337,5 +176338,5 +176339,5 +176340,5 +176341,5 +176342,6 +176343,6 +176344,6 +176345,6 +176346,6 +176347,6 +176348,6 +176349,6 +176350,6 +176351,39 +176352,39 +176353,39 +176354,39 +176355,39 +176356,39 +176357,39 +176358,39 +176359,39 +176360,39 +176361,39 +176362,39 +176363,39 +176364,39 +176365,39 +176366,39 +176367,39 +176368,39 +176369,39 +176370,39 +176371,39 +176372,39 +176373,39 +176374,39 +176375,0 +176376,0 +176377,0 +176378,0 +176379,0 +176380,0 +176381,0 +176382,0 +176383,0 +176384,29 +176385,29 +176386,29 +176387,29 +176388,29 +176389,29 +176390,29 +176391,29 +176392,29 +176393,29 +176394,29 +176395,29 +176396,29 +176397,40 +176398,40 +176399,40 +176400,40 +176401,40 +176402,40 +176403,40 +176404,40 +176405,24 +176406,24 +176407,24 +176408,24 +176409,24 +176410,24 +176411,24 +176412,24 +176413,3 +176414,3 +176415,3 +176416,3 +176417,3 +176418,3 +176419,3 +176420,3 +176421,3 +176422,3 +176423,3 +176424,3 +176425,3 +176426,3 +176427,3 +176428,30 +176429,30 +176430,30 +176431,30 +176432,30 +176433,30 +176434,30 +176435,30 +176436,27 +176437,27 +176438,27 +176439,27 +176440,25 +176441,25 +176442,27 +176443,27 +176444,27 +176445,27 +176446,27 +176447,27 +176448,27 +176449,27 +176450,27 +176451,27 +176452,27 +176453,27 +176454,24 +176455,24 +176456,24 +176457,24 +176458,24 +176459,24 +176460,24 +176461,24 +176462,24 +176463,39 +176464,27 +176465,27 +176466,27 +176467,27 +176468,27 +176469,27 +176470,27 +176471,27 +176472,36 +176473,36 +176474,19 +176475,27 +176476,5 +176477,19 +176478,5 +176479,13 +176480,13 +176481,27 +176482,27 +176483,27 +176484,27 +176485,27 +176486,31 +176487,31 +176488,28 +176489,28 +176490,28 +176491,28 +176492,28 +176493,28 +176494,28 +176495,28 +176496,28 +176497,28 +176498,28 +176499,9 +176500,9 +176501,9 +176502,9 +176503,9 +176504,9 +176505,9 +176506,9 +176507,9 +176508,9 +176509,9 +176510,2 +176511,2 +176512,2 +176513,2 +176514,2 +176515,2 +176516,2 +176517,2 +176518,2 +176519,2 +176520,15 +176521,15 +176522,15 +176523,15 +176524,15 +176525,15 +176526,15 +176527,15 +176528,15 +176529,15 +176530,27 +176531,27 +176532,27 +176533,27 +176534,27 +176535,27 +176536,27 +176537,27 +176538,27 +176539,3 +176540,3 +176541,3 +176542,3 +176543,3 +176544,3 +176545,3 +176546,3 +176547,3 +176548,27 +176549,3 +176550,3 +176551,3 +176552,3 +176553,3 +176554,3 +176555,3 +176556,3 +176557,23 +176558,23 +176559,23 +176560,23 +176561,23 +176562,23 +176563,23 +176564,23 +176565,23 +176566,31 +176567,31 +176568,31 +176569,33 +176570,31 +176571,31 +176572,25 +176573,25 +176574,25 +176575,12 +176576,12 +176577,12 +176578,12 +176579,12 +176580,12 +176581,12 +176582,12 +176583,12 +176584,12 +176585,12 +176586,12 +176587,12 +176588,12 +176589,12 +176590,12 +176591,12 +176592,12 +176593,12 +176594,12 +176595,25 +176596,25 +176597,25 +176598,25 +176599,25 +176600,25 +176601,25 +176602,25 +176603,25 +176604,25 +176605,25 +176606,25 +176607,25 +176608,25 +176609,25 +176610,25 +176611,25 +176612,25 +176613,25 +176614,30 +176615,30 +176616,30 +176617,30 +176618,30 +176619,19 +176620,19 +176621,19 +176622,0 +176623,5 +176624,5 +176625,5 +176626,0 +176627,0 +176628,0 +176629,0 +176630,0 +176631,0 +176632,0 +176633,5 +176634,5 +176635,5 +176636,0 +176637,0 +176638,0 +176639,0 +176640,0 +176641,0 +176642,0 +176643,0 +176644,0 +176645,0 +176646,0 +176647,0 +176648,0 +176649,0 +176650,0 +176651,0 +176652,0 +176653,0 +176654,0 +176655,0 +176656,0 +176657,0 +176658,0 +176659,0 +176660,0 +176661,0 +176662,0 +176663,0 +176664,0 +176665,0 +176666,0 +176667,0 +176668,0 +176669,0 +176670,0 +176671,0 +176672,0 +176673,0 +176674,0 +176675,0 +176676,15 +176677,29 +176678,29 +176679,29 +176680,29 +176681,29 +176682,40 +176683,40 +176684,40 +176685,40 +176686,40 +176687,5 +176688,5 +176689,5 +176690,5 +176691,5 +176692,5 +176693,5 +176694,5 +176695,5 +176696,5 +176697,5 +176698,40 +176699,36 +176700,36 +176701,36 +176702,36 +176703,36 +176704,36 +176705,36 +176706,40 +176707,40 +176708,40 +176709,6 +176710,6 +176711,6 +176712,6 +176713,6 +176714,6 +176715,6 +176716,6 +176717,2 +176718,2 +176719,2 +176720,2 +176721,2 +176722,2 +176723,2 +176724,2 +176725,2 +176726,2 +176727,2 +176728,2 +176729,2 +176730,2 +176731,5 +176732,5 +176733,5 +176734,5 +176735,5 +176736,5 +176737,5 +176738,5 +176739,5 +176740,14 +176741,40 +176742,40 +176743,40 +176744,40 +176745,40 +176746,27 +176747,27 +176748,27 +176749,27 +176750,27 +176751,14 +176752,14 +176753,14 +176754,14 +176755,39 +176756,39 +176757,39 +176758,39 +176759,39 +176760,39 +176761,39 +176762,19 +176763,19 +176764,19 +176765,19 +176766,19 +176767,19 +176768,19 +176769,27 +176770,27 +176771,27 +176772,27 +176773,27 +176774,27 +176775,27 +176776,27 +176777,27 +176778,27 +176779,27 +176780,27 +176781,29 +176782,8 +176783,8 +176784,8 +176785,8 +176786,8 +176787,8 +176788,8 +176789,8 +176790,8 +176791,8 +176792,8 +176793,8 +176794,8 +176795,8 +176796,8 +176797,8 +176798,8 +176799,8 +176800,8 +176801,10 +176802,10 +176803,10 +176804,10 +176805,10 +176806,10 +176807,10 +176808,10 +176809,10 +176810,10 +176811,26 +176812,26 +176813,26 +176814,26 +176815,26 +176816,26 +176817,26 +176818,26 +176819,26 +176820,26 +176821,26 +176822,24 +176823,24 +176824,24 +176825,24 +176826,24 +176827,24 +176828,24 +176829,24 +176830,24 +176831,24 +176832,24 +176833,39 +176834,39 +176835,39 +176836,39 +176837,39 +176838,39 +176839,39 +176840,39 +176841,39 +176842,39 +176843,39 +176844,39 +176845,31 +176846,31 +176847,27 +176848,31 +176849,31 +176850,31 +176851,27 +176852,27 +176853,27 +176854,2 +176855,2 +176856,2 +176857,2 +176858,2 +176859,2 +176860,2 +176861,2 +176862,2 +176863,2 +176864,2 +176865,2 +176866,2 +176867,2 +176868,2 +176869,2 +176870,2 +176871,2 +176872,2 +176873,2 +176874,2 +176875,2 +176876,2 +176877,2 +176878,2 +176879,2 +176880,2 +176881,0 +176882,0 +176883,0 +176884,0 +176885,0 +176886,0 +176887,0 +176888,0 +176889,0 +176890,0 +176891,0 +176892,0 +176893,0 +176894,0 +176895,0 +176896,0 +176897,0 +176898,0 +176899,0 +176900,0 +176901,0 +176902,0 +176903,0 +176904,0 +176905,0 +176906,4 +176907,4 +176908,4 +176909,4 +176910,4 +176911,37 +176912,37 +176913,37 +176914,37 +176915,37 +176916,5 +176917,5 +176918,5 +176919,5 +176920,5 +176921,2 +176922,2 +176923,2 +176924,2 +176925,2 +176926,2 +176927,2 +176928,2 +176929,2 +176930,2 +176931,2 +176932,31 +176933,31 +176934,31 +176935,31 +176936,29 +176937,24 +176938,24 +176939,24 +176940,32 +176941,32 +176942,32 +176943,32 +176944,32 +176945,32 +176946,32 +176947,32 +176948,32 +176949,32 +176950,32 +176951,32 +176952,32 +176953,39 +176954,39 +176955,39 +176956,39 +176957,39 +176958,39 +176959,39 +176960,39 +176961,39 +176962,7 +176963,39 +176964,39 +176965,39 +176966,31 +176967,31 +176968,31 +176969,31 +176970,31 +176971,31 +176972,27 +176973,27 +176974,27 +176975,27 +176976,28 +176977,28 +176978,28 +176979,28 +176980,28 +176981,28 +176982,28 +176983,28 +176984,28 +176985,28 +176986,28 +176987,28 +176988,28 +176989,28 +176990,28 +176991,28 +176992,28 +176993,28 +176994,28 +176995,28 +176996,28 +176997,0 +176998,0 +176999,0 +177000,0 +177001,0 +177002,0 +177003,0 +177004,0 +177005,0 +177006,0 +177007,0 +177008,0 +177009,0 +177010,0 +177011,0 +177012,0 +177013,0 +177014,0 +177015,0 +177016,0 +177017,0 +177018,0 +177019,0 +177020,0 +177021,0 +177022,0 +177023,35 +177024,35 +177025,35 +177026,35 +177027,35 +177028,35 +177029,35 +177030,35 +177031,35 +177032,39 +177033,39 +177034,39 +177035,39 +177036,39 +177037,39 +177038,39 +177039,28 +177040,21 +177041,21 +177042,21 +177043,21 +177044,21 +177045,21 +177046,21 +177047,21 +177048,21 +177049,21 +177050,21 +177051,21 +177052,21 +177053,21 +177054,21 +177055,21 +177056,21 +177057,21 +177058,14 +177059,14 +177060,14 +177061,14 +177062,27 +177063,27 +177064,27 +177065,27 +177066,27 +177067,27 +177068,27 +177069,27 +177070,27 +177071,27 +177072,27 +177073,5 +177074,5 +177075,5 +177076,5 +177077,5 +177078,5 +177079,5 +177080,5 +177081,5 +177082,5 +177083,5 +177084,5 +177085,5 +177086,5 +177087,5 +177088,5 +177089,2 +177090,2 +177091,2 +177092,2 +177093,2 +177094,2 +177095,2 +177096,2 +177097,2 +177098,8 +177099,8 +177100,2 +177101,2 +177102,2 +177103,2 +177104,2 +177105,2 +177106,0 +177107,0 +177108,0 +177109,0 +177110,0 +177111,31 +177112,31 +177113,31 +177114,31 +177115,31 +177116,5 +177117,5 +177118,5 +177119,5 +177120,5 +177121,5 +177122,5 +177123,5 +177124,5 +177125,27 +177126,29 +177127,31 +177128,31 +177129,31 +177130,31 +177131,31 +177132,31 +177133,31 +177134,2 +177135,2 +177136,2 +177137,2 +177138,2 +177139,2 +177140,2 +177141,2 +177142,2 +177143,2 +177144,12 +177145,12 +177146,12 +177147,12 +177148,12 +177149,12 +177150,12 +177151,12 +177152,12 +177153,12 +177154,12 +177155,10 +177156,14 +177157,14 +177158,14 +177159,14 +177160,14 +177161,14 +177162,14 +177163,14 +177164,14 +177165,14 +177166,14 +177167,14 +177168,14 +177169,14 +177170,14 +177171,14 +177172,14 +177173,14 +177174,14 +177175,14 +177176,14 +177177,39 +177178,39 +177179,39 +177180,39 +177181,39 +177182,0 +177183,0 +177184,0 +177185,0 +177186,0 +177187,0 +177188,0 +177189,0 +177190,0 +177191,0 +177192,0 +177193,0 +177194,0 +177195,0 +177196,0 +177197,0 +177198,0 +177199,0 +177200,0 +177201,0 +177202,0 +177203,0 +177204,0 +177205,0 +177206,0 +177207,0 +177208,0 +177209,0 +177210,0 +177211,0 +177212,0 +177213,0 +177214,0 +177215,0 +177216,0 +177217,0 +177218,0 +177219,0 +177220,0 +177221,0 +177222,0 +177223,0 +177224,0 +177225,0 +177226,0 +177227,0 +177228,0 +177229,0 +177230,0 +177231,0 +177232,0 +177233,0 +177234,0 +177235,0 +177236,0 +177237,0 +177238,0 +177239,0 +177240,0 +177241,0 +177242,0 +177243,0 +177244,0 +177245,0 +177246,0 +177247,0 +177248,0 +177249,0 +177250,0 +177251,0 +177252,0 +177253,0 +177254,0 +177255,0 +177256,0 +177257,0 +177258,0 +177259,0 +177260,0 +177261,21 +177262,21 +177263,21 +177264,21 +177265,21 +177266,21 +177267,21 +177268,26 +177269,26 +177270,26 +177271,26 +177272,26 +177273,26 +177274,26 +177275,10 +177276,10 +177277,10 +177278,26 +177279,26 +177280,26 +177281,26 +177282,26 +177283,26 +177284,26 +177285,26 +177286,26 +177287,15 +177288,15 +177289,15 +177290,15 +177291,15 +177292,15 +177293,27 +177294,27 +177295,27 +177296,27 +177297,27 +177298,27 +177299,27 +177300,27 +177301,27 +177302,27 +177303,27 +177304,8 +177305,8 +177306,8 +177307,8 +177308,8 +177309,8 +177310,8 +177311,27 +177312,27 +177313,39 +177314,39 +177315,39 +177316,39 +177317,39 +177318,39 +177319,39 +177320,39 +177321,39 +177322,39 +177323,39 +177324,39 +177325,36 +177326,36 +177327,36 +177328,36 +177329,36 +177330,36 +177331,10 +177332,10 +177333,31 +177334,36 +177335,36 +177336,36 +177337,36 +177338,32 +177339,32 +177340,32 +177341,32 +177342,32 +177343,32 +177344,2 +177345,2 +177346,2 +177347,6 +177348,6 +177349,2 +177350,2 +177351,39 +177352,39 +177353,30 +177354,30 +177355,30 +177356,30 +177357,30 +177358,30 +177359,30 +177360,30 +177361,3 +177362,27 +177363,27 +177364,27 +177365,12 +177366,3 +177367,3 +177368,3 +177369,3 +177370,8 +177371,8 +177372,8 +177373,8 +177374,37 +177375,37 +177376,37 +177377,37 +177378,37 +177379,37 +177380,37 +177381,37 +177382,37 +177383,37 +177384,37 +177385,37 +177386,3 +177387,3 +177388,3 +177389,3 +177390,3 +177391,3 +177392,3 +177393,30 +177394,30 +177395,30 +177396,30 +177397,30 +177398,30 +177399,25 +177400,25 +177401,25 +177402,25 +177403,25 +177404,25 +177405,25 +177406,25 +177407,25 +177408,25 +177409,25 +177410,25 +177411,25 +177412,25 +177413,25 +177414,0 +177415,0 +177416,0 +177417,31 +177418,25 +177419,31 +177420,31 +177421,31 +177422,31 +177423,31 +177424,31 +177425,31 +177426,31 +177427,31 +177428,24 +177429,24 +177430,24 +177431,24 +177432,24 +177433,29 +177434,29 +177435,29 +177436,29 +177437,39 +177438,39 +177439,39 +177440,39 +177441,39 +177442,39 +177443,39 +177444,39 +177445,39 +177446,39 +177447,39 +177448,39 +177449,39 +177450,3 +177451,3 +177452,5 +177453,5 +177454,5 +177455,5 +177456,5 +177457,31 +177458,31 +177459,31 +177460,31 +177461,31 +177462,24 +177463,24 +177464,24 +177465,24 +177466,24 +177467,24 +177468,24 +177469,24 +177470,25 +177471,25 +177472,25 +177473,25 +177474,25 +177475,25 +177476,25 +177477,25 +177478,25 +177479,25 +177480,25 +177481,25 +177482,25 +177483,25 +177484,25 +177485,25 +177486,8 +177487,8 +177488,8 +177489,8 +177490,8 +177491,8 +177492,8 +177493,8 +177494,8 +177495,8 +177496,8 +177497,2 +177498,2 +177499,2 +177500,2 +177501,2 +177502,2 +177503,2 +177504,2 +177505,2 +177506,2 +177507,2 +177508,2 +177509,2 +177510,2 +177511,0 +177512,0 +177513,0 +177514,0 +177515,0 +177516,0 +177517,35 +177518,35 +177519,35 +177520,35 +177521,35 +177522,35 +177523,35 +177524,35 +177525,36 +177526,36 +177527,36 +177528,36 +177529,36 +177530,5 +177531,5 +177532,5 +177533,5 +177534,19 +177535,19 +177536,19 +177537,19 +177538,35 +177539,35 +177540,35 +177541,35 +177542,6 +177543,6 +177544,35 +177545,6 +177546,9 +177547,9 +177548,9 +177549,9 +177550,9 +177551,9 +177552,9 +177553,9 +177554,9 +177555,9 +177556,9 +177557,9 +177558,9 +177559,9 +177560,9 +177561,9 +177562,30 +177563,30 +177564,30 +177565,30 +177566,30 +177567,30 +177568,30 +177569,30 +177570,30 +177571,30 +177572,29 +177573,24 +177574,24 +177575,24 +177576,12 +177577,12 +177578,40 +177579,40 +177580,31 +177581,31 +177582,31 +177583,4 +177584,4 +177585,4 +177586,4 +177587,4 +177588,25 +177589,25 +177590,25 +177591,25 +177592,3 +177593,3 +177594,3 +177595,3 +177596,19 +177597,19 +177598,19 +177599,19 +177600,0 +177601,0 +177602,0 +177603,0 +177604,0 +177605,0 +177606,0 +177607,0 +177608,0 +177609,0 +177610,0 +177611,0 +177612,6 +177613,6 +177614,6 +177615,6 +177616,6 +177617,6 +177618,6 +177619,6 +177620,6 +177621,6 +177622,6 +177623,31 +177624,31 +177625,31 +177626,5 +177627,5 +177628,5 +177629,5 +177630,5 +177631,5 +177632,5 +177633,5 +177634,5 +177635,4 +177636,4 +177637,4 +177638,4 +177639,4 +177640,4 +177641,4 +177642,14 +177643,14 +177644,14 +177645,14 +177646,14 +177647,14 +177648,14 +177649,14 +177650,14 +177651,14 +177652,14 +177653,14 +177654,14 +177655,14 +177656,14 +177657,14 +177658,14 +177659,14 +177660,14 +177661,14 +177662,14 +177663,14 +177664,5 +177665,5 +177666,13 +177667,5 +177668,5 +177669,5 +177670,5 +177671,5 +177672,5 +177673,5 +177674,5 +177675,5 +177676,5 +177677,2 +177678,2 +177679,2 +177680,2 +177681,2 +177682,2 +177683,2 +177684,2 +177685,2 +177686,2 +177687,2 +177688,2 +177689,2 +177690,2 +177691,2 +177692,2 +177693,2 +177694,2 +177695,2 +177696,2 +177697,2 +177698,0 +177699,0 +177700,0 +177701,0 +177702,0 +177703,0 +177704,0 +177705,0 +177706,0 +177707,0 +177708,0 +177709,0 +177710,0 +177711,0 +177712,0 +177713,0 +177714,0 +177715,0 +177716,0 +177717,0 +177718,0 +177719,0 +177720,0 +177721,0 +177722,0 +177723,0 +177724,0 +177725,0 +177726,0 +177727,0 +177728,0 +177729,0 +177730,0 +177731,0 +177732,0 +177733,0 +177734,0 +177735,0 +177736,0 +177737,0 +177738,0 +177739,0 +177740,0 +177741,0 +177742,0 +177743,0 +177744,35 +177745,35 +177746,0 +177747,0 +177748,0 +177749,0 +177750,19 +177751,19 +177752,19 +177753,19 +177754,19 +177755,19 +177756,19 +177757,19 +177758,19 +177759,33 +177760,33 +177761,33 +177762,33 +177763,33 +177764,33 +177765,33 +177766,33 +177767,33 +177768,28 +177769,28 +177770,28 +177771,28 +177772,28 +177773,28 +177774,28 +177775,28 +177776,28 +177777,28 +177778,28 +177779,28 +177780,28 +177781,28 +177782,39 +177783,39 +177784,39 +177785,39 +177786,39 +177787,39 +177788,39 +177789,39 +177790,39 +177791,39 +177792,39 +177793,39 +177794,39 +177795,39 +177796,39 +177797,39 +177798,39 +177799,39 +177800,39 +177801,39 +177802,39 +177803,39 +177804,39 +177805,39 +177806,39 +177807,39 +177808,39 +177809,39 +177810,39 +177811,39 +177812,39 +177813,39 +177814,39 +177815,39 +177816,0 +177817,0 +177818,0 +177819,0 +177820,0 +177821,0 +177822,0 +177823,0 +177824,0 +177825,0 +177826,0 +177827,0 +177828,0 +177829,0 +177830,0 +177831,0 +177832,0 +177833,0 +177834,0 +177835,0 +177836,0 +177837,0 +177838,0 +177839,0 +177840,0 +177841,0 +177842,0 +177843,0 +177844,0 +177845,0 +177846,0 +177847,0 +177848,0 +177849,0 +177850,0 +177851,0 +177852,0 +177853,0 +177854,0 +177855,0 +177856,0 +177857,0 +177858,0 +177859,0 +177860,0 +177861,0 +177862,0 +177863,0 +177864,0 +177865,0 +177866,0 +177867,0 +177868,0 +177869,0 +177870,0 +177871,0 +177872,0 +177873,0 +177874,0 +177875,0 +177876,0 +177877,0 +177878,0 +177879,0 +177880,0 +177881,0 +177882,0 +177883,0 +177884,0 +177885,0 +177886,0 +177887,0 +177888,12 +177889,12 +177890,12 +177891,12 +177892,27 +177893,27 +177894,5 +177895,5 +177896,5 +177897,5 +177898,39 +177899,39 +177900,39 +177901,39 +177902,39 +177903,39 +177904,39 +177905,21 +177906,21 +177907,21 +177908,21 +177909,21 +177910,40 +177911,40 +177912,40 +177913,40 +177914,40 +177915,40 +177916,40 +177917,40 +177918,40 +177919,40 +177920,40 +177921,19 +177922,19 +177923,19 +177924,19 +177925,19 +177926,19 +177927,19 +177928,19 +177929,19 +177930,19 +177931,19 +177932,19 +177933,10 +177934,34 +177935,34 +177936,34 +177937,34 +177938,34 +177939,34 +177940,34 +177941,34 +177942,34 +177943,34 +177944,34 +177945,34 +177946,5 +177947,5 +177948,5 +177949,5 +177950,5 +177951,31 +177952,31 +177953,31 +177954,31 +177955,31 +177956,31 +177957,21 +177958,21 +177959,21 +177960,21 +177961,21 +177962,21 +177963,14 +177964,14 +177965,14 +177966,14 +177967,14 +177968,40 +177969,40 +177970,39 +177971,39 +177972,36 +177973,36 +177974,36 +177975,36 +177976,36 +177977,36 +177978,36 +177979,36 +177980,5 +177981,5 +177982,5 +177983,5 +177984,5 +177985,28 +177986,28 +177987,28 +177988,28 +177989,5 +177990,5 +177991,36 +177992,36 +177993,10 +177994,10 +177995,10 +177996,10 +177997,10 +177998,10 +177999,10 +178000,10 +178001,10 +178002,10 +178003,10 +178004,10 +178005,10 +178006,2 +178007,2 +178008,2 +178009,2 +178010,2 +178011,2 +178012,2 +178013,2 +178014,2 +178015,2 +178016,2 +178017,31 +178018,31 +178019,31 +178020,34 +178021,31 +178022,31 +178023,31 +178024,1 +178025,1 +178026,1 +178027,1 +178028,31 +178029,31 +178030,31 +178031,31 +178032,31 +178033,31 +178034,31 +178035,31 +178036,31 +178037,31 +178038,4 +178039,4 +178040,4 +178041,31 +178042,31 +178043,31 +178044,31 +178045,31 +178046,15 +178047,15 +178048,15 +178049,15 +178050,15 +178051,15 +178052,15 +178053,15 +178054,15 +178055,15 +178056,15 +178057,15 +178058,31 +178059,31 +178060,31 +178061,31 +178062,31 +178063,31 +178064,31 +178065,34 +178066,31 +178067,5 +178068,5 +178069,5 +178070,5 +178071,5 +178072,5 +178073,19 +178074,19 +178075,19 +178076,19 +178077,31 +178078,31 +178079,31 +178080,31 +178081,31 +178082,31 +178083,31 +178084,31 +178085,31 +178086,31 +178087,12 +178088,12 +178089,12 +178090,12 +178091,12 +178092,12 +178093,31 +178094,31 +178095,31 +178096,8 +178097,8 +178098,8 +178099,8 +178100,8 +178101,8 +178102,8 +178103,31 +178104,31 +178105,31 +178106,31 +178107,31 +178108,31 +178109,31 +178110,2 +178111,2 +178112,2 +178113,2 +178114,2 +178115,2 +178116,2 +178117,2 +178118,2 +178119,32 +178120,32 +178121,32 +178122,32 +178123,32 +178124,32 +178125,32 +178126,40 +178127,40 +178128,40 +178129,40 +178130,40 +178131,5 +178132,5 +178133,5 +178134,5 +178135,5 +178136,29 +178137,29 +178138,31 +178139,27 +178140,27 +178141,27 +178142,19 +178143,19 +178144,19 +178145,19 +178146,19 +178147,19 +178148,19 +178149,33 +178150,33 +178151,33 +178152,3 +178153,33 +178154,33 +178155,33 +178156,33 +178157,3 +178158,3 +178159,33 +178160,3 +178161,27 +178162,27 +178163,27 +178164,31 +178165,31 +178166,24 +178167,29 +178168,29 +178169,29 +178170,29 +178171,29 +178172,31 +178173,31 +178174,31 +178175,31 +178176,23 +178177,23 +178178,23 +178179,23 +178180,23 +178181,23 +178182,23 +178183,23 +178184,23 +178185,23 +178186,23 +178187,23 +178188,23 +178189,10 +178190,10 +178191,10 +178192,10 +178193,26 +178194,26 +178195,26 +178196,26 +178197,26 +178198,26 +178199,26 +178200,37 +178201,37 +178202,37 +178203,37 +178204,37 +178205,37 +178206,37 +178207,37 +178208,25 +178209,25 +178210,25 +178211,25 +178212,37 +178213,37 +178214,37 +178215,37 +178216,37 +178217,37 +178218,37 +178219,25 +178220,25 +178221,25 +178222,25 +178223,25 +178224,25 +178225,25 +178226,25 +178227,25 +178228,25 +178229,25 +178230,25 +178231,25 +178232,0 +178233,0 +178234,0 +178235,0 +178236,0 +178237,0 +178238,0 +178239,0 +178240,0 +178241,0 +178242,0 +178243,0 +178244,0 +178245,0 +178246,0 +178247,0 +178248,0 +178249,0 +178250,0 +178251,0 +178252,0 +178253,0 +178254,0 +178255,0 +178256,0 +178257,0 +178258,0 +178259,0 +178260,0 +178261,0 +178262,0 +178263,0 +178264,0 +178265,0 +178266,0 +178267,0 +178268,0 +178269,0 +178270,0 +178271,0 +178272,0 +178273,0 +178274,0 +178275,0 +178276,0 +178277,0 +178278,0 +178279,0 +178280,0 +178281,0 +178282,0 +178283,0 +178284,0 +178285,0 +178286,0 +178287,0 +178288,0 +178289,0 +178290,0 +178291,0 +178292,0 +178293,0 +178294,0 +178295,0 +178296,0 +178297,0 +178298,0 +178299,0 +178300,0 +178301,35 +178302,35 +178303,35 +178304,35 +178305,35 +178306,35 +178307,35 +178308,35 +178309,35 +178310,35 +178311,34 +178312,34 +178313,34 +178314,34 +178315,34 +178316,34 +178317,26 +178318,26 +178319,31 +178320,10 +178321,10 +178322,19 +178323,19 +178324,19 +178325,19 +178326,19 +178327,19 +178328,19 +178329,27 +178330,27 +178331,27 +178332,27 +178333,27 +178334,4 +178335,4 +178336,4 +178337,4 +178338,4 +178339,31 +178340,31 +178341,31 +178342,31 +178343,31 +178344,31 +178345,19 +178346,19 +178347,19 +178348,19 +178349,19 +178350,35 +178351,35 +178352,35 +178353,35 +178354,35 +178355,35 +178356,35 +178357,32 +178358,36 +178359,36 +178360,36 +178361,36 +178362,36 +178363,36 +178364,36 +178365,36 +178366,36 +178367,36 +178368,36 +178369,32 +178370,32 +178371,32 +178372,32 +178373,32 +178374,32 +178375,32 +178376,32 +178377,31 +178378,31 +178379,31 +178380,31 +178381,5 +178382,5 +178383,5 +178384,5 +178385,5 +178386,5 +178387,5 +178388,31 +178389,31 +178390,31 +178391,31 +178392,31 +178393,31 +178394,15 +178395,15 +178396,15 +178397,15 +178398,15 +178399,15 +178400,15 +178401,39 +178402,39 +178403,39 +178404,39 +178405,39 +178406,39 +178407,39 +178408,39 +178409,39 +178410,39 +178411,30 +178412,30 +178413,30 +178414,30 +178415,30 +178416,30 +178417,30 +178418,30 +178419,30 +178420,30 +178421,30 +178422,40 +178423,40 +178424,40 +178425,40 +178426,40 +178427,40 +178428,6 +178429,6 +178430,6 +178431,6 +178432,6 +178433,6 +178434,11 +178435,11 +178436,11 +178437,11 +178438,11 +178439,11 +178440,11 +178441,11 +178442,11 +178443,11 +178444,11 +178445,31 +178446,31 +178447,31 +178448,5 +178449,5 +178450,5 +178451,5 +178452,5 +178453,13 +178454,4 +178455,4 +178456,4 +178457,4 +178458,4 +178459,4 +178460,4 +178461,4 +178462,4 +178463,4 +178464,10 +178465,10 +178466,10 +178467,10 +178468,10 +178469,10 +178470,10 +178471,10 +178472,10 +178473,10 +178474,10 +178475,10 +178476,10 +178477,10 +178478,10 +178479,10 +178480,10 +178481,10 +178482,28 +178483,28 +178484,28 +178485,28 +178486,28 +178487,28 +178488,28 +178489,28 +178490,5 +178491,5 +178492,5 +178493,5 +178494,0 +178495,0 +178496,0 +178497,0 +178498,0 +178499,0 +178500,0 +178501,0 +178502,0 +178503,0 +178504,0 +178505,0 +178506,0 +178507,0 +178508,0 +178509,0 +178510,0 +178511,0 +178512,0 +178513,0 +178514,0 +178515,0 +178516,0 +178517,0 +178518,0 +178519,0 +178520,0 +178521,0 +178522,0 +178523,0 +178524,0 +178525,0 +178526,0 +178527,0 +178528,0 +178529,0 +178530,0 +178531,0 +178532,0 +178533,0 +178534,0 +178535,0 +178536,0 +178537,0 +178538,0 +178539,0 +178540,0 +178541,0 +178542,0 +178543,0 +178544,0 +178545,0 +178546,0 +178547,0 +178548,0 +178549,0 +178550,0 +178551,12 +178552,12 +178553,12 +178554,12 +178555,12 +178556,12 +178557,12 +178558,12 +178559,12 +178560,12 +178561,12 +178562,12 +178563,12 +178564,12 +178565,12 +178566,12 +178567,10 +178568,10 +178569,10 +178570,10 +178571,10 +178572,10 +178573,10 +178574,10 +178575,10 +178576,19 +178577,19 +178578,19 +178579,19 +178580,19 +178581,19 +178582,19 +178583,27 +178584,27 +178585,27 +178586,27 +178587,27 +178588,27 +178589,19 +178590,19 +178591,19 +178592,19 +178593,19 +178594,19 +178595,19 +178596,19 +178597,27 +178598,27 +178599,27 +178600,27 +178601,27 +178602,27 +178603,27 +178604,27 +178605,27 +178606,27 +178607,27 +178608,27 +178609,27 +178610,27 +178611,27 +178612,27 +178613,27 +178614,27 +178615,27 +178616,27 +178617,27 +178618,27 +178619,27 +178620,27 +178621,27 +178622,27 +178623,5 +178624,5 +178625,5 +178626,5 +178627,5 +178628,5 +178629,5 +178630,5 +178631,5 +178632,5 +178633,5 +178634,27 +178635,27 +178636,27 +178637,2 +178638,2 +178639,2 +178640,2 +178641,2 +178642,2 +178643,2 +178644,2 +178645,2 +178646,16 +178647,16 +178648,16 +178649,16 +178650,16 +178651,16 +178652,16 +178653,16 +178654,16 +178655,16 +178656,27 +178657,27 +178658,27 +178659,27 +178660,27 +178661,27 +178662,27 +178663,27 +178664,27 +178665,5 +178666,5 +178667,5 +178668,5 +178669,5 +178670,2 +178671,2 +178672,2 +178673,2 +178674,2 +178675,2 +178676,2 +178677,2 +178678,2 +178679,4 +178680,4 +178681,4 +178682,4 +178683,4 +178684,31 +178685,31 +178686,31 +178687,15 +178688,15 +178689,15 +178690,15 +178691,15 +178692,1 +178693,1 +178694,39 +178695,39 +178696,39 +178697,39 +178698,39 +178699,39 +178700,39 +178701,39 +178702,39 +178703,39 +178704,23 +178705,23 +178706,23 +178707,23 +178708,23 +178709,23 +178710,23 +178711,23 +178712,23 +178713,23 +178714,23 +178715,23 +178716,23 +178717,23 +178718,22 +178719,22 +178720,22 +178721,22 +178722,33 +178723,33 +178724,33 +178725,33 +178726,33 +178727,33 +178728,30 +178729,30 +178730,33 +178731,30 +178732,30 +178733,30 +178734,30 +178735,30 +178736,30 +178737,30 +178738,30 +178739,30 +178740,30 +178741,30 +178742,30 +178743,30 +178744,30 +178745,30 +178746,30 +178747,30 +178748,30 +178749,0 +178750,0 +178751,0 +178752,0 +178753,0 +178754,0 +178755,0 +178756,0 +178757,0 +178758,0 +178759,0 +178760,0 +178761,0 +178762,0 +178763,0 +178764,0 +178765,0 +178766,0 +178767,0 +178768,0 +178769,0 +178770,0 +178771,0 +178772,0 +178773,0 +178774,0 +178775,0 +178776,0 +178777,0 +178778,0 +178779,0 +178780,0 +178781,0 +178782,0 +178783,0 +178784,0 +178785,0 +178786,0 +178787,0 +178788,0 +178789,0 +178790,0 +178791,0 +178792,0 +178793,0 +178794,0 +178795,0 +178796,0 +178797,0 +178798,16 +178799,16 +178800,16 +178801,16 +178802,16 +178803,16 +178804,16 +178805,16 +178806,16 +178807,16 +178808,16 +178809,16 +178810,10 +178811,10 +178812,10 +178813,10 +178814,10 +178815,10 +178816,10 +178817,10 +178818,10 +178819,4 +178820,32 +178821,32 +178822,32 +178823,32 +178824,32 +178825,32 +178826,32 +178827,4 +178828,4 +178829,4 +178830,4 +178831,25 +178832,25 +178833,25 +178834,25 +178835,25 +178836,25 +178837,25 +178838,25 +178839,25 +178840,25 +178841,25 +178842,25 +178843,38 +178844,38 +178845,38 +178846,38 +178847,23 +178848,38 +178849,38 +178850,38 +178851,38 +178852,38 +178853,38 +178854,38 +178855,25 +178856,25 +178857,25 +178858,25 +178859,25 +178860,25 +178861,25 +178862,25 +178863,25 +178864,25 +178865,25 +178866,4 +178867,19 +178868,39 +178869,39 +178870,39 +178871,39 +178872,39 +178873,39 +178874,39 +178875,39 +178876,39 +178877,39 +178878,23 +178879,23 +178880,23 +178881,23 +178882,23 +178883,38 +178884,38 +178885,38 +178886,38 +178887,38 +178888,38 +178889,38 +178890,38 +178891,38 +178892,38 +178893,37 +178894,37 +178895,37 +178896,37 +178897,37 +178898,37 +178899,37 +178900,37 +178901,25 +178902,25 +178903,25 +178904,25 +178905,25 +178906,25 +178907,39 +178908,39 +178909,39 +178910,39 +178911,39 +178912,39 +178913,39 +178914,39 +178915,39 +178916,39 +178917,39 +178918,39 +178919,39 +178920,39 +178921,39 +178922,39 +178923,39 +178924,39 +178925,39 +178926,39 +178927,39 +178928,39 +178929,39 +178930,39 +178931,39 +178932,39 +178933,39 +178934,39 +178935,39 +178936,39 +178937,0 +178938,0 +178939,0 +178940,0 +178941,0 +178942,0 +178943,0 +178944,0 +178945,0 +178946,0 +178947,0 +178948,0 +178949,0 +178950,0 +178951,0 +178952,0 +178953,0 +178954,0 +178955,0 +178956,0 +178957,0 +178958,0 +178959,0 +178960,0 +178961,0 +178962,0 +178963,0 +178964,0 +178965,0 +178966,0 +178967,0 +178968,0 +178969,0 +178970,0 +178971,0 +178972,0 +178973,0 +178974,0 +178975,0 +178976,0 +178977,0 +178978,0 +178979,0 +178980,0 +178981,0 +178982,0 +178983,0 +178984,0 +178985,0 +178986,0 +178987,0 +178988,0 +178989,0 +178990,0 +178991,0 +178992,0 +178993,0 +178994,0 +178995,0 +178996,37 +178997,37 +178998,37 +178999,37 +179000,37 +179001,37 +179002,37 +179003,37 +179004,37 +179005,37 +179006,37 +179007,37 +179008,37 +179009,37 +179010,37 +179011,37 +179012,33 +179013,33 +179014,33 +179015,33 +179016,33 +179017,33 +179018,33 +179019,33 +179020,28 +179021,28 +179022,28 +179023,28 +179024,28 +179025,27 +179026,27 +179027,27 +179028,27 +179029,27 +179030,5 +179031,5 +179032,5 +179033,5 +179034,5 +179035,5 +179036,5 +179037,5 +179038,5 +179039,5 +179040,5 +179041,15 +179042,15 +179043,15 +179044,15 +179045,40 +179046,40 +179047,40 +179048,40 +179049,40 +179050,40 +179051,40 +179052,40 +179053,40 +179054,40 +179055,40 +179056,40 +179057,40 +179058,40 +179059,40 +179060,36 +179061,5 +179062,5 +179063,5 +179064,5 +179065,5 +179066,19 +179067,19 +179068,19 +179069,19 +179070,27 +179071,27 +179072,27 +179073,27 +179074,27 +179075,27 +179076,27 +179077,27 +179078,4 +179079,4 +179080,4 +179081,4 +179082,4 +179083,4 +179084,4 +179085,4 +179086,4 +179087,2 +179088,2 +179089,2 +179090,2 +179091,2 +179092,2 +179093,2 +179094,2 +179095,2 +179096,2 +179097,2 +179098,2 +179099,2 +179100,2 +179101,2 +179102,2 +179103,2 +179104,2 +179105,2 +179106,2 +179107,2 +179108,2 +179109,2 +179110,2 +179111,2 +179112,2 +179113,2 +179114,2 +179115,2 +179116,2 +179117,2 +179118,2 +179119,2 +179120,2 +179121,2 +179122,2 +179123,2 +179124,0 +179125,0 +179126,0 +179127,0 +179128,0 +179129,0 +179130,0 +179131,0 +179132,0 +179133,0 +179134,0 +179135,0 +179136,0 +179137,0 +179138,0 +179139,0 +179140,0 +179141,0 +179142,0 +179143,0 +179144,0 +179145,0 +179146,0 +179147,0 +179148,0 +179149,0 +179150,0 +179151,0 +179152,0 +179153,0 +179154,0 +179155,0 +179156,0 +179157,0 +179158,0 +179159,36 +179160,36 +179161,36 +179162,36 +179163,36 +179164,36 +179165,36 +179166,36 +179167,36 +179168,36 +179169,5 +179170,5 +179171,5 +179172,19 +179173,19 +179174,19 +179175,11 +179176,11 +179177,11 +179178,11 +179179,11 +179180,11 +179181,11 +179182,11 +179183,11 +179184,11 +179185,11 +179186,11 +179187,39 +179188,39 +179189,39 +179190,39 +179191,39 +179192,39 +179193,39 +179194,27 +179195,27 +179196,27 +179197,27 +179198,27 +179199,27 +179200,27 +179201,27 +179202,27 +179203,27 +179204,2 +179205,2 +179206,2 +179207,2 +179208,2 +179209,2 +179210,2 +179211,2 +179212,2 +179213,2 +179214,2 +179215,2 +179216,2 +179217,2 +179218,2 +179219,2 +179220,2 +179221,33 +179222,33 +179223,33 +179224,33 +179225,33 +179226,33 +179227,33 +179228,33 +179229,33 +179230,33 +179231,33 +179232,33 +179233,33 +179234,33 +179235,33 +179236,33 +179237,4 +179238,4 +179239,4 +179240,4 +179241,4 +179242,32 +179243,4 +179244,32 +179245,4 +179246,4 +179247,4 +179248,4 +179249,4 +179250,4 +179251,40 +179252,40 +179253,40 +179254,40 +179255,37 +179256,37 +179257,37 +179258,25 +179259,37 +179260,25 +179261,25 +179262,25 +179263,25 +179264,25 +179265,25 +179266,25 +179267,25 +179268,31 +179269,31 +179270,31 +179271,31 +179272,31 +179273,31 +179274,23 +179275,23 +179276,23 +179277,23 +179278,23 +179279,23 +179280,23 +179281,23 +179282,23 +179283,34 +179284,34 +179285,34 +179286,34 +179287,34 +179288,34 +179289,34 +179290,34 +179291,10 +179292,34 +179293,34 +179294,10 +179295,10 +179296,10 +179297,10 +179298,10 +179299,10 +179300,10 +179301,10 +179302,10 +179303,10 +179304,10 +179305,10 +179306,19 +179307,19 +179308,19 +179309,19 +179310,29 +179311,29 +179312,29 +179313,31 +179314,31 +179315,31 +179316,31 +179317,31 +179318,31 +179319,4 +179320,4 +179321,4 +179322,4 +179323,4 +179324,4 +179325,4 +179326,4 +179327,29 +179328,29 +179329,29 +179330,29 +179331,40 +179332,40 +179333,40 +179334,40 +179335,40 +179336,40 +179337,37 +179338,37 +179339,37 +179340,37 +179341,37 +179342,37 +179343,37 +179344,37 +179345,37 +179346,37 +179347,37 +179348,27 +179349,27 +179350,27 +179351,27 +179352,27 +179353,27 +179354,27 +179355,8 +179356,8 +179357,8 +179358,8 +179359,8 +179360,8 +179361,8 +179362,8 +179363,8 +179364,8 +179365,5 +179366,5 +179367,5 +179368,5 +179369,5 +179370,5 +179371,5 +179372,29 +179373,29 +179374,33 +179375,33 +179376,31 +179377,31 +179378,31 +179379,31 +179380,31 +179381,30 +179382,30 +179383,30 +179384,30 +179385,30 +179386,30 +179387,30 +179388,30 +179389,30 +179390,30 +179391,30 +179392,30 +179393,30 +179394,30 +179395,30 +179396,30 +179397,30 +179398,33 +179399,33 +179400,33 +179401,33 +179402,33 +179403,33 +179404,33 +179405,33 +179406,33 +179407,33 +179408,33 +179409,33 +179410,33 +179411,33 +179412,33 +179413,33 +179414,33 +179415,32 +179416,32 +179417,32 +179418,32 +179419,32 +179420,32 +179421,32 +179422,32 +179423,32 +179424,31 +179425,31 +179426,31 +179427,31 +179428,31 +179429,24 +179430,24 +179431,24 +179432,24 +179433,24 +179434,24 +179435,24 +179436,24 +179437,28 +179438,28 +179439,28 +179440,28 +179441,28 +179442,28 +179443,28 +179444,14 +179445,14 +179446,14 +179447,14 +179448,14 +179449,14 +179450,14 +179451,14 +179452,14 +179453,6 +179454,6 +179455,6 +179456,6 +179457,6 +179458,6 +179459,6 +179460,6 +179461,27 +179462,27 +179463,31 +179464,31 +179465,31 +179466,27 +179467,5 +179468,5 +179469,5 +179470,5 +179471,35 +179472,35 +179473,35 +179474,35 +179475,35 +179476,35 +179477,25 +179478,25 +179479,25 +179480,25 +179481,25 +179482,25 +179483,25 +179484,25 +179485,25 +179486,8 +179487,8 +179488,8 +179489,8 +179490,8 +179491,8 +179492,8 +179493,2 +179494,8 +179495,8 +179496,15 +179497,32 +179498,32 +179499,32 +179500,32 +179501,32 +179502,32 +179503,39 +179504,39 +179505,39 +179506,39 +179507,39 +179508,39 +179509,39 +179510,39 +179511,39 +179512,39 +179513,39 +179514,39 +179515,39 +179516,39 +179517,39 +179518,0 +179519,0 +179520,0 +179521,0 +179522,0 +179523,0 +179524,0 +179525,0 +179526,0 +179527,0 +179528,0 +179529,0 +179530,0 +179531,0 +179532,0 +179533,0 +179534,0 +179535,0 +179536,0 +179537,0 +179538,0 +179539,0 +179540,0 +179541,0 +179542,0 +179543,0 +179544,0 +179545,0 +179546,0 +179547,0 +179548,0 +179549,0 +179550,0 +179551,0 +179552,0 +179553,0 +179554,0 +179555,0 +179556,0 +179557,0 +179558,0 +179559,0 +179560,0 +179561,0 +179562,0 +179563,0 +179564,0 +179565,0 +179566,0 +179567,0 +179568,0 +179569,0 +179570,0 +179571,0 +179572,0 +179573,0 +179574,0 +179575,0 +179576,0 +179577,0 +179578,0 +179579,35 +179580,35 +179581,35 +179582,35 +179583,35 +179584,35 +179585,39 +179586,14 +179587,39 +179588,39 +179589,39 +179590,35 +179591,35 +179592,35 +179593,35 +179594,36 +179595,36 +179596,36 +179597,36 +179598,19 +179599,19 +179600,19 +179601,19 +179602,19 +179603,19 +179604,23 +179605,23 +179606,23 +179607,23 +179608,23 +179609,23 +179610,23 +179611,27 +179612,27 +179613,27 +179614,27 +179615,27 +179616,27 +179617,27 +179618,27 +179619,27 +179620,14 +179621,14 +179622,14 +179623,14 +179624,14 +179625,19 +179626,19 +179627,19 +179628,19 +179629,19 +179630,19 +179631,19 +179632,29 +179633,29 +179634,29 +179635,29 +179636,31 +179637,31 +179638,31 +179639,31 +179640,31 +179641,19 +179642,19 +179643,19 +179644,19 +179645,19 +179646,19 +179647,19 +179648,19 +179649,29 +179650,19 +179651,19 +179652,31 +179653,31 +179654,31 +179655,31 +179656,31 +179657,31 +179658,31 +179659,16 +179660,16 +179661,18 +179662,18 +179663,18 +179664,18 +179665,16 +179666,18 +179667,16 +179668,16 +179669,16 +179670,16 +179671,36 +179672,34 +179673,34 +179674,36 +179675,36 +179676,36 +179677,36 +179678,36 +179679,36 +179680,36 +179681,30 +179682,30 +179683,30 +179684,30 +179685,30 +179686,30 +179687,30 +179688,30 +179689,19 +179690,19 +179691,19 +179692,30 +179693,30 +179694,30 +179695,30 +179696,30 +179697,30 +179698,30 +179699,27 +179700,27 +179701,27 +179702,27 +179703,27 +179704,8 +179705,8 +179706,8 +179707,8 +179708,8 +179709,8 +179710,27 +179711,27 +179712,27 +179713,27 +179714,27 +179715,27 +179716,27 +179717,5 +179718,5 +179719,5 +179720,5 +179721,5 +179722,5 +179723,5 +179724,5 +179725,18 +179726,18 +179727,18 +179728,18 +179729,18 +179730,18 +179731,18 +179732,25 +179733,25 +179734,25 +179735,25 +179736,25 +179737,25 +179738,25 +179739,25 +179740,25 +179741,39 +179742,25 +179743,25 +179744,39 +179745,4 +179746,19 +179747,19 +179748,19 +179749,19 +179750,19 +179751,19 +179752,19 +179753,19 +179754,0 +179755,0 +179756,0 +179757,0 +179758,0 +179759,0 +179760,0 +179761,0 +179762,0 +179763,0 +179764,0 +179765,0 +179766,0 +179767,0 +179768,0 +179769,0 +179770,0 +179771,0 +179772,0 +179773,0 +179774,0 +179775,0 +179776,0 +179777,0 +179778,0 +179779,0 +179780,0 +179781,0 +179782,0 +179783,0 +179784,0 +179785,0 +179786,0 +179787,0 +179788,0 +179789,0 +179790,0 +179791,0 +179792,0 +179793,0 +179794,0 +179795,0 +179796,0 +179797,0 +179798,0 +179799,0 +179800,0 +179801,0 +179802,0 +179803,0 +179804,0 +179805,0 +179806,0 +179807,0 +179808,15 +179809,15 +179810,15 +179811,34 +179812,10 +179813,10 +179814,10 +179815,10 +179816,10 +179817,10 +179818,29 +179819,29 +179820,29 +179821,24 +179822,24 +179823,24 +179824,24 +179825,24 +179826,31 +179827,31 +179828,31 +179829,27 +179830,27 +179831,31 +179832,19 +179833,19 +179834,19 +179835,19 +179836,19 +179837,19 +179838,19 +179839,37 +179840,37 +179841,25 +179842,25 +179843,37 +179844,37 +179845,37 +179846,37 +179847,37 +179848,37 +179849,37 +179850,40 +179851,40 +179852,40 +179853,40 +179854,40 +179855,40 +179856,40 +179857,6 +179858,6 +179859,6 +179860,6 +179861,6 +179862,11 +179863,11 +179864,11 +179865,11 +179866,11 +179867,11 +179868,11 +179869,11 +179870,11 +179871,11 +179872,31 +179873,31 +179874,5 +179875,5 +179876,5 +179877,5 +179878,5 +179879,27 +179880,31 +179881,31 +179882,31 +179883,31 +179884,31 +179885,31 +179886,24 +179887,24 +179888,24 +179889,24 +179890,24 +179891,24 +179892,24 +179893,24 +179894,37 +179895,37 +179896,37 +179897,37 +179898,37 +179899,37 +179900,37 +179901,37 +179902,37 +179903,40 +179904,40 +179905,40 +179906,40 +179907,40 +179908,40 +179909,40 +179910,40 +179911,36 +179912,36 +179913,36 +179914,6 +179915,6 +179916,6 +179917,6 +179918,6 +179919,6 +179920,6 +179921,6 +179922,6 +179923,6 +179924,2 +179925,2 +179926,2 +179927,2 +179928,2 +179929,2 +179930,2 +179931,2 +179932,2 +179933,29 +179934,29 +179935,29 +179936,29 +179937,31 +179938,31 +179939,31 +179940,31 +179941,12 +179942,12 +179943,12 +179944,12 +179945,12 +179946,12 +179947,12 +179948,12 +179949,27 +179950,27 +179951,27 +179952,27 +179953,27 +179954,27 +179955,27 +179956,27 +179957,27 +179958,30 +179959,30 +179960,30 +179961,30 +179962,30 +179963,30 +179964,12 +179965,33 +179966,33 +179967,15 +179968,12 +179969,21 +179970,15 +179971,15 +179972,33 +179973,33 +179974,33 +179975,33 +179976,33 +179977,33 +179978,33 +179979,33 +179980,33 +179981,33 +179982,33 +179983,33 +179984,33 +179985,33 +179986,33 +179987,33 +179988,33 +179989,33 +179990,33 +179991,33 +179992,33 +179993,33 +179994,3 +179995,33 +179996,8 +179997,8 +179998,8 +179999,8 +180000,8 +180001,8 +180002,32 +180003,32 +180004,32 +180005,1 +180006,32 +180007,32 +180008,32 +180009,32 +180010,37 +180011,37 +180012,37 +180013,37 +180014,37 +180015,37 +180016,9 +180017,9 +180018,9 +180019,9 +180020,9 +180021,9 +180022,33 +180023,33 +180024,33 +180025,33 +180026,33 +180027,33 +180028,33 +180029,33 +180030,31 +180031,31 +180032,31 +180033,31 +180034,31 +180035,31 +180036,31 +180037,30 +180038,30 +180039,30 +180040,30 +180041,30 +180042,30 +180043,30 +180044,26 +180045,9 +180046,9 +180047,9 +180048,9 +180049,9 +180050,9 +180051,9 +180052,9 +180053,9 +180054,13 +180055,13 +180056,13 +180057,13 +180058,13 +180059,13 +180060,13 +180061,13 +180062,13 +180063,2 +180064,2 +180065,2 +180066,2 +180067,2 +180068,2 +180069,2 +180070,2 +180071,2 +180072,2 +180073,10 +180074,31 +180075,36 +180076,36 +180077,36 +180078,36 +180079,36 +180080,36 +180081,36 +180082,36 +180083,36 +180084,36 +180085,19 +180086,19 +180087,19 +180088,19 +180089,19 +180090,19 +180091,19 +180092,29 +180093,29 +180094,31 +180095,31 +180096,31 +180097,31 +180098,18 +180099,18 +180100,18 +180101,18 +180102,18 +180103,18 +180104,18 +180105,18 +180106,18 +180107,18 +180108,26 +180109,26 +180110,26 +180111,26 +180112,26 +180113,26 +180114,26 +180115,26 +180116,30 +180117,30 +180118,30 +180119,30 +180120,30 +180121,30 +180122,30 +180123,30 +180124,30 +180125,39 +180126,39 +180127,39 +180128,39 +180129,39 +180130,6 +180131,6 +180132,6 +180133,6 +180134,6 +180135,21 +180136,33 +180137,33 +180138,33 +180139,33 +180140,33 +180141,33 +180142,33 +180143,33 +180144,33 +180145,33 +180146,33 +180147,33 +180148,33 +180149,33 +180150,33 +180151,33 +180152,33 +180153,33 +180154,33 +180155,33 +180156,33 +180157,33 +180158,0 +180159,0 +180160,0 +180161,4 +180162,0 +180163,0 +180164,0 +180165,0 +180166,0 +180167,0 +180168,0 +180169,0 +180170,0 +180171,0 +180172,0 +180173,0 +180174,0 +180175,0 +180176,0 +180177,0 +180178,0 +180179,0 +180180,0 +180181,0 +180182,0 +180183,0 +180184,0 +180185,0 +180186,0 +180187,0 +180188,0 +180189,0 +180190,0 +180191,0 +180192,0 +180193,0 +180194,0 +180195,0 +180196,0 +180197,0 +180198,0 +180199,0 +180200,0 +180201,0 +180202,31 +180203,31 +180204,31 +180205,31 +180206,31 +180207,5 +180208,5 +180209,5 +180210,5 +180211,5 +180212,5 +180213,5 +180214,5 +180215,5 +180216,16 +180217,16 +180218,16 +180219,16 +180220,16 +180221,16 +180222,16 +180223,16 +180224,40 +180225,40 +180226,40 +180227,40 +180228,40 +180229,40 +180230,36 +180231,11 +180232,2 +180233,20 +180234,20 +180235,20 +180236,2 +180237,11 +180238,11 +180239,11 +180240,11 +180241,11 +180242,11 +180243,11 +180244,11 +180245,36 +180246,36 +180247,36 +180248,36 +180249,36 +180250,36 +180251,36 +180252,36 +180253,36 +180254,36 +180255,36 +180256,36 +180257,36 +180258,36 +180259,36 +180260,36 +180261,36 +180262,36 +180263,36 +180264,36 +180265,36 +180266,36 +180267,36 +180268,36 +180269,36 +180270,36 +180271,36 +180272,36 +180273,5 +180274,5 +180275,5 +180276,5 +180277,13 +180278,13 +180279,13 +180280,13 +180281,13 +180282,13 +180283,13 +180284,31 +180285,31 +180286,31 +180287,31 +180288,31 +180289,31 +180290,31 +180291,31 +180292,31 +180293,31 +180294,31 +180295,31 +180296,31 +180297,31 +180298,31 +180299,31 +180300,8 +180301,8 +180302,8 +180303,8 +180304,8 +180305,8 +180306,8 +180307,8 +180308,8 +180309,30 +180310,30 +180311,30 +180312,30 +180313,30 +180314,30 +180315,39 +180316,39 +180317,39 +180318,39 +180319,15 +180320,15 +180321,15 +180322,15 +180323,15 +180324,15 +180325,15 +180326,9 +180327,9 +180328,9 +180329,9 +180330,9 +180331,9 +180332,37 +180333,37 +180334,37 +180335,37 +180336,37 +180337,37 +180338,37 +180339,37 +180340,25 +180341,25 +180342,25 +180343,25 +180344,25 +180345,25 +180346,25 +180347,25 +180348,25 +180349,25 +180350,25 +180351,3 +180352,3 +180353,19 +180354,19 +180355,4 +180356,4 +180357,4 +180358,4 +180359,4 +180360,4 +180361,35 +180362,35 +180363,4 +180364,25 +180365,25 +180366,25 +180367,25 +180368,25 +180369,37 +180370,37 +180371,37 +180372,25 +180373,25 +180374,25 +180375,25 +180376,25 +180377,25 +180378,25 +180379,25 +180380,25 +180381,25 +180382,0 +180383,0 +180384,0 +180385,0 +180386,0 +180387,0 +180388,0 +180389,0 +180390,0 +180391,0 +180392,0 +180393,0 +180394,0 +180395,0 +180396,0 +180397,0 +180398,0 +180399,0 +180400,0 +180401,0 +180402,0 +180403,0 +180404,0 +180405,0 +180406,0 +180407,0 +180408,0 +180409,0 +180410,0 +180411,0 +180412,0 +180413,0 +180414,0 +180415,0 +180416,0 +180417,0 +180418,0 +180419,0 +180420,0 +180421,0 +180422,0 +180423,0 +180424,0 +180425,0 +180426,0 +180427,0 +180428,0 +180429,0 +180430,0 +180431,0 +180432,0 +180433,0 +180434,0 +180435,0 +180436,0 +180437,0 +180438,0 +180439,0 +180440,0 +180441,0 +180442,0 +180443,0 +180444,0 +180445,0 +180446,0 +180447,0 +180448,0 +180449,0 +180450,0 +180451,0 +180452,0 +180453,0 +180454,0 +180455,0 +180456,0 +180457,0 +180458,0 +180459,0 +180460,0 +180461,35 +180462,35 +180463,35 +180464,35 +180465,35 +180466,35 +180467,35 +180468,35 +180469,35 +180470,39 +180471,39 +180472,39 +180473,39 +180474,39 +180475,30 +180476,30 +180477,30 +180478,30 +180479,30 +180480,30 +180481,30 +180482,30 +180483,30 +180484,30 +180485,30 +180486,30 +180487,36 +180488,36 +180489,36 +180490,36 +180491,36 +180492,36 +180493,36 +180494,36 +180495,36 +180496,36 +180497,36 +180498,23 +180499,23 +180500,23 +180501,2 +180502,2 +180503,2 +180504,2 +180505,2 +180506,2 +180507,2 +180508,2 +180509,2 +180510,2 +180511,2 +180512,2 +180513,2 +180514,2 +180515,2 +180516,2 +180517,2 +180518,2 +180519,2 +180520,2 +180521,2 +180522,2 +180523,33 +180524,33 +180525,33 +180526,33 +180527,33 +180528,33 +180529,33 +180530,33 +180531,33 +180532,33 +180533,33 +180534,27 +180535,27 +180536,27 +180537,27 +180538,31 +180539,31 +180540,8 +180541,8 +180542,2 +180543,8 +180544,8 +180545,8 +180546,8 +180547,8 +180548,2 +180549,2 +180550,8 +180551,2 +180552,2 +180553,27 +180554,27 +180555,27 +180556,27 +180557,27 +180558,2 +180559,2 +180560,2 +180561,2 +180562,2 +180563,2 +180564,2 +180565,2 +180566,2 +180567,2 +180568,2 +180569,2 +180570,2 +180571,2 +180572,2 +180573,39 +180574,39 +180575,39 +180576,39 +180577,39 +180578,39 +180579,39 +180580,39 +180581,21 +180582,21 +180583,21 +180584,21 +180585,6 +180586,6 +180587,6 +180588,36 +180589,36 +180590,36 +180591,36 +180592,36 +180593,36 +180594,36 +180595,36 +180596,36 +180597,36 +180598,36 +180599,23 +180600,23 +180601,23 +180602,23 +180603,23 +180604,23 +180605,4 +180606,4 +180607,4 +180608,4 +180609,4 +180610,4 +180611,4 +180612,4 +180613,25 +180614,25 +180615,31 +180616,15 +180617,15 +180618,15 +180619,15 +180620,15 +180621,15 +180622,15 +180623,15 +180624,15 +180625,15 +180626,25 +180627,25 +180628,25 +180629,25 +180630,25 +180631,25 +180632,5 +180633,5 +180634,5 +180635,5 +180636,5 +180637,5 +180638,5 +180639,26 +180640,26 +180641,26 +180642,26 +180643,26 +180644,26 +180645,26 +180646,26 +180647,26 +180648,26 +180649,26 +180650,26 +180651,26 +180652,26 +180653,26 +180654,26 +180655,26 +180656,26 +180657,26 +180658,37 +180659,37 +180660,37 +180661,37 +180662,37 +180663,37 +180664,37 +180665,37 +180666,19 +180667,19 +180668,19 +180669,19 +180670,19 +180671,19 +180672,19 +180673,19 +180674,19 +180675,2 +180676,2 +180677,2 +180678,2 +180679,2 +180680,2 +180681,2 +180682,2 +180683,40 +180684,40 +180685,40 +180686,31 +180687,19 +180688,19 +180689,19 +180690,19 +180691,19 +180692,19 +180693,19 +180694,30 +180695,30 +180696,30 +180697,30 +180698,30 +180699,30 +180700,3 +180701,3 +180702,3 +180703,3 +180704,3 +180705,3 +180706,3 +180707,3 +180708,3 +180709,3 +180710,3 +180711,2 +180712,2 +180713,2 +180714,2 +180715,2 +180716,2 +180717,2 +180718,2 +180719,2 +180720,39 +180721,39 +180722,39 +180723,39 +180724,39 +180725,39 +180726,39 +180727,39 +180728,39 +180729,39 +180730,6 +180731,6 +180732,6 +180733,6 +180734,6 +180735,6 +180736,6 +180737,6 +180738,6 +180739,6 +180740,6 +180741,12 +180742,12 +180743,12 +180744,12 +180745,27 +180746,27 +180747,27 +180748,27 +180749,27 +180750,6 +180751,6 +180752,6 +180753,6 +180754,6 +180755,6 +180756,6 +180757,6 +180758,21 +180759,30 +180760,30 +180761,30 +180762,30 +180763,30 +180764,30 +180765,39 +180766,39 +180767,39 +180768,39 +180769,39 +180770,39 +180771,39 +180772,39 +180773,39 +180774,39 +180775,39 +180776,39 +180777,39 +180778,39 +180779,39 +180780,39 +180781,14 +180782,10 +180783,10 +180784,10 +180785,10 +180786,0 +180787,0 +180788,14 +180789,0 +180790,0 +180791,0 +180792,0 +180793,0 +180794,0 +180795,0 +180796,0 +180797,0 +180798,0 +180799,0 +180800,0 +180801,0 +180802,0 +180803,0 +180804,0 +180805,0 +180806,0 +180807,0 +180808,0 +180809,0 +180810,0 +180811,0 +180812,0 +180813,0 +180814,0 +180815,0 +180816,0 +180817,0 +180818,0 +180819,0 +180820,0 +180821,0 +180822,0 +180823,0 +180824,0 +180825,0 +180826,0 +180827,0 +180828,0 +180829,0 +180830,0 +180831,0 +180832,0 +180833,0 +180834,0 +180835,0 +180836,0 +180837,0 +180838,0 +180839,0 +180840,0 +180841,0 +180842,0 +180843,27 +180844,27 +180845,27 +180846,27 +180847,27 +180848,27 +180849,27 +180850,2 +180851,2 +180852,2 +180853,2 +180854,2 +180855,4 +180856,4 +180857,4 +180858,4 +180859,4 +180860,25 +180861,25 +180862,25 +180863,25 +180864,25 +180865,25 +180866,19 +180867,19 +180868,19 +180869,19 +180870,19 +180871,19 +180872,19 +180873,19 +180874,19 +180875,19 +180876,19 +180877,19 +180878,19 +180879,19 +180880,25 +180881,25 +180882,25 +180883,25 +180884,25 +180885,25 +180886,25 +180887,25 +180888,25 +180889,25 +180890,25 +180891,25 +180892,25 +180893,31 +180894,31 +180895,25 +180896,25 +180897,25 +180898,25 +180899,28 +180900,28 +180901,28 +180902,28 +180903,28 +180904,28 +180905,28 +180906,28 +180907,4 +180908,4 +180909,4 +180910,4 +180911,4 +180912,4 +180913,4 +180914,4 +180915,4 +180916,4 +180917,4 +180918,33 +180919,33 +180920,33 +180921,33 +180922,33 +180923,33 +180924,33 +180925,33 +180926,30 +180927,30 +180928,33 +180929,30 +180930,19 +180931,19 +180932,19 +180933,19 +180934,19 +180935,19 +180936,19 +180937,28 +180938,14 +180939,14 +180940,14 +180941,14 +180942,14 +180943,14 +180944,14 +180945,2 +180946,2 +180947,2 +180948,2 +180949,2 +180950,2 +180951,2 +180952,2 +180953,2 +180954,2 +180955,2 +180956,2 +180957,40 +180958,40 +180959,40 +180960,33 +180961,33 +180962,33 +180963,33 +180964,33 +180965,33 +180966,33 +180967,33 +180968,33 +180969,33 +180970,33 +180971,33 +180972,33 +180973,33 +180974,33 +180975,33 +180976,33 +180977,33 +180978,33 +180979,33 +180980,33 +180981,33 +180982,33 +180983,30 +180984,30 +180985,33 +180986,33 +180987,33 +180988,33 +180989,33 +180990,0 +180991,0 +180992,0 +180993,33 +180994,0 +180995,0 +180996,0 +180997,0 +180998,0 +180999,0 +181000,0 +181001,0 +181002,0 +181003,0 +181004,0 +181005,0 +181006,0 +181007,0 +181008,0 +181009,0 +181010,0 +181011,0 +181012,0 +181013,0 +181014,0 +181015,0 +181016,0 +181017,0 +181018,0 +181019,0 +181020,0 +181021,0 +181022,0 +181023,0 +181024,0 +181025,0 +181026,0 +181027,0 +181028,0 +181029,0 +181030,0 +181031,0 +181032,0 +181033,0 +181034,0 +181035,0 +181036,0 +181037,0 +181038,0 +181039,0 +181040,0 +181041,0 +181042,0 +181043,0 +181044,0 +181045,0 +181046,0 +181047,0 +181048,0 +181049,0 +181050,0 +181051,0 +181052,0 +181053,0 +181054,0 +181055,35 +181056,35 +181057,35 +181058,35 +181059,35 +181060,35 +181061,35 +181062,35 +181063,35 +181064,35 +181065,35 +181066,10 +181067,10 +181068,10 +181069,10 +181070,10 +181071,10 +181072,10 +181073,10 +181074,10 +181075,10 +181076,10 +181077,10 +181078,10 +181079,10 +181080,10 +181081,10 +181082,10 +181083,10 +181084,10 +181085,10 +181086,14 +181087,2 +181088,2 +181089,2 +181090,2 +181091,2 +181092,2 +181093,2 +181094,2 +181095,2 +181096,2 +181097,2 +181098,2 +181099,2 +181100,27 +181101,27 +181102,27 +181103,27 +181104,27 +181105,27 +181106,27 +181107,5 +181108,5 +181109,5 +181110,5 +181111,5 +181112,5 +181113,5 +181114,5 +181115,32 +181116,32 +181117,32 +181118,31 +181119,32 +181120,32 +181121,32 +181122,32 +181123,32 +181124,32 +181125,32 +181126,32 +181127,32 +181128,32 +181129,32 +181130,22 +181131,22 +181132,22 +181133,22 +181134,22 +181135,22 +181136,19 +181137,19 +181138,19 +181139,19 +181140,34 +181141,34 +181142,34 +181143,34 +181144,34 +181145,34 +181146,34 +181147,34 +181148,40 +181149,37 +181150,37 +181151,37 +181152,4 +181153,4 +181154,35 +181155,35 +181156,35 +181157,35 +181158,35 +181159,35 +181160,35 +181161,35 +181162,25 +181163,25 +181164,25 +181165,25 +181166,25 +181167,25 +181168,25 +181169,35 +181170,35 +181171,35 +181172,35 +181173,35 +181174,35 +181175,35 +181176,35 +181177,35 +181178,40 +181179,40 +181180,40 +181181,40 +181182,40 +181183,36 +181184,36 +181185,36 +181186,36 +181187,10 +181188,36 +181189,36 +181190,36 +181191,36 +181192,10 +181193,10 +181194,10 +181195,10 +181196,10 +181197,10 +181198,5 +181199,5 +181200,5 +181201,5 +181202,5 +181203,5 +181204,5 +181205,5 +181206,5 +181207,5 +181208,5 +181209,5 +181210,4 +181211,4 +181212,4 +181213,4 +181214,19 +181215,19 +181216,36 +181217,36 +181218,36 +181219,40 +181220,40 +181221,40 +181222,40 +181223,40 +181224,40 +181225,40 +181226,40 +181227,40 +181228,40 +181229,36 +181230,36 +181231,5 +181232,5 +181233,19 +181234,19 +181235,19 +181236,19 +181237,5 +181238,5 +181239,5 +181240,5 +181241,5 +181242,6 +181243,6 +181244,6 +181245,6 +181246,6 +181247,6 +181248,6 +181249,6 +181250,6 +181251,6 +181252,9 +181253,9 +181254,9 +181255,9 +181256,9 +181257,9 +181258,9 +181259,9 +181260,25 +181261,25 +181262,25 +181263,33 +181264,33 +181265,33 +181266,25 +181267,25 +181268,25 +181269,25 +181270,25 +181271,25 +181272,25 +181273,5 +181274,5 +181275,5 +181276,5 +181277,5 +181278,10 +181279,10 +181280,34 +181281,40 +181282,40 +181283,31 +181284,31 +181285,31 +181286,31 +181287,31 +181288,40 +181289,30 +181290,30 +181291,30 +181292,30 +181293,30 +181294,30 +181295,30 +181296,30 +181297,30 +181298,30 +181299,32 +181300,32 +181301,32 +181302,32 +181303,32 +181304,32 +181305,32 +181306,32 +181307,32 +181308,32 +181309,32 +181310,32 +181311,37 +181312,37 +181313,37 +181314,40 +181315,40 +181316,40 +181317,40 +181318,40 +181319,40 +181320,40 +181321,40 +181322,40 +181323,2 +181324,2 +181325,2 +181326,2 +181327,2 +181328,2 +181329,2 +181330,2 +181331,2 +181332,2 +181333,2 +181334,2 +181335,2 +181336,2 +181337,2 +181338,2 +181339,2 +181340,2 +181341,27 +181342,27 +181343,27 +181344,27 +181345,27 +181346,27 +181347,27 +181348,27 +181349,27 +181350,27 +181351,27 +181352,27 +181353,27 +181354,27 +181355,27 +181356,27 +181357,27 +181358,27 +181359,27 +181360,27 +181361,5 +181362,5 +181363,5 +181364,5 +181365,5 +181366,5 +181367,5 +181368,5 +181369,5 +181370,6 +181371,6 +181372,6 +181373,6 +181374,6 +181375,6 +181376,6 +181377,6 +181378,6 +181379,35 +181380,35 +181381,25 +181382,25 +181383,25 +181384,25 +181385,25 +181386,25 +181387,25 +181388,25 +181389,25 +181390,25 +181391,25 +181392,7 +181393,7 +181394,7 +181395,7 +181396,7 +181397,7 +181398,7 +181399,7 +181400,18 +181401,18 +181402,18 +181403,18 +181404,18 +181405,27 +181406,27 +181407,27 +181408,27 +181409,13 +181410,13 +181411,13 +181412,13 +181413,13 +181414,13 +181415,13 +181416,13 +181417,13 +181418,30 +181419,30 +181420,30 +181421,30 +181422,30 +181423,30 +181424,39 +181425,39 +181426,39 +181427,39 +181428,39 +181429,39 +181430,39 +181431,39 +181432,39 +181433,39 +181434,39 +181435,39 +181436,39 +181437,39 +181438,39 +181439,39 +181440,39 +181441,39 +181442,0 +181443,0 +181444,0 +181445,0 +181446,0 +181447,0 +181448,0 +181449,0 +181450,0 +181451,0 +181452,0 +181453,0 +181454,0 +181455,0 +181456,0 +181457,0 +181458,0 +181459,0 +181460,0 +181461,0 +181462,0 +181463,0 +181464,0 +181465,0 +181466,0 +181467,0 +181468,0 +181469,0 +181470,0 +181471,0 +181472,0 +181473,0 +181474,0 +181475,0 +181476,0 +181477,0 +181478,0 +181479,0 +181480,0 +181481,0 +181482,0 +181483,0 +181484,0 +181485,0 +181486,0 +181487,0 +181488,0 +181489,0 +181490,0 +181491,0 +181492,0 +181493,0 +181494,0 +181495,0 +181496,0 +181497,0 +181498,0 +181499,0 +181500,0 +181501,0 +181502,0 +181503,0 +181504,0 +181505,0 +181506,0 +181507,0 +181508,0 +181509,0 +181510,0 +181511,0 +181512,0 +181513,0 +181514,0 +181515,0 +181516,0 +181517,0 +181518,0 +181519,0 +181520,0 +181521,0 +181522,0 +181523,0 +181524,0 +181525,0 +181526,0 +181527,0 +181528,0 +181529,0 +181530,0 +181531,0 +181532,0 +181533,0 +181534,0 +181535,0 +181536,0 +181537,0 +181538,0 +181539,0 +181540,0 +181541,0 +181542,0 +181543,0 +181544,0 +181545,0 +181546,0 +181547,0 +181548,0 +181549,0 +181550,0 +181551,0 +181552,0 +181553,0 +181554,0 +181555,0 +181556,0 +181557,0 +181558,0 +181559,0 +181560,0 +181561,0 +181562,0 +181563,0 +181564,0 +181565,0 +181566,0 +181567,0 +181568,0 +181569,0 +181570,0 +181571,0 +181572,0 +181573,0 +181574,0 +181575,0 +181576,0 +181577,0 +181578,0 +181579,0 +181580,0 +181581,0 +181582,0 +181583,0 +181584,0 +181585,0 +181586,0 +181587,0 +181588,0 +181589,0 +181590,0 +181591,0 +181592,0 +181593,0 +181594,0 +181595,35 +181596,35 +181597,35 +181598,35 +181599,35 +181600,35 +181601,35 +181602,35 +181603,35 +181604,35 +181605,27 +181606,27 +181607,27 +181608,27 +181609,27 +181610,27 +181611,27 +181612,27 +181613,8 +181614,8 +181615,8 +181616,8 +181617,8 +181618,8 +181619,8 +181620,8 +181621,8 +181622,8 +181623,8 +181624,3 +181625,3 +181626,3 +181627,3 +181628,3 +181629,3 +181630,37 +181631,37 +181632,37 +181633,37 +181634,37 +181635,12 +181636,12 +181637,10 +181638,33 +181639,33 +181640,33 +181641,10 +181642,10 +181643,10 +181644,10 +181645,10 +181646,10 +181647,10 +181648,10 +181649,10 +181650,10 +181651,10 +181652,10 +181653,10 +181654,10 +181655,10 +181656,10 +181657,10 +181658,33 +181659,33 +181660,35 +181661,35 +181662,35 +181663,35 +181664,35 +181665,35 +181666,35 +181667,35 +181668,35 +181669,35 +181670,35 +181671,35 +181672,35 +181673,10 +181674,10 +181675,10 +181676,10 +181677,10 +181678,10 +181679,10 +181680,10 +181681,10 +181682,10 +181683,10 +181684,10 +181685,10 +181686,5 +181687,5 +181688,5 +181689,5 +181690,5 +181691,5 +181692,5 +181693,27 +181694,27 +181695,27 +181696,27 +181697,27 +181698,27 +181699,31 +181700,31 +181701,31 +181702,31 +181703,2 +181704,2 +181705,2 +181706,2 +181707,2 +181708,2 +181709,2 +181710,2 +181711,2 +181712,8 +181713,2 +181714,32 +181715,32 +181716,32 +181717,32 +181718,32 +181719,32 +181720,32 +181721,37 +181722,32 +181723,37 +181724,37 +181725,37 +181726,37 +181727,36 +181728,36 +181729,36 +181730,36 +181731,5 +181732,5 +181733,5 +181734,5 +181735,5 +181736,5 +181737,5 +181738,5 +181739,2 +181740,2 +181741,2 +181742,2 +181743,2 +181744,2 +181745,2 +181746,2 +181747,4 +181748,4 +181749,4 +181750,4 +181751,4 +181752,3 +181753,3 +181754,3 +181755,3 +181756,3 +181757,3 +181758,3 +181759,3 +181760,3 +181761,3 +181762,3 +181763,3 +181764,3 +181765,3 +181766,19 +181767,19 +181768,19 +181769,19 +181770,19 +181771,19 +181772,19 +181773,33 +181774,33 +181775,33 +181776,33 +181777,33 +181778,33 +181779,33 +181780,33 +181781,33 +181782,33 +181783,33 +181784,33 +181785,33 +181786,33 +181787,33 +181788,33 +181789,33 +181790,33 +181791,33 +181792,33 +181793,33 +181794,33 +181795,33 +181796,33 +181797,33 +181798,33 +181799,33 +181800,30 +181801,30 +181802,0 +181803,0 +181804,0 +181805,0 +181806,0 +181807,0 +181808,0 +181809,0 +181810,0 +181811,0 +181812,0 +181813,0 +181814,0 +181815,0 +181816,0 +181817,0 +181818,0 +181819,0 +181820,0 +181821,0 +181822,0 +181823,0 +181824,0 +181825,0 +181826,0 +181827,0 +181828,0 +181829,0 +181830,0 +181831,0 +181832,0 +181833,0 +181834,0 +181835,0 +181836,0 +181837,11 +181838,11 +181839,11 +181840,11 +181841,11 +181842,11 +181843,11 +181844,11 +181845,11 +181846,11 +181847,11 +181848,11 +181849,11 +181850,11 +181851,11 +181852,11 +181853,11 +181854,11 +181855,39 +181856,39 +181857,39 +181858,39 +181859,39 +181860,39 +181861,39 +181862,3 +181863,3 +181864,2 +181865,2 +181866,2 +181867,2 +181868,2 +181869,2 +181870,2 +181871,2 +181872,2 +181873,2 +181874,2 +181875,2 +181876,2 +181877,14 +181878,14 +181879,14 +181880,14 +181881,14 +181882,40 +181883,40 +181884,40 +181885,40 +181886,40 +181887,40 +181888,40 +181889,40 +181890,40 +181891,40 +181892,40 +181893,5 +181894,5 +181895,5 +181896,19 +181897,19 +181898,19 +181899,19 +181900,19 +181901,19 +181902,19 +181903,19 +181904,19 +181905,19 +181906,19 +181907,0 +181908,0 +181909,0 +181910,0 +181911,0 +181912,0 +181913,0 +181914,0 +181915,0 +181916,35 +181917,0 +181918,0 +181919,0 +181920,0 +181921,0 +181922,0 +181923,0 +181924,0 +181925,0 +181926,0 +181927,0 +181928,0 +181929,0 +181930,0 +181931,0 +181932,0 +181933,0 +181934,0 +181935,0 +181936,0 +181937,0 +181938,0 +181939,0 +181940,0 +181941,0 +181942,0 +181943,0 +181944,0 +181945,0 +181946,0 +181947,0 +181948,0 +181949,0 +181950,0 +181951,0 +181952,0 +181953,0 +181954,0 +181955,0 +181956,0 +181957,0 +181958,0 +181959,0 +181960,0 +181961,0 +181962,0 +181963,0 +181964,0 +181965,0 +181966,0 +181967,0 +181968,0 +181969,0 +181970,12 +181971,12 +181972,12 +181973,12 +181974,31 +181975,31 +181976,31 +181977,31 +181978,8 +181979,8 +181980,8 +181981,8 +181982,8 +181983,4 +181984,4 +181985,4 +181986,4 +181987,4 +181988,4 +181989,4 +181990,4 +181991,4 +181992,3 +181993,3 +181994,39 +181995,39 +181996,3 +181997,3 +181998,3 +181999,3 +182000,31 +182001,24 +182002,24 +182003,24 +182004,24 +182005,24 +182006,40 +182007,40 +182008,40 +182009,40 +182010,40 +182011,40 +182012,40 +182013,40 +182014,40 +182015,37 +182016,40 +182017,40 +182018,40 +182019,40 +182020,40 +182021,14 +182022,14 +182023,16 +182024,16 +182025,16 +182026,16 +182027,16 +182028,16 +182029,16 +182030,16 +182031,16 +182032,16 +182033,16 +182034,16 +182035,16 +182036,16 +182037,16 +182038,16 +182039,11 +182040,10 +182041,10 +182042,10 +182043,10 +182044,10 +182045,10 +182046,10 +182047,10 +182048,10 +182049,10 +182050,10 +182051,31 +182052,31 +182053,24 +182054,24 +182055,24 +182056,24 +182057,24 +182058,27 +182059,27 +182060,27 +182061,27 +182062,27 +182063,27 +182064,13 +182065,13 +182066,13 +182067,13 +182068,13 +182069,13 +182070,13 +182071,13 +182072,31 +182073,31 +182074,31 +182075,31 +182076,31 +182077,31 +182078,31 +182079,31 +182080,31 +182081,31 +182082,5 +182083,5 +182084,5 +182085,19 +182086,19 +182087,30 +182088,40 +182089,40 +182090,40 +182091,40 +182092,40 +182093,40 +182094,5 +182095,5 +182096,5 +182097,5 +182098,5 +182099,5 +182100,5 +182101,5 +182102,5 +182103,5 +182104,5 +182105,5 +182106,5 +182107,5 +182108,5 +182109,5 +182110,28 +182111,28 +182112,0 +182113,0 +182114,0 +182115,0 +182116,0 +182117,0 +182118,0 +182119,0 +182120,0 +182121,0 +182122,0 +182123,0 +182124,0 +182125,0 +182126,0 +182127,0 +182128,0 +182129,0 +182130,0 +182131,12 +182132,12 +182133,12 +182134,31 +182135,31 +182136,31 +182137,11 +182138,11 +182139,11 +182140,11 +182141,11 +182142,11 +182143,11 +182144,11 +182145,11 +182146,11 +182147,14 +182148,39 +182149,39 +182150,39 +182151,14 +182152,35 +182153,35 +182154,35 +182155,35 +182156,32 +182157,32 +182158,32 +182159,32 +182160,36 +182161,36 +182162,36 +182163,36 +182164,36 +182165,36 +182166,36 +182167,36 +182168,36 +182169,36 +182170,5 +182171,5 +182172,5 +182173,5 +182174,5 +182175,5 +182176,5 +182177,5 +182178,2 +182179,2 +182180,2 +182181,2 +182182,2 +182183,2 +182184,8 +182185,8 +182186,8 +182187,8 +182188,8 +182189,31 +182190,31 +182191,31 +182192,31 +182193,31 +182194,31 +182195,5 +182196,5 +182197,5 +182198,5 +182199,5 +182200,5 +182201,5 +182202,5 +182203,5 +182204,5 +182205,5 +182206,5 +182207,5 +182208,0 +182209,0 +182210,0 +182211,0 +182212,0 +182213,0 +182214,0 +182215,0 +182216,0 +182217,0 +182218,0 +182219,0 +182220,0 +182221,0 +182222,0 +182223,0 +182224,0 +182225,0 +182226,0 +182227,0 +182228,0 +182229,0 +182230,0 +182231,0 +182232,0 +182233,0 +182234,0 +182235,0 +182236,0 +182237,0 +182238,0 +182239,12 +182240,12 +182241,12 +182242,12 +182243,12 +182244,31 +182245,31 +182246,31 +182247,31 +182248,8 +182249,8 +182250,8 +182251,8 +182252,8 +182253,8 +182254,8 +182255,8 +182256,8 +182257,8 +182258,31 +182259,31 +182260,31 +182261,25 +182262,25 +182263,31 +182264,31 +182265,31 +182266,31 +182267,31 +182268,5 +182269,5 +182270,5 +182271,5 +182272,39 +182273,39 +182274,39 +182275,39 +182276,39 +182277,39 +182278,27 +182279,39 +182280,32 +182281,6 +182282,6 +182283,6 +182284,6 +182285,31 +182286,31 +182287,14 +182288,14 +182289,14 +182290,14 +182291,14 +182292,14 +182293,6 +182294,6 +182295,6 +182296,6 +182297,11 +182298,11 +182299,11 +182300,11 +182301,11 +182302,11 +182303,11 +182304,11 +182305,11 +182306,22 +182307,22 +182308,25 +182309,25 +182310,25 +182311,25 +182312,25 +182313,25 +182314,25 +182315,25 +182316,25 +182317,25 +182318,25 +182319,25 +182320,23 +182321,23 +182322,23 +182323,23 +182324,23 +182325,23 +182326,23 +182327,23 +182328,25 +182329,25 +182330,25 +182331,25 +182332,25 +182333,25 +182334,25 +182335,25 +182336,40 +182337,40 +182338,40 +182339,40 +182340,40 +182341,29 +182342,29 +182343,29 +182344,29 +182345,5 +182346,29 +182347,5 +182348,5 +182349,39 +182350,14 +182351,39 +182352,39 +182353,39 +182354,39 +182355,39 +182356,39 +182357,39 +182358,10 +182359,10 +182360,10 +182361,10 +182362,10 +182363,26 +182364,36 +182365,31 +182366,10 +182367,10 +182368,10 +182369,10 +182370,10 +182371,10 +182372,26 +182373,26 +182374,26 +182375,29 +182376,29 +182377,29 +182378,29 +182379,39 +182380,39 +182381,39 +182382,39 +182383,39 +182384,39 +182385,39 +182386,39 +182387,39 +182388,39 +182389,39 +182390,39 +182391,39 +182392,39 +182393,39 +182394,39 +182395,39 +182396,39 +182397,39 +182398,39 +182399,39 +182400,0 +182401,0 +182402,0 +182403,0 +182404,0 +182405,0 +182406,0 +182407,0 +182408,0 +182409,0 +182410,0 +182411,0 +182412,0 +182413,0 +182414,0 +182415,0 +182416,0 +182417,0 +182418,0 +182419,0 +182420,0 +182421,0 +182422,0 +182423,0 +182424,0 +182425,0 +182426,0 +182427,0 +182428,0 +182429,0 +182430,37 +182431,37 +182432,27 +182433,27 +182434,27 +182435,27 +182436,27 +182437,27 +182438,27 +182439,27 +182440,27 +182441,25 +182442,25 +182443,25 +182444,25 +182445,25 +182446,25 +182447,25 +182448,25 +182449,25 +182450,2 +182451,2 +182452,2 +182453,2 +182454,11 +182455,11 +182456,11 +182457,11 +182458,11 +182459,39 +182460,16 +182461,25 +182462,25 +182463,25 +182464,25 +182465,25 +182466,25 +182467,25 +182468,25 +182469,23 +182470,24 +182471,23 +182472,23 +182473,23 +182474,23 +182475,32 +182476,38 +182477,32 +182478,27 +182479,27 +182480,27 +182481,27 +182482,27 +182483,27 +182484,27 +182485,6 +182486,6 +182487,6 +182488,6 +182489,6 +182490,6 +182491,6 +182492,6 +182493,6 +182494,29 +182495,29 +182496,29 +182497,31 +182498,31 +182499,31 +182500,31 +182501,31 +182502,32 +182503,32 +182504,32 +182505,32 +182506,32 +182507,32 +182508,32 +182509,32 +182510,15 +182511,15 +182512,30 +182513,30 +182514,30 +182515,30 +182516,30 +182517,30 +182518,14 +182519,14 +182520,14 +182521,14 +182522,14 +182523,14 +182524,14 +182525,14 +182526,2 +182527,2 +182528,2 +182529,2 +182530,2 +182531,2 +182532,2 +182533,2 +182534,2 +182535,2 +182536,2 +182537,31 +182538,31 +182539,31 +182540,31 +182541,31 +182542,31 +182543,40 +182544,24 +182545,31 +182546,24 +182547,24 +182548,32 +182549,32 +182550,32 +182551,23 +182552,23 +182553,23 +182554,23 +182555,23 +182556,23 +182557,23 +182558,23 +182559,25 +182560,25 +182561,25 +182562,25 +182563,25 +182564,25 +182565,27 +182566,27 +182567,27 +182568,28 +182569,28 +182570,28 +182571,28 +182572,28 +182573,28 +182574,14 +182575,14 +182576,14 +182577,14 +182578,14 +182579,14 +182580,14 +182581,14 +182582,14 +182583,14 +182584,14 +182585,4 +182586,4 +182587,4 +182588,4 +182589,4 +182590,4 +182591,31 +182592,31 +182593,31 +182594,31 +182595,31 +182596,31 +182597,31 +182598,31 +182599,31 +182600,31 +182601,2 +182602,2 +182603,2 +182604,2 +182605,2 +182606,2 +182607,2 +182608,2 +182609,2 +182610,2 +182611,2 +182612,9 +182613,9 +182614,9 +182615,9 +182616,9 +182617,9 +182618,9 +182619,26 +182620,26 +182621,26 +182622,26 +182623,34 +182624,34 +182625,34 +182626,34 +182627,34 +182628,34 +182629,34 +182630,34 +182631,34 +182632,5 +182633,5 +182634,5 +182635,5 +182636,13 +182637,13 +182638,13 +182639,13 +182640,13 +182641,13 +182642,13 +182643,13 +182644,0 +182645,0 +182646,0 +182647,0 +182648,0 +182649,0 +182650,0 +182651,0 +182652,0 +182653,0 +182654,0 +182655,0 +182656,0 +182657,0 +182658,0 +182659,0 +182660,0 +182661,0 +182662,0 +182663,0 +182664,0 +182665,0 +182666,0 +182667,0 +182668,0 +182669,0 +182670,0 +182671,0 +182672,0 +182673,0 +182674,0 +182675,0 +182676,0 +182677,0 +182678,0 +182679,0 +182680,0 +182681,0 +182682,0 +182683,0 +182684,0 +182685,0 +182686,0 +182687,0 +182688,0 +182689,29 +182690,29 +182691,29 +182692,29 +182693,29 +182694,29 +182695,31 +182696,31 +182697,27 +182698,28 +182699,28 +182700,28 +182701,28 +182702,28 +182703,28 +182704,28 +182705,28 +182706,28 +182707,28 +182708,28 +182709,26 +182710,26 +182711,26 +182712,26 +182713,26 +182714,26 +182715,26 +182716,26 +182717,26 +182718,5 +182719,5 +182720,5 +182721,5 +182722,5 +182723,5 +182724,2 +182725,2 +182726,2 +182727,2 +182728,2 +182729,2 +182730,2 +182731,2 +182732,23 +182733,23 +182734,23 +182735,23 +182736,37 +182737,37 +182738,37 +182739,37 +182740,9 +182741,9 +182742,9 +182743,9 +182744,9 +182745,9 +182746,9 +182747,9 +182748,26 +182749,26 +182750,26 +182751,26 +182752,9 +182753,9 +182754,9 +182755,9 +182756,31 +182757,2 +182758,2 +182759,2 +182760,2 +182761,2 +182762,2 +182763,2 +182764,2 +182765,2 +182766,2 +182767,2 +182768,27 +182769,31 +182770,31 +182771,31 +182772,31 +182773,31 +182774,27 +182775,4 +182776,4 +182777,4 +182778,39 +182779,39 +182780,39 +182781,39 +182782,39 +182783,39 +182784,39 +182785,39 +182786,39 +182787,39 +182788,12 +182789,12 +182790,12 +182791,12 +182792,12 +182793,12 +182794,12 +182795,12 +182796,12 +182797,12 +182798,12 +182799,31 +182800,31 +182801,31 +182802,31 +182803,8 +182804,8 +182805,8 +182806,2 +182807,2 +182808,2 +182809,2 +182810,2 +182811,2 +182812,2 +182813,2 +182814,2 +182815,2 +182816,40 +182817,40 +182818,33 +182819,33 +182820,33 +182821,33 +182822,33 +182823,33 +182824,33 +182825,5 +182826,5 +182827,5 +182828,5 +182829,5 +182830,5 +182831,5 +182832,5 +182833,5 +182834,5 +182835,5 +182836,5 +182837,23 +182838,23 +182839,23 +182840,23 +182841,23 +182842,23 +182843,23 +182844,23 +182845,23 +182846,23 +182847,23 +182848,23 +182849,23 +182850,23 +182851,9 +182852,9 +182853,9 +182854,9 +182855,9 +182856,9 +182857,9 +182858,9 +182859,9 +182860,9 +182861,9 +182862,9 +182863,37 +182864,37 +182865,37 +182866,37 +182867,37 +182868,37 +182869,37 +182870,28 +182871,28 +182872,28 +182873,28 +182874,28 +182875,28 +182876,28 +182877,28 +182878,28 +182879,28 +182880,10 +182881,10 +182882,10 +182883,10 +182884,10 +182885,34 +182886,34 +182887,34 +182888,34 +182889,34 +182890,34 +182891,34 +182892,34 +182893,34 +182894,34 +182895,34 +182896,34 +182897,34 +182898,2 +182899,2 +182900,8 +182901,8 +182902,8 +182903,8 +182904,8 +182905,8 +182906,8 +182907,8 +182908,8 +182909,23 +182910,23 +182911,23 +182912,23 +182913,23 +182914,23 +182915,23 +182916,23 +182917,23 +182918,23 +182919,23 +182920,25 +182921,25 +182922,25 +182923,25 +182924,25 +182925,25 +182926,25 +182927,25 +182928,25 +182929,25 +182930,29 +182931,29 +182932,29 +182933,29 +182934,25 +182935,25 +182936,25 +182937,25 +182938,25 +182939,25 +182940,25 +182941,25 +182942,25 +182943,25 +182944,25 +182945,25 +182946,25 +182947,25 +182948,25 +182949,34 +182950,40 +182951,40 +182952,40 +182953,40 +182954,40 +182955,30 +182956,30 +182957,30 +182958,30 +182959,30 +182960,33 +182961,33 +182962,33 +182963,30 +182964,23 +182965,23 +182966,23 +182967,23 +182968,23 +182969,23 +182970,23 +182971,23 +182972,23 +182973,23 +182974,23 +182975,23 +182976,23 +182977,23 +182978,23 +182979,25 +182980,25 +182981,25 +182982,25 +182983,25 +182984,25 +182985,25 +182986,28 +182987,28 +182988,28 +182989,28 +182990,28 +182991,28 +182992,28 +182993,28 +182994,28 +182995,4 +182996,4 +182997,4 +182998,4 +182999,4 +183000,4 +183001,4 +183002,4 +183003,4 +183004,4 +183005,36 +183006,36 +183007,36 +183008,36 +183009,34 +183010,34 +183011,34 +183012,34 +183013,34 +183014,34 +183015,34 +183016,34 +183017,34 +183018,34 +183019,34 +183020,34 +183021,34 +183022,34 +183023,34 +183024,34 +183025,34 +183026,34 +183027,33 +183028,33 +183029,33 +183030,33 +183031,33 +183032,5 +183033,5 +183034,5 +183035,5 +183036,5 +183037,5 +183038,5 +183039,5 +183040,5 +183041,5 +183042,5 +183043,5 +183044,5 +183045,5 +183046,5 +183047,0 +183048,0 +183049,0 +183050,0 +183051,0 +183052,0 +183053,0 +183054,0 +183055,0 +183056,0 +183057,36 +183058,36 +183059,36 +183060,36 +183061,36 +183062,36 +183063,36 +183064,36 +183065,36 +183066,36 +183067,5 +183068,5 +183069,5 +183070,19 +183071,19 +183072,19 +183073,19 +183074,9 +183075,9 +183076,9 +183077,9 +183078,9 +183079,9 +183080,9 +183081,9 +183082,9 +183083,9 +183084,9 +183085,23 +183086,23 +183087,23 +183088,2 +183089,2 +183090,23 +183091,2 +183092,2 +183093,23 +183094,23 +183095,23 +183096,23 +183097,23 +183098,29 +183099,29 +183100,31 +183101,31 +183102,31 +183103,31 +183104,31 +183105,31 +183106,35 +183107,35 +183108,35 +183109,35 +183110,35 +183111,35 +183112,35 +183113,35 +183114,35 +183115,35 +183116,35 +183117,10 +183118,10 +183119,10 +183120,10 +183121,10 +183122,10 +183123,10 +183124,10 +183125,10 +183126,10 +183127,10 +183128,10 +183129,12 +183130,12 +183131,12 +183132,12 +183133,12 +183134,12 +183135,12 +183136,12 +183137,12 +183138,12 +183139,14 +183140,14 +183141,14 +183142,14 +183143,14 +183144,14 +183145,14 +183146,14 +183147,14 +183148,32 +183149,32 +183150,32 +183151,32 +183152,32 +183153,32 +183154,32 +183155,32 +183156,32 +183157,32 +183158,32 +183159,32 +183160,32 +183161,32 +183162,32 +183163,32 +183164,25 +183165,25 +183166,25 +183167,25 +183168,25 +183169,25 +183170,25 +183171,25 +183172,35 +183173,35 +183174,35 +183175,35 +183176,35 +183177,35 +183178,35 +183179,35 +183180,36 +183181,36 +183182,36 +183183,36 +183184,36 +183185,36 +183186,36 +183187,36 +183188,36 +183189,36 +183190,36 +183191,36 +183192,36 +183193,32 +183194,32 +183195,32 +183196,32 +183197,32 +183198,15 +183199,2 +183200,2 +183201,2 +183202,2 +183203,2 +183204,2 +183205,8 +183206,8 +183207,8 +183208,8 +183209,8 +183210,4 +183211,4 +183212,4 +183213,4 +183214,4 +183215,36 +183216,36 +183217,36 +183218,36 +183219,36 +183220,36 +183221,36 +183222,36 +183223,36 +183224,36 +183225,36 +183226,36 +183227,36 +183228,36 +183229,36 +183230,36 +183231,36 +183232,36 +183233,36 +183234,36 +183235,10 +183236,10 +183237,10 +183238,10 +183239,10 +183240,23 +183241,23 +183242,23 +183243,23 +183244,23 +183245,23 +183246,23 +183247,23 +183248,23 +183249,23 +183250,23 +183251,28 +183252,28 +183253,28 +183254,28 +183255,28 +183256,28 +183257,28 +183258,28 +183259,28 +183260,10 +183261,34 +183262,34 +183263,34 +183264,34 +183265,34 +183266,34 +183267,34 +183268,34 +183269,34 +183270,34 +183271,34 +183272,34 +183273,34 +183274,34 +183275,34 +183276,34 +183277,28 +183278,28 +183279,28 +183280,28 +183281,28 +183282,28 +183283,28 +183284,28 +183285,28 +183286,28 +183287,28 +183288,9 +183289,9 +183290,9 +183291,9 +183292,9 +183293,9 +183294,9 +183295,9 +183296,9 +183297,9 +183298,9 +183299,9 +183300,9 +183301,9 +183302,9 +183303,37 +183304,37 +183305,37 +183306,37 +183307,37 +183308,37 +183309,37 +183310,37 +183311,37 +183312,37 +183313,37 +183314,37 +183315,37 +183316,37 +183317,37 +183318,37 +183319,37 +183320,37 +183321,25 +183322,25 +183323,25 +183324,25 +183325,25 +183326,25 +183327,25 +183328,25 +183329,25 +183330,0 +183331,0 +183332,0 +183333,0 +183334,0 +183335,0 +183336,0 +183337,0 +183338,0 +183339,0 +183340,0 +183341,0 +183342,0 +183343,0 +183344,0 +183345,0 +183346,0 +183347,0 +183348,0 +183349,0 +183350,0 +183351,0 +183352,0 +183353,0 +183354,0 +183355,0 +183356,0 +183357,0 +183358,0 +183359,0 +183360,0 +183361,0 +183362,36 +183363,36 +183364,36 +183365,36 +183366,36 +183367,36 +183368,36 +183369,36 +183370,5 +183371,5 +183372,5 +183373,5 +183374,5 +183375,5 +183376,4 +183377,4 +183378,4 +183379,4 +183380,4 +183381,4 +183382,4 +183383,25 +183384,25 +183385,25 +183386,25 +183387,25 +183388,25 +183389,25 +183390,25 +183391,25 +183392,25 +183393,25 +183394,25 +183395,25 +183396,25 +183397,5 +183398,5 +183399,5 +183400,5 +183401,5 +183402,27 +183403,27 +183404,27 +183405,27 +183406,27 +183407,27 +183408,27 +183409,27 +183410,5 +183411,5 +183412,5 +183413,5 +183414,5 +183415,5 +183416,5 +183417,31 +183418,31 +183419,31 +183420,31 +183421,31 +183422,31 +183423,31 +183424,4 +183425,4 +183426,4 +183427,29 +183428,29 +183429,29 +183430,29 +183431,29 +183432,14 +183433,14 +183434,14 +183435,14 +183436,14 +183437,14 +183438,14 +183439,14 +183440,14 +183441,6 +183442,6 +183443,6 +183444,6 +183445,6 +183446,6 +183447,6 +183448,2 +183449,2 +183450,2 +183451,2 +183452,2 +183453,2 +183454,28 +183455,28 +183456,28 +183457,28 +183458,28 +183459,28 +183460,28 +183461,28 +183462,28 +183463,28 +183464,37 +183465,37 +183466,37 +183467,37 +183468,37 +183469,37 +183470,37 +183471,37 +183472,40 +183473,40 +183474,40 +183475,36 +183476,36 +183477,36 +183478,25 +183479,25 +183480,25 +183481,25 +183482,25 +183483,25 +183484,25 +183485,25 +183486,25 +183487,40 +183488,40 +183489,40 +183490,40 +183491,2 +183492,2 +183493,2 +183494,2 +183495,2 +183496,2 +183497,2 +183498,2 +183499,2 +183500,2 +183501,2 +183502,2 +183503,2 +183504,2 +183505,2 +183506,2 +183507,2 +183508,0 +183509,0 +183510,0 +183511,0 +183512,0 +183513,0 +183514,0 +183515,0 +183516,0 +183517,0 +183518,0 +183519,0 +183520,0 +183521,0 +183522,0 +183523,0 +183524,0 +183525,0 +183526,0 +183527,0 +183528,0 +183529,0 +183530,0 +183531,0 +183532,0 +183533,0 +183534,0 +183535,0 +183536,0 +183537,0 +183538,0 +183539,0 +183540,0 +183541,0 +183542,0 +183543,0 +183544,0 +183545,0 +183546,0 +183547,0 +183548,0 +183549,0 +183550,0 +183551,0 +183552,0 +183553,0 +183554,0 +183555,0 +183556,0 +183557,0 +183558,0 +183559,0 +183560,0 +183561,0 +183562,0 +183563,0 +183564,0 +183565,0 +183566,0 +183567,0 +183568,0 +183569,0 +183570,0 +183571,0 +183572,0 +183573,0 +183574,0 +183575,0 +183576,0 +183577,0 +183578,0 +183579,0 +183580,0 +183581,0 +183582,0 +183583,0 +183584,0 +183585,0 +183586,0 +183587,0 +183588,0 +183589,0 +183590,0 +183591,0 +183592,0 +183593,0 +183594,29 +183595,29 +183596,29 +183597,29 +183598,29 +183599,29 +183600,31 +183601,31 +183602,31 +183603,31 +183604,23 +183605,23 +183606,23 +183607,23 +183608,23 +183609,23 +183610,23 +183611,23 +183612,23 +183613,23 +183614,23 +183615,23 +183616,36 +183617,36 +183618,36 +183619,36 +183620,36 +183621,36 +183622,36 +183623,36 +183624,36 +183625,36 +183626,36 +183627,4 +183628,4 +183629,4 +183630,4 +183631,0 +183632,0 +183633,0 +183634,0 +183635,0 +183636,15 +183637,15 +183638,15 +183639,39 +183640,39 +183641,39 +183642,39 +183643,39 +183644,6 +183645,6 +183646,6 +183647,6 +183648,6 +183649,6 +183650,36 +183651,36 +183652,36 +183653,36 +183654,36 +183655,14 +183656,14 +183657,3 +183658,3 +183659,3 +183660,3 +183661,3 +183662,3 +183663,3 +183664,3 +183665,3 +183666,3 +183667,3 +183668,3 +183669,31 +183670,31 +183671,31 +183672,32 +183673,32 +183674,32 +183675,32 +183676,32 +183677,32 +183678,32 +183679,32 +183680,32 +183681,40 +183682,40 +183683,40 +183684,40 +183685,40 +183686,40 +183687,40 +183688,40 +183689,40 +183690,40 +183691,40 +183692,37 +183693,37 +183694,37 +183695,37 +183696,37 +183697,37 +183698,37 +183699,37 +183700,37 +183701,37 +183702,31 +183703,31 +183704,31 +183705,31 +183706,31 +183707,31 +183708,5 +183709,5 +183710,5 +183711,5 +183712,5 +183713,5 +183714,5 +183715,5 +183716,5 +183717,5 +183718,0 +183719,0 +183720,0 +183721,0 +183722,0 +183723,0 +183724,0 +183725,0 +183726,0 +183727,0 +183728,0 +183729,0 +183730,0 +183731,0 +183732,0 +183733,0 +183734,0 +183735,0 +183736,0 +183737,0 +183738,0 +183739,0 +183740,0 +183741,0 +183742,0 +183743,0 +183744,0 +183745,0 +183746,0 +183747,0 +183748,0 +183749,0 +183750,0 +183751,0 +183752,0 +183753,0 +183754,0 +183755,0 +183756,0 +183757,0 +183758,0 +183759,0 +183760,29 +183761,29 +183762,29 +183763,29 +183764,0 +183765,0 +183766,0 +183767,38 +183768,29 +183769,29 +183770,25 +183771,31 +183772,31 +183773,31 +183774,31 +183775,31 +183776,37 +183777,37 +183778,37 +183779,37 +183780,37 +183781,37 +183782,37 +183783,37 +183784,37 +183785,39 +183786,39 +183787,39 +183788,39 +183789,39 +183790,39 +183791,19 +183792,19 +183793,19 +183794,19 +183795,19 +183796,19 +183797,9 +183798,9 +183799,9 +183800,9 +183801,9 +183802,9 +183803,9 +183804,9 +183805,9 +183806,9 +183807,9 +183808,9 +183809,9 +183810,9 +183811,3 +183812,3 +183813,37 +183814,37 +183815,32 +183816,32 +183817,32 +183818,32 +183819,6 +183820,6 +183821,6 +183822,6 +183823,6 +183824,6 +183825,6 +183826,37 +183827,37 +183828,37 +183829,37 +183830,10 +183831,10 +183832,10 +183833,10 +183834,10 +183835,1 +183836,1 +183837,12 +183838,12 +183839,12 +183840,12 +183841,12 +183842,30 +183843,30 +183844,30 +183845,30 +183846,30 +183847,30 +183848,30 +183849,30 +183850,39 +183851,39 +183852,39 +183853,39 +183854,39 +183855,39 +183856,39 +183857,39 +183858,31 +183859,31 +183860,31 +183861,31 +183862,15 +183863,15 +183864,15 +183865,15 +183866,15 +183867,15 +183868,15 +183869,15 +183870,15 +183871,19 +183872,19 +183873,27 +183874,27 +183875,27 +183876,27 +183877,27 +183878,27 +183879,2 +183880,2 +183881,2 +183882,2 +183883,2 +183884,2 +183885,2 +183886,2 +183887,2 +183888,6 +183889,6 +183890,6 +183891,6 +183892,6 +183893,6 +183894,6 +183895,40 +183896,40 +183897,40 +183898,31 +183899,31 +183900,31 +183901,31 +183902,31 +183903,31 +183904,24 +183905,24 +183906,24 +183907,24 +183908,24 +183909,25 +183910,25 +183911,25 +183912,25 +183913,25 +183914,25 +183915,19 +183916,19 +183917,19 +183918,19 +183919,27 +183920,27 +183921,27 +183922,27 +183923,27 +183924,27 +183925,27 +183926,27 +183927,2 +183928,2 +183929,2 +183930,2 +183931,2 +183932,2 +183933,2 +183934,2 +183935,2 +183936,2 +183937,40 +183938,10 +183939,31 +183940,31 +183941,31 +183942,31 +183943,10 +183944,28 +183945,28 +183946,28 +183947,28 +183948,28 +183949,28 +183950,28 +183951,28 +183952,28 +183953,32 +183954,32 +183955,32 +183956,32 +183957,32 +183958,32 +183959,10 +183960,10 +183961,10 +183962,10 +183963,26 +183964,26 +183965,10 +183966,10 +183967,10 +183968,10 +183969,10 +183970,10 +183971,10 +183972,10 +183973,28 +183974,28 +183975,28 +183976,28 +183977,28 +183978,28 +183979,28 +183980,28 +183981,28 +183982,2 +183983,2 +183984,2 +183985,2 +183986,2 +183987,2 +183988,2 +183989,2 +183990,2 +183991,2 +183992,2 +183993,2 +183994,14 +183995,14 +183996,14 +183997,14 +183998,14 +183999,14 +184000,14 +184001,14 +184002,14 +184003,36 +184004,36 +184005,40 +184006,36 +184007,36 +184008,36 +184009,36 +184010,36 +184011,5 +184012,5 +184013,5 +184014,5 +184015,5 +184016,5 +184017,5 +184018,5 +184019,2 +184020,2 +184021,2 +184022,8 +184023,8 +184024,8 +184025,8 +184026,8 +184027,8 +184028,8 +184029,2 +184030,2 +184031,2 +184032,2 +184033,0 +184034,0 +184035,0 +184036,0 +184037,0 +184038,0 +184039,0 +184040,0 +184041,0 +184042,0 +184043,0 +184044,0 +184045,0 +184046,0 +184047,0 +184048,0 +184049,0 +184050,0 +184051,0 +184052,0 +184053,0 +184054,0 +184055,0 +184056,0 +184057,0 +184058,0 +184059,0 +184060,0 +184061,0 +184062,0 +184063,0 +184064,0 +184065,0 +184066,29 +184067,29 +184068,29 +184069,29 +184070,29 +184071,29 +184072,27 +184073,27 +184074,31 +184075,31 +184076,31 +184077,31 +184078,31 +184079,21 +184080,21 +184081,21 +184082,21 +184083,21 +184084,21 +184085,21 +184086,21 +184087,21 +184088,21 +184089,26 +184090,26 +184091,26 +184092,26 +184093,26 +184094,26 +184095,26 +184096,26 +184097,34 +184098,34 +184099,34 +184100,34 +184101,34 +184102,34 +184103,4 +184104,4 +184105,4 +184106,4 +184107,4 +184108,31 +184109,31 +184110,31 +184111,31 +184112,31 +184113,31 +184114,24 +184115,24 +184116,24 +184117,24 +184118,24 +184119,24 +184120,24 +184121,24 +184122,26 +184123,26 +184124,26 +184125,26 +184126,26 +184127,26 +184128,26 +184129,26 +184130,26 +184131,26 +184132,26 +184133,37 +184134,37 +184135,37 +184136,37 +184137,37 +184138,37 +184139,37 +184140,37 +184141,37 +184142,23 +184143,23 +184144,23 +184145,23 +184146,23 +184147,23 +184148,23 +184149,23 +184150,23 +184151,23 +184152,23 +184153,23 +184154,26 +184155,26 +184156,26 +184157,26 +184158,9 +184159,9 +184160,26 +184161,26 +184162,9 +184163,9 +184164,9 +184165,9 +184166,9 +184167,9 +184168,9 +184169,29 +184170,29 +184171,29 +184172,29 +184173,29 +184174,29 +184175,29 +184176,29 +184177,29 +184178,29 +184179,25 +184180,25 +184181,25 +184182,25 +184183,25 +184184,25 +184185,25 +184186,25 +184187,25 +184188,25 +184189,25 +184190,25 +184191,25 +184192,8 +184193,8 +184194,8 +184195,8 +184196,8 +184197,8 +184198,8 +184199,8 +184200,8 +184201,8 +184202,8 +184203,2 +184204,8 +184205,8 +184206,8 +184207,8 +184208,8 +184209,8 +184210,8 +184211,8 +184212,8 +184213,0 +184214,0 +184215,0 +184216,0 +184217,0 +184218,35 +184219,35 +184220,35 +184221,35 +184222,35 +184223,35 +184224,35 +184225,3 +184226,3 +184227,3 +184228,3 +184229,3 +184230,3 +184231,3 +184232,3 +184233,2 +184234,2 +184235,2 +184236,8 +184237,8 +184238,8 +184239,8 +184240,8 +184241,8 +184242,32 +184243,32 +184244,32 +184245,32 +184246,32 +184247,32 +184248,32 +184249,32 +184250,32 +184251,32 +184252,32 +184253,32 +184254,32 +184255,32 +184256,32 +184257,34 +184258,34 +184259,34 +184260,34 +184261,34 +184262,34 +184263,34 +184264,34 +184265,34 +184266,34 +184267,34 +184268,34 +184269,34 +184270,34 +184271,34 +184272,34 +184273,34 +184274,25 +184275,25 +184276,25 +184277,37 +184278,37 +184279,37 +184280,37 +184281,37 +184282,37 +184283,29 +184284,29 +184285,15 +184286,29 +184287,29 +184288,29 +184289,10 +184290,10 +184291,34 +184292,34 +184293,34 +184294,34 +184295,34 +184296,34 +184297,34 +184298,34 +184299,34 +184300,34 +184301,34 +184302,34 +184303,34 +184304,34 +184305,34 +184306,35 +184307,35 +184308,35 +184309,35 +184310,35 +184311,35 +184312,35 +184313,35 +184314,35 +184315,35 +184316,35 +184317,35 +184318,36 +184319,36 +184320,36 +184321,36 +184322,36 +184323,36 +184324,36 +184325,36 +184326,2 +184327,2 +184328,2 +184329,2 +184330,2 +184331,2 +184332,2 +184333,2 +184334,2 +184335,2 +184336,2 +184337,2 +184338,8 +184339,8 +184340,8 +184341,8 +184342,8 +184343,8 +184344,8 +184345,2 +184346,2 +184347,2 +184348,2 +184349,2 +184350,2 +184351,2 +184352,2 +184353,2 +184354,2 +184355,2 +184356,2 +184357,2 +184358,40 +184359,40 +184360,40 +184361,40 +184362,40 +184363,40 +184364,40 +184365,40 +184366,4 +184367,4 +184368,4 +184369,4 +184370,4 +184371,4 +184372,4 +184373,4 +184374,23 +184375,23 +184376,23 +184377,23 +184378,23 +184379,23 +184380,23 +184381,23 +184382,23 +184383,23 +184384,23 +184385,23 +184386,23 +184387,23 +184388,9 +184389,9 +184390,9 +184391,9 +184392,9 +184393,9 +184394,9 +184395,9 +184396,9 +184397,9 +184398,9 +184399,37 +184400,37 +184401,37 +184402,37 +184403,37 +184404,37 +184405,37 +184406,37 +184407,37 +184408,37 +184409,25 +184410,25 +184411,23 +184412,38 +184413,38 +184414,23 +184415,23 +184416,23 +184417,23 +184418,23 +184419,23 +184420,23 +184421,23 +184422,23 +184423,23 +184424,23 +184425,0 +184426,0 +184427,0 +184428,0 +184429,0 +184430,0 +184431,0 +184432,0 +184433,0 +184434,0 +184435,0 +184436,0 +184437,0 +184438,0 +184439,0 +184440,0 +184441,0 +184442,0 +184443,0 +184444,0 +184445,0 +184446,0 +184447,0 +184448,0 +184449,0 +184450,0 +184451,0 +184452,0 +184453,0 +184454,0 +184455,0 +184456,0 +184457,0 +184458,0 +184459,0 +184460,12 +184461,12 +184462,12 +184463,12 +184464,12 +184465,31 +184466,31 +184467,31 +184468,31 +184469,31 +184470,28 +184471,28 +184472,28 +184473,28 +184474,28 +184475,28 +184476,28 +184477,28 +184478,28 +184479,28 +184480,14 +184481,14 +184482,14 +184483,14 +184484,14 +184485,14 +184486,14 +184487,14 +184488,14 +184489,14 +184490,14 +184491,38 +184492,38 +184493,38 +184494,38 +184495,38 +184496,38 +184497,38 +184498,38 +184499,29 +184500,29 +184501,23 +184502,27 +184503,27 +184504,27 +184505,27 +184506,27 +184507,27 +184508,27 +184509,2 +184510,2 +184511,2 +184512,2 +184513,2 +184514,2 +184515,2 +184516,2 +184517,2 +184518,2 +184519,2 +184520,37 +184521,37 +184522,37 +184523,37 +184524,39 +184525,39 +184526,39 +184527,39 +184528,39 +184529,4 +184530,4 +184531,4 +184532,4 +184533,4 +184534,4 +184535,4 +184536,4 +184537,4 +184538,4 +184539,4 +184540,4 +184541,4 +184542,4 +184543,25 +184544,25 +184545,25 +184546,25 +184547,25 +184548,25 +184549,25 +184550,25 +184551,25 +184552,25 +184553,5 +184554,5 +184555,5 +184556,5 +184557,5 +184558,5 +184559,4 +184560,4 +184561,4 +184562,4 +184563,4 +184564,4 +184565,4 +184566,4 +184567,4 +184568,4 +184569,4 +184570,3 +184571,3 +184572,3 +184573,3 +184574,3 +184575,3 +184576,3 +184577,29 +184578,29 +184579,29 +184580,29 +184581,29 +184582,29 +184583,29 +184584,29 +184585,39 +184586,39 +184587,39 +184588,39 +184589,39 +184590,39 +184591,39 +184592,39 +184593,39 +184594,39 +184595,39 +184596,39 +184597,39 +184598,39 +184599,39 +184600,39 +184601,39 +184602,39 +184603,39 +184604,39 +184605,39 +184606,39 +184607,39 +184608,39 +184609,39 +184610,39 +184611,0 +184612,0 +184613,0 +184614,0 +184615,0 +184616,0 +184617,0 +184618,0 +184619,0 +184620,0 +184621,0 +184622,0 +184623,0 +184624,0 +184625,0 +184626,0 +184627,0 +184628,0 +184629,0 +184630,0 +184631,0 +184632,0 +184633,0 +184634,0 +184635,0 +184636,0 +184637,0 +184638,0 +184639,0 +184640,0 +184641,0 +184642,0 +184643,0 +184644,0 +184645,0 +184646,0 +184647,0 +184648,0 +184649,0 +184650,0 +184651,0 +184652,0 +184653,0 +184654,0 +184655,0 +184656,0 +184657,0 +184658,0 +184659,0 +184660,0 +184661,0 +184662,0 +184663,0 +184664,0 +184665,0 +184666,0 +184667,0 +184668,0 +184669,0 +184670,0 +184671,0 +184672,0 +184673,0 +184674,29 +184675,29 +184676,31 +184677,31 +184678,31 +184679,31 +184680,31 +184681,30 +184682,30 +184683,30 +184684,30 +184685,30 +184686,30 +184687,30 +184688,30 +184689,30 +184690,30 +184691,31 +184692,31 +184693,31 +184694,31 +184695,31 +184696,31 +184697,31 +184698,6 +184699,6 +184700,6 +184701,6 +184702,6 +184703,6 +184704,6 +184705,6 +184706,6 +184707,12 +184708,12 +184709,12 +184710,12 +184711,12 +184712,27 +184713,27 +184714,27 +184715,27 +184716,27 +184717,27 +184718,27 +184719,2 +184720,2 +184721,2 +184722,2 +184723,2 +184724,2 +184725,2 +184726,2 +184727,27 +184728,27 +184729,27 +184730,27 +184731,28 +184732,28 +184733,28 +184734,28 +184735,28 +184736,28 +184737,28 +184738,32 +184739,32 +184740,32 +184741,32 +184742,32 +184743,32 +184744,32 +184745,32 +184746,32 +184747,32 +184748,32 +184749,25 +184750,31 +184751,31 +184752,31 +184753,31 +184754,31 +184755,31 +184756,31 +184757,31 +184758,24 +184759,24 +184760,24 +184761,24 +184762,24 +184763,24 +184764,24 +184765,24 +184766,25 +184767,25 +184768,25 +184769,25 +184770,25 +184771,25 +184772,8 +184773,8 +184774,8 +184775,8 +184776,8 +184777,8 +184778,8 +184779,35 +184780,31 +184781,31 +184782,31 +184783,6 +184784,6 +184785,6 +184786,6 +184787,6 +184788,6 +184789,2 +184790,2 +184791,2 +184792,2 +184793,2 +184794,2 +184795,32 +184796,32 +184797,32 +184798,32 +184799,32 +184800,15 +184801,15 +184802,40 +184803,40 +184804,40 +184805,40 +184806,40 +184807,40 +184808,6 +184809,6 +184810,6 +184811,6 +184812,6 +184813,6 +184814,4 +184815,4 +184816,4 +184817,27 +184818,27 +184819,27 +184820,29 +184821,29 +184822,24 +184823,24 +184824,29 +184825,29 +184826,29 +184827,29 +184828,31 +184829,31 +184830,31 +184831,31 +184832,19 +184833,19 +184834,19 +184835,19 +184836,36 +184837,36 +184838,36 +184839,36 +184840,36 +184841,36 +184842,36 +184843,36 +184844,36 +184845,36 +184846,36 +184847,36 +184848,36 +184849,36 +184850,36 +184851,24 +184852,24 +184853,24 +184854,24 +184855,24 +184856,24 +184857,31 +184858,27 +184859,27 +184860,27 +184861,28 +184862,28 +184863,5 +184864,24 +184865,24 +184866,30 +184867,30 +184868,30 +184869,30 +184870,30 +184871,5 +184872,5 +184873,30 +184874,30 +184875,39 +184876,39 +184877,39 +184878,39 +184879,39 +184880,39 +184881,39 +184882,39 +184883,39 +184884,39 +184885,39 +184886,39 +184887,12 +184888,12 +184889,12 +184890,12 +184891,12 +184892,27 +184893,27 +184894,27 +184895,15 +184896,15 +184897,15 +184898,15 +184899,15 +184900,15 +184901,15 +184902,39 +184903,39 +184904,39 +184905,39 +184906,39 +184907,39 +184908,39 +184909,28 +184910,28 +184911,28 +184912,28 +184913,28 +184914,28 +184915,28 +184916,28 +184917,28 +184918,28 +184919,9 +184920,9 +184921,9 +184922,9 +184923,9 +184924,9 +184925,9 +184926,9 +184927,37 +184928,37 +184929,37 +184930,37 +184931,37 +184932,37 +184933,32 +184934,32 +184935,32 +184936,32 +184937,32 +184938,32 +184939,32 +184940,32 +184941,32 +184942,32 +184943,32 +184944,32 +184945,37 +184946,37 +184947,37 +184948,37 +184949,37 +184950,40 +184951,37 +184952,37 +184953,37 +184954,37 +184955,37 +184956,18 +184957,18 +184958,18 +184959,18 +184960,18 +184961,18 +184962,18 +184963,18 +184964,18 +184965,18 +184966,18 +184967,18 +184968,18 +184969,20 +184970,31 +184971,31 +184972,31 +184973,31 +184974,31 +184975,31 +184976,27 +184977,2 +184978,2 +184979,2 +184980,2 +184981,2 +184982,29 +184983,29 +184984,29 +184985,29 +184986,29 +184987,29 +184988,29 +184989,31 +184990,31 +184991,31 +184992,31 +184993,5 +184994,5 +184995,5 +184996,5 +184997,36 +184998,36 +184999,36 +185000,36 +185001,40 +185002,40 +185003,40 +185004,40 +185005,40 +185006,40 +185007,40 +185008,40 +185009,40 +185010,40 +185011,40 +185012,24 +185013,24 +185014,24 +185015,24 +185016,24 +185017,24 +185018,24 +185019,24 +185020,24 +185021,25 +185022,25 +185023,25 +185024,25 +185025,25 +185026,25 +185027,25 +185028,25 +185029,25 +185030,25 +185031,25 +185032,31 +185033,31 +185034,31 +185035,31 +185036,31 +185037,21 +185038,21 +185039,21 +185040,21 +185041,21 +185042,21 +185043,21 +185044,21 +185045,21 +185046,40 +185047,40 +185048,40 +185049,40 +185050,40 +185051,5 +185052,5 +185053,5 +185054,5 +185055,5 +185056,5 +185057,5 +185058,5 +185059,5 +185060,2 +185061,2 +185062,2 +185063,2 +185064,2 +185065,2 +185066,2 +185067,29 +185068,29 +185069,29 +185070,29 +185071,29 +185072,29 +185073,29 +185074,40 +185075,40 +185076,40 +185077,40 +185078,40 +185079,40 +185080,40 +185081,40 +185082,40 +185083,28 +185084,28 +185085,28 +185086,28 +185087,28 +185088,28 +185089,28 +185090,28 +185091,28 +185092,28 +185093,5 +185094,0 +185095,0 +185096,0 +185097,0 +185098,0 +185099,0 +185100,0 +185101,0 +185102,0 +185103,0 +185104,0 +185105,0 +185106,0 +185107,0 +185108,0 +185109,0 +185110,0 +185111,0 +185112,0 +185113,0 +185114,0 +185115,0 +185116,0 +185117,0 +185118,0 +185119,0 +185120,0 +185121,0 +185122,0 +185123,0 +185124,0 +185125,0 +185126,0 +185127,0 +185128,0 +185129,0 +185130,0 +185131,0 +185132,0 +185133,0 +185134,0 +185135,0 +185136,0 +185137,0 +185138,0 +185139,0 +185140,0 +185141,0 +185142,0 +185143,0 +185144,0 +185145,15 +185146,15 +185147,31 +185148,31 +185149,31 +185150,31 +185151,31 +185152,31 +185153,31 +185154,31 +185155,31 +185156,31 +185157,31 +185158,31 +185159,5 +185160,5 +185161,5 +185162,5 +185163,5 +185164,5 +185165,5 +185166,5 +185167,5 +185168,2 +185169,2 +185170,2 +185171,2 +185172,2 +185173,2 +185174,2 +185175,2 +185176,2 +185177,2 +185178,4 +185179,4 +185180,4 +185181,4 +185182,4 +185183,4 +185184,4 +185185,40 +185186,40 +185187,40 +185188,40 +185189,40 +185190,40 +185191,40 +185192,40 +185193,40 +185194,40 +185195,40 +185196,40 +185197,40 +185198,40 +185199,40 +185200,40 +185201,40 +185202,40 +185203,40 +185204,40 +185205,19 +185206,19 +185207,19 +185208,19 +185209,19 +185210,19 +185211,19 +185212,32 +185213,32 +185214,32 +185215,32 +185216,32 +185217,32 +185218,32 +185219,32 +185220,32 +185221,32 +185222,32 +185223,32 +185224,32 +185225,31 +185226,31 +185227,31 +185228,31 +185229,31 +185230,24 +185231,24 +185232,24 +185233,24 +185234,24 +185235,24 +185236,12 +185237,22 +185238,22 +185239,22 +185240,22 +185241,22 +185242,6 +185243,6 +185244,6 +185245,6 +185246,6 +185247,6 +185248,6 +185249,2 +185250,2 +185251,2 +185252,2 +185253,2 +185254,2 +185255,2 +185256,2 +185257,2 +185258,2 +185259,40 +185260,40 +185261,40 +185262,31 +185263,19 +185264,19 +185265,19 +185266,19 +185267,19 +185268,19 +185269,19 +185270,27 +185271,31 +185272,27 +185273,27 +185274,27 +185275,38 +185276,38 +185277,38 +185278,38 +185279,38 +185280,38 +185281,38 +185282,38 +185283,38 +185284,38 +185285,39 +185286,39 +185287,39 +185288,39 +185289,39 +185290,39 +185291,39 +185292,39 +185293,39 +185294,39 +185295,39 +185296,39 +185297,39 +185298,39 +185299,39 +185300,39 +185301,39 +185302,39 +185303,39 +185304,39 +185305,39 +185306,0 +185307,0 +185308,0 +185309,0 +185310,0 +185311,0 +185312,0 +185313,0 +185314,0 +185315,0 +185316,0 +185317,0 +185318,5 +185319,5 +185320,5 +185321,5 +185322,29 +185323,19 +185324,19 +185325,19 +185326,19 +185327,19 +185328,19 +185329,19 +185330,19 +185331,19 +185332,7 +185333,7 +185334,7 +185335,27 +185336,27 +185337,27 +185338,27 +185339,27 +185340,27 +185341,7 +185342,4 +185343,25 +185344,25 +185345,25 +185346,25 +185347,25 +185348,25 +185349,25 +185350,37 +185351,19 +185352,19 +185353,19 +185354,19 +185355,19 +185356,19 +185357,19 +185358,19 +185359,37 +185360,37 +185361,25 +185362,25 +185363,25 +185364,25 +185365,25 +185366,25 +185367,25 +185368,37 +185369,37 +185370,37 +185371,34 +185372,34 +185373,34 +185374,34 +185375,34 +185376,36 +185377,10 +185378,10 +185379,36 +185380,34 +185381,34 +185382,34 +185383,34 +185384,19 +185385,4 +185386,4 +185387,4 +185388,4 +185389,4 +185390,31 +185391,31 +185392,31 +185393,31 +185394,5 +185395,5 +185396,5 +185397,24 +185398,24 +185399,24 +185400,29 +185401,29 +185402,40 +185403,40 +185404,40 +185405,40 +185406,40 +185407,40 +185408,37 +185409,37 +185410,37 +185411,37 +185412,37 +185413,37 +185414,37 +185415,37 +185416,23 +185417,23 +185418,23 +185419,23 +185420,23 +185421,23 +185422,23 +185423,23 +185424,23 +185425,23 +185426,14 +185427,14 +185428,14 +185429,14 +185430,14 +185431,14 +185432,14 +185433,14 +185434,14 +185435,14 +185436,14 +185437,14 +185438,14 +185439,14 +185440,32 +185441,24 +185442,24 +185443,24 +185444,24 +185445,24 +185446,24 +185447,24 +185448,25 +185449,25 +185450,25 +185451,25 +185452,25 +185453,25 +185454,25 +185455,25 +185456,25 +185457,25 +185458,25 +185459,25 +185460,25 +185461,25 +185462,25 +185463,25 +185464,0 +185465,0 +185466,0 +185467,0 +185468,0 +185469,0 +185470,0 +185471,0 +185472,0 +185473,0 +185474,0 +185475,0 +185476,0 +185477,0 +185478,0 +185479,0 +185480,0 +185481,0 +185482,0 +185483,0 +185484,0 +185485,0 +185486,0 +185487,0 +185488,0 +185489,0 +185490,0 +185491,0 +185492,0 +185493,0 +185494,0 +185495,0 +185496,0 +185497,0 +185498,0 +185499,0 +185500,0 +185501,0 +185502,0 +185503,0 +185504,0 +185505,0 +185506,0 +185507,0 +185508,0 +185509,0 +185510,0 +185511,0 +185512,0 +185513,0 +185514,0 +185515,0 +185516,11 +185517,11 +185518,11 +185519,11 +185520,11 +185521,11 +185522,11 +185523,11 +185524,11 +185525,11 +185526,11 +185527,11 +185528,11 +185529,11 +185530,11 +185531,11 +185532,11 +185533,11 +185534,39 +185535,39 +185536,39 +185537,39 +185538,39 +185539,39 +185540,39 +185541,27 +185542,27 +185543,27 +185544,27 +185545,27 +185546,4 +185547,4 +185548,4 +185549,4 +185550,4 +185551,35 +185552,35 +185553,35 +185554,35 +185555,35 +185556,35 +185557,35 +185558,35 +185559,35 +185560,36 +185561,36 +185562,36 +185563,36 +185564,19 +185565,19 +185566,19 +185567,19 +185568,19 +185569,4 +185570,33 +185571,33 +185572,25 +185573,25 +185574,25 +185575,25 +185576,25 +185577,30 +185578,30 +185579,30 +185580,30 +185581,30 +185582,30 +185583,30 +185584,30 +185585,30 +185586,26 +185587,26 +185588,26 +185589,9 +185590,9 +185591,26 +185592,26 +185593,26 +185594,26 +185595,26 +185596,26 +185597,26 +185598,26 +185599,26 +185600,26 +185601,26 +185602,5 +185603,5 +185604,5 +185605,5 +185606,5 +185607,5 +185608,5 +185609,5 +185610,5 +185611,13 +185612,13 +185613,13 +185614,27 +185615,27 +185616,27 +185617,27 +185618,14 +185619,14 +185620,39 +185621,39 +185622,27 +185623,27 +185624,27 +185625,27 +185626,33 +185627,33 +185628,33 +185629,33 +185630,3 +185631,3 +185632,28 +185633,28 +185634,28 +185635,28 +185636,31 +185637,31 +185638,31 +185639,31 +185640,31 +185641,31 +185642,31 +185643,31 +185644,31 +185645,31 +185646,31 +185647,31 +185648,2 +185649,2 +185650,2 +185651,2 +185652,2 +185653,2 +185654,2 +185655,2 +185656,2 +185657,2 +185658,2 +185659,2 +185660,2 +185661,2 +185662,2 +185663,2 +185664,2 +185665,2 +185666,2 +185667,0 +185668,0 +185669,0 +185670,0 +185671,0 +185672,0 +185673,0 +185674,0 +185675,0 +185676,0 +185677,0 +185678,0 +185679,0 +185680,0 +185681,0 +185682,0 +185683,0 +185684,4 +185685,4 +185686,4 +185687,4 +185688,4 +185689,4 +185690,4 +185691,4 +185692,4 +185693,25 +185694,25 +185695,25 +185696,31 +185697,31 +185698,31 +185699,31 +185700,31 +185701,28 +185702,31 +185703,28 +185704,31 +185705,31 +185706,31 +185707,31 +185708,31 +185709,5 +185710,5 +185711,5 +185712,5 +185713,5 +185714,31 +185715,14 +185716,14 +185717,36 +185718,40 +185719,40 +185720,40 +185721,40 +185722,40 +185723,40 +185724,19 +185725,19 +185726,19 +185727,24 +185728,27 +185729,27 +185730,27 +185731,27 +185732,27 +185733,13 +185734,13 +185735,13 +185736,13 +185737,13 +185738,13 +185739,13 +185740,13 +185741,27 +185742,27 +185743,27 +185744,27 +185745,27 +185746,27 +185747,27 +185748,27 +185749,27 +185750,5 +185751,5 +185752,5 +185753,5 +185754,33 +185755,33 +185756,33 +185757,33 +185758,33 +185759,33 +185760,33 +185761,33 +185762,33 +185763,33 +185764,30 +185765,33 +185766,33 +185767,33 +185768,33 +185769,33 +185770,33 +185771,33 +185772,33 +185773,33 +185774,33 +185775,33 +185776,33 +185777,33 +185778,33 +185779,33 +185780,33 +185781,33 +185782,33 +185783,33 +185784,33 +185785,33 +185786,23 +185787,23 +185788,23 +185789,23 +185790,23 +185791,23 +185792,23 +185793,23 +185794,23 +185795,23 +185796,23 +185797,23 +185798,23 +185799,39 +185800,39 +185801,39 +185802,39 +185803,39 +185804,39 +185805,39 +185806,39 +185807,39 +185808,39 +185809,39 +185810,39 +185811,39 +185812,39 +185813,39 +185814,15 +185815,15 +185816,15 +185817,15 +185818,15 +185819,15 +185820,15 +185821,15 +185822,25 +185823,25 +185824,25 +185825,25 +185826,25 +185827,25 +185828,25 +185829,25 +185830,25 +185831,25 +185832,25 +185833,25 +185834,25 +185835,25 +185836,25 +185837,25 +185838,25 +185839,0 +185840,0 +185841,0 +185842,0 +185843,0 +185844,0 +185845,0 +185846,0 +185847,0 +185848,0 +185849,0 +185850,0 +185851,0 +185852,0 +185853,0 +185854,0 +185855,0 +185856,0 +185857,0 +185858,0 +185859,0 +185860,0 +185861,0 +185862,0 +185863,0 +185864,0 +185865,0 +185866,0 +185867,0 +185868,0 +185869,0 +185870,0 +185871,0 +185872,31 +185873,31 +185874,31 +185875,31 +185876,31 +185877,31 +185878,31 +185879,31 +185880,32 +185881,32 +185882,32 +185883,32 +185884,32 +185885,32 +185886,32 +185887,32 +185888,32 +185889,32 +185890,32 +185891,32 +185892,32 +185893,32 +185894,32 +185895,32 +185896,32 +185897,30 +185898,30 +185899,30 +185900,30 +185901,30 +185902,30 +185903,30 +185904,30 +185905,30 +185906,33 +185907,33 +185908,33 +185909,33 +185910,33 +185911,27 +185912,27 +185913,14 +185914,14 +185915,14 +185916,27 +185917,27 +185918,27 +185919,2 +185920,2 +185921,2 +185922,2 +185923,2 +185924,2 +185925,2 +185926,2 +185927,4 +185928,4 +185929,4 +185930,4 +185931,4 +185932,4 +185933,4 +185934,27 +185935,27 +185936,27 +185937,27 +185938,29 +185939,29 +185940,29 +185941,29 +185942,29 +185943,29 +185944,40 +185945,40 +185946,40 +185947,40 +185948,40 +185949,40 +185950,40 +185951,40 +185952,40 +185953,40 +185954,40 +185955,40 +185956,40 +185957,40 +185958,4 +185959,4 +185960,4 +185961,4 +185962,4 +185963,4 +185964,4 +185965,12 +185966,12 +185967,12 +185968,12 +185969,12 +185970,12 +185971,27 +185972,27 +185973,27 +185974,27 +185975,16 +185976,16 +185977,16 +185978,16 +185979,16 +185980,16 +185981,16 +185982,16 +185983,6 +185984,6 +185985,6 +185986,35 +185987,35 +185988,35 +185989,35 +185990,35 +185991,35 +185992,35 +185993,35 +185994,35 +185995,35 +185996,35 +185997,35 +185998,35 +185999,35 +186000,35 +186001,35 +186002,34 +186003,36 +186004,36 +186005,36 +186006,36 +186007,36 +186008,40 +186009,40 +186010,40 +186011,31 +186012,31 +186013,2 +186014,2 +186015,2 +186016,2 +186017,2 +186018,2 +186019,2 +186020,2 +186021,2 +186022,2 +186023,2 +186024,2 +186025,2 +186026,2 +186027,2 +186028,4 +186029,4 +186030,4 +186031,4 +186032,4 +186033,31 +186034,31 +186035,31 +186036,31 +186037,31 +186038,15 +186039,15 +186040,15 +186041,15 +186042,15 +186043,15 +186044,39 +186045,39 +186046,39 +186047,39 +186048,39 +186049,39 +186050,39 +186051,39 +186052,39 +186053,39 +186054,23 +186055,23 +186056,23 +186057,23 +186058,23 +186059,23 +186060,23 +186061,23 +186062,23 +186063,23 +186064,23 +186065,23 +186066,23 +186067,23 +186068,23 +186069,23 +186070,23 +186071,23 +186072,23 +186073,23 +186074,23 +186075,23 +186076,40 +186077,40 +186078,40 +186079,40 +186080,36 +186081,36 +186082,36 +186083,36 +186084,31 +186085,31 +186086,40 +186087,40 +186088,31 +186089,31 +186090,31 +186091,31 +186092,31 +186093,31 +186094,16 +186095,11 +186096,11 +186097,11 +186098,11 +186099,11 +186100,11 +186101,11 +186102,11 +186103,11 +186104,11 +186105,11 +186106,11 +186107,11 +186108,11 +186109,11 +186110,31 +186111,31 +186112,31 +186113,31 +186114,31 +186115,5 +186116,5 +186117,5 +186118,5 +186119,5 +186120,5 +186121,5 +186122,5 +186123,5 +186124,5 +186125,19 +186126,19 +186127,19 +186128,19 +186129,19 +186130,19 +186131,0 +186132,0 +186133,0 +186134,0 +186135,0 +186136,0 +186137,0 +186138,0 +186139,0 +186140,0 +186141,0 +186142,0 +186143,0 +186144,0 +186145,0 +186146,0 +186147,0 +186148,0 +186149,0 +186150,0 +186151,0 +186152,0 +186153,0 +186154,0 +186155,0 +186156,0 +186157,0 +186158,0 +186159,0 +186160,0 +186161,0 +186162,0 +186163,0 +186164,0 +186165,0 +186166,0 +186167,0 +186168,0 +186169,0 +186170,0 +186171,0 +186172,0 +186173,15 +186174,15 +186175,15 +186176,15 +186177,37 +186178,37 +186179,37 +186180,37 +186181,37 +186182,37 +186183,37 +186184,37 +186185,37 +186186,37 +186187,37 +186188,37 +186189,37 +186190,37 +186191,37 +186192,3 +186193,3 +186194,3 +186195,3 +186196,3 +186197,3 +186198,3 +186199,3 +186200,3 +186201,28 +186202,28 +186203,28 +186204,28 +186205,28 +186206,3 +186207,3 +186208,3 +186209,3 +186210,3 +186211,3 +186212,3 +186213,3 +186214,3 +186215,3 +186216,8 +186217,8 +186218,8 +186219,8 +186220,8 +186221,8 +186222,8 +186223,8 +186224,8 +186225,8 +186226,8 +186227,8 +186228,4 +186229,4 +186230,4 +186231,4 +186232,4 +186233,4 +186234,4 +186235,0 +186236,0 +186237,0 +186238,0 +186239,0 +186240,0 +186241,0 +186242,0 +186243,0 +186244,0 +186245,0 +186246,0 +186247,0 +186248,0 +186249,0 +186250,0 +186251,0 +186252,0 +186253,0 +186254,0 +186255,0 +186256,0 +186257,0 +186258,0 +186259,0 +186260,0 +186261,0 +186262,0 +186263,0 +186264,38 +186265,38 +186266,38 +186267,38 +186268,38 +186269,23 +186270,23 +186271,23 +186272,23 +186273,23 +186274,23 +186275,23 +186276,23 +186277,23 +186278,23 +186279,23 +186280,23 +186281,23 +186282,23 +186283,23 +186284,23 +186285,23 +186286,23 +186287,9 +186288,9 +186289,9 +186290,9 +186291,9 +186292,9 +186293,9 +186294,9 +186295,9 +186296,12 +186297,12 +186298,12 +186299,12 +186300,12 +186301,12 +186302,12 +186303,12 +186304,25 +186305,25 +186306,25 +186307,25 +186308,25 +186309,25 +186310,25 +186311,25 +186312,25 +186313,25 +186314,25 +186315,25 +186316,25 +186317,25 +186318,18 +186319,18 +186320,18 +186321,18 +186322,18 +186323,18 +186324,18 +186325,18 +186326,18 +186327,18 +186328,18 +186329,18 +186330,18 +186331,18 +186332,18 +186333,18 +186334,18 +186335,4 +186336,4 +186337,4 +186338,4 +186339,4 +186340,4 +186341,4 +186342,4 +186343,0 +186344,0 +186345,0 +186346,0 +186347,0 +186348,0 +186349,0 +186350,0 +186351,0 +186352,0 +186353,0 +186354,0 +186355,0 +186356,0 +186357,0 +186358,0 +186359,0 +186360,0 +186361,0 +186362,0 +186363,2 +186364,2 +186365,2 +186366,2 +186367,2 +186368,2 +186369,2 +186370,2 +186371,2 +186372,2 +186373,2 +186374,2 +186375,2 +186376,2 +186377,2 +186378,2 +186379,2 +186380,2 +186381,2 +186382,2 +186383,2 +186384,2 +186385,2 +186386,4 +186387,4 +186388,4 +186389,4 +186390,4 +186391,4 +186392,4 +186393,4 +186394,4 +186395,4 +186396,4 +186397,37 +186398,37 +186399,37 +186400,37 +186401,37 +186402,37 +186403,37 +186404,37 +186405,37 +186406,40 +186407,40 +186408,40 +186409,40 +186410,40 +186411,40 +186412,40 +186413,40 +186414,40 +186415,40 +186416,40 +186417,40 +186418,16 +186419,16 +186420,16 +186421,16 +186422,16 +186423,16 +186424,16 +186425,16 +186426,11 +186427,11 +186428,11 +186429,16 +186430,16 +186431,16 +186432,16 +186433,16 +186434,11 +186435,11 +186436,11 +186437,11 +186438,11 +186439,4 +186440,4 +186441,4 +186442,4 +186443,4 +186444,4 +186445,4 +186446,0 +186447,0 +186448,0 +186449,0 +186450,0 +186451,0 +186452,0 +186453,0 +186454,0 +186455,0 +186456,0 +186457,0 +186458,0 +186459,0 +186460,0 +186461,0 +186462,0 +186463,0 +186464,0 +186465,0 +186466,0 +186467,0 +186468,0 +186469,0 +186470,0 +186471,0 +186472,0 +186473,0 +186474,0 +186475,0 +186476,0 +186477,0 +186478,0 +186479,0 +186480,0 +186481,0 +186482,0 +186483,0 +186484,0 +186485,12 +186486,12 +186487,12 +186488,12 +186489,12 +186490,12 +186491,12 +186492,12 +186493,37 +186494,37 +186495,37 +186496,37 +186497,37 +186498,37 +186499,37 +186500,37 +186501,37 +186502,37 +186503,37 +186504,37 +186505,37 +186506,37 +186507,3 +186508,3 +186509,3 +186510,3 +186511,3 +186512,3 +186513,3 +186514,33 +186515,33 +186516,3 +186517,2 +186518,2 +186519,2 +186520,2 +186521,2 +186522,2 +186523,2 +186524,2 +186525,2 +186526,2 +186527,2 +186528,2 +186529,2 +186530,2 +186531,2 +186532,4 +186533,4 +186534,4 +186535,4 +186536,4 +186537,4 +186538,27 +186539,27 +186540,27 +186541,27 +186542,27 +186543,27 +186544,27 +186545,27 +186546,19 +186547,19 +186548,19 +186549,19 +186550,19 +186551,19 +186552,19 +186553,19 +186554,19 +186555,19 +186556,19 +186557,0 +186558,0 +186559,0 +186560,0 +186561,0 +186562,0 +186563,0 +186564,0 +186565,0 +186566,0 +186567,0 +186568,0 +186569,0 +186570,0 +186571,0 +186572,0 +186573,0 +186574,0 +186575,0 +186576,0 +186577,0 +186578,36 +186579,36 +186580,36 +186581,36 +186582,36 +186583,36 +186584,36 +186585,36 +186586,36 +186587,36 +186588,36 +186589,36 +186590,36 +186591,36 +186592,36 +186593,36 +186594,36 +186595,5 +186596,5 +186597,5 +186598,5 +186599,5 +186600,5 +186601,5 +186602,5 +186603,5 +186604,5 +186605,39 +186606,39 +186607,39 +186608,39 +186609,39 +186610,39 +186611,39 +186612,39 +186613,39 +186614,39 +186615,39 +186616,39 +186617,39 +186618,39 +186619,39 +186620,39 +186621,39 +186622,39 +186623,39 +186624,39 +186625,39 +186626,9 +186627,9 +186628,30 +186629,30 +186630,30 +186631,30 +186632,30 +186633,30 +186634,30 +186635,30 +186636,30 +186637,30 +186638,30 +186639,30 +186640,30 +186641,30 +186642,30 +186643,19 +186644,19 +186645,19 +186646,19 +186647,19 +186648,19 +186649,19 +186650,19 +186651,19 +186652,19 +186653,19 +186654,19 +186655,0 +186656,0 +186657,0 +186658,0 +186659,0 +186660,0 +186661,0 +186662,0 +186663,0 +186664,0 +186665,0 +186666,0 +186667,0 +186668,0 +186669,0 +186670,0 +186671,0 +186672,0 +186673,0 +186674,0 +186675,0 +186676,0 +186677,0 +186678,0 +186679,37 +186680,37 +186681,37 +186682,37 +186683,37 +186684,31 +186685,31 +186686,31 +186687,31 +186688,31 +186689,31 +186690,31 +186691,23 +186692,23 +186693,23 +186694,23 +186695,23 +186696,23 +186697,23 +186698,23 +186699,23 +186700,23 +186701,23 +186702,23 +186703,23 +186704,23 +186705,23 +186706,23 +186707,23 +186708,23 +186709,23 +186710,23 +186711,26 +186712,26 +186713,26 +186714,10 +186715,10 +186716,10 +186717,10 +186718,10 +186719,10 +186720,26 +186721,10 +186722,10 +186723,10 +186724,10 +186725,10 +186726,10 +186727,10 +186728,10 +186729,10 +186730,10 +186731,10 +186732,10 +186733,10 +186734,10 +186735,34 +186736,10 +186737,10 +186738,10 +186739,10 +186740,10 +186741,13 +186742,13 +186743,13 +186744,13 +186745,40 +186746,40 +186747,5 +186748,5 +186749,5 +186750,5 +186751,5 +186752,5 +186753,5 +186754,5 +186755,5 +186756,5 +186757,5 +186758,5 +186759,19 +186760,19 +186761,19 +186762,4 +186763,4 +186764,4 +186765,4 +186766,4 +186767,4 +186768,4 +186769,4 +186770,4 +186771,4 +186772,4 +186773,0 +186774,0 +186775,0 +186776,0 +186777,0 +186778,0 +186779,0 +186780,0 +186781,0 +186782,0 +186783,0 +186784,0 +186785,0 +186786,0 +186787,0 +186788,0 +186789,0 +186790,0 +186791,0 +186792,0 +186793,0 +186794,0 +186795,0 +186796,0 +186797,0 +186798,0 +186799,0 +186800,0 +186801,0 +186802,0 +186803,0 +186804,0 +186805,0 +186806,0 +186807,0 +186808,0 +186809,0 +186810,0 +186811,0 +186812,0 +186813,0 +186814,0 +186815,0 +186816,0 +186817,0 +186818,0 +186819,0 +186820,0 +186821,0 +186822,0 +186823,0 +186824,0 +186825,0 +186826,0 +186827,0 +186828,0 +186829,0 +186830,0 +186831,0 +186832,0 +186833,36 +186834,36 +186835,36 +186836,36 +186837,36 +186838,36 +186839,36 +186840,36 +186841,36 +186842,36 +186843,36 +186844,36 +186845,36 +186846,36 +186847,36 +186848,8 +186849,8 +186850,8 +186851,8 +186852,8 +186853,8 +186854,8 +186855,8 +186856,27 +186857,27 +186858,27 +186859,27 +186860,8 +186861,8 +186862,8 +186863,8 +186864,8 +186865,27 +186866,27 +186867,27 +186868,27 +186869,27 +186870,27 +186871,27 +186872,27 +186873,27 +186874,27 +186875,27 +186876,27 +186877,27 +186878,27 +186879,27 +186880,27 +186881,27 +186882,27 +186883,27 +186884,31 +186885,31 +186886,31 +186887,8 +186888,8 +186889,8 +186890,8 +186891,8 +186892,8 +186893,8 +186894,8 +186895,8 +186896,8 +186897,8 +186898,10 +186899,10 +186900,10 +186901,10 +186902,10 +186903,10 +186904,10 +186905,10 +186906,10 +186907,10 +186908,10 +186909,11 +186910,11 +186911,11 +186912,11 +186913,11 +186914,11 +186915,11 +186916,11 +186917,11 +186918,11 +186919,11 +186920,40 +186921,40 +186922,40 +186923,40 +186924,30 +186925,30 +186926,30 +186927,30 +186928,30 +186929,30 +186930,32 +186931,32 +186932,32 +186933,32 +186934,32 +186935,32 +186936,25 +186937,25 +186938,25 +186939,25 +186940,25 +186941,25 +186942,25 +186943,23 +186944,23 +186945,23 +186946,23 +186947,23 +186948,23 +186949,23 +186950,23 +186951,23 +186952,9 +186953,9 +186954,9 +186955,9 +186956,37 +186957,37 +186958,37 +186959,37 +186960,5 +186961,5 +186962,5 +186963,5 +186964,28 +186965,28 +186966,28 +186967,29 +186968,29 +186969,29 +186970,31 +186971,31 +186972,31 +186973,2 +186974,2 +186975,2 +186976,2 +186977,2 +186978,2 +186979,2 +186980,2 +186981,2 +186982,2 +186983,2 +186984,2 +186985,2 +186986,2 +186987,25 +186988,25 +186989,25 +186990,25 +186991,25 +186992,25 +186993,24 +186994,24 +186995,24 +186996,24 +186997,24 +186998,24 +186999,24 +187000,27 +187001,27 +187002,27 +187003,27 +187004,27 +187005,27 +187006,2 +187007,2 +187008,2 +187009,2 +187010,2 +187011,2 +187012,2 +187013,2 +187014,2 +187015,2 +187016,2 +187017,2 +187018,36 +187019,36 +187020,36 +187021,36 +187022,36 +187023,36 +187024,36 +187025,36 +187026,36 +187027,23 +187028,23 +187029,23 +187030,23 +187031,23 +187032,23 +187033,23 +187034,23 +187035,23 +187036,23 +187037,23 +187038,15 +187039,15 +187040,15 +187041,15 +187042,15 +187043,15 +187044,27 +187045,27 +187046,27 +187047,27 +187048,27 +187049,27 +187050,39 +187051,7 +187052,7 +187053,31 +187054,31 +187055,31 +187056,31 +187057,31 +187058,31 +187059,31 +187060,31 +187061,31 +187062,31 +187063,31 +187064,31 +187065,5 +187066,24 +187067,24 +187068,24 +187069,21 +187070,21 +187071,21 +187072,21 +187073,21 +187074,21 +187075,21 +187076,21 +187077,26 +187078,26 +187079,26 +187080,26 +187081,26 +187082,26 +187083,26 +187084,26 +187085,26 +187086,5 +187087,5 +187088,5 +187089,5 +187090,31 +187091,31 +187092,31 +187093,31 +187094,31 +187095,31 +187096,31 +187097,12 +187098,12 +187099,12 +187100,12 +187101,12 +187102,12 +187103,12 +187104,12 +187105,12 +187106,12 +187107,14 +187108,14 +187109,14 +187110,14 +187111,14 +187112,14 +187113,14 +187114,14 +187115,14 +187116,14 +187117,14 +187118,14 +187119,14 +187120,14 +187121,14 +187122,14 +187123,14 +187124,14 +187125,14 +187126,14 +187127,14 +187128,39 +187129,39 +187130,39 +187131,0 +187132,0 +187133,0 +187134,0 +187135,0 +187136,0 +187137,0 +187138,0 +187139,0 +187140,36 +187141,36 +187142,36 +187143,36 +187144,36 +187145,36 +187146,36 +187147,36 +187148,36 +187149,36 +187150,5 +187151,5 +187152,5 +187153,29 +187154,29 +187155,29 +187156,10 +187157,10 +187158,10 +187159,10 +187160,10 +187161,10 +187162,10 +187163,10 +187164,10 +187165,11 +187166,11 +187167,11 +187168,11 +187169,11 +187170,11 +187171,11 +187172,11 +187173,31 +187174,31 +187175,31 +187176,31 +187177,30 +187178,30 +187179,30 +187180,30 +187181,2 +187182,2 +187183,2 +187184,2 +187185,2 +187186,2 +187187,2 +187188,2 +187189,2 +187190,2 +187191,4 +187192,4 +187193,4 +187194,4 +187195,4 +187196,14 +187197,14 +187198,14 +187199,14 +187200,14 +187201,14 +187202,14 +187203,14 +187204,14 +187205,14 +187206,15 +187207,15 +187208,15 +187209,15 +187210,15 +187211,15 +187212,15 +187213,15 +187214,10 +187215,10 +187216,10 +187217,10 +187218,10 +187219,10 +187220,10 +187221,10 +187222,29 +187223,29 +187224,29 +187225,29 +187226,29 +187227,29 +187228,31 +187229,31 +187230,15 +187231,15 +187232,15 +187233,15 +187234,15 +187235,15 +187236,15 +187237,15 +187238,15 +187239,26 +187240,26 +187241,26 +187242,26 +187243,26 +187244,26 +187245,26 +187246,26 +187247,26 +187248,9 +187249,4 +187250,4 +187251,4 +187252,4 +187253,27 +187254,27 +187255,27 +187256,27 +187257,27 +187258,27 +187259,27 +187260,27 +187261,27 +187262,1 +187263,39 +187264,19 +187265,19 +187266,19 +187267,19 +187268,19 +187269,4 +187270,4 +187271,4 +187272,4 +187273,4 +187274,4 +187275,4 +187276,4 +187277,4 +187278,4 +187279,4 +187280,4 +187281,4 +187282,4 +187283,4 +187284,29 +187285,29 +187286,29 +187287,33 +187288,33 +187289,33 +187290,33 +187291,33 +187292,33 +187293,33 +187294,33 +187295,28 +187296,28 +187297,28 +187298,28 +187299,28 +187300,28 +187301,28 +187302,28 +187303,28 +187304,28 +187305,28 +187306,9 +187307,9 +187308,9 +187309,9 +187310,9 +187311,9 +187312,37 +187313,37 +187314,37 +187315,37 +187316,37 +187317,37 +187318,5 +187319,5 +187320,5 +187321,27 +187322,27 +187323,27 +187324,13 +187325,13 +187326,13 +187327,13 +187328,13 +187329,13 +187330,13 +187331,13 +187332,13 +187333,13 +187334,13 +187335,13 +187336,13 +187337,13 +187338,0 +187339,0 +187340,0 +187341,0 +187342,0 +187343,0 +187344,0 +187345,0 +187346,0 +187347,0 +187348,0 +187349,0 +187350,0 +187351,0 +187352,0 +187353,0 +187354,0 +187355,0 +187356,0 +187357,0 +187358,0 +187359,0 +187360,0 +187361,0 +187362,0 +187363,0 +187364,0 +187365,0 +187366,0 +187367,0 +187368,0 +187369,0 +187370,0 +187371,0 +187372,0 +187373,0 +187374,0 +187375,0 +187376,0 +187377,0 +187378,0 +187379,0 +187380,0 +187381,0 +187382,0 +187383,0 +187384,0 +187385,0 +187386,0 +187387,0 +187388,0 +187389,0 +187390,0 +187391,0 +187392,0 +187393,0 +187394,0 +187395,0 +187396,0 +187397,0 +187398,0 +187399,0 +187400,0 +187401,0 +187402,0 +187403,0 +187404,0 +187405,0 +187406,0 +187407,0 +187408,0 +187409,0 +187410,0 +187411,0 +187412,0 +187413,0 +187414,0 +187415,0 +187416,0 +187417,0 +187418,0 +187419,0 +187420,0 +187421,0 +187422,0 +187423,0 +187424,0 +187425,0 +187426,0 +187427,0 +187428,0 +187429,0 +187430,0 +187431,0 +187432,31 +187433,31 +187434,4 +187435,4 +187436,10 +187437,10 +187438,10 +187439,10 +187440,10 +187441,10 +187442,10 +187443,10 +187444,10 +187445,10 +187446,10 +187447,10 +187448,10 +187449,19 +187450,19 +187451,19 +187452,19 +187453,19 +187454,3 +187455,3 +187456,3 +187457,3 +187458,3 +187459,3 +187460,3 +187461,5 +187462,5 +187463,5 +187464,5 +187465,5 +187466,5 +187467,26 +187468,26 +187469,26 +187470,26 +187471,26 +187472,26 +187473,26 +187474,26 +187475,26 +187476,26 +187477,26 +187478,26 +187479,26 +187480,26 +187481,26 +187482,5 +187483,5 +187484,5 +187485,5 +187486,5 +187487,31 +187488,31 +187489,5 +187490,33 +187491,33 +187492,33 +187493,33 +187494,33 +187495,33 +187496,33 +187497,33 +187498,12 +187499,12 +187500,12 +187501,12 +187502,12 +187503,12 +187504,22 +187505,22 +187506,22 +187507,22 +187508,22 +187509,19 +187510,19 +187511,19 +187512,19 +187513,19 +187514,19 +187515,7 +187516,39 +187517,39 +187518,39 +187519,39 +187520,39 +187521,39 +187522,39 +187523,39 +187524,3 +187525,28 +187526,28 +187527,28 +187528,28 +187529,28 +187530,28 +187531,28 +187532,28 +187533,39 +187534,39 +187535,39 +187536,39 +187537,14 +187538,14 +187539,14 +187540,14 +187541,14 +187542,14 +187543,14 +187544,5 +187545,5 +187546,5 +187547,5 +187548,5 +187549,5 +187550,5 +187551,5 +187552,5 +187553,5 +187554,5 +187555,15 +187556,15 +187557,15 +187558,15 +187559,15 +187560,10 +187561,10 +187562,10 +187563,10 +187564,10 +187565,10 +187566,10 +187567,10 +187568,39 +187569,39 +187570,39 +187571,39 +187572,39 +187573,39 +187574,39 +187575,39 +187576,37 +187577,37 +187578,37 +187579,37 +187580,37 +187581,37 +187582,37 +187583,37 +187584,12 +187585,12 +187586,12 +187587,12 +187588,12 +187589,12 +187590,12 +187591,12 +187592,12 +187593,12 +187594,12 +187595,12 +187596,12 +187597,12 +187598,12 +187599,25 +187600,25 +187601,25 +187602,25 +187603,25 +187604,25 +187605,25 +187606,25 +187607,25 +187608,19 +187609,19 +187610,19 +187611,19 +187612,19 +187613,19 +187614,2 +187615,8 +187616,2 +187617,31 +187618,31 +187619,31 +187620,31 +187621,31 +187622,31 +187623,23 +187624,23 +187625,23 +187626,15 +187627,15 +187628,31 +187629,31 +187630,31 +187631,31 +187632,31 +187633,31 +187634,31 +187635,31 +187636,32 +187637,32 +187638,32 +187639,32 +187640,32 +187641,32 +187642,32 +187643,29 +187644,29 +187645,31 +187646,31 +187647,31 +187648,19 +187649,19 +187650,19 +187651,19 +187652,19 +187653,19 +187654,14 +187655,14 +187656,14 +187657,14 +187658,14 +187659,14 +187660,14 +187661,14 +187662,14 +187663,14 +187664,14 +187665,14 +187666,5 +187667,5 +187668,5 +187669,5 +187670,5 +187671,5 +187672,5 +187673,18 +187674,18 +187675,18 +187676,18 +187677,18 +187678,18 +187679,18 +187680,20 +187681,25 +187682,25 +187683,25 +187684,25 +187685,25 +187686,25 +187687,25 +187688,25 +187689,3 +187690,3 +187691,27 +187692,31 +187693,31 +187694,24 +187695,24 +187696,24 +187697,24 +187698,24 +187699,24 +187700,24 +187701,24 +187702,2 +187703,2 +187704,2 +187705,2 +187706,2 +187707,2 +187708,2 +187709,4 +187710,4 +187711,4 +187712,4 +187713,4 +187714,4 +187715,14 +187716,36 +187717,36 +187718,36 +187719,36 +187720,36 +187721,36 +187722,13 +187723,13 +187724,13 +187725,13 +187726,13 +187727,13 +187728,13 +187729,13 +187730,13 +187731,35 +187732,35 +187733,35 +187734,35 +187735,35 +187736,35 +187737,35 +187738,35 +187739,25 +187740,25 +187741,25 +187742,25 +187743,25 +187744,25 +187745,25 +187746,25 +187747,33 +187748,25 +187749,25 +187750,30 +187751,30 +187752,30 +187753,30 +187754,33 +187755,33 +187756,33 +187757,33 +187758,33 +187759,33 +187760,33 +187761,33 +187762,33 +187763,33 +187764,33 +187765,33 +187766,33 +187767,33 +187768,33 +187769,33 +187770,33 +187771,33 +187772,33 +187773,33 +187774,33 +187775,33 +187776,33 +187777,28 +187778,28 +187779,28 +187780,28 +187781,28 +187782,28 +187783,28 +187784,28 +187785,28 +187786,28 +187787,5 +187788,5 +187789,5 +187790,0 +187791,0 +187792,0 +187793,0 +187794,0 +187795,0 +187796,0 +187797,0 +187798,0 +187799,0 +187800,0 +187801,0 +187802,0 +187803,0 +187804,0 +187805,0 +187806,0 +187807,29 +187808,29 +187809,29 +187810,29 +187811,29 +187812,29 +187813,29 +187814,4 +187815,27 +187816,31 +187817,27 +187818,27 +187819,31 +187820,31 +187821,31 +187822,4 +187823,4 +187824,4 +187825,4 +187826,4 +187827,4 +187828,4 +187829,4 +187830,4 +187831,4 +187832,4 +187833,14 +187834,14 +187835,14 +187836,14 +187837,14 +187838,14 +187839,14 +187840,14 +187841,14 +187842,14 +187843,14 +187844,14 +187845,14 +187846,28 +187847,28 +187848,28 +187849,5 +187850,28 +187851,31 +187852,31 +187853,31 +187854,15 +187855,15 +187856,15 +187857,15 +187858,15 +187859,15 +187860,15 +187861,15 +187862,10 +187863,10 +187864,10 +187865,10 +187866,10 +187867,10 +187868,10 +187869,10 +187870,10 +187871,10 +187872,10 +187873,10 +187874,5 +187875,5 +187876,5 +187877,5 +187878,5 +187879,5 +187880,36 +187881,36 +187882,36 +187883,36 +187884,36 +187885,36 +187886,36 +187887,36 +187888,36 +187889,36 +187890,36 +187891,36 +187892,36 +187893,36 +187894,36 +187895,6 +187896,6 +187897,6 +187898,6 +187899,6 +187900,6 +187901,6 +187902,6 +187903,6 +187904,6 +187905,6 +187906,7 +187907,7 +187908,7 +187909,7 +187910,7 +187911,39 +187912,39 +187913,39 +187914,8 +187915,8 +187916,8 +187917,8 +187918,8 +187919,8 +187920,8 +187921,8 +187922,14 +187923,14 +187924,14 +187925,14 +187926,14 +187927,14 +187928,14 +187929,14 +187930,14 +187931,14 +187932,14 +187933,14 +187934,11 +187935,11 +187936,11 +187937,11 +187938,11 +187939,11 +187940,11 +187941,11 +187942,11 +187943,11 +187944,11 +187945,5 +187946,5 +187947,5 +187948,5 +187949,5 +187950,31 +187951,31 +187952,31 +187953,31 +187954,31 +187955,31 +187956,24 +187957,24 +187958,24 +187959,24 +187960,24 +187961,24 +187962,6 +187963,6 +187964,6 +187965,6 +187966,6 +187967,6 +187968,6 +187969,6 +187970,6 +187971,12 +187972,12 +187973,12 +187974,12 +187975,12 +187976,12 +187977,12 +187978,10 +187979,10 +187980,10 +187981,10 +187982,10 +187983,10 +187984,10 +187985,17 +187986,5 +187987,5 +187988,5 +187989,5 +187990,27 +187991,27 +187992,13 +187993,27 +187994,27 +187995,27 +187996,13 +187997,13 +187998,13 +187999,13 +188000,13 +188001,13 +188002,13 +188003,13 +188004,13 +188005,13 +188006,13 +188007,13 +188008,13 +188009,28 +188010,0 +188011,0 +188012,0 +188013,0 +188014,0 +188015,0 +188016,0 +188017,0 +188018,0 +188019,0 +188020,0 +188021,0 +188022,0 +188023,0 +188024,0 +188025,0 +188026,0 +188027,0 +188028,0 +188029,0 +188030,0 +188031,0 +188032,0 +188033,0 +188034,0 +188035,0 +188036,0 +188037,0 +188038,0 +188039,0 +188040,0 +188041,0 +188042,0 +188043,0 +188044,0 +188045,0 +188046,0 +188047,0 +188048,0 +188049,0 +188050,0 +188051,0 +188052,0 +188053,0 +188054,0 +188055,0 +188056,0 +188057,0 +188058,36 +188059,36 +188060,36 +188061,36 +188062,36 +188063,36 +188064,36 +188065,36 +188066,36 +188067,36 +188068,8 +188069,8 +188070,8 +188071,8 +188072,8 +188073,8 +188074,8 +188075,8 +188076,29 +188077,29 +188078,29 +188079,29 +188080,29 +188081,14 +188082,14 +188083,14 +188084,14 +188085,14 +188086,14 +188087,14 +188088,14 +188089,14 +188090,14 +188091,14 +188092,2 +188093,2 +188094,2 +188095,2 +188096,2 +188097,2 +188098,2 +188099,2 +188100,2 +188101,2 +188102,2 +188103,2 +188104,2 +188105,2 +188106,2 +188107,2 +188108,2 +188109,14 +188110,14 +188111,14 +188112,14 +188113,14 +188114,14 +188115,14 +188116,14 +188117,14 +188118,14 +188119,14 +188120,14 +188121,14 +188122,14 +188123,14 +188124,14 +188125,14 +188126,14 +188127,14 +188128,14 +188129,14 +188130,14 +188131,14 +188132,14 +188133,14 +188134,14 +188135,14 +188136,39 +188137,39 +188138,39 +188139,0 +188140,0 +188141,0 +188142,36 +188143,36 +188144,36 +188145,36 +188146,4 +188147,4 +188148,4 +188149,0 +188150,0 +188151,0 +188152,29 +188153,21 +188154,21 +188155,21 +188156,14 +188157,21 +188158,21 +188159,27 +188160,31 +188161,21 +188162,21 +188163,21 +188164,21 +188165,21 +188166,21 +188167,21 +188168,21 +188169,21 +188170,27 +188171,27 +188172,27 +188173,27 +188174,27 +188175,27 +188176,27 +188177,27 +188178,27 +188179,27 +188180,27 +188181,27 +188182,14 +188183,14 +188184,14 +188185,5 +188186,5 +188187,28 +188188,28 +188189,28 +188190,28 +188191,28 +188192,31 +188193,31 +188194,31 +188195,31 +188196,31 +188197,31 +188198,31 +188199,23 +188200,23 +188201,24 +188202,24 +188203,32 +188204,32 +188205,32 +188206,32 +188207,0 +188208,32 +188209,32 +188210,32 +188211,32 +188212,32 +188213,32 +188214,32 +188215,27 +188216,27 +188217,27 +188218,27 +188219,5 +188220,5 +188221,5 +188222,5 +188223,5 +188224,5 +188225,5 +188226,5 +188227,5 +188228,5 +188229,2 +188230,2 +188231,2 +188232,2 +188233,2 +188234,2 +188235,2 +188236,2 +188237,2 +188238,2 +188239,2 +188240,2 +188241,40 +188242,40 +188243,40 +188244,40 +188245,40 +188246,40 +188247,40 +188248,40 +188249,40 +188250,40 +188251,40 +188252,4 +188253,4 +188254,4 +188255,4 +188256,4 +188257,4 +188258,4 +188259,4 +188260,4 +188261,4 +188262,4 +188263,4 +188264,2 +188265,2 +188266,2 +188267,2 +188268,2 +188269,2 +188270,2 +188271,2 +188272,2 +188273,2 +188274,0 +188275,0 +188276,0 +188277,0 +188278,0 +188279,0 +188280,0 +188281,0 +188282,0 +188283,0 +188284,0 +188285,0 +188286,0 +188287,0 +188288,0 +188289,0 +188290,0 +188291,0 +188292,0 +188293,0 +188294,0 +188295,0 +188296,0 +188297,0 +188298,0 +188299,0 +188300,0 +188301,0 +188302,0 +188303,0 +188304,0 +188305,0 +188306,0 +188307,0 +188308,0 +188309,0 +188310,0 +188311,0 +188312,0 +188313,0 +188314,0 +188315,0 +188316,0 +188317,0 +188318,0 +188319,0 +188320,0 +188321,0 +188322,0 +188323,0 +188324,0 +188325,0 +188326,0 +188327,0 +188328,0 +188329,0 +188330,0 +188331,0 +188332,0 +188333,0 +188334,0 +188335,0 +188336,0 +188337,0 +188338,0 +188339,0 +188340,0 +188341,0 +188342,0 +188343,0 +188344,0 +188345,0 +188346,0 +188347,0 +188348,0 +188349,36 +188350,36 +188351,36 +188352,36 +188353,36 +188354,36 +188355,40 +188356,40 +188357,40 +188358,40 +188359,40 +188360,40 +188361,40 +188362,40 +188363,40 +188364,40 +188365,40 +188366,40 +188367,30 +188368,30 +188369,30 +188370,30 +188371,30 +188372,30 +188373,30 +188374,30 +188375,30 +188376,30 +188377,30 +188378,30 +188379,30 +188380,30 +188381,30 +188382,30 +188383,30 +188384,37 +188385,23 +188386,23 +188387,23 +188388,23 +188389,23 +188390,23 +188391,23 +188392,23 +188393,23 +188394,23 +188395,23 +188396,23 +188397,23 +188398,37 +188399,37 +188400,37 +188401,37 +188402,37 +188403,36 +188404,36 +188405,36 +188406,36 +188407,36 +188408,36 +188409,36 +188410,13 +188411,13 +188412,13 +188413,13 +188414,13 +188415,13 +188416,13 +188417,6 +188418,6 +188419,6 +188420,6 +188421,6 +188422,6 +188423,6 +188424,6 +188425,6 +188426,6 +188427,6 +188428,6 +188429,38 +188430,38 +188431,38 +188432,21 +188433,38 +188434,38 +188435,15 +188436,15 +188437,15 +188438,26 +188439,26 +188440,26 +188441,26 +188442,26 +188443,26 +188444,9 +188445,9 +188446,9 +188447,9 +188448,9 +188449,9 +188450,34 +188451,34 +188452,34 +188453,34 +188454,34 +188455,34 +188456,34 +188457,34 +188458,34 +188459,28 +188460,28 +188461,28 +188462,28 +188463,28 +188464,28 +188465,28 +188466,28 +188467,28 +188468,28 +188469,28 +188470,28 +188471,28 +188472,28 +188473,28 +188474,28 +188475,28 +188476,0 +188477,0 +188478,0 +188479,0 +188480,0 +188481,0 +188482,0 +188483,0 +188484,0 +188485,0 +188486,0 +188487,0 +188488,0 +188489,0 +188490,0 +188491,0 +188492,0 +188493,0 +188494,0 +188495,0 +188496,0 +188497,0 +188498,0 +188499,0 +188500,0 +188501,0 +188502,0 +188503,0 +188504,0 +188505,0 +188506,0 +188507,0 +188508,0 +188509,0 +188510,0 +188511,0 +188512,0 +188513,0 +188514,0 +188515,0 +188516,0 +188517,0 +188518,0 +188519,0 +188520,0 +188521,0 +188522,0 +188523,0 +188524,0 +188525,0 +188526,0 +188527,0 +188528,0 +188529,0 +188530,0 +188531,0 +188532,0 +188533,0 +188534,0 +188535,0 +188536,0 +188537,0 +188538,0 +188539,0 +188540,0 +188541,0 +188542,0 +188543,0 +188544,0 +188545,11 +188546,11 +188547,11 +188548,11 +188549,11 +188550,11 +188551,11 +188552,11 +188553,11 +188554,11 +188555,11 +188556,35 +188557,11 +188558,11 +188559,16 +188560,11 +188561,22 +188562,22 +188563,22 +188564,22 +188565,31 +188566,31 +188567,31 +188568,31 +188569,31 +188570,31 +188571,6 +188572,6 +188573,6 +188574,33 +188575,33 +188576,33 +188577,33 +188578,34 +188579,10 +188580,10 +188581,10 +188582,12 +188583,12 +188584,12 +188585,12 +188586,12 +188587,12 +188588,12 +188589,12 +188590,29 +188591,29 +188592,29 +188593,29 +188594,33 +188595,33 +188596,33 +188597,33 +188598,33 +188599,33 +188600,33 +188601,33 +188602,33 +188603,33 +188604,22 +188605,33 +188606,33 +188607,33 +188608,33 +188609,33 +188610,33 +188611,33 +188612,33 +188613,33 +188614,33 +188615,40 +188616,30 +188617,30 +188618,30 +188619,30 +188620,3 +188621,31 +188622,31 +188623,31 +188624,31 +188625,31 +188626,31 +188627,31 +188628,5 +188629,5 +188630,5 +188631,5 +188632,5 +188633,5 +188634,5 +188635,33 +188636,33 +188637,33 +188638,33 +188639,33 +188640,33 +188641,33 +188642,33 +188643,17 +188644,17 +188645,17 +188646,17 +188647,17 +188648,17 +188649,17 +188650,14 +188651,14 +188652,14 +188653,14 +188654,14 +188655,10 +188656,10 +188657,10 +188658,10 +188659,10 +188660,10 +188661,10 +188662,10 +188663,10 +188664,10 +188665,10 +188666,10 +188667,10 +188668,10 +188669,10 +188670,39 +188671,39 +188672,39 +188673,39 +188674,39 +188675,39 +188676,39 +188677,39 +188678,0 +188679,0 +188680,0 +188681,0 +188682,0 +188683,0 +188684,0 +188685,0 +188686,0 +188687,0 +188688,0 +188689,0 +188690,0 +188691,0 +188692,0 +188693,0 +188694,0 +188695,0 +188696,0 +188697,0 +188698,0 +188699,0 +188700,0 +188701,0 +188702,0 +188703,0 +188704,0 +188705,0 +188706,0 +188707,0 +188708,0 +188709,0 +188710,0 +188711,0 +188712,0 +188713,29 +188714,29 +188715,29 +188716,29 +188717,31 +188718,31 +188719,31 +188720,31 +188721,31 +188722,31 +188723,21 +188724,21 +188725,21 +188726,21 +188727,21 +188728,21 +188729,21 +188730,21 +188731,21 +188732,31 +188733,31 +188734,31 +188735,31 +188736,31 +188737,40 +188738,10 +188739,10 +188740,10 +188741,40 +188742,40 +188743,6 +188744,6 +188745,6 +188746,6 +188747,6 +188748,6 +188749,6 +188750,29 +188751,29 +188752,29 +188753,29 +188754,29 +188755,23 +188756,27 +188757,31 +188758,27 +188759,31 +188760,27 +188761,27 +188762,2 +188763,2 +188764,2 +188765,2 +188766,2 +188767,2 +188768,2 +188769,4 +188770,4 +188771,4 +188772,4 +188773,4 +188774,4 +188775,4 +188776,34 +188777,34 +188778,34 +188779,34 +188780,34 +188781,34 +188782,34 +188783,34 +188784,34 +188785,34 +188786,34 +188787,34 +188788,34 +188789,34 +188790,34 +188791,34 +188792,34 +188793,34 +188794,25 +188795,25 +188796,25 +188797,25 +188798,25 +188799,25 +188800,25 +188801,25 +188802,25 +188803,25 +188804,25 +188805,25 +188806,25 +188807,25 +188808,25 +188809,25 +188810,25 +188811,25 +188812,37 +188813,25 +188814,25 +188815,25 +188816,25 +188817,37 +188818,37 +188819,37 +188820,37 +188821,37 +188822,37 +188823,37 +188824,37 +188825,33 +188826,33 +188827,33 +188828,33 +188829,33 +188830,33 +188831,33 +188832,30 +188833,26 +188834,26 +188835,26 +188836,26 +188837,26 +188838,26 +188839,26 +188840,10 +188841,10 +188842,10 +188843,10 +188844,10 +188845,10 +188846,10 +188847,10 +188848,10 +188849,10 +188850,10 +188851,10 +188852,10 +188853,10 +188854,10 +188855,10 +188856,10 +188857,10 +188858,10 +188859,19 +188860,24 +188861,24 +188862,19 +188863,19 +188864,19 +188865,19 +188866,19 +188867,19 +188868,19 +188869,19 +188870,19 +188871,19 +188872,19 +188873,19 +188874,19 +188875,0 +188876,0 +188877,0 +188878,0 +188879,0 +188880,0 +188881,0 +188882,0 +188883,0 +188884,0 +188885,0 +188886,0 +188887,0 +188888,0 +188889,0 +188890,0 +188891,0 +188892,0 +188893,0 +188894,0 +188895,0 +188896,0 +188897,0 +188898,0 +188899,0 +188900,0 +188901,0 +188902,0 +188903,0 +188904,0 +188905,0 +188906,0 +188907,26 +188908,26 +188909,26 +188910,26 +188911,26 +188912,26 +188913,26 +188914,26 +188915,37 +188916,37 +188917,37 +188918,37 +188919,37 +188920,37 +188921,37 +188922,37 +188923,25 +188924,40 +188925,40 +188926,40 +188927,40 +188928,40 +188929,40 +188930,40 +188931,40 +188932,40 +188933,24 +188934,24 +188935,24 +188936,24 +188937,24 +188938,24 +188939,24 +188940,24 +188941,27 +188942,27 +188943,27 +188944,31 +188945,27 +188946,27 +188947,31 +188948,31 +188949,31 +188950,31 +188951,31 +188952,31 +188953,5 +188954,5 +188955,5 +188956,5 +188957,5 +188958,5 +188959,5 +188960,4 +188961,5 +188962,30 +188963,5 +188964,30 +188965,39 +188966,39 +188967,39 +188968,39 +188969,39 +188970,39 +188971,4 +188972,4 +188973,4 +188974,4 +188975,4 +188976,4 +188977,4 +188978,4 +188979,19 +188980,19 +188981,37 +188982,37 +188983,37 +188984,37 +188985,26 +188986,26 +188987,26 +188988,26 +188989,26 +188990,26 +188991,26 +188992,26 +188993,10 +188994,10 +188995,10 +188996,26 +188997,26 +188998,26 +188999,26 +189000,26 +189001,26 +189002,28 +189003,28 +189004,28 +189005,28 +189006,5 +189007,32 +189008,32 +189009,32 +189010,32 +189011,32 +189012,32 +189013,32 +189014,32 +189015,32 +189016,32 +189017,32 +189018,31 +189019,27 +189020,27 +189021,27 +189022,27 +189023,27 +189024,27 +189025,27 +189026,27 +189027,27 +189028,27 +189029,27 +189030,27 +189031,27 +189032,27 +189033,25 +189034,25 +189035,25 +189036,25 +189037,23 +189038,23 +189039,23 +189040,23 +189041,23 +189042,23 +189043,23 +189044,23 +189045,25 +189046,25 +189047,25 +189048,25 +189049,25 +189050,25 +189051,25 +189052,25 +189053,25 +189054,25 +189055,10 +189056,10 +189057,10 +189058,10 +189059,10 +189060,10 +189061,10 +189062,10 +189063,10 +189064,10 +189065,10 +189066,10 +189067,10 +189068,10 +189069,10 +189070,10 +189071,10 +189072,10 +189073,19 +189074,19 +189075,19 +189076,19 +189077,19 +189078,19 +189079,4 +189080,39 +189081,39 +189082,39 +189083,27 +189084,27 +189085,31 +189086,31 +189087,31 +189088,24 +189089,24 +189090,24 +189091,24 +189092,24 +189093,24 +189094,24 +189095,24 +189096,2 +189097,2 +189098,2 +189099,2 +189100,2 +189101,2 +189102,2 +189103,2 +189104,2 +189105,2 +189106,2 +189107,2 +189108,2 +189109,2 +189110,2 +189111,2 +189112,25 +189113,25 +189114,25 +189115,25 +189116,25 +189117,25 +189118,25 +189119,25 +189120,37 +189121,37 +189122,37 +189123,37 +189124,2 +189125,2 +189126,2 +189127,2 +189128,2 +189129,2 +189130,2 +189131,2 +189132,2 +189133,31 +189134,31 +189135,27 +189136,27 +189137,27 +189138,31 +189139,31 +189140,31 +189141,5 +189142,5 +189143,5 +189144,5 +189145,5 +189146,5 +189147,5 +189148,5 +189149,5 +189150,2 +189151,2 +189152,2 +189153,2 +189154,8 +189155,2 +189156,8 +189157,8 +189158,8 +189159,2 +189160,2 +189161,2 +189162,2 +189163,2 +189164,2 +189165,2 +189166,2 +189167,2 +189168,2 +189169,2 +189170,2 +189171,2 +189172,2 +189173,2 +189174,2 +189175,2 +189176,0 +189177,0 +189178,0 +189179,0 +189180,0 +189181,0 +189182,0 +189183,0 +189184,0 +189185,0 +189186,0 +189187,0 +189188,0 +189189,0 +189190,0 +189191,0 +189192,0 +189193,0 +189194,0 +189195,0 +189196,0 +189197,0 +189198,0 +189199,0 +189200,0 +189201,0 +189202,0 +189203,0 +189204,0 +189205,0 +189206,0 +189207,0 +189208,0 +189209,0 +189210,0 +189211,0 +189212,0 +189213,0 +189214,0 +189215,0 +189216,0 +189217,0 +189218,0 +189219,0 +189220,0 +189221,0 +189222,0 +189223,0 +189224,12 +189225,35 +189226,35 +189227,35 +189228,35 +189229,35 +189230,12 +189231,12 +189232,12 +189233,12 +189234,12 +189235,12 +189236,40 +189237,40 +189238,9 +189239,9 +189240,9 +189241,30 +189242,30 +189243,30 +189244,30 +189245,30 +189246,30 +189247,29 +189248,29 +189249,29 +189250,29 +189251,29 +189252,29 +189253,29 +189254,14 +189255,14 +189256,14 +189257,14 +189258,14 +189259,14 +189260,14 +189261,14 +189262,14 +189263,14 +189264,14 +189265,14 +189266,14 +189267,14 +189268,9 +189269,39 +189270,9 +189271,9 +189272,9 +189273,9 +189274,9 +189275,9 +189276,9 +189277,9 +189278,9 +189279,9 +189280,9 +189281,9 +189282,9 +189283,9 +189284,9 +189285,9 +189286,9 +189287,9 +189288,9 +189289,9 +189290,37 +189291,37 +189292,37 +189293,37 +189294,37 +189295,37 +189296,37 +189297,25 +189298,25 +189299,25 +189300,25 +189301,25 +189302,25 +189303,25 +189304,25 +189305,25 +189306,25 +189307,25 +189308,25 +189309,25 +189310,25 +189311,25 +189312,25 +189313,25 +189314,4 +189315,6 +189316,6 +189317,6 +189318,6 +189319,6 +189320,6 +189321,4 +189322,4 +189323,4 +189324,4 +189325,4 +189326,4 +189327,4 +189328,14 +189329,14 +189330,14 +189331,14 +189332,14 +189333,14 +189334,14 +189335,6 +189336,6 +189337,6 +189338,6 +189339,6 +189340,6 +189341,31 +189342,31 +189343,31 +189344,27 +189345,5 +189346,5 +189347,5 +189348,5 +189349,5 +189350,5 +189351,5 +189352,34 +189353,34 +189354,9 +189355,9 +189356,9 +189357,9 +189358,9 +189359,9 +189360,9 +189361,9 +189362,30 +189363,30 +189364,30 +189365,30 +189366,4 +189367,4 +189368,4 +189369,4 +189370,4 +189371,4 +189372,4 +189373,4 +189374,4 +189375,31 +189376,31 +189377,31 +189378,31 +189379,21 +189380,21 +189381,21 +189382,21 +189383,21 +189384,21 +189385,21 +189386,40 +189387,40 +189388,40 +189389,40 +189390,40 +189391,40 +189392,40 +189393,40 +189394,40 +189395,40 +189396,29 +189397,29 +189398,29 +189399,29 +189400,29 +189401,29 +189402,29 +189403,29 +189404,29 +189405,29 +189406,25 +189407,25 +189408,25 +189409,25 +189410,25 +189411,25 +189412,25 +189413,25 +189414,25 +189415,25 +189416,25 +189417,25 +189418,25 +189419,25 +189420,25 +189421,25 +189422,25 +189423,0 +189424,0 +189425,0 +189426,0 +189427,0 +189428,0 +189429,0 +189430,0 +189431,0 +189432,0 +189433,0 +189434,0 +189435,0 +189436,0 +189437,0 +189438,0 +189439,0 +189440,0 +189441,0 +189442,0 +189443,0 +189444,0 +189445,0 +189446,0 +189447,0 +189448,0 +189449,10 +189450,10 +189451,10 +189452,10 +189453,10 +189454,10 +189455,10 +189456,10 +189457,10 +189458,10 +189459,10 +189460,35 +189461,35 +189462,10 +189463,10 +189464,35 +189465,35 +189466,35 +189467,35 +189468,35 +189469,35 +189470,35 +189471,35 +189472,35 +189473,32 +189474,36 +189475,36 +189476,36 +189477,36 +189478,36 +189479,36 +189480,36 +189481,36 +189482,6 +189483,6 +189484,32 +189485,32 +189486,32 +189487,32 +189488,32 +189489,32 +189490,32 +189491,4 +189492,39 +189493,39 +189494,39 +189495,39 +189496,39 +189497,39 +189498,39 +189499,39 +189500,39 +189501,39 +189502,39 +189503,39 +189504,39 +189505,39 +189506,39 +189507,39 +189508,39 +189509,39 +189510,39 +189511,39 +189512,27 +189513,27 +189514,13 +189515,13 +189516,13 +189517,13 +189518,13 +189519,13 +189520,27 +189521,27 +189522,27 +189523,27 +189524,27 +189525,3 +189526,3 +189527,3 +189528,5 +189529,5 +189530,5 +189531,5 +189532,5 +189533,5 +189534,31 +189535,31 +189536,31 +189537,31 +189538,31 +189539,31 +189540,31 +189541,24 +189542,24 +189543,24 +189544,24 +189545,24 +189546,23 +189547,23 +189548,23 +189549,23 +189550,23 +189551,23 +189552,23 +189553,23 +189554,37 +189555,37 +189556,37 +189557,37 +189558,37 +189559,9 +189560,9 +189561,9 +189562,9 +189563,9 +189564,34 +189565,34 +189566,34 +189567,34 +189568,34 +189569,34 +189570,10 +189571,10 +189572,10 +189573,10 +189574,10 +189575,10 +189576,10 +189577,10 +189578,10 +189579,10 +189580,28 +189581,28 +189582,28 +189583,28 +189584,28 +189585,28 +189586,28 +189587,28 +189588,28 +189589,28 +189590,28 +189591,28 +189592,28 +189593,28 +189594,28 +189595,28 +189596,0 +189597,0 +189598,0 +189599,0 +189600,0 +189601,0 +189602,0 +189603,0 +189604,0 +189605,0 +189606,0 +189607,35 +189608,35 +189609,12 +189610,12 +189611,12 +189612,12 +189613,12 +189614,12 +189615,3 +189616,12 +189617,27 +189618,27 +189619,27 +189620,27 +189621,27 +189622,27 +189623,27 +189624,27 +189625,27 +189626,27 +189627,27 +189628,27 +189629,27 +189630,4 +189631,4 +189632,4 +189633,4 +189634,4 +189635,4 +189636,4 +189637,4 +189638,4 +189639,4 +189640,4 +189641,4 +189642,4 +189643,4 +189644,4 +189645,4 +189646,4 +189647,4 +189648,4 +189649,4 +189650,4 +189651,4 +189652,0 +189653,19 +189654,19 +189655,0 +189656,0 +189657,0 +189658,0 +189659,0 +189660,0 +189661,0 +189662,0 +189663,0 +189664,0 +189665,0 +189666,0 +189667,0 +189668,0 +189669,0 +189670,0 +189671,0 +189672,0 +189673,0 +189674,0 +189675,0 +189676,0 +189677,0 +189678,0 +189679,0 +189680,0 +189681,0 +189682,0 +189683,0 +189684,0 +189685,0 +189686,0 +189687,0 +189688,0 +189689,0 +189690,0 +189691,0 +189692,0 +189693,0 +189694,0 +189695,0 +189696,0 +189697,0 +189698,0 +189699,0 +189700,0 +189701,0 +189702,0 +189703,0 +189704,0 +189705,0 +189706,35 +189707,35 +189708,35 +189709,35 +189710,35 +189711,35 +189712,35 +189713,35 +189714,35 +189715,32 +189716,32 +189717,14 +189718,14 +189719,14 +189720,14 +189721,14 +189722,14 +189723,14 +189724,14 +189725,14 +189726,14 +189727,14 +189728,14 +189729,14 +189730,31 +189731,31 +189732,30 +189733,30 +189734,30 +189735,30 +189736,30 +189737,30 +189738,30 +189739,30 +189740,2 +189741,2 +189742,8 +189743,2 +189744,2 +189745,2 +189746,2 +189747,2 +189748,2 +189749,2 +189750,2 +189751,2 +189752,28 +189753,28 +189754,28 +189755,28 +189756,28 +189757,28 +189758,28 +189759,28 +189760,28 +189761,10 +189762,10 +189763,10 +189764,10 +189765,10 +189766,31 +189767,31 +189768,31 +189769,31 +189770,31 +189771,31 +189772,31 +189773,31 +189774,26 +189775,26 +189776,40 +189777,40 +189778,40 +189779,40 +189780,40 +189781,40 +189782,30 +189783,30 +189784,30 +189785,30 +189786,30 +189787,30 +189788,30 +189789,30 +189790,5 +189791,5 +189792,5 +189793,19 +189794,19 +189795,19 +189796,19 +189797,19 +189798,19 +189799,19 +189800,19 +189801,19 +189802,19 +189803,19 +189804,19 +189805,0 +189806,0 +189807,0 +189808,0 +189809,0 +189810,0 +189811,0 +189812,0 +189813,0 +189814,0 +189815,0 +189816,0 +189817,0 +189818,0 +189819,0 +189820,0 +189821,0 +189822,0 +189823,0 +189824,0 +189825,0 +189826,0 +189827,0 +189828,0 +189829,0 +189830,0 +189831,0 +189832,0 +189833,0 +189834,0 +189835,0 +189836,0 +189837,0 +189838,0 +189839,0 +189840,0 +189841,0 +189842,0 +189843,0 +189844,0 +189845,0 +189846,0 +189847,35 +189848,35 +189849,35 +189850,35 +189851,35 +189852,35 +189853,35 +189854,35 +189855,39 +189856,39 +189857,39 +189858,39 +189859,39 +189860,39 +189861,39 +189862,39 +189863,39 +189864,39 +189865,39 +189866,39 +189867,30 +189868,30 +189869,30 +189870,30 +189871,30 +189872,30 +189873,30 +189874,30 +189875,30 +189876,30 +189877,31 +189878,31 +189879,31 +189880,31 +189881,31 +189882,31 +189883,31 +189884,31 +189885,31 +189886,31 +189887,31 +189888,31 +189889,24 +189890,24 +189891,24 +189892,24 +189893,24 +189894,24 +189895,24 +189896,19 +189897,19 +189898,31 +189899,31 +189900,31 +189901,31 +189902,33 +189903,33 +189904,33 +189905,33 +189906,33 +189907,30 +189908,30 +189909,30 +189910,30 +189911,30 +189912,30 +189913,30 +189914,19 +189915,19 +189916,19 +189917,19 +189918,19 +189919,19 +189920,32 +189921,32 +189922,32 +189923,32 +189924,32 +189925,32 +189926,32 +189927,39 +189928,39 +189929,39 +189930,39 +189931,39 +189932,39 +189933,39 +189934,39 +189935,39 +189936,39 +189937,39 +189938,39 +189939,32 +189940,32 +189941,32 +189942,32 +189943,32 +189944,32 +189945,32 +189946,31 +189947,31 +189948,31 +189949,30 +189950,30 +189951,30 +189952,30 +189953,30 +189954,30 +189955,30 +189956,30 +189957,30 +189958,30 +189959,30 +189960,30 +189961,30 +189962,30 +189963,30 +189964,30 +189965,0 +189966,0 +189967,0 +189968,0 +189969,0 +189970,0 +189971,0 +189972,0 +189973,0 +189974,0 +189975,0 +189976,0 +189977,0 +189978,0 +189979,0 +189980,0 +189981,0 +189982,0 +189983,0 +189984,0 +189985,0 +189986,0 +189987,0 +189988,0 +189989,0 +189990,0 +189991,0 +189992,0 +189993,0 +189994,36 +189995,36 +189996,36 +189997,36 +189998,36 +189999,36 +190000,36 +190001,36 +190002,36 +190003,36 +190004,5 +190005,5 +190006,5 +190007,5 +190008,5 +190009,5 +190010,5 +190011,4 +190012,4 +190013,4 +190014,4 +190015,4 +190016,4 +190017,4 +190018,4 +190019,4 +190020,3 +190021,3 +190022,3 +190023,3 +190024,3 +190025,3 +190026,3 +190027,3 +190028,3 +190029,3 +190030,3 +190031,3 +190032,3 +190033,6 +190034,6 +190035,6 +190036,6 +190037,6 +190038,6 +190039,6 +190040,6 +190041,31 +190042,31 +190043,10 +190044,10 +190045,10 +190046,10 +190047,10 +190048,10 +190049,10 +190050,10 +190051,10 +190052,10 +190053,10 +190054,10 +190055,10 +190056,10 +190057,5 +190058,5 +190059,5 +190060,5 +190061,19 +190062,19 +190063,19 +190064,19 +190065,19 +190066,25 +190067,25 +190068,25 +190069,25 +190070,27 +190071,37 +190072,23 +190073,23 +190074,23 +190075,23 +190076,23 +190077,23 +190078,23 +190079,23 +190080,23 +190081,23 +190082,23 +190083,14 +190084,14 +190085,14 +190086,14 +190087,14 +190088,14 +190089,14 +190090,14 +190091,14 +190092,14 +190093,14 +190094,14 +190095,14 +190096,2 +190097,2 +190098,2 +190099,2 +190100,2 +190101,2 +190102,2 +190103,2 +190104,2 +190105,8 +190106,2 +190107,27 +190108,27 +190109,27 +190110,27 +190111,27 +190112,27 +190113,27 +190114,8 +190115,8 +190116,8 +190117,8 +190118,8 +190119,8 +190120,8 +190121,8 +190122,8 +190123,35 +190124,35 +190125,35 +190126,2 +190127,39 +190128,39 +190129,39 +190130,39 +190131,39 +190132,39 +190133,39 +190134,39 +190135,39 +190136,39 +190137,39 +190138,39 +190139,36 +190140,36 +190141,36 +190142,36 +190143,36 +190144,19 +190145,19 +190146,19 +190147,19 +190148,24 +190149,5 +190150,5 +190151,5 +190152,5 +190153,5 +190154,5 +190155,5 +190156,5 +190157,5 +190158,40 +190159,40 +190160,40 +190161,40 +190162,40 +190163,40 +190164,40 +190165,40 +190166,40 +190167,24 +190168,24 +190169,24 +190170,24 +190171,24 +190172,24 +190173,24 +190174,25 +190175,25 +190176,25 +190177,25 +190178,25 +190179,25 +190180,25 +190181,25 +190182,2 +190183,2 +190184,2 +190185,2 +190186,2 +190187,2 +190188,2 +190189,2 +190190,2 +190191,2 +190192,2 +190193,2 +190194,2 +190195,2 +190196,39 +190197,39 +190198,39 +190199,39 +190200,39 +190201,39 +190202,39 +190203,39 +190204,39 +190205,39 +190206,39 +190207,39 +190208,39 +190209,39 +190210,39 +190211,39 +190212,39 +190213,39 +190214,5 +190215,5 +190216,5 +190217,5 +190218,5 +190219,5 +190220,5 +190221,5 +190222,5 +190223,5 +190224,5 +190225,5 +190226,5 +190227,5 +190228,5 +190229,5 +190230,5 +190231,5 +190232,5 +190233,0 +190234,0 +190235,0 +190236,0 +190237,0 +190238,0 +190239,0 +190240,0 +190241,0 +190242,0 +190243,0 +190244,0 +190245,0 +190246,0 +190247,0 +190248,0 +190249,0 +190250,0 +190251,0 +190252,0 +190253,0 +190254,0 +190255,0 +190256,4 +190257,4 +190258,4 +190259,4 +190260,4 +190261,4 +190262,4 +190263,3 +190264,3 +190265,3 +190266,3 +190267,3 +190268,3 +190269,3 +190270,3 +190271,3 +190272,3 +190273,3 +190274,3 +190275,3 +190276,18 +190277,18 +190278,18 +190279,18 +190280,18 +190281,18 +190282,19 +190283,19 +190284,7 +190285,7 +190286,7 +190287,7 +190288,7 +190289,7 +190290,7 +190291,7 +190292,18 +190293,40 +190294,40 +190295,40 +190296,40 +190297,40 +190298,40 +190299,40 +190300,40 +190301,5 +190302,5 +190303,5 +190304,5 +190305,5 +190306,5 +190307,4 +190308,4 +190309,4 +190310,19 +190311,23 +190312,23 +190313,31 +190314,31 +190315,31 +190316,30 +190317,30 +190318,30 +190319,30 +190320,30 +190321,31 +190322,27 +190323,27 +190324,27 +190325,27 +190326,37 +190327,37 +190328,37 +190329,37 +190330,37 +190331,37 +190332,25 +190333,24 +190334,24 +190335,24 +190336,24 +190337,24 +190338,24 +190339,24 +190340,24 +190341,24 +190342,24 +190343,24 +190344,17 +190345,17 +190346,17 +190347,17 +190348,17 +190349,17 +190350,17 +190351,17 +190352,17 +190353,17 +190354,17 +190355,17 +190356,17 +190357,17 +190358,17 +190359,17 +190360,17 +190361,2 +190362,2 +190363,2 +190364,2 +190365,2 +190366,2 +190367,8 +190368,2 +190369,2 +190370,8 +190371,8 +190372,27 +190373,27 +190374,27 +190375,27 +190376,27 +190377,8 +190378,8 +190379,8 +190380,8 +190381,8 +190382,8 +190383,8 +190384,35 +190385,35 +190386,35 +190387,35 +190388,39 +190389,39 +190390,39 +190391,39 +190392,39 +190393,39 +190394,39 +190395,39 +190396,35 +190397,35 +190398,35 +190399,27 +190400,27 +190401,31 +190402,31 +190403,24 +190404,24 +190405,24 +190406,5 +190407,5 +190408,5 +190409,5 +190410,5 +190411,5 +190412,5 +190413,5 +190414,36 +190415,36 +190416,36 +190417,36 +190418,36 +190419,36 +190420,40 +190421,40 +190422,36 +190423,36 +190424,24 +190425,24 +190426,24 +190427,24 +190428,24 +190429,24 +190430,25 +190431,25 +190432,25 +190433,25 +190434,25 +190435,25 +190436,25 +190437,25 +190438,25 +190439,25 +190440,25 +190441,25 +190442,25 +190443,25 +190444,25 +190445,25 +190446,25 +190447,25 +190448,25 +190449,25 +190450,25 +190451,25 +190452,25 +190453,25 +190454,25 +190455,25 +190456,25 +190457,25 +190458,25 +190459,25 +190460,25 +190461,25 +190462,25 +190463,25 +190464,25 +190465,25 +190466,25 +190467,25 +190468,19 +190469,19 +190470,19 +190471,19 +190472,0 +190473,0 +190474,0 +190475,0 +190476,0 +190477,0 +190478,0 +190479,0 +190480,0 +190481,0 +190482,0 +190483,0 +190484,0 +190485,0 +190486,0 +190487,0 +190488,0 +190489,0 +190490,0 +190491,0 +190492,0 +190493,0 +190494,0 +190495,0 +190496,0 +190497,0 +190498,0 +190499,0 +190500,0 +190501,0 +190502,0 +190503,0 +190504,0 +190505,0 +190506,0 +190507,0 +190508,0 +190509,0 +190510,0 +190511,0 +190512,0 +190513,0 +190514,0 +190515,0 +190516,0 +190517,0 +190518,0 +190519,0 +190520,0 +190521,0 +190522,0 +190523,0 +190524,0 +190525,0 +190526,0 +190527,0 +190528,0 +190529,0 +190530,0 +190531,0 +190532,0 +190533,0 +190534,0 +190535,0 +190536,0 +190537,0 +190538,0 +190539,0 +190540,0 +190541,0 +190542,0 +190543,0 +190544,0 +190545,0 +190546,0 +190547,36 +190548,36 +190549,36 +190550,36 +190551,36 +190552,36 +190553,36 +190554,36 +190555,36 +190556,40 +190557,40 +190558,40 +190559,40 +190560,40 +190561,40 +190562,36 +190563,8 +190564,8 +190565,8 +190566,35 +190567,35 +190568,35 +190569,35 +190570,35 +190571,35 +190572,35 +190573,35 +190574,39 +190575,39 +190576,39 +190577,39 +190578,39 +190579,39 +190580,39 +190581,39 +190582,39 +190583,39 +190584,39 +190585,35 +190586,35 +190587,35 +190588,35 +190589,35 +190590,35 +190591,36 +190592,36 +190593,36 +190594,36 +190595,36 +190596,36 +190597,36 +190598,5 +190599,5 +190600,5 +190601,19 +190602,19 +190603,19 +190604,28 +190605,28 +190606,28 +190607,28 +190608,28 +190609,28 +190610,28 +190611,28 +190612,28 +190613,28 +190614,9 +190615,9 +190616,9 +190617,9 +190618,9 +190619,9 +190620,9 +190621,9 +190622,9 +190623,9 +190624,9 +190625,9 +190626,9 +190627,9 +190628,9 +190629,9 +190630,9 +190631,37 +190632,37 +190633,37 +190634,37 +190635,37 +190636,37 +190637,37 +190638,37 +190639,25 +190640,25 +190641,30 +190642,30 +190643,30 +190644,29 +190645,29 +190646,29 +190647,30 +190648,30 +190649,30 +190650,36 +190651,36 +190652,36 +190653,36 +190654,36 +190655,36 +190656,36 +190657,36 +190658,36 +190659,36 +190660,6 +190661,6 +190662,6 +190663,6 +190664,6 +190665,6 +190666,6 +190667,6 +190668,6 +190669,6 +190670,6 +190671,6 +190672,6 +190673,6 +190674,10 +190675,10 +190676,10 +190677,10 +190678,10 +190679,10 +190680,10 +190681,10 +190682,10 +190683,10 +190684,10 +190685,5 +190686,5 +190687,5 +190688,5 +190689,5 +190690,19 +190691,19 +190692,19 +190693,31 +190694,31 +190695,31 +190696,31 +190697,31 +190698,24 +190699,24 +190700,24 +190701,24 +190702,24 +190703,24 +190704,2 +190705,2 +190706,2 +190707,2 +190708,2 +190709,2 +190710,2 +190711,4 +190712,4 +190713,4 +190714,4 +190715,4 +190716,26 +190717,26 +190718,26 +190719,26 +190720,26 +190721,26 +190722,26 +190723,26 +190724,26 +190725,26 +190726,26 +190727,37 +190728,37 +190729,37 +190730,37 +190731,37 +190732,6 +190733,6 +190734,6 +190735,6 +190736,6 +190737,6 +190738,6 +190739,6 +190740,29 +190741,29 +190742,29 +190743,29 +190744,31 +190745,29 +190746,31 +190747,31 +190748,31 +190749,31 +190750,31 +190751,31 +190752,5 +190753,5 +190754,5 +190755,5 +190756,35 +190757,35 +190758,35 +190759,35 +190760,35 +190761,35 +190762,39 +190763,39 +190764,39 +190765,39 +190766,39 +190767,39 +190768,39 +190769,39 +190770,39 +190771,39 +190772,35 +190773,35 +190774,35 +190775,35 +190776,36 +190777,36 +190778,40 +190779,40 +190780,40 +190781,40 +190782,40 +190783,40 +190784,40 +190785,19 +190786,19 +190787,19 +190788,19 +190789,19 +190790,19 +190791,7 +190792,7 +190793,7 +190794,7 +190795,7 +190796,7 +190797,7 +190798,3 +190799,3 +190800,3 +190801,3 +190802,3 +190803,3 +190804,3 +190805,3 +190806,3 +190807,2 +190808,2 +190809,2 +190810,2 +190811,2 +190812,2 +190813,2 +190814,2 +190815,2 +190816,8 +190817,2 +190818,23 +190819,23 +190820,23 +190821,23 +190822,23 +190823,23 +190824,23 +190825,23 +190826,23 +190827,23 +190828,9 +190829,9 +190830,9 +190831,9 +190832,9 +190833,9 +190834,9 +190835,9 +190836,9 +190837,9 +190838,9 +190839,9 +190840,9 +190841,37 +190842,37 +190843,37 +190844,37 +190845,37 +190846,37 +190847,37 +190848,37 +190849,6 +190850,6 +190851,6 +190852,4 +190853,33 +190854,33 +190855,33 +190856,0 +190857,0 +190858,0 +190859,0 +190860,0 +190861,0 +190862,0 +190863,0 +190864,0 +190865,0 +190866,0 +190867,0 +190868,0 +190869,0 +190870,0 +190871,0 +190872,0 +190873,0 +190874,0 +190875,0 +190876,0 +190877,0 +190878,0 +190879,0 +190880,0 +190881,0 +190882,0 +190883,0 +190884,0 +190885,0 +190886,0 +190887,0 +190888,0 +190889,0 +190890,0 +190891,0 +190892,0 +190893,0 +190894,0 +190895,0 +190896,0 +190897,0 +190898,0 +190899,0 +190900,0 +190901,0 +190902,0 +190903,0 +190904,0 +190905,0 +190906,0 +190907,0 +190908,0 +190909,0 +190910,0 +190911,0 +190912,0 +190913,0 +190914,0 +190915,0 +190916,35 +190917,35 +190918,35 +190919,35 +190920,35 +190921,35 +190922,35 +190923,35 +190924,7 +190925,39 +190926,7 +190927,7 +190928,7 +190929,7 +190930,7 +190931,39 +190932,3 +190933,3 +190934,35 +190935,35 +190936,35 +190937,35 +190938,35 +190939,35 +190940,35 +190941,35 +190942,35 +190943,10 +190944,10 +190945,10 +190946,10 +190947,10 +190948,10 +190949,10 +190950,10 +190951,10 +190952,39 +190953,39 +190954,39 +190955,37 +190956,37 +190957,37 +190958,37 +190959,37 +190960,37 +190961,37 +190962,37 +190963,37 +190964,37 +190965,29 +190966,29 +190967,29 +190968,29 +190969,19 +190970,29 +190971,29 +190972,29 +190973,31 +190974,31 +190975,31 +190976,31 +190977,28 +190978,28 +190979,28 +190980,28 +190981,28 +190982,28 +190983,34 +190984,34 +190985,34 +190986,34 +190987,34 +190988,31 +190989,34 +190990,34 +190991,34 +190992,34 +190993,34 +190994,34 +190995,34 +190996,34 +190997,34 +190998,34 +190999,4 +191000,4 +191001,4 +191002,4 +191003,4 +191004,6 +191005,6 +191006,6 +191007,6 +191008,4 +191009,4 +191010,4 +191011,4 +191012,4 +191013,4 +191014,3 +191015,3 +191016,3 +191017,3 +191018,3 +191019,3 +191020,3 +191021,3 +191022,3 +191023,31 +191024,31 +191025,31 +191026,29 +191027,31 +191028,5 +191029,5 +191030,5 +191031,5 +191032,5 +191033,5 +191034,5 +191035,31 +191036,31 +191037,31 +191038,31 +191039,31 +191040,31 +191041,31 +191042,29 +191043,29 +191044,29 +191045,29 +191046,29 +191047,29 +191048,29 +191049,25 +191050,25 +191051,25 +191052,25 +191053,25 +191054,25 +191055,23 +191056,23 +191057,23 +191058,23 +191059,23 +191060,23 +191061,23 +191062,23 +191063,23 +191064,23 +191065,10 +191066,10 +191067,10 +191068,10 +191069,10 +191070,10 +191071,10 +191072,10 +191073,37 +191074,10 +191075,10 +191076,10 +191077,10 +191078,10 +191079,10 +191080,28 +191081,28 +191082,28 +191083,28 +191084,28 +191085,28 +191086,25 +191087,25 +191088,25 +191089,25 +191090,25 +191091,25 +191092,25 +191093,25 +191094,25 +191095,25 +191096,25 +191097,25 +191098,25 +191099,25 +191100,25 +191101,25 +191102,25 +191103,25 +191104,25 +191105,0 +191106,0 +191107,0 +191108,0 +191109,0 +191110,0 +191111,0 +191112,0 +191113,0 +191114,0 +191115,0 +191116,0 +191117,0 +191118,0 +191119,0 +191120,0 +191121,0 +191122,0 +191123,0 +191124,0 +191125,0 +191126,0 +191127,0 +191128,0 +191129,0 +191130,0 +191131,0 +191132,0 +191133,0 +191134,0 +191135,0 +191136,0 +191137,0 +191138,0 +191139,0 +191140,0 +191141,0 +191142,0 +191143,0 +191144,0 +191145,0 +191146,0 +191147,0 +191148,0 +191149,0 +191150,0 +191151,0 +191152,0 +191153,0 +191154,0 +191155,0 +191156,0 +191157,0 +191158,0 +191159,0 +191160,0 +191161,0 +191162,0 +191163,0 +191164,0 +191165,0 +191166,0 +191167,0 +191168,0 +191169,0 +191170,0 +191171,0 +191172,0 +191173,0 +191174,0 +191175,0 +191176,5 +191177,29 +191178,29 +191179,29 +191180,29 +191181,29 +191182,29 +191183,29 +191184,29 +191185,29 +191186,29 +191187,15 +191188,15 +191189,36 +191190,36 +191191,36 +191192,36 +191193,36 +191194,36 +191195,36 +191196,36 +191197,36 +191198,36 +191199,36 +191200,36 +191201,4 +191202,4 +191203,4 +191204,4 +191205,4 +191206,5 +191207,5 +191208,5 +191209,5 +191210,5 +191211,5 +191212,39 +191213,39 +191214,39 +191215,39 +191216,39 +191217,39 +191218,39 +191219,39 +191220,39 +191221,39 +191222,39 +191223,5 +191224,5 +191225,5 +191226,5 +191227,5 +191228,5 +191229,5 +191230,13 +191231,13 +191232,8 +191233,8 +191234,8 +191235,31 +191236,31 +191237,31 +191238,31 +191239,12 +191240,12 +191241,12 +191242,12 +191243,12 +191244,12 +191245,31 +191246,6 +191247,6 +191248,6 +191249,6 +191250,6 +191251,6 +191252,6 +191253,6 +191254,6 +191255,9 +191256,9 +191257,9 +191258,9 +191259,9 +191260,9 +191261,9 +191262,9 +191263,9 +191264,9 +191265,9 +191266,9 +191267,37 +191268,37 +191269,37 +191270,37 +191271,37 +191272,37 +191273,37 +191274,37 +191275,37 +191276,37 +191277,37 +191278,2 +191279,2 +191280,2 +191281,2 +191282,2 +191283,2 +191284,2 +191285,2 +191286,2 +191287,2 +191288,2 +191289,29 +191290,29 +191291,29 +191292,29 +191293,40 +191294,40 +191295,40 +191296,40 +191297,40 +191298,40 +191299,40 +191300,40 +191301,40 +191302,5 +191303,5 +191304,5 +191305,5 +191306,5 +191307,5 +191308,33 +191309,33 +191310,33 +191311,33 +191312,33 +191313,33 +191314,33 +191315,33 +191316,33 +191317,31 +191318,31 +191319,31 +191320,31 +191321,28 +191322,28 +191323,28 +191324,28 +191325,28 +191326,28 +191327,28 +191328,10 +191329,36 +191330,10 +191331,10 +191332,10 +191333,10 +191334,10 +191335,10 +191336,10 +191337,5 +191338,5 +191339,5 +191340,5 +191341,4 +191342,4 +191343,4 +191344,4 +191345,4 +191346,4 +191347,4 +191348,4 +191349,16 +191350,16 +191351,16 +191352,37 +191353,37 +191354,37 +191355,37 +191356,37 +191357,12 +191358,12 +191359,3 +191360,3 +191361,12 +191362,12 +191363,12 +191364,27 +191365,27 +191366,27 +191367,27 +191368,27 +191369,27 +191370,27 +191371,5 +191372,5 +191373,5 +191374,5 +191375,5 +191376,5 +191377,5 +191378,4 +191379,4 +191380,4 +191381,4 +191382,4 +191383,4 +191384,4 +191385,4 +191386,4 +191387,4 +191388,40 +191389,40 +191390,40 +191391,40 +191392,40 +191393,30 +191394,30 +191395,30 +191396,30 +191397,30 +191398,30 +191399,30 +191400,30 +191401,30 +191402,27 +191403,27 +191404,27 +191405,27 +191406,27 +191407,18 +191408,18 +191409,18 +191410,18 +191411,18 +191412,18 +191413,18 +191414,18 +191415,18 +191416,18 +191417,31 +191418,31 +191419,31 +191420,31 +191421,31 +191422,5 +191423,19 +191424,19 +191425,19 +191426,19 +191427,19 +191428,19 +191429,19 +191430,40 +191431,40 +191432,40 +191433,40 +191434,40 +191435,40 +191436,37 +191437,37 +191438,37 +191439,37 +191440,37 +191441,37 +191442,37 +191443,37 +191444,23 +191445,23 +191446,23 +191447,23 +191448,23 +191449,23 +191450,23 +191451,23 +191452,23 +191453,23 +191454,23 +191455,25 +191456,25 +191457,25 +191458,25 +191459,25 +191460,25 +191461,25 +191462,25 +191463,25 +191464,25 +191465,25 +191466,8 +191467,8 +191468,18 +191469,19 +191470,19 +191471,6 +191472,6 +191473,6 +191474,6 +191475,6 +191476,6 +191477,6 +191478,6 +191479,36 +191480,36 +191481,36 +191482,36 +191483,36 +191484,36 +191485,5 +191486,5 +191487,5 +191488,5 +191489,5 +191490,5 +191491,5 +191492,5 +191493,5 +191494,27 +191495,27 +191496,14 +191497,14 +191498,14 +191499,14 +191500,14 +191501,14 +191502,14 +191503,14 +191504,14 +191505,14 +191506,2 +191507,2 +191508,2 +191509,2 +191510,2 +191511,2 +191512,2 +191513,2 +191514,2 +191515,2 +191516,2 +191517,2 +191518,25 +191519,25 +191520,25 +191521,25 +191522,25 +191523,25 +191524,25 +191525,25 +191526,25 +191527,25 +191528,25 +191529,25 +191530,25 +191531,25 +191532,24 +191533,24 +191534,24 +191535,24 +191536,24 +191537,24 +191538,24 +191539,35 +191540,35 +191541,35 +191542,35 +191543,35 +191544,35 +191545,35 +191546,35 +191547,35 +191548,39 +191549,39 +191550,39 +191551,39 +191552,39 +191553,39 +191554,39 +191555,39 +191556,39 +191557,39 +191558,39 +191559,39 +191560,39 +191561,39 +191562,2 +191563,2 +191564,2 +191565,2 +191566,2 +191567,2 +191568,2 +191569,2 +191570,8 +191571,32 +191572,32 +191573,32 +191574,32 +191575,32 +191576,32 +191577,32 +191578,38 +191579,38 +191580,15 +191581,15 +191582,37 +191583,37 +191584,37 +191585,37 +191586,37 +191587,37 +191588,37 +191589,37 +191590,40 +191591,40 +191592,40 +191593,40 +191594,40 +191595,36 +191596,36 +191597,36 +191598,36 +191599,26 +191600,26 +191601,26 +191602,36 +191603,36 +191604,19 +191605,19 +191606,19 +191607,19 +191608,19 +191609,19 +191610,19 +191611,19 +191612,19 +191613,19 +191614,19 +191615,19 +191616,19 +191617,19 +191618,19 +191619,19 +191620,0 +191621,0 +191622,0 +191623,0 +191624,0 +191625,0 +191626,0 +191627,0 +191628,0 +191629,0 +191630,0 +191631,0 +191632,0 +191633,0 +191634,0 +191635,0 +191636,0 +191637,0 +191638,0 +191639,0 +191640,0 +191641,0 +191642,0 +191643,0 +191644,0 +191645,0 +191646,0 +191647,0 +191648,0 +191649,0 +191650,0 +191651,0 +191652,0 +191653,0 +191654,0 +191655,0 +191656,0 +191657,0 +191658,0 +191659,0 +191660,0 +191661,0 +191662,0 +191663,0 +191664,0 +191665,0 +191666,0 +191667,0 +191668,0 +191669,0 +191670,0 +191671,0 +191672,0 +191673,0 +191674,0 +191675,0 +191676,0 +191677,0 +191678,0 +191679,0 +191680,0 +191681,0 +191682,0 +191683,0 +191684,0 +191685,9 +191686,9 +191687,9 +191688,9 +191689,9 +191690,9 +191691,9 +191692,9 +191693,9 +191694,9 +191695,9 +191696,9 +191697,9 +191698,9 +191699,9 +191700,9 +191701,9 +191702,9 +191703,9 +191704,9 +191705,9 +191706,9 +191707,30 +191708,30 +191709,30 +191710,30 +191711,30 +191712,30 +191713,35 +191714,35 +191715,35 +191716,35 +191717,35 +191718,39 +191719,27 +191720,27 +191721,27 +191722,27 +191723,27 +191724,6 +191725,6 +191726,6 +191727,6 +191728,6 +191729,6 +191730,6 +191731,21 +191732,21 +191733,21 +191734,21 +191735,21 +191736,21 +191737,21 +191738,19 +191739,19 +191740,19 +191741,19 +191742,19 +191743,19 +191744,19 +191745,19 +191746,19 +191747,19 +191748,19 +191749,3 +191750,3 +191751,3 +191752,3 +191753,3 +191754,3 +191755,3 +191756,3 +191757,3 +191758,3 +191759,3 +191760,3 +191761,3 +191762,3 +191763,3 +191764,3 +191765,12 +191766,12 +191767,12 +191768,12 +191769,12 +191770,12 +191771,31 +191772,31 +191773,27 +191774,31 +191775,38 +191776,38 +191777,38 +191778,38 +191779,8 +191780,8 +191781,8 +191782,8 +191783,8 +191784,8 +191785,4 +191786,4 +191787,4 +191788,4 +191789,3 +191790,3 +191791,3 +191792,3 +191793,2 +191794,2 +191795,2 +191796,2 +191797,2 +191798,2 +191799,2 +191800,2 +191801,2 +191802,2 +191803,2 +191804,2 +191805,2 +191806,2 +191807,2 +191808,4 +191809,4 +191810,4 +191811,4 +191812,4 +191813,4 +191814,4 +191815,4 +191816,4 +191817,36 +191818,36 +191819,36 +191820,36 +191821,36 +191822,36 +191823,36 +191824,36 +191825,36 +191826,36 +191827,36 +191828,36 +191829,36 +191830,36 +191831,36 +191832,36 +191833,36 +191834,36 +191835,36 +191836,36 +191837,5 +191838,5 +191839,5 +191840,5 +191841,5 +191842,5 +191843,5 +191844,27 +191845,27 +191846,27 +191847,27 +191848,27 +191849,27 +191850,27 +191851,5 +191852,5 +191853,5 +191854,5 +191855,5 +191856,5 +191857,5 +191858,5 +191859,5 +191860,30 +191861,30 +191862,30 +191863,30 +191864,30 +191865,30 +191866,22 +191867,22 +191868,22 +191869,22 +191870,22 +191871,22 +191872,22 +191873,22 +191874,22 +191875,22 +191876,22 +191877,6 +191878,6 +191879,6 +191880,6 +191881,6 +191882,6 +191883,6 +191884,6 +191885,6 +191886,6 +191887,6 +191888,6 +191889,6 +191890,6 +191891,0 +191892,0 +191893,0 +191894,0 +191895,0 +191896,0 +191897,0 +191898,0 +191899,0 +191900,32 +191901,30 +191902,30 +191903,30 +191904,30 +191905,30 +191906,30 +191907,23 +191908,23 +191909,23 +191910,23 +191911,23 +191912,23 +191913,23 +191914,23 +191915,23 +191916,23 +191917,23 +191918,23 +191919,23 +191920,23 +191921,40 +191922,40 +191923,40 +191924,40 +191925,40 +191926,40 +191927,40 +191928,40 +191929,40 +191930,40 +191931,40 +191932,40 +191933,40 +191934,40 +191935,5 +191936,5 +191937,5 +191938,5 +191939,5 +191940,5 +191941,5 +191942,5 +191943,5 +191944,5 +191945,2 +191946,2 +191947,2 +191948,2 +191949,2 +191950,8 +191951,2 +191952,2 +191953,2 +191954,2 +191955,2 +191956,2 +191957,2 +191958,2 +191959,2 +191960,2 +191961,2 +191962,2 +191963,2 +191964,2 +191965,2 +191966,2 +191967,0 +191968,0 +191969,0 +191970,0 +191971,0 +191972,0 +191973,0 +191974,0 +191975,0 +191976,0 +191977,0 +191978,0 +191979,0 +191980,0 +191981,0 +191982,0 +191983,0 +191984,0 +191985,0 +191986,0 +191987,0 +191988,0 +191989,0 +191990,5 +191991,5 +191992,5 +191993,5 +191994,5 +191995,5 +191996,5 +191997,5 +191998,5 +191999,5 +192000,36 +192001,36 +192002,26 +192003,26 +192004,26 +192005,26 +192006,26 +192007,26 +192008,26 +192009,10 +192010,10 +192011,10 +192012,4 +192013,4 +192014,4 +192015,12 +192016,12 +192017,12 +192018,12 +192019,12 +192020,12 +192021,27 +192022,27 +192023,38 +192024,38 +192025,38 +192026,38 +192027,38 +192028,38 +192029,38 +192030,2 +192031,2 +192032,2 +192033,2 +192034,2 +192035,2 +192036,2 +192037,2 +192038,2 +192039,2 +192040,4 +192041,4 +192042,4 +192043,4 +192044,4 +192045,4 +192046,4 +192047,36 +192048,36 +192049,36 +192050,36 +192051,36 +192052,36 +192053,36 +192054,36 +192055,36 +192056,5 +192057,5 +192058,5 +192059,5 +192060,5 +192061,5 +192062,27 +192063,27 +192064,27 +192065,27 +192066,27 +192067,27 +192068,13 +192069,13 +192070,13 +192071,13 +192072,13 +192073,13 +192074,13 +192075,13 +192076,13 +192077,0 +192078,0 +192079,0 +192080,0 +192081,0 +192082,9 +192083,9 +192084,9 +192085,9 +192086,9 +192087,9 +192088,9 +192089,9 +192090,9 +192091,9 +192092,9 +192093,9 +192094,9 +192095,9 +192096,9 +192097,9 +192098,9 +192099,9 +192100,9 +192101,30 +192102,30 +192103,30 +192104,30 +192105,30 +192106,30 +192107,30 +192108,30 +192109,29 +192110,29 +192111,29 +192112,29 +192113,29 +192114,29 +192115,29 +192116,29 +192117,39 +192118,39 +192119,39 +192120,39 +192121,39 +192122,35 +192123,35 +192124,35 +192125,35 +192126,35 +192127,35 +192128,35 +192129,35 +192130,36 +192131,36 +192132,36 +192133,36 +192134,36 +192135,36 +192136,19 +192137,19 +192138,19 +192139,19 +192140,19 +192141,27 +192142,27 +192143,27 +192144,27 +192145,27 +192146,5 +192147,5 +192148,5 +192149,5 +192150,5 +192151,5 +192152,5 +192153,19 +192154,19 +192155,19 +192156,19 +192157,33 +192158,33 +192159,33 +192160,33 +192161,33 +192162,33 +192163,33 +192164,9 +192165,9 +192166,33 +192167,33 +192168,33 +192169,33 +192170,25 +192171,25 +192172,25 +192173,25 +192174,25 +192175,25 +192176,25 +192177,25 +192178,37 +192179,25 +192180,25 +192181,25 +192182,25 +192183,25 +192184,19 +192185,19 +192186,19 +192187,19 +192188,19 +192189,19 +192190,19 +192191,19 +192192,19 +192193,19 +192194,19 +192195,0 +192196,0 +192197,0 +192198,0 +192199,0 +192200,0 +192201,0 +192202,0 +192203,0 +192204,0 +192205,0 +192206,0 +192207,0 +192208,0 +192209,0 +192210,0 +192211,0 +192212,0 +192213,0 +192214,0 +192215,0 +192216,0 +192217,0 +192218,0 +192219,0 +192220,29 +192221,29 +192222,29 +192223,29 +192224,29 +192225,14 +192226,14 +192227,14 +192228,14 +192229,14 +192230,14 +192231,32 +192232,32 +192233,32 +192234,32 +192235,32 +192236,32 +192237,32 +192238,37 +192239,37 +192240,37 +192241,25 +192242,25 +192243,25 +192244,25 +192245,2 +192246,2 +192247,2 +192248,2 +192249,2 +192250,2 +192251,2 +192252,2 +192253,2 +192254,2 +192255,2 +192256,2 +192257,2 +192258,2 +192259,39 +192260,39 +192261,39 +192262,39 +192263,39 +192264,39 +192265,39 +192266,39 +192267,19 +192268,19 +192269,19 +192270,27 +192271,27 +192272,27 +192273,27 +192274,27 +192275,31 +192276,19 +192277,19 +192278,19 +192279,19 +192280,19 +192281,19 +192282,19 +192283,19 +192284,19 +192285,31 +192286,31 +192287,31 +192288,15 +192289,15 +192290,15 +192291,15 +192292,15 +192293,15 +192294,15 +192295,15 +192296,36 +192297,40 +192298,40 +192299,40 +192300,36 +192301,36 +192302,36 +192303,14 +192304,14 +192305,14 +192306,14 +192307,14 +192308,10 +192309,10 +192310,10 +192311,4 +192312,4 +192313,4 +192314,4 +192315,4 +192316,4 +192317,4 +192318,4 +192319,4 +192320,19 +192321,19 +192322,19 +192323,40 +192324,40 +192325,40 +192326,40 +192327,40 +192328,40 +192329,40 +192330,40 +192331,40 +192332,36 +192333,36 +192334,36 +192335,36 +192336,36 +192337,36 +192338,36 +192339,36 +192340,36 +192341,19 +192342,19 +192343,19 +192344,19 +192345,19 +192346,19 +192347,19 +192348,19 +192349,19 +192350,19 +192351,19 +192352,19 +192353,19 +192354,19 +192355,19 +192356,19 +192357,19 +192358,19 +192359,19 +192360,0 +192361,0 +192362,0 +192363,0 +192364,0 +192365,0 +192366,0 +192367,0 +192368,0 +192369,0 +192370,0 +192371,0 +192372,0 +192373,0 +192374,0 +192375,0 +192376,29 +192377,29 +192378,29 +192379,29 +192380,29 +192381,29 +192382,29 +192383,29 +192384,29 +192385,29 +192386,29 +192387,36 +192388,36 +192389,36 +192390,36 +192391,36 +192392,36 +192393,36 +192394,36 +192395,36 +192396,36 +192397,36 +192398,4 +192399,4 +192400,4 +192401,4 +192402,12 +192403,12 +192404,12 +192405,12 +192406,12 +192407,31 +192408,31 +192409,31 +192410,31 +192411,8 +192412,2 +192413,2 +192414,2 +192415,2 +192416,2 +192417,2 +192418,2 +192419,2 +192420,29 +192421,29 +192422,29 +192423,31 +192424,31 +192425,31 +192426,31 +192427,31 +192428,32 +192429,32 +192430,32 +192431,32 +192432,32 +192433,32 +192434,32 +192435,32 +192436,32 +192437,30 +192438,30 +192439,30 +192440,30 +192441,30 +192442,30 +192443,30 +192444,30 +192445,14 +192446,14 +192447,14 +192448,14 +192449,14 +192450,14 +192451,14 +192452,14 +192453,14 +192454,14 +192455,14 +192456,2 +192457,2 +192458,2 +192459,2 +192460,2 +192461,2 +192462,2 +192463,2 +192464,2 +192465,2 +192466,2 +192467,2 +192468,2 +192469,2 +192470,27 +192471,27 +192472,27 +192473,27 +192474,27 +192475,27 +192476,27 +192477,14 +192478,35 +192479,35 +192480,35 +192481,35 +192482,35 +192483,35 +192484,35 +192485,36 +192486,36 +192487,36 +192488,19 +192489,19 +192490,19 +192491,19 +192492,19 +192493,23 +192494,23 +192495,23 +192496,23 +192497,23 +192498,23 +192499,23 +192500,23 +192501,23 +192502,23 +192503,23 +192504,27 +192505,27 +192506,27 +192507,27 +192508,27 +192509,6 +192510,6 +192511,6 +192512,6 +192513,6 +192514,6 +192515,6 +192516,2 +192517,2 +192518,2 +192519,2 +192520,2 +192521,2 +192522,2 +192523,29 +192524,29 +192525,29 +192526,29 +192527,29 +192528,40 +192529,40 +192530,40 +192531,40 +192532,40 +192533,40 +192534,40 +192535,37 +192536,37 +192537,37 +192538,37 +192539,37 +192540,37 +192541,38 +192542,38 +192543,38 +192544,38 +192545,38 +192546,38 +192547,23 +192548,23 +192549,34 +192550,9 +192551,9 +192552,9 +192553,9 +192554,9 +192555,9 +192556,9 +192557,9 +192558,9 +192559,9 +192560,9 +192561,9 +192562,9 +192563,4 +192564,4 +192565,4 +192566,4 +192567,4 +192568,4 +192569,2 +192570,2 +192571,2 +192572,2 +192573,2 +192574,31 +192575,31 +192576,31 +192577,31 +192578,31 +192579,32 +192580,32 +192581,32 +192582,32 +192583,32 +192584,32 +192585,32 +192586,32 +192587,32 +192588,32 +192589,26 +192590,26 +192591,10 +192592,10 +192593,10 +192594,10 +192595,10 +192596,10 +192597,26 +192598,10 +192599,10 +192600,26 +192601,26 +192602,26 +192603,26 +192604,26 +192605,5 +192606,5 +192607,5 +192608,5 +192609,5 +192610,5 +192611,5 +192612,5 +192613,5 +192614,5 +192615,5 +192616,5 +192617,5 +192618,5 +192619,0 +192620,0 +192621,0 +192622,0 +192623,0 +192624,0 +192625,0 +192626,0 +192627,0 +192628,0 +192629,0 +192630,0 +192631,0 +192632,0 +192633,0 +192634,0 +192635,0 +192636,0 +192637,0 +192638,0 +192639,0 +192640,0 +192641,0 +192642,0 +192643,0 +192644,0 +192645,0 +192646,0 +192647,0 +192648,0 +192649,0 +192650,0 +192651,0 +192652,0 +192653,0 +192654,27 +192655,27 +192656,27 +192657,27 +192658,27 +192659,27 +192660,27 +192661,27 +192662,27 +192663,27 +192664,4 +192665,4 +192666,4 +192667,4 +192668,4 +192669,4 +192670,4 +192671,4 +192672,12 +192673,12 +192674,12 +192675,12 +192676,31 +192677,31 +192678,31 +192679,8 +192680,8 +192681,8 +192682,8 +192683,8 +192684,8 +192685,8 +192686,2 +192687,2 +192688,2 +192689,31 +192690,31 +192691,31 +192692,31 +192693,31 +192694,31 +192695,31 +192696,31 +192697,5 +192698,5 +192699,5 +192700,5 +192701,5 +192702,5 +192703,4 +192704,4 +192705,4 +192706,4 +192707,27 +192708,27 +192709,27 +192710,27 +192711,27 +192712,27 +192713,2 +192714,2 +192715,2 +192716,2 +192717,2 +192718,2 +192719,2 +192720,2 +192721,2 +192722,2 +192723,2 +192724,6 +192725,6 +192726,6 +192727,6 +192728,6 +192729,6 +192730,6 +192731,6 +192732,10 +192733,10 +192734,26 +192735,26 +192736,26 +192737,31 +192738,26 +192739,36 +192740,36 +192741,36 +192742,36 +192743,36 +192744,36 +192745,36 +192746,36 +192747,2 +192748,2 +192749,2 +192750,2 +192751,2 +192752,2 +192753,2 +192754,2 +192755,2 +192756,2 +192757,2 +192758,2 +192759,4 +192760,4 +192761,4 +192762,4 +192763,4 +192764,4 +192765,31 +192766,31 +192767,29 +192768,29 +192769,29 +192770,24 +192771,24 +192772,24 +192773,29 +192774,36 +192775,36 +192776,36 +192777,31 +192778,31 +192779,31 +192780,31 +192781,5 +192782,5 +192783,5 +192784,5 +192785,5 +192786,5 +192787,28 +192788,28 +192789,28 +192790,28 +192791,28 +192792,28 +192793,28 +192794,28 +192795,28 +192796,28 +192797,36 +192798,36 +192799,36 +192800,36 +192801,36 +192802,36 +192803,36 +192804,36 +192805,40 +192806,40 +192807,5 +192808,5 +192809,5 +192810,5 +192811,5 +192812,5 +192813,35 +192814,35 +192815,35 +192816,35 +192817,35 +192818,35 +192819,35 +192820,35 +192821,35 +192822,35 +192823,35 +192824,35 +192825,36 +192826,36 +192827,36 +192828,5 +192829,5 +192830,5 +192831,5 +192832,2 +192833,23 +192834,23 +192835,23 +192836,23 +192837,23 +192838,23 +192839,23 +192840,23 +192841,23 +192842,23 +192843,23 +192844,37 +192845,23 +192846,25 +192847,25 +192848,25 +192849,25 +192850,25 +192851,25 +192852,25 +192853,25 +192854,37 +192855,12 +192856,12 +192857,12 +192858,12 +192859,12 +192860,12 +192861,12 +192862,12 +192863,12 +192864,27 +192865,27 +192866,27 +192867,27 +192868,27 +192869,27 +192870,27 +192871,28 +192872,28 +192873,28 +192874,28 +192875,28 +192876,28 +192877,28 +192878,27 +192879,27 +192880,31 +192881,31 +192882,31 +192883,31 +192884,31 +192885,27 +192886,27 +192887,5 +192888,5 +192889,5 +192890,5 +192891,5 +192892,5 +192893,5 +192894,5 +192895,35 +192896,5 +192897,5 +192898,35 +192899,35 +192900,35 +192901,35 +192902,35 +192903,35 +192904,6 +192905,6 +192906,35 +192907,35 +192908,35 +192909,35 +192910,35 +192911,35 +192912,35 +192913,35 +192914,35 +192915,35 +192916,35 +192917,3 +192918,3 +192919,3 +192920,3 +192921,3 +192922,12 +192923,12 +192924,12 +192925,12 +192926,12 +192927,12 +192928,25 +192929,25 +192930,25 +192931,25 +192932,25 +192933,25 +192934,25 +192935,4 +192936,4 +192937,4 +192938,4 +192939,4 +192940,4 +192941,4 +192942,4 +192943,4 +192944,4 +192945,4 +192946,4 +192947,4 +192948,4 +192949,4 +192950,10 +192951,10 +192952,10 +192953,10 +192954,10 +192955,10 +192956,10 +192957,10 +192958,10 +192959,10 +192960,10 +192961,25 +192962,25 +192963,25 +192964,25 +192965,25 +192966,25 +192967,25 +192968,25 +192969,19 +192970,19 +192971,19 +192972,19 +192973,19 +192974,19 +192975,19 +192976,19 +192977,19 +192978,28 +192979,28 +192980,28 +192981,28 +192982,28 +192983,28 +192984,28 +192985,32 +192986,32 +192987,32 +192988,32 +192989,32 +192990,32 +192991,32 +192992,32 +192993,32 +192994,9 +192995,9 +192996,9 +192997,9 +192998,9 +192999,9 +193000,9 +193001,9 +193002,9 +193003,9 +193004,9 +193005,9 +193006,9 +193007,9 +193008,9 +193009,37 +193010,37 +193011,37 +193012,37 +193013,37 +193014,37 +193015,37 +193016,37 +193017,37 +193018,37 +193019,37 +193020,37 +193021,25 +193022,25 +193023,25 +193024,25 +193025,25 +193026,25 +193027,25 +193028,25 +193029,25 +193030,0 +193031,0 +193032,0 +193033,0 +193034,0 +193035,0 +193036,0 +193037,0 +193038,0 +193039,0 +193040,0 +193041,0 +193042,0 +193043,0 +193044,0 +193045,0 +193046,0 +193047,0 +193048,0 +193049,0 +193050,0 +193051,0 +193052,0 +193053,0 +193054,0 +193055,0 +193056,0 +193057,0 +193058,0 +193059,0 +193060,0 +193061,0 +193062,0 +193063,0 +193064,0 +193065,0 +193066,0 +193067,0 +193068,0 +193069,0 +193070,0 +193071,0 +193072,0 +193073,0 +193074,0 +193075,0 +193076,0 +193077,0 +193078,0 +193079,0 +193080,0 +193081,0 +193082,0 +193083,0 +193084,0 +193085,0 +193086,0 +193087,0 +193088,0 +193089,0 +193090,0 +193091,0 +193092,0 +193093,0 +193094,0 +193095,0 +193096,0 +193097,0 +193098,0 +193099,27 +193100,27 +193101,27 +193102,27 +193103,27 +193104,27 +193105,27 +193106,27 +193107,27 +193108,27 +193109,27 +193110,27 +193111,27 +193112,4 +193113,19 +193114,4 +193115,12 +193116,12 +193117,12 +193118,12 +193119,12 +193120,12 +193121,12 +193122,31 +193123,31 +193124,31 +193125,31 +193126,31 +193127,8 +193128,8 +193129,8 +193130,8 +193131,8 +193132,8 +193133,2 +193134,4 +193135,4 +193136,4 +193137,19 +193138,4 +193139,4 +193140,4 +193141,25 +193142,25 +193143,25 +193144,25 +193145,25 +193146,25 +193147,25 +193148,25 +193149,37 +193150,37 +193151,25 +193152,19 +193153,19 +193154,19 +193155,27 +193156,27 +193157,27 +193158,27 +193159,27 +193160,27 +193161,27 +193162,27 +193163,27 +193164,27 +193165,37 +193166,37 +193167,37 +193168,37 +193169,37 +193170,37 +193171,37 +193172,37 +193173,40 +193174,8 +193175,8 +193176,8 +193177,8 +193178,8 +193179,31 +193180,31 +193181,31 +193182,31 +193183,31 +193184,31 +193185,5 +193186,5 +193187,5 +193188,5 +193189,40 +193190,40 +193191,40 +193192,40 +193193,40 +193194,40 +193195,40 +193196,5 +193197,5 +193198,5 +193199,5 +193200,5 +193201,29 +193202,39 +193203,39 +193204,39 +193205,39 +193206,39 +193207,39 +193208,39 +193209,15 +193210,15 +193211,15 +193212,15 +193213,15 +193214,15 +193215,15 +193216,10 +193217,10 +193218,10 +193219,10 +193220,26 +193221,34 +193222,26 +193223,36 +193224,36 +193225,36 +193226,10 +193227,10 +193228,10 +193229,30 +193230,30 +193231,30 +193232,30 +193233,30 +193234,30 +193235,30 +193236,30 +193237,30 +193238,30 +193239,30 +193240,30 +193241,2 +193242,2 +193243,2 +193244,2 +193245,2 +193246,2 +193247,2 +193248,2 +193249,2 +193250,2 +193251,2 +193252,39 +193253,39 +193254,39 +193255,39 +193256,39 +193257,39 +193258,39 +193259,39 +193260,39 +193261,39 +193262,39 +193263,30 +193264,30 +193265,30 +193266,30 +193267,30 +193268,30 +193269,30 +193270,24 +193271,24 +193272,24 +193273,35 +193274,35 +193275,35 +193276,35 +193277,35 +193278,35 +193279,35 +193280,35 +193281,35 +193282,35 +193283,35 +193284,35 +193285,35 +193286,35 +193287,36 +193288,36 +193289,36 +193290,19 +193291,19 +193292,19 +193293,19 +193294,19 +193295,2 +193296,2 +193297,2 +193298,2 +193299,2 +193300,2 +193301,2 +193302,2 +193303,2 +193304,8 +193305,2 +193306,8 +193307,8 +193308,8 +193309,36 +193310,36 +193311,36 +193312,36 +193313,36 +193314,36 +193315,36 +193316,36 +193317,36 +193318,36 +193319,36 +193320,36 +193321,36 +193322,14 +193323,14 +193324,14 +193325,14 +193326,14 +193327,14 +193328,28 +193329,5 +193330,5 +193331,5 +193332,5 +193333,5 +193334,5 +193335,5 +193336,5 +193337,5 +193338,5 +193339,5 +193340,5 +193341,5 +193342,5 +193343,5 +193344,5 +193345,0 +193346,0 +193347,0 +193348,0 +193349,0 +193350,0 +193351,0 +193352,0 +193353,0 +193354,0 +193355,0 +193356,0 +193357,0 +193358,0 +193359,0 +193360,0 +193361,0 +193362,0 +193363,0 +193364,0 +193365,0 +193366,0 +193367,0 +193368,0 +193369,0 +193370,0 +193371,0 +193372,0 +193373,31 +193374,31 +193375,31 +193376,36 +193377,4 +193378,4 +193379,4 +193380,19 +193381,19 +193382,19 +193383,4 +193384,4 +193385,37 +193386,37 +193387,37 +193388,37 +193389,37 +193390,37 +193391,37 +193392,37 +193393,10 +193394,10 +193395,40 +193396,14 +193397,10 +193398,10 +193399,15 +193400,15 +193401,15 +193402,15 +193403,15 +193404,7 +193405,39 +193406,39 +193407,7 +193408,3 +193409,3 +193410,3 +193411,3 +193412,3 +193413,3 +193414,3 +193415,3 +193416,3 +193417,3 +193418,3 +193419,5 +193420,5 +193421,5 +193422,5 +193423,5 +193424,35 +193425,35 +193426,35 +193427,35 +193428,35 +193429,35 +193430,35 +193431,35 +193432,35 +193433,36 +193434,36 +193435,36 +193436,36 +193437,36 +193438,36 +193439,8 +193440,8 +193441,8 +193442,8 +193443,8 +193444,8 +193445,8 +193446,15 +193447,15 +193448,15 +193449,15 +193450,15 +193451,15 +193452,37 +193453,37 +193454,37 +193455,37 +193456,37 +193457,37 +193458,9 +193459,9 +193460,9 +193461,9 +193462,9 +193463,9 +193464,9 +193465,4 +193466,4 +193467,4 +193468,4 +193469,4 +193470,4 +193471,32 +193472,27 +193473,27 +193474,27 +193475,31 +193476,31 +193477,31 +193478,31 +193479,31 +193480,2 +193481,2 +193482,2 +193483,2 +193484,2 +193485,2 +193486,2 +193487,2 +193488,4 +193489,4 +193490,4 +193491,4 +193492,4 +193493,4 +193494,4 +193495,27 +193496,27 +193497,27 +193498,2 +193499,2 +193500,2 +193501,2 +193502,2 +193503,2 +193504,2 +193505,2 +193506,2 +193507,2 +193508,32 +193509,32 +193510,32 +193511,32 +193512,32 +193513,32 +193514,34 +193515,34 +193516,34 +193517,34 +193518,36 +193519,36 +193520,36 +193521,36 +193522,36 +193523,36 +193524,36 +193525,36 +193526,36 +193527,36 +193528,36 +193529,26 +193530,26 +193531,16 +193532,16 +193533,16 +193534,16 +193535,16 +193536,23 +193537,11 +193538,11 +193539,11 +193540,11 +193541,11 +193542,11 +193543,31 +193544,31 +193545,31 +193546,25 +193547,29 +193548,29 +193549,29 +193550,29 +193551,29 +193552,31 +193553,31 +193554,5 +193555,5 +193556,5 +193557,28 +193558,28 +193559,28 +193560,28 +193561,28 +193562,28 +193563,28 +193564,28 +193565,27 +193566,27 +193567,27 +193568,27 +193569,27 +193570,27 +193571,27 +193572,5 +193573,5 +193574,5 +193575,5 +193576,27 +193577,2 +193578,2 +193579,2 +193580,2 +193581,2 +193582,2 +193583,2 +193584,2 +193585,4 +193586,4 +193587,4 +193588,4 +193589,4 +193590,4 +193591,4 +193592,4 +193593,25 +193594,25 +193595,25 +193596,25 +193597,25 +193598,25 +193599,25 +193600,24 +193601,24 +193602,24 +193603,24 +193604,24 +193605,24 +193606,24 +193607,24 +193608,29 +193609,29 +193610,29 +193611,39 +193612,39 +193613,39 +193614,39 +193615,39 +193616,27 +193617,39 +193618,39 +193619,39 +193620,5 +193621,5 +193622,5 +193623,5 +193624,5 +193625,5 +193626,5 +193627,4 +193628,4 +193629,4 +193630,4 +193631,4 +193632,4 +193633,4 +193634,4 +193635,4 +193636,4 +193637,39 +193638,39 +193639,27 +193640,27 +193641,27 +193642,37 +193643,37 +193644,37 +193645,37 +193646,37 +193647,37 +193648,37 +193649,37 +193650,37 +193651,37 +193652,39 +193653,39 +193654,7 +193655,7 +193656,39 +193657,39 +193658,39 +193659,39 +193660,39 +193661,25 +193662,25 +193663,37 +193664,25 +193665,37 +193666,37 +193667,37 +193668,37 +193669,37 +193670,37 +193671,37 +193672,37 +193673,37 +193674,25 +193675,25 +193676,25 +193677,25 +193678,25 +193679,25 +193680,25 +193681,25 +193682,25 +193683,0 +193684,0 +193685,0 +193686,0 +193687,0 +193688,0 +193689,0 +193690,0 +193691,0 +193692,0 +193693,0 +193694,0 +193695,0 +193696,0 +193697,0 +193698,0 +193699,0 +193700,0 +193701,0 +193702,0 +193703,0 +193704,0 +193705,0 +193706,0 +193707,0 +193708,0 +193709,0 +193710,0 +193711,0 +193712,0 +193713,0 +193714,0 +193715,0 +193716,0 +193717,0 +193718,0 +193719,0 +193720,0 +193721,0 +193722,0 +193723,0 +193724,0 +193725,0 +193726,0 +193727,0 +193728,0 +193729,0 +193730,0 +193731,0 +193732,0 +193733,0 +193734,0 +193735,0 +193736,0 +193737,0 +193738,0 +193739,0 +193740,0 +193741,0 +193742,0 +193743,0 +193744,0 +193745,0 +193746,0 +193747,0 +193748,0 +193749,36 +193750,36 +193751,36 +193752,36 +193753,36 +193754,36 +193755,36 +193756,36 +193757,36 +193758,36 +193759,36 +193760,36 +193761,5 +193762,5 +193763,5 +193764,5 +193765,5 +193766,5 +193767,0 +193768,0 +193769,0 +193770,0 +193771,0 +193772,0 +193773,29 +193774,29 +193775,29 +193776,29 +193777,29 +193778,31 +193779,31 +193780,31 +193781,31 +193782,31 +193783,12 +193784,12 +193785,12 +193786,12 +193787,12 +193788,12 +193789,12 +193790,12 +193791,12 +193792,12 +193793,12 +193794,12 +193795,9 +193796,9 +193797,9 +193798,12 +193799,26 +193800,12 +193801,26 +193802,26 +193803,26 +193804,26 +193805,26 +193806,26 +193807,26 +193808,26 +193809,26 +193810,4 +193811,4 +193812,4 +193813,4 +193814,4 +193815,4 +193816,4 +193817,4 +193818,25 +193819,25 +193820,25 +193821,25 +193822,25 +193823,25 +193824,25 +193825,25 +193826,25 +193827,25 +193828,5 +193829,5 +193830,5 +193831,5 +193832,5 +193833,5 +193834,5 +193835,5 +193836,5 +193837,5 +193838,12 +193839,12 +193840,12 +193841,12 +193842,12 +193843,12 +193844,27 +193845,27 +193846,27 +193847,27 +193848,27 +193849,27 +193850,27 +193851,16 +193852,16 +193853,16 +193854,16 +193855,16 +193856,16 +193857,16 +193858,16 +193859,16 +193860,16 +193861,16 +193862,16 +193863,16 +193864,16 +193865,16 +193866,16 +193867,16 +193868,16 +193869,16 +193870,30 +193871,30 +193872,30 +193873,30 +193874,30 +193875,30 +193876,34 +193877,34 +193878,34 +193879,34 +193880,34 +193881,34 +193882,34 +193883,34 +193884,34 +193885,34 +193886,10 +193887,10 +193888,10 +193889,10 +193890,10 +193891,10 +193892,10 +193893,10 +193894,10 +193895,10 +193896,10 +193897,10 +193898,10 +193899,10 +193900,10 +193901,10 +193902,10 +193903,10 +193904,10 +193905,10 +193906,10 +193907,10 +193908,10 +193909,10 +193910,10 +193911,10 +193912,27 +193913,27 +193914,27 +193915,27 +193916,27 +193917,27 +193918,27 +193919,27 +193920,27 +193921,8 +193922,8 +193923,8 +193924,8 +193925,8 +193926,8 +193927,8 +193928,8 +193929,8 +193930,8 +193931,8 +193932,8 +193933,8 +193934,23 +193935,23 +193936,23 +193937,23 +193938,23 +193939,23 +193940,23 +193941,23 +193942,23 +193943,23 +193944,26 +193945,26 +193946,26 +193947,26 +193948,26 +193949,26 +193950,26 +193951,26 +193952,26 +193953,26 +193954,26 +193955,26 +193956,26 +193957,26 +193958,26 +193959,26 +193960,26 +193961,26 +193962,26 +193963,26 +193964,26 +193965,26 +193966,26 +193967,26 +193968,26 +193969,26 +193970,26 +193971,26 +193972,37 +193973,37 +193974,37 +193975,37 +193976,37 +193977,25 +193978,25 +193979,25 +193980,25 +193981,25 +193982,36 +193983,36 +193984,36 +193985,36 +193986,36 +193987,36 +193988,36 +193989,36 +193990,36 +193991,34 +193992,34 +193993,34 +193994,34 +193995,34 +193996,34 +193997,34 +193998,34 +193999,34 +194000,34 +194001,34 +194002,34 +194003,34 +194004,34 +194005,33 +194006,34 +194007,33 +194008,33 +194009,33 +194010,33 +194011,33 +194012,33 +194013,33 +194014,33 +194015,4 +194016,4 +194017,4 +194018,4 +194019,4 +194020,6 +194021,6 +194022,4 +194023,4 +194024,6 +194025,6 +194026,6 +194027,6 +194028,10 +194029,10 +194030,10 +194031,10 +194032,10 +194033,10 +194034,10 +194035,10 +194036,10 +194037,10 +194038,26 +194039,26 +194040,26 +194041,26 +194042,26 +194043,26 +194044,26 +194045,26 +194046,37 +194047,37 +194048,37 +194049,5 +194050,5 +194051,5 +194052,5 +194053,5 +194054,5 +194055,5 +194056,5 +194057,19 +194058,19 +194059,19 +194060,19 +194061,4 +194062,4 +194063,4 +194064,4 +194065,25 +194066,25 +194067,25 +194068,25 +194069,25 +194070,25 +194071,25 +194072,25 +194073,25 +194074,25 +194075,25 +194076,25 +194077,25 +194078,37 +194079,37 +194080,37 +194081,25 +194082,25 +194083,25 +194084,25 +194085,25 +194086,31 +194087,31 +194088,31 +194089,31 +194090,31 +194091,31 +194092,31 +194093,5 +194094,5 +194095,5 +194096,5 +194097,5 +194098,5 +194099,5 +194100,5 +194101,5 +194102,29 +194103,29 +194104,31 +194105,31 +194106,31 +194107,31 +194108,31 +194109,32 +194110,32 +194111,32 +194112,32 +194113,32 +194114,32 +194115,32 +194116,32 +194117,32 +194118,32 +194119,32 +194120,32 +194121,32 +194122,32 +194123,32 +194124,32 +194125,32 +194126,32 +194127,32 +194128,30 +194129,30 +194130,30 +194131,30 +194132,30 +194133,14 +194134,14 +194135,14 +194136,14 +194137,14 +194138,39 +194139,39 +194140,39 +194141,39 +194142,39 +194143,39 +194144,39 +194145,39 +194146,39 +194147,39 +194148,39 +194149,39 +194150,39 +194151,39 +194152,39 +194153,39 +194154,39 +194155,39 +194156,39 +194157,39 +194158,39 +194159,39 +194160,39 +194161,39 +194162,5 +194163,5 +194164,5 +194165,5 +194166,5 +194167,5 +194168,5 +194169,5 +194170,5 +194171,5 +194172,5 +194173,5 +194174,5 +194175,5 +194176,5 +194177,5 +194178,5 +194179,8 +194180,8 +194181,8 +194182,8 +194183,8 +194184,8 +194185,8 +194186,8 +194187,8 +194188,8 +194189,12 +194190,12 +194191,12 +194192,12 +194193,12 +194194,12 +194195,27 +194196,27 +194197,27 +194198,27 +194199,27 +194200,16 +194201,16 +194202,16 +194203,16 +194204,4 +194205,4 +194206,4 +194207,4 +194208,4 +194209,4 +194210,4 +194211,2 +194212,2 +194213,2 +194214,2 +194215,2 +194216,2 +194217,2 +194218,2 +194219,2 +194220,2 +194221,2 +194222,4 +194223,4 +194224,4 +194225,4 +194226,4 +194227,19 +194228,4 +194229,4 +194230,4 +194231,19 +194232,19 +194233,4 +194234,4 +194235,4 +194236,37 +194237,37 +194238,37 +194239,37 +194240,40 +194241,40 +194242,40 +194243,40 +194244,40 +194245,40 +194246,40 +194247,6 +194248,16 +194249,16 +194250,6 +194251,6 +194252,6 +194253,4 +194254,4 +194255,6 +194256,6 +194257,16 +194258,16 +194259,16 +194260,16 +194261,16 +194262,16 +194263,16 +194264,16 +194265,16 +194266,16 +194267,16 +194268,16 +194269,16 +194270,16 +194271,16 +194272,16 +194273,15 +194274,15 +194275,23 +194276,4 +194277,23 +194278,27 +194279,4 +194280,4 +194281,4 +194282,10 +194283,10 +194284,10 +194285,10 +194286,10 +194287,10 +194288,10 +194289,10 +194290,10 +194291,10 +194292,10 +194293,10 +194294,10 +194295,10 +194296,10 +194297,10 +194298,10 +194299,10 +194300,10 +194301,10 +194302,10 +194303,10 +194304,10 +194305,10 +194306,10 +194307,10 +194308,10 +194309,10 +194310,10 +194311,10 +194312,26 +194313,26 +194314,26 +194315,26 +194316,26 +194317,26 +194318,26 +194319,5 +194320,5 +194321,5 +194322,5 +194323,5 +194324,5 +194325,5 +194326,5 +194327,5 +194328,5 +194329,5 +194330,5 +194331,5 +194332,5 +194333,19 +194334,19 +194335,19 +194336,19 +194337,19 +194338,19 +194339,19 +194340,19 +194341,0 +194342,0 +194343,0 +194344,0 +194345,0 +194346,0 +194347,0 +194348,0 +194349,0 +194350,0 +194351,0 +194352,0 +194353,0 +194354,0 +194355,0 +194356,0 +194357,0 +194358,0 +194359,0 +194360,0 +194361,0 +194362,0 +194363,0 +194364,0 +194365,0 +194366,0 +194367,0 +194368,0 +194369,0 +194370,0 +194371,0 +194372,0 +194373,0 +194374,0 +194375,0 +194376,0 +194377,0 +194378,0 +194379,0 +194380,10 +194381,10 +194382,10 +194383,10 +194384,10 +194385,10 +194386,10 +194387,10 +194388,10 +194389,10 +194390,10 +194391,10 +194392,10 +194393,10 +194394,10 +194395,10 +194396,10 +194397,10 +194398,35 +194399,35 +194400,32 +194401,32 +194402,27 +194403,27 +194404,27 +194405,27 +194406,27 +194407,36 +194408,36 +194409,30 +194410,30 +194411,30 +194412,30 +194413,30 +194414,30 +194415,33 +194416,33 +194417,15 +194418,15 +194419,15 +194420,15 +194421,15 +194422,15 +194423,15 +194424,30 +194425,30 +194426,30 +194427,30 +194428,30 +194429,30 +194430,30 +194431,30 +194432,10 +194433,10 +194434,10 +194435,10 +194436,10 +194437,10 +194438,36 +194439,10 +194440,10 +194441,10 +194442,10 +194443,10 +194444,10 +194445,35 +194446,35 +194447,35 +194448,35 +194449,35 +194450,35 +194451,35 +194452,36 +194453,36 +194454,40 +194455,40 +194456,40 +194457,36 +194458,36 +194459,36 +194460,36 +194461,40 +194462,5 +194463,5 +194464,5 +194465,5 +194466,5 +194467,5 +194468,5 +194469,26 +194470,26 +194471,26 +194472,26 +194473,26 +194474,26 +194475,26 +194476,26 +194477,26 +194478,26 +194479,26 +194480,26 +194481,32 +194482,32 +194483,32 +194484,32 +194485,32 +194486,32 +194487,32 +194488,0 +194489,0 +194490,0 +194491,0 +194492,0 +194493,0 +194494,0 +194495,0 +194496,0 +194497,0 +194498,0 +194499,27 +194500,27 +194501,27 +194502,13 +194503,13 +194504,13 +194505,13 +194506,13 +194507,13 +194508,5 +194509,5 +194510,5 +194511,5 +194512,6 +194513,6 +194514,6 +194515,6 +194516,6 +194517,6 +194518,6 +194519,6 +194520,6 +194521,6 +194522,37 +194523,37 +194524,37 +194525,37 +194526,37 +194527,37 +194528,10 +194529,10 +194530,10 +194531,10 +194532,10 +194533,10 +194534,10 +194535,10 +194536,10 +194537,10 +194538,10 +194539,10 +194540,10 +194541,10 +194542,10 +194543,10 +194544,10 +194545,30 +194546,30 +194547,30 +194548,30 +194549,27 +194550,27 +194551,27 +194552,40 +194553,40 +194554,40 +194555,30 +194556,30 +194557,30 +194558,30 +194559,30 +194560,30 +194561,30 +194562,30 +194563,30 +194564,26 +194565,26 +194566,26 +194567,26 +194568,26 +194569,26 +194570,26 +194571,26 +194572,37 +194573,26 +194574,26 +194575,26 +194576,26 +194577,26 +194578,26 +194579,5 +194580,5 +194581,5 +194582,30 +194583,5 +194584,5 +194585,5 +194586,5 +194587,5 +194588,5 +194589,5 +194590,5 +194591,5 +194592,0 +194593,0 +194594,0 +194595,0 +194596,0 +194597,0 +194598,0 +194599,0 +194600,0 +194601,0 +194602,0 +194603,0 +194604,0 +194605,0 +194606,0 +194607,0 +194608,0 +194609,0 +194610,0 +194611,0 +194612,0 +194613,0 +194614,0 +194615,0 +194616,0 +194617,0 +194618,0 +194619,0 +194620,0 +194621,0 +194622,0 +194623,0 +194624,0 +194625,0 +194626,0 +194627,0 +194628,0 +194629,0 +194630,0 +194631,0 +194632,0 +194633,0 +194634,0 +194635,0 +194636,0 +194637,0 +194638,0 +194639,0 +194640,0 +194641,0 +194642,0 +194643,0 +194644,0 +194645,0 +194646,0 +194647,0 +194648,0 +194649,0 +194650,0 +194651,0 +194652,0 +194653,0 +194654,0 +194655,0 +194656,0 +194657,9 +194658,9 +194659,9 +194660,9 +194661,9 +194662,9 +194663,9 +194664,9 +194665,9 +194666,9 +194667,9 +194668,9 +194669,9 +194670,9 +194671,9 +194672,9 +194673,9 +194674,9 +194675,9 +194676,9 +194677,37 +194678,37 +194679,37 +194680,37 +194681,37 +194682,37 +194683,37 +194684,37 +194685,37 +194686,37 +194687,25 +194688,25 +194689,25 +194690,6 +194691,6 +194692,6 +194693,6 +194694,6 +194695,6 +194696,6 +194697,6 +194698,6 +194699,6 +194700,6 +194701,6 +194702,6 +194703,6 +194704,6 +194705,39 +194706,39 +194707,39 +194708,39 +194709,39 +194710,39 +194711,39 +194712,39 +194713,39 +194714,39 +194715,39 +194716,39 +194717,15 +194718,15 +194719,15 +194720,15 +194721,15 +194722,15 +194723,9 +194724,9 +194725,9 +194726,9 +194727,9 +194728,9 +194729,37 +194730,37 +194731,37 +194732,37 +194733,37 +194734,37 +194735,37 +194736,19 +194737,19 +194738,19 +194739,27 +194740,27 +194741,27 +194742,27 +194743,27 +194744,27 +194745,27 +194746,27 +194747,5 +194748,5 +194749,5 +194750,5 +194751,5 +194752,5 +194753,2 +194754,2 +194755,2 +194756,2 +194757,2 +194758,2 +194759,2 +194760,2 +194761,4 +194762,4 +194763,4 +194764,4 +194765,4 +194766,25 +194767,25 +194768,25 +194769,25 +194770,25 +194771,28 +194772,28 +194773,28 +194774,28 +194775,28 +194776,28 +194777,31 +194778,31 +194779,31 +194780,31 +194781,31 +194782,31 +194783,31 +194784,5 +194785,5 +194786,5 +194787,5 +194788,5 +194789,5 +194790,5 +194791,5 +194792,5 +194793,2 +194794,2 +194795,2 +194796,2 +194797,2 +194798,2 +194799,2 +194800,2 +194801,29 +194802,29 +194803,29 +194804,29 +194805,29 +194806,31 +194807,31 +194808,31 +194809,31 +194810,31 +194811,31 +194812,6 +194813,6 +194814,6 +194815,6 +194816,6 +194817,6 +194818,6 +194819,6 +194820,6 +194821,6 +194822,6 +194823,6 +194824,6 +194825,14 +194826,14 +194827,14 +194828,14 +194829,14 +194830,14 +194831,14 +194832,14 +194833,14 +194834,14 +194835,14 +194836,14 +194837,14 +194838,14 +194839,14 +194840,28 +194841,28 +194842,28 +194843,28 +194844,28 +194845,28 +194846,40 +194847,40 +194848,40 +194849,40 +194850,40 +194851,5 +194852,5 +194853,5 +194854,5 +194855,5 +194856,4 +194857,4 +194858,4 +194859,4 +194860,4 +194861,4 +194862,39 +194863,39 +194864,39 +194865,39 +194866,39 +194867,39 +194868,7 +194869,39 +194870,39 +194871,27 +194872,7 +194873,7 +194874,7 +194875,7 +194876,7 +194877,3 +194878,3 +194879,3 +194880,3 +194881,3 +194882,3 +194883,3 +194884,3 +194885,3 +194886,3 +194887,3 +194888,3 +194889,3 +194890,3 +194891,8 +194892,8 +194893,2 +194894,2 +194895,2 +194896,2 +194897,2 +194898,2 +194899,2 +194900,2 +194901,2 +194902,2 +194903,2 +194904,2 +194905,8 +194906,2 +194907,2 +194908,2 +194909,2 +194910,2 +194911,2 +194912,2 +194913,2 +194914,2 +194915,2 +194916,8 +194917,8 +194918,8 +194919,8 +194920,8 +194921,0 +194922,0 +194923,0 +194924,0 +194925,0 +194926,0 +194927,0 +194928,0 +194929,0 +194930,0 +194931,0 +194932,0 +194933,0 +194934,0 +194935,0 +194936,0 +194937,0 +194938,0 +194939,0 +194940,0 +194941,0 +194942,0 +194943,0 +194944,0 +194945,0 +194946,0 +194947,0 +194948,0 +194949,0 +194950,0 +194951,0 +194952,0 +194953,0 +194954,0 +194955,0 +194956,0 +194957,0 +194958,19 +194959,19 +194960,19 +194961,19 +194962,19 +194963,19 +194964,19 +194965,19 +194966,19 +194967,40 +194968,40 +194969,40 +194970,40 +194971,40 +194972,40 +194973,40 +194974,36 +194975,40 +194976,36 +194977,36 +194978,36 +194979,5 +194980,5 +194981,5 +194982,5 +194983,5 +194984,5 +194985,2 +194986,2 +194987,2 +194988,2 +194989,2 +194990,2 +194991,2 +194992,2 +194993,15 +194994,29 +194995,15 +194996,27 +194997,27 +194998,27 +194999,27 +195000,27 +195001,39 +195002,39 +195003,39 +195004,39 +195005,8 +195006,8 +195007,8 +195008,8 +195009,8 +195010,8 +195011,8 +195012,8 +195013,31 +195014,31 +195015,27 +195016,27 +195017,6 +195018,6 +195019,6 +195020,6 +195021,23 +195022,23 +195023,23 +195024,4 +195025,4 +195026,23 +195027,23 +195028,23 +195029,23 +195030,23 +195031,23 +195032,23 +195033,23 +195034,23 +195035,23 +195036,23 +195037,23 +195038,23 +195039,23 +195040,34 +195041,34 +195042,34 +195043,34 +195044,34 +195045,34 +195046,34 +195047,34 +195048,34 +195049,34 +195050,34 +195051,34 +195052,34 +195053,34 +195054,34 +195055,34 +195056,34 +195057,34 +195058,34 +195059,5 +195060,5 +195061,5 +195062,5 +195063,5 +195064,19 +195065,19 +195066,19 +195067,27 +195068,27 +195069,27 +195070,31 +195071,27 +195072,5 +195073,5 +195074,5 +195075,5 +195076,28 +195077,28 +195078,28 +195079,28 +195080,28 +195081,28 +195082,29 +195083,29 +195084,29 +195085,40 +195086,40 +195087,40 +195088,40 +195089,40 +195090,27 +195091,27 +195092,27 +195093,27 +195094,27 +195095,27 +195096,27 +195097,27 +195098,27 +195099,27 +195100,27 +195101,27 +195102,28 +195103,28 +195104,28 +195105,28 +195106,28 +195107,28 +195108,28 +195109,28 +195110,31 +195111,31 +195112,31 +195113,31 +195114,31 +195115,31 +195116,31 +195117,31 +195118,31 +195119,31 +195120,31 +195121,31 +195122,31 +195123,31 +195124,4 +195125,4 +195126,6 +195127,6 +195128,6 +195129,6 +195130,6 +195131,6 +195132,6 +195133,6 +195134,6 +195135,31 +195136,31 +195137,31 +195138,31 +195139,31 +195140,5 +195141,5 +195142,5 +195143,5 +195144,5 +195145,5 +195146,5 +195147,5 +195148,5 +195149,5 +195150,5 +195151,5 +195152,18 +195153,18 +195154,18 +195155,18 +195156,18 +195157,18 +195158,18 +195159,18 +195160,18 +195161,18 +195162,39 +195163,39 +195164,39 +195165,39 +195166,39 +195167,39 +195168,39 +195169,39 +195170,39 +195171,39 +195172,39 +195173,39 +195174,28 +195175,28 +195176,28 +195177,7 +195178,7 +195179,7 +195180,7 +195181,7 +195182,7 +195183,7 +195184,31 +195185,9 +195186,9 +195187,31 +195188,31 +195189,31 +195190,31 +195191,30 +195192,30 +195193,30 +195194,30 +195195,30 +195196,30 +195197,30 +195198,30 +195199,30 +195200,23 +195201,23 +195202,23 +195203,23 +195204,23 +195205,23 +195206,23 +195207,23 +195208,23 +195209,23 +195210,23 +195211,23 +195212,23 +195213,27 +195214,39 +195215,39 +195216,39 +195217,39 +195218,39 +195219,39 +195220,39 +195221,39 +195222,39 +195223,39 +195224,39 +195225,39 +195226,30 +195227,30 +195228,30 +195229,30 +195230,30 +195231,30 +195232,30 +195233,30 +195234,30 +195235,30 +195236,30 +195237,30 +195238,30 +195239,30 +195240,28 +195241,28 +195242,28 +195243,28 +195244,28 +195245,31 +195246,31 +195247,31 +195248,35 +195249,35 +195250,31 +195251,6 +195252,31 +195253,31 +195254,31 +195255,0 +195256,0 +195257,0 +195258,0 +195259,0 +195260,0 +195261,0 +195262,0 +195263,0 +195264,0 +195265,0 +195266,0 +195267,0 +195268,0 +195269,0 +195270,0 +195271,0 +195272,0 +195273,0 +195274,0 +195275,0 +195276,0 +195277,0 +195278,0 +195279,0 +195280,0 +195281,0 +195282,0 +195283,0 +195284,0 +195285,0 +195286,0 +195287,0 +195288,4 +195289,4 +195290,4 +195291,4 +195292,4 +195293,4 +195294,4 +195295,4 +195296,27 +195297,27 +195298,27 +195299,27 +195300,2 +195301,2 +195302,2 +195303,2 +195304,2 +195305,8 +195306,2 +195307,8 +195308,31 +195309,31 +195310,31 +195311,31 +195312,31 +195313,31 +195314,31 +195315,32 +195316,32 +195317,32 +195318,32 +195319,32 +195320,32 +195321,32 +195322,32 +195323,32 +195324,32 +195325,32 +195326,32 +195327,33 +195328,33 +195329,33 +195330,33 +195331,33 +195332,33 +195333,33 +195334,33 +195335,33 +195336,30 +195337,33 +195338,33 +195339,33 +195340,33 +195341,33 +195342,33 +195343,33 +195344,31 +195345,31 +195346,31 +195347,8 +195348,8 +195349,8 +195350,8 +195351,8 +195352,8 +195353,8 +195354,29 +195355,29 +195356,29 +195357,29 +195358,31 +195359,31 +195360,31 +195361,31 +195362,31 +195363,31 +195364,31 +195365,31 +195366,31 +195367,25 +195368,25 +195369,25 +195370,31 +195371,28 +195372,28 +195373,28 +195374,28 +195375,28 +195376,28 +195377,28 +195378,28 +195379,28 +195380,28 +195381,28 +195382,28 +195383,28 +195384,36 +195385,36 +195386,40 +195387,40 +195388,40 +195389,40 +195390,40 +195391,40 +195392,40 +195393,40 +195394,5 +195395,5 +195396,5 +195397,5 +195398,5 +195399,7 +195400,7 +195401,7 +195402,7 +195403,7 +195404,3 +195405,3 +195406,3 +195407,3 +195408,2 +195409,2 +195410,2 +195411,2 +195412,2 +195413,2 +195414,2 +195415,2 +195416,2 +195417,6 +195418,6 +195419,6 +195420,6 +195421,6 +195422,6 +195423,37 +195424,37 +195425,37 +195426,37 +195427,37 +195428,25 +195429,25 +195430,25 +195431,37 +195432,6 +195433,6 +195434,6 +195435,6 +195436,6 +195437,6 +195438,6 +195439,6 +195440,31 +195441,31 +195442,31 +195443,31 +195444,31 +195445,31 +195446,31 +195447,24 +195448,24 +195449,24 +195450,24 +195451,24 +195452,24 +195453,24 +195454,28 +195455,28 +195456,28 +195457,28 +195458,28 +195459,28 +195460,28 +195461,28 +195462,28 +195463,27 +195464,27 +195465,27 +195466,27 +195467,27 +195468,5 +195469,5 +195470,5 +195471,5 +195472,39 +195473,39 +195474,39 +195475,39 +195476,39 +195477,39 +195478,3 +195479,3 +195480,18 +195481,18 +195482,18 +195483,18 +195484,18 +195485,18 +195486,18 +195487,18 +195488,18 +195489,31 +195490,31 +195491,31 +195492,31 +195493,31 +195494,31 +195495,5 +195496,5 +195497,5 +195498,5 +195499,5 +195500,27 +195501,27 +195502,27 +195503,27 +195504,27 +195505,27 +195506,37 +195507,37 +195508,37 +195509,37 +195510,37 +195511,37 +195512,37 +195513,37 +195514,39 +195515,14 +195516,14 +195517,14 +195518,14 +195519,14 +195520,39 +195521,39 +195522,39 +195523,14 +195524,11 +195525,11 +195526,11 +195527,11 +195528,11 +195529,11 +195530,11 +195531,11 +195532,11 +195533,11 +195534,11 +195535,31 +195536,31 +195537,31 +195538,31 +195539,5 +195540,5 +195541,5 +195542,5 +195543,5 +195544,5 +195545,5 +195546,8 +195547,8 +195548,8 +195549,8 +195550,8 +195551,8 +195552,8 +195553,15 +195554,8 +195555,15 +195556,15 +195557,15 +195558,15 +195559,15 +195560,15 +195561,15 +195562,29 +195563,36 +195564,36 +195565,36 +195566,36 +195567,36 +195568,36 +195569,36 +195570,36 +195571,36 +195572,36 +195573,36 +195574,36 +195575,36 +195576,36 +195577,4 +195578,4 +195579,4 +195580,6 +195581,6 +195582,6 +195583,6 +195584,6 +195585,6 +195586,6 +195587,6 +195588,6 +195589,6 +195590,6 +195591,6 +195592,6 +195593,6 +195594,22 +195595,22 +195596,22 +195597,22 +195598,19 +195599,19 +195600,19 +195601,19 +195602,19 +195603,25 +195604,25 +195605,25 +195606,25 +195607,25 +195608,25 +195609,24 +195610,24 +195611,24 +195612,24 +195613,24 +195614,24 +195615,24 +195616,27 +195617,27 +195618,27 +195619,27 +195620,27 +195621,3 +195622,3 +195623,5 +195624,5 +195625,28 +195626,28 +195627,28 +195628,28 +195629,28 +195630,5 +195631,39 +195632,39 +195633,7 +195634,7 +195635,7 +195636,39 +195637,39 +195638,39 +195639,39 +195640,39 +195641,39 +195642,39 +195643,39 +195644,5 +195645,5 +195646,5 +195647,5 +195648,5 +195649,19 +195650,19 +195651,19 +195652,19 +195653,19 +195654,40 +195655,36 +195656,0 +195657,36 +195658,36 +195659,31 +195660,31 +195661,31 +195662,31 +195663,31 +195664,31 +195665,31 +195666,5 +195667,5 +195668,5 +195669,5 +195670,5 +195671,5 +195672,5 +195673,19 +195674,19 +195675,19 +195676,31 +195677,31 +195678,31 +195679,31 +195680,31 +195681,31 +195682,31 +195683,2 +195684,2 +195685,2 +195686,2 +195687,2 +195688,2 +195689,2 +195690,2 +195691,2 +195692,6 +195693,6 +195694,6 +195695,6 +195696,6 +195697,6 +195698,6 +195699,31 +195700,31 +195701,31 +195702,31 +195703,31 +195704,31 +195705,31 +195706,24 +195707,24 +195708,24 +195709,24 +195710,24 +195711,24 +195712,25 +195713,25 +195714,25 +195715,25 +195716,25 +195717,25 +195718,25 +195719,27 +195720,27 +195721,27 +195722,19 +195723,19 +195724,19 +195725,19 +195726,19 +195727,19 +195728,19 +195729,27 +195730,27 +195731,27 +195732,27 +195733,27 +195734,27 +195735,27 +195736,27 +195737,27 +195738,27 +195739,5 +195740,5 +195741,5 +195742,5 +195743,5 +195744,25 +195745,25 +195746,25 +195747,25 +195748,25 +195749,25 +195750,25 +195751,25 +195752,25 +195753,25 +195754,25 +195755,25 +195756,25 +195757,25 +195758,25 +195759,25 +195760,25 +195761,37 +195762,37 +195763,37 +195764,37 +195765,37 +195766,37 +195767,3 +195768,3 +195769,31 +195770,31 +195771,31 +195772,31 +195773,31 +195774,25 +195775,25 +195776,28 +195777,28 +195778,28 +195779,28 +195780,28 +195781,28 +195782,28 +195783,28 +195784,28 +195785,2 +195786,2 +195787,2 +195788,2 +195789,2 +195790,2 +195791,2 +195792,2 +195793,2 +195794,2 +195795,31 +195796,31 +195797,31 +195798,31 +195799,31 +195800,16 +195801,16 +195802,16 +195803,16 +195804,16 +195805,16 +195806,16 +195807,27 +195808,27 +195809,27 +195810,27 +195811,27 +195812,31 +195813,31 +195814,8 +195815,8 +195816,8 +195817,8 +195818,8 +195819,8 +195820,8 +195821,8 +195822,8 +195823,8 +195824,15 +195825,29 +195826,29 +195827,29 +195828,36 +195829,36 +195830,36 +195831,36 +195832,36 +195833,36 +195834,36 +195835,36 +195836,36 +195837,36 +195838,36 +195839,36 +195840,36 +195841,36 +195842,36 +195843,4 +195844,4 +195845,36 +195846,36 +195847,36 +195848,36 +195849,4 +195850,4 +195851,4 +195852,4 +195853,4 +195854,4 +195855,4 +195856,4 +195857,2 +195858,2 +195859,2 +195860,2 +195861,2 +195862,2 +195863,2 +195864,2 +195865,2 +195866,2 +195867,2 +195868,2 +195869,2 +195870,2 +195871,2 +195872,33 +195873,33 +195874,33 +195875,33 +195876,33 +195877,33 +195878,33 +195879,33 +195880,33 +195881,33 +195882,28 +195883,28 +195884,28 +195885,28 +195886,28 +195887,28 +195888,28 +195889,28 +195890,28 +195891,9 +195892,9 +195893,9 +195894,9 +195895,9 +195896,9 +195897,9 +195898,9 +195899,9 +195900,9 +195901,9 +195902,9 +195903,9 +195904,9 +195905,9 +195906,4 +195907,4 +195908,4 +195909,4 +195910,4 +195911,4 +195912,4 +195913,25 +195914,25 +195915,25 +195916,25 +195917,25 +195918,25 +195919,25 +195920,5 +195921,5 +195922,5 +195923,5 +195924,5 +195925,5 +195926,2 +195927,2 +195928,2 +195929,2 +195930,2 +195931,2 +195932,2 +195933,2 +195934,2 +195935,2 +195936,33 +195937,33 +195938,33 +195939,33 +195940,33 +195941,31 +195942,33 +195943,35 +195944,35 +195945,35 +195946,35 +195947,35 +195948,35 +195949,35 +195950,35 +195951,35 +195952,35 +195953,34 +195954,36 +195955,36 +195956,36 +195957,36 +195958,36 +195959,36 +195960,36 +195961,36 +195962,36 +195963,24 +195964,24 +195965,24 +195966,24 +195967,24 +195968,31 +195969,31 +195970,31 +195971,31 +195972,4 +195973,4 +195974,4 +195975,4 +195976,4 +195977,4 +195978,4 +195979,4 +195980,31 +195981,31 +195982,31 +195983,31 +195984,15 +195985,15 +195986,15 +195987,15 +195988,29 +195989,1 +195990,24 +195991,26 +195992,31 +195993,1 +195994,31 +195995,31 +195996,30 +195997,30 +195998,30 +195999,30 +196000,30 +196001,30 +196002,30 +196003,30 +196004,30 +196005,30 +196006,30 +196007,30 +196008,30 +196009,30 +196010,30 +196011,30 +196012,0 +196013,0 +196014,0 +196015,0 +196016,0 +196017,0 +196018,0 +196019,0 +196020,0 +196021,0 +196022,0 +196023,0 +196024,0 +196025,0 +196026,0 +196027,0 +196028,0 +196029,0 +196030,0 +196031,0 +196032,0 +196033,0 +196034,0 +196035,0 +196036,0 +196037,0 +196038,0 +196039,0 +196040,0 +196041,0 +196042,0 +196043,0 +196044,0 +196045,0 +196046,0 +196047,0 +196048,0 +196049,0 +196050,0 +196051,0 +196052,0 +196053,0 +196054,0 +196055,0 +196056,0 +196057,0 +196058,0 +196059,0 +196060,0 +196061,0 +196062,0 +196063,0 +196064,0 +196065,0 +196066,0 +196067,0 +196068,0 +196069,0 +196070,0 +196071,0 +196072,0 +196073,0 +196074,0 +196075,0 +196076,0 +196077,0 +196078,0 +196079,0 +196080,0 +196081,0 +196082,0 +196083,0 +196084,0 +196085,0 +196086,0 +196087,0 +196088,0 +196089,0 +196090,2 +196091,2 +196092,2 +196093,2 +196094,2 +196095,2 +196096,2 +196097,2 +196098,2 +196099,2 +196100,2 +196101,2 +196102,2 +196103,31 +196104,31 +196105,31 +196106,31 +196107,5 +196108,5 +196109,5 +196110,5 +196111,5 +196112,5 +196113,38 +196114,38 +196115,38 +196116,38 +196117,38 +196118,38 +196119,38 +196120,27 +196121,27 +196122,27 +196123,27 +196124,13 +196125,13 +196126,13 +196127,13 +196128,13 +196129,13 +196130,35 +196131,35 +196132,35 +196133,35 +196134,35 +196135,35 +196136,39 +196137,39 +196138,39 +196139,39 +196140,39 +196141,39 +196142,39 +196143,39 +196144,39 +196145,39 +196146,2 +196147,2 +196148,2 +196149,2 +196150,2 +196151,2 +196152,2 +196153,2 +196154,2 +196155,2 +196156,2 +196157,40 +196158,40 +196159,40 +196160,40 +196161,40 +196162,40 +196163,40 +196164,30 +196165,30 +196166,30 +196167,30 +196168,30 +196169,26 +196170,12 +196171,12 +196172,12 +196173,12 +196174,12 +196175,30 +196176,30 +196177,12 +196178,12 +196179,12 +196180,12 +196181,12 +196182,30 +196183,30 +196184,12 +196185,12 +196186,12 +196187,25 +196188,25 +196189,25 +196190,25 +196191,25 +196192,25 +196193,25 +196194,25 +196195,25 +196196,25 +196197,6 +196198,6 +196199,6 +196200,6 +196201,6 +196202,6 +196203,6 +196204,27 +196205,27 +196206,27 +196207,27 +196208,27 +196209,27 +196210,27 +196211,27 +196212,13 +196213,13 +196214,13 +196215,13 +196216,13 +196217,13 +196218,13 +196219,13 +196220,13 +196221,13 +196222,13 +196223,13 +196224,13 +196225,5 +196226,5 +196227,5 +196228,5 +196229,5 +196230,5 +196231,5 +196232,5 +196233,5 +196234,5 +196235,5 +196236,5 +196237,5 +196238,5 +196239,13 +196240,5 +196241,5 +196242,5 +196243,5 +196244,5 +196245,5 +196246,36 +196247,36 +196248,36 +196249,36 +196250,36 +196251,36 +196252,5 +196253,5 +196254,5 +196255,5 +196256,5 +196257,5 +196258,5 +196259,5 +196260,5 +196261,5 +196262,5 +196263,5 +196264,5 +196265,5 +196266,2 +196267,2 +196268,2 +196269,2 +196270,2 +196271,2 +196272,2 +196273,2 +196274,2 +196275,2 +196276,2 +196277,2 +196278,4 +196279,4 +196280,4 +196281,4 +196282,4 +196283,4 +196284,40 +196285,40 +196286,40 +196287,40 +196288,40 +196289,40 +196290,40 +196291,40 +196292,37 +196293,37 +196294,37 +196295,37 +196296,37 +196297,37 +196298,37 +196299,37 +196300,27 +196301,27 +196302,27 +196303,27 +196304,27 +196305,27 +196306,13 +196307,13 +196308,13 +196309,13 +196310,13 +196311,13 +196312,13 +196313,13 +196314,10 +196315,10 +196316,10 +196317,10 +196318,10 +196319,10 +196320,10 +196321,10 +196322,10 +196323,10 +196324,10 +196325,10 +196326,10 +196327,10 +196328,10 +196329,10 +196330,10 +196331,10 +196332,10 +196333,10 +196334,10 +196335,10 +196336,10 +196337,10 +196338,8 +196339,8 +196340,8 +196341,8 +196342,8 +196343,8 +196344,2 +196345,2 +196346,4 +196347,4 +196348,4 +196349,4 +196350,4 +196351,4 +196352,4 +196353,4 +196354,4 +196355,4 +196356,33 +196357,33 +196358,33 +196359,9 +196360,9 +196361,9 +196362,9 +196363,9 +196364,9 +196365,9 +196366,9 +196367,9 +196368,9 +196369,9 +196370,9 +196371,9 +196372,9 +196373,4 +196374,19 +196375,35 +196376,35 +196377,35 +196378,35 +196379,35 +196380,35 +196381,27 +196382,27 +196383,27 +196384,27 +196385,27 +196386,27 +196387,27 +196388,27 +196389,5 +196390,5 +196391,5 +196392,5 +196393,5 +196394,19 +196395,19 +196396,19 +196397,19 +196398,19 +196399,19 +196400,19 +196401,31 +196402,31 +196403,31 +196404,31 +196405,31 +196406,31 +196407,4 +196408,4 +196409,4 +196410,4 +196411,4 +196412,4 +196413,4 +196414,29 +196415,29 +196416,29 +196417,31 +196418,31 +196419,31 +196420,31 +196421,28 +196422,28 +196423,28 +196424,28 +196425,28 +196426,28 +196427,28 +196428,28 +196429,28 +196430,28 +196431,36 +196432,36 +196433,36 +196434,36 +196435,36 +196436,36 +196437,36 +196438,36 +196439,36 +196440,36 +196441,36 +196442,36 +196443,36 +196444,36 +196445,36 +196446,36 +196447,36 +196448,40 +196449,40 +196450,40 +196451,40 +196452,19 +196453,19 +196454,19 +196455,19 +196456,19 +196457,19 +196458,19 +196459,35 +196460,35 +196461,35 +196462,35 +196463,35 +196464,35 +196465,35 +196466,35 +196467,35 +196468,35 +196469,12 +196470,3 +196471,12 +196472,12 +196473,12 +196474,35 +196475,36 +196476,36 +196477,36 +196478,36 +196479,40 +196480,19 +196481,19 +196482,19 +196483,19 +196484,19 +196485,19 +196486,5 +196487,5 +196488,5 +196489,5 +196490,5 +196491,5 +196492,5 +196493,5 +196494,5 +196495,31 +196496,31 +196497,31 +196498,31 +196499,31 +196500,31 +196501,31 +196502,31 +196503,31 +196504,38 +196505,38 +196506,38 +196507,38 +196508,38 +196509,38 +196510,6 +196511,31 +196512,31 +196513,31 +196514,31 +196515,31 +196516,31 +196517,5 +196518,13 +196519,13 +196520,13 +196521,13 +196522,13 +196523,4 +196524,4 +196525,4 +196526,4 +196527,4 +196528,4 +196529,4 +196530,27 +196531,27 +196532,27 +196533,27 +196534,27 +196535,2 +196536,2 +196537,2 +196538,2 +196539,2 +196540,2 +196541,2 +196542,2 +196543,2 +196544,2 +196545,2 +196546,2 +196547,2 +196548,14 +196549,14 +196550,14 +196551,14 +196552,14 +196553,14 +196554,14 +196555,14 +196556,14 +196557,14 +196558,14 +196559,14 +196560,14 +196561,4 +196562,4 +196563,4 +196564,4 +196565,4 +196566,31 +196567,31 +196568,31 +196569,31 +196570,31 +196571,31 +196572,31 +196573,31 +196574,31 +196575,31 +196576,31 +196577,31 +196578,31 +196579,31 +196580,31 +196581,31 +196582,31 +196583,31 +196584,31 +196585,31 +196586,31 +196587,29 +196588,29 +196589,29 +196590,29 +196591,29 +196592,29 +196593,29 +196594,29 +196595,29 +196596,25 +196597,25 +196598,25 +196599,25 +196600,25 +196601,25 +196602,25 +196603,25 +196604,25 +196605,25 +196606,25 +196607,25 +196608,25 +196609,25 +196610,25 +196611,25 +196612,8 +196613,8 +196614,8 +196615,8 +196616,8 +196617,8 +196618,8 +196619,8 +196620,8 +196621,8 +196622,8 +196623,8 +196624,8 +196625,8 +196626,8 +196627,0 +196628,0 +196629,0 +196630,0 +196631,0 +196632,0 +196633,0 +196634,0 +196635,0 +196636,0 +196637,0 +196638,0 +196639,0 +196640,0 +196641,0 +196642,0 +196643,0 +196644,0 +196645,0 +196646,0 +196647,0 +196648,0 +196649,0 +196650,0 +196651,0 +196652,0 +196653,0 +196654,0 +196655,0 +196656,0 +196657,0 +196658,0 +196659,0 +196660,0 +196661,0 +196662,0 +196663,0 +196664,0 +196665,0 +196666,0 +196667,35 +196668,35 +196669,35 +196670,35 +196671,35 +196672,35 +196673,36 +196674,36 +196675,36 +196676,36 +196677,36 +196678,19 +196679,4 +196680,4 +196681,4 +196682,4 +196683,5 +196684,5 +196685,5 +196686,5 +196687,5 +196688,5 +196689,40 +196690,40 +196691,40 +196692,40 +196693,40 +196694,40 +196695,40 +196696,24 +196697,24 +196698,24 +196699,24 +196700,24 +196701,24 +196702,24 +196703,29 +196704,29 +196705,29 +196706,29 +196707,29 +196708,29 +196709,29 +196710,29 +196711,33 +196712,33 +196713,33 +196714,33 +196715,33 +196716,33 +196717,33 +196718,33 +196719,33 +196720,33 +196721,33 +196722,33 +196723,33 +196724,33 +196725,34 +196726,34 +196727,12 +196728,12 +196729,12 +196730,14 +196731,40 +196732,40 +196733,40 +196734,40 +196735,40 +196736,40 +196737,40 +196738,40 +196739,40 +196740,40 +196741,40 +196742,40 +196743,40 +196744,40 +196745,2 +196746,2 +196747,2 +196748,2 +196749,2 +196750,2 +196751,2 +196752,2 +196753,2 +196754,2 +196755,2 +196756,2 +196757,2 +196758,2 +196759,2 +196760,2 +196761,2 +196762,2 +196763,2 +196764,31 +196765,31 +196766,31 +196767,31 +196768,5 +196769,5 +196770,5 +196771,5 +196772,28 +196773,29 +196774,5 +196775,5 +196776,5 +196777,2 +196778,2 +196779,2 +196780,2 +196781,27 +196782,27 +196783,27 +196784,13 +196785,13 +196786,13 +196787,13 +196788,13 +196789,13 +196790,13 +196791,4 +196792,4 +196793,4 +196794,4 +196795,4 +196796,4 +196797,4 +196798,29 +196799,29 +196800,31 +196801,31 +196802,31 +196803,31 +196804,31 +196805,2 +196806,2 +196807,2 +196808,2 +196809,2 +196810,2 +196811,2 +196812,2 +196813,2 +196814,2 +196815,2 +196816,2 +196817,2 +196818,14 +196819,14 +196820,14 +196821,14 +196822,14 +196823,14 +196824,14 +196825,14 +196826,14 +196827,14 +196828,14 +196829,14 +196830,14 +196831,14 +196832,14 +196833,14 +196834,14 +196835,4 +196836,4 +196837,4 +196838,4 +196839,4 +196840,4 +196841,4 +196842,4 +196843,27 +196844,27 +196845,27 +196846,27 +196847,27 +196848,27 +196849,27 +196850,27 +196851,27 +196852,35 +196853,35 +196854,35 +196855,35 +196856,35 +196857,35 +196858,27 +196859,27 +196860,27 +196861,27 +196862,27 +196863,27 +196864,27 +196865,27 +196866,27 +196867,27 +196868,40 +196869,40 +196870,40 +196871,40 +196872,5 +196873,5 +196874,5 +196875,5 +196876,5 +196877,5 +196878,5 +196879,5 +196880,5 +196881,5 +196882,5 +196883,5 +196884,5 +196885,5 +196886,5 +196887,5 +196888,0 +196889,5 +196890,0 +196891,0 +196892,0 +196893,0 +196894,0 +196895,0 +196896,0 +196897,0 +196898,0 +196899,0 +196900,0 +196901,0 +196902,0 +196903,0 +196904,0 +196905,0 +196906,0 +196907,0 +196908,0 +196909,0 +196910,0 +196911,0 +196912,0 +196913,0 +196914,0 +196915,0 +196916,0 +196917,0 +196918,0 +196919,0 +196920,0 +196921,0 +196922,0 +196923,0 +196924,0 +196925,0 +196926,0 +196927,0 +196928,0 +196929,0 +196930,0 +196931,0 +196932,0 +196933,0 +196934,0 +196935,0 +196936,0 +196937,0 +196938,0 +196939,0 +196940,0 +196941,0 +196942,0 +196943,0 +196944,0 +196945,0 +196946,0 +196947,0 +196948,0 +196949,0 +196950,0 +196951,0 +196952,0 +196953,0 +196954,0 +196955,0 +196956,0 +196957,0 +196958,0 +196959,0 +196960,0 +196961,0 +196962,0 +196963,0 +196964,36 +196965,36 +196966,36 +196967,36 +196968,36 +196969,36 +196970,36 +196971,5 +196972,5 +196973,5 +196974,5 +196975,19 +196976,19 +196977,19 +196978,19 +196979,35 +196980,35 +196981,35 +196982,35 +196983,35 +196984,35 +196985,35 +196986,27 +196987,27 +196988,27 +196989,27 +196990,27 +196991,27 +196992,8 +196993,8 +196994,8 +196995,8 +196996,8 +196997,8 +196998,8 +196999,8 +197000,8 +197001,2 +197002,2 +197003,2 +197004,2 +197005,2 +197006,2 +197007,2 +197008,2 +197009,2 +197010,30 +197011,30 +197012,30 +197013,30 +197014,30 +197015,22 +197016,22 +197017,22 +197018,22 +197019,22 +197020,22 +197021,22 +197022,6 +197023,6 +197024,6 +197025,6 +197026,6 +197027,6 +197028,6 +197029,11 +197030,11 +197031,11 +197032,11 +197033,11 +197034,11 +197035,11 +197036,11 +197037,11 +197038,22 +197039,22 +197040,22 +197041,22 +197042,25 +197043,25 +197044,25 +197045,25 +197046,25 +197047,25 +197048,25 +197049,25 +197050,37 +197051,37 +197052,37 +197053,37 +197054,37 +197055,37 +197056,37 +197057,39 +197058,39 +197059,39 +197060,39 +197061,39 +197062,39 +197063,31 +197064,31 +197065,31 +197066,31 +197067,31 +197068,31 +197069,31 +197070,2 +197071,2 +197072,2 +197073,2 +197074,2 +197075,2 +197076,2 +197077,2 +197078,2 +197079,2 +197080,2 +197081,2 +197082,2 +197083,30 +197084,30 +197085,30 +197086,30 +197087,33 +197088,33 +197089,33 +197090,33 +197091,33 +197092,33 +197093,33 +197094,33 +197095,33 +197096,33 +197097,24 +197098,24 +197099,24 +197100,24 +197101,24 +197102,24 +197103,24 +197104,24 +197105,24 +197106,24 +197107,27 +197108,27 +197109,27 +197110,31 +197111,24 +197112,24 +197113,24 +197114,23 +197115,23 +197116,23 +197117,23 +197118,0 +197119,0 +197120,0 +197121,0 +197122,0 +197123,0 +197124,0 +197125,0 +197126,15 +197127,15 +197128,15 +197129,27 +197130,27 +197131,7 +197132,7 +197133,7 +197134,7 +197135,7 +197136,3 +197137,3 +197138,3 +197139,3 +197140,3 +197141,39 +197142,39 +197143,39 +197144,39 +197145,39 +197146,39 +197147,39 +197148,39 +197149,39 +197150,39 +197151,39 +197152,39 +197153,39 +197154,39 +197155,39 +197156,39 +197157,39 +197158,39 +197159,39 +197160,39 +197161,39 +197162,39 +197163,39 +197164,39 +197165,39 +197166,39 +197167,39 +197168,39 +197169,39 +197170,0 +197171,0 +197172,0 +197173,0 +197174,0 +197175,0 +197176,0 +197177,0 +197178,0 +197179,0 +197180,0 +197181,0 +197182,0 +197183,0 +197184,0 +197185,0 +197186,0 +197187,0 +197188,0 +197189,0 +197190,0 +197191,0 +197192,0 +197193,0 +197194,0 +197195,0 +197196,0 +197197,0 +197198,0 +197199,0 +197200,0 +197201,0 +197202,0 +197203,0 +197204,0 +197205,0 +197206,0 +197207,0 +197208,0 +197209,0 +197210,31 +197211,36 +197212,31 +197213,36 +197214,36 +197215,36 +197216,36 +197217,36 +197218,36 +197219,36 +197220,36 +197221,36 +197222,5 +197223,5 +197224,19 +197225,19 +197226,19 +197227,19 +197228,19 +197229,19 +197230,35 +197231,35 +197232,35 +197233,35 +197234,35 +197235,35 +197236,35 +197237,36 +197238,36 +197239,36 +197240,36 +197241,36 +197242,36 +197243,5 +197244,5 +197245,5 +197246,5 +197247,5 +197248,5 +197249,5 +197250,27 +197251,27 +197252,27 +197253,27 +197254,27 +197255,13 +197256,13 +197257,13 +197258,13 +197259,5 +197260,5 +197261,5 +197262,13 +197263,13 +197264,5 +197265,5 +197266,19 +197267,19 +197268,29 +197269,31 +197270,31 +197271,31 +197272,31 +197273,31 +197274,6 +197275,6 +197276,6 +197277,6 +197278,6 +197279,6 +197280,6 +197281,6 +197282,6 +197283,12 +197284,12 +197285,12 +197286,12 +197287,12 +197288,12 +197289,30 +197290,30 +197291,30 +197292,39 +197293,39 +197294,39 +197295,39 +197296,39 +197297,39 +197298,39 +197299,39 +197300,5 +197301,5 +197302,5 +197303,39 +197304,38 +197305,4 +197306,4 +197307,4 +197308,4 +197309,27 +197310,4 +197311,0 +197312,0 +197313,0 +197314,4 +197315,4 +197316,4 +197317,4 +197318,4 +197319,4 +197320,4 +197321,4 +197322,4 +197323,4 +197324,4 +197325,32 +197326,4 +197327,4 +197328,4 +197329,10 +197330,10 +197331,10 +197332,10 +197333,10 +197334,10 +197335,10 +197336,10 +197337,10 +197338,10 +197339,10 +197340,10 +197341,10 +197342,10 +197343,10 +197344,4 +197345,4 +197346,4 +197347,4 +197348,4 +197349,4 +197350,4 +197351,4 +197352,33 +197353,33 +197354,33 +197355,33 +197356,33 +197357,33 +197358,33 +197359,33 +197360,33 +197361,33 +197362,33 +197363,30 +197364,33 +197365,33 +197366,33 +197367,33 +197368,30 +197369,30 +197370,30 +197371,30 +197372,30 +197373,30 +197374,30 +197375,30 +197376,33 +197377,33 +197378,0 +197379,0 +197380,0 +197381,0 +197382,0 +197383,0 +197384,0 +197385,0 +197386,0 +197387,0 +197388,0 +197389,0 +197390,0 +197391,0 +197392,0 +197393,0 +197394,0 +197395,0 +197396,0 +197397,0 +197398,0 +197399,0 +197400,0 +197401,0 +197402,0 +197403,0 +197404,0 +197405,0 +197406,0 +197407,0 +197408,0 +197409,0 +197410,0 +197411,29 +197412,29 +197413,29 +197414,29 +197415,29 +197416,19 +197417,19 +197418,19 +197419,19 +197420,19 +197421,19 +197422,19 +197423,19 +197424,19 +197425,19 +197426,19 +197427,19 +197428,3 +197429,3 +197430,3 +197431,3 +197432,3 +197433,3 +197434,3 +197435,3 +197436,3 +197437,3 +197438,3 +197439,3 +197440,3 +197441,3 +197442,12 +197443,12 +197444,12 +197445,12 +197446,14 +197447,14 +197448,14 +197449,14 +197450,14 +197451,34 +197452,34 +197453,34 +197454,10 +197455,10 +197456,10 +197457,30 +197458,30 +197459,30 +197460,30 +197461,30 +197462,30 +197463,30 +197464,30 +197465,39 +197466,39 +197467,39 +197468,39 +197469,39 +197470,39 +197471,39 +197472,39 +197473,39 +197474,39 +197475,39 +197476,39 +197477,39 +197478,39 +197479,39 +197480,39 +197481,39 +197482,39 +197483,39 +197484,39 +197485,39 +197486,39 +197487,39 +197488,31 +197489,39 +197490,39 +197491,4 +197492,4 +197493,4 +197494,4 +197495,4 +197496,4 +197497,4 +197498,4 +197499,19 +197500,19 +197501,37 +197502,37 +197503,37 +197504,24 +197505,24 +197506,37 +197507,37 +197508,40 +197509,40 +197510,40 +197511,40 +197512,40 +197513,40 +197514,40 +197515,40 +197516,6 +197517,6 +197518,6 +197519,6 +197520,6 +197521,6 +197522,6 +197523,6 +197524,6 +197525,2 +197526,2 +197527,2 +197528,2 +197529,2 +197530,2 +197531,2 +197532,2 +197533,2 +197534,2 +197535,2 +197536,2 +197537,2 +197538,2 +197539,2 +197540,2 +197541,2 +197542,2 +197543,2 +197544,2 +197545,2 +197546,2 +197547,2 +197548,2 +197549,2 +197550,2 +197551,21 +197552,21 +197553,21 +197554,21 +197555,21 +197556,21 +197557,21 +197558,37 +197559,37 +197560,37 +197561,37 +197562,27 +197563,27 +197564,27 +197565,27 +197566,39 +197567,25 +197568,25 +197569,25 +197570,25 +197571,25 +197572,25 +197573,25 +197574,0 +197575,0 +197576,0 +197577,0 +197578,0 +197579,0 +197580,0 +197581,0 +197582,0 +197583,0 +197584,0 +197585,0 +197586,19 +197587,19 +197588,19 +197589,19 +197590,19 +197591,19 +197592,10 +197593,10 +197594,10 +197595,10 +197596,10 +197597,10 +197598,10 +197599,10 +197600,10 +197601,10 +197602,10 +197603,10 +197604,10 +197605,10 +197606,10 +197607,10 +197608,10 +197609,10 +197610,10 +197611,10 +197612,31 +197613,31 +197614,31 +197615,31 +197616,31 +197617,31 +197618,4 +197619,4 +197620,4 +197621,4 +197622,36 +197623,40 +197624,40 +197625,36 +197626,0 +197627,0 +197628,0 +197629,0 +197630,0 +197631,36 +197632,36 +197633,36 +197634,36 +197635,40 +197636,40 +197637,40 +197638,40 +197639,40 +197640,19 +197641,19 +197642,0 +197643,0 +197644,0 +197645,0 +197646,0 +197647,0 +197648,0 +197649,0 +197650,0 +197651,0 +197652,0 +197653,0 +197654,0 +197655,5 +197656,5 +197657,5 +197658,5 +197659,5 +197660,5 +197661,5 +197662,5 +197663,5 +197664,5 +197665,5 +197666,5 +197667,26 +197668,26 +197669,26 +197670,26 +197671,26 +197672,26 +197673,26 +197674,26 +197675,26 +197676,26 +197677,10 +197678,10 +197679,10 +197680,26 +197681,26 +197682,26 +197683,26 +197684,26 +197685,26 +197686,26 +197687,26 +197688,26 +197689,26 +197690,26 +197691,5 +197692,5 +197693,5 +197694,5 +197695,5 +197696,5 +197697,5 +197698,5 +197699,5 +197700,5 +197701,5 +197702,5 +197703,5 +197704,5 +197705,5 +197706,5 +197707,5 +197708,5 +197709,5 +197710,5 +197711,5 +197712,0 +197713,0 +197714,0 +197715,0 +197716,0 +197717,0 +197718,0 +197719,0 +197720,0 +197721,0 +197722,0 +197723,0 +197724,0 +197725,0 +197726,0 +197727,0 +197728,0 +197729,0 +197730,0 +197731,0 +197732,0 +197733,0 +197734,0 +197735,0 +197736,2 +197737,2 +197738,2 +197739,2 +197740,2 +197741,2 +197742,2 +197743,2 +197744,2 +197745,2 +197746,2 +197747,2 +197748,2 +197749,2 +197750,4 +197751,4 +197752,4 +197753,4 +197754,4 +197755,4 +197756,4 +197757,33 +197758,33 +197759,33 +197760,33 +197761,33 +197762,33 +197763,33 +197764,33 +197765,33 +197766,33 +197767,33 +197768,33 +197769,33 +197770,33 +197771,33 +197772,33 +197773,33 +197774,33 +197775,33 +197776,33 +197777,33 +197778,33 +197779,33 +197780,33 +197781,5 +197782,5 +197783,5 +197784,5 +197785,5 +197786,5 +197787,5 +197788,5 +197789,5 +197790,5 +197791,5 +197792,8 +197793,8 +197794,8 +197795,8 +197796,8 +197797,8 +197798,8 +197799,8 +197800,8 +197801,8 +197802,8 +197803,2 +197804,2 +197805,2 +197806,2 +197807,2 +197808,32 +197809,32 +197810,32 +197811,32 +197812,32 +197813,32 +197814,32 +197815,32 +197816,29 +197817,32 +197818,32 +197819,32 +197820,36 +197821,36 +197822,36 +197823,36 +197824,36 +197825,36 +197826,5 +197827,5 +197828,5 +197829,5 +197830,5 +197831,5 +197832,5 +197833,5 +197834,2 +197835,2 +197836,2 +197837,2 +197838,2 +197839,2 +197840,2 +197841,2 +197842,2 +197843,2 +197844,2 +197845,37 +197846,37 +197847,37 +197848,37 +197849,37 +197850,37 +197851,37 +197852,37 +197853,37 +197854,40 +197855,40 +197856,27 +197857,27 +197858,27 +197859,27 +197860,27 +197861,27 +197862,30 +197863,30 +197864,30 +197865,30 +197866,30 +197867,30 +197868,30 +197869,30 +197870,30 +197871,30 +197872,30 +197873,30 +197874,30 +197875,8 +197876,8 +197877,8 +197878,8 +197879,8 +197880,8 +197881,8 +197882,8 +197883,8 +197884,8 +197885,23 +197886,23 +197887,23 +197888,23 +197889,30 +197890,30 +197891,30 +197892,30 +197893,30 +197894,30 +197895,30 +197896,12 +197897,12 +197898,1 +197899,1 +197900,27 +197901,27 +197902,27 +197903,5 +197904,5 +197905,5 +197906,5 +197907,5 +197908,5 +197909,5 +197910,5 +197911,5 +197912,5 +197913,5 +197914,2 +197915,2 +197916,2 +197917,2 +197918,3 +197919,3 +197920,3 +197921,31 +197922,31 +197923,3 +197924,3 +197925,3 +197926,3 +197927,3 +197928,4 +197929,4 +197930,4 +197931,4 +197932,4 +197933,4 +197934,4 +197935,4 +197936,4 +197937,4 +197938,37 +197939,37 +197940,37 +197941,37 +197942,37 +197943,37 +197944,39 +197945,39 +197946,39 +197947,39 +197948,39 +197949,39 +197950,39 +197951,39 +197952,39 +197953,39 +197954,39 +197955,39 +197956,39 +197957,39 +197958,39 +197959,39 +197960,39 +197961,39 +197962,39 +197963,8 +197964,8 +197965,8 +197966,8 +197967,8 +197968,8 +197969,8 +197970,8 +197971,8 +197972,8 +197973,8 +197974,8 +197975,8 +197976,8 +197977,2 +197978,2 +197979,2 +197980,0 +197981,0 +197982,0 +197983,0 +197984,0 +197985,0 +197986,0 +197987,0 +197988,0 +197989,0 +197990,0 +197991,0 +197992,0 +197993,0 +197994,0 +197995,0 +197996,0 +197997,0 +197998,0 +197999,0 +198000,0 +198001,0 +198002,0 +198003,0 +198004,0 +198005,0 +198006,0 +198007,0 +198008,0 +198009,0 +198010,0 +198011,0 +198012,0 +198013,0 +198014,0 +198015,0 +198016,0 +198017,0 +198018,0 +198019,0 +198020,0 +198021,0 +198022,0 +198023,0 +198024,0 +198025,0 +198026,0 +198027,0 +198028,0 +198029,0 +198030,0 +198031,0 +198032,0 +198033,0 +198034,0 +198035,0 +198036,0 +198037,0 +198038,0 +198039,0 +198040,0 +198041,0 +198042,0 +198043,0 +198044,0 +198045,0 +198046,2 +198047,2 +198048,2 +198049,2 +198050,2 +198051,2 +198052,2 +198053,2 +198054,2 +198055,2 +198056,2 +198057,2 +198058,2 +198059,2 +198060,2 +198061,14 +198062,14 +198063,14 +198064,14 +198065,14 +198066,14 +198067,14 +198068,14 +198069,14 +198070,4 +198071,4 +198072,4 +198073,29 +198074,29 +198075,29 +198076,31 +198077,31 +198078,31 +198079,31 +198080,31 +198081,31 +198082,31 +198083,4 +198084,4 +198085,19 +198086,19 +198087,19 +198088,19 +198089,29 +198090,29 +198091,29 +198092,29 +198093,31 +198094,31 +198095,31 +198096,31 +198097,31 +198098,2 +198099,2 +198100,2 +198101,2 +198102,2 +198103,2 +198104,2 +198105,2 +198106,2 +198107,2 +198108,5 +198109,5 +198110,5 +198111,5 +198112,14 +198113,14 +198114,14 +198115,14 +198116,14 +198117,14 +198118,14 +198119,14 +198120,14 +198121,6 +198122,6 +198123,6 +198124,6 +198125,6 +198126,13 +198127,2 +198128,2 +198129,2 +198130,2 +198131,2 +198132,2 +198133,9 +198134,26 +198135,9 +198136,9 +198137,9 +198138,26 +198139,9 +198140,26 +198141,26 +198142,26 +198143,5 +198144,5 +198145,5 +198146,6 +198147,6 +198148,6 +198149,6 +198150,6 +198151,6 +198152,6 +198153,31 +198154,31 +198155,31 +198156,31 +198157,31 +198158,31 +198159,32 +198160,32 +198161,32 +198162,32 +198163,32 +198164,32 +198165,32 +198166,10 +198167,10 +198168,10 +198169,10 +198170,10 +198171,10 +198172,10 +198173,10 +198174,10 +198175,10 +198176,10 +198177,29 +198178,29 +198179,29 +198180,29 +198181,29 +198182,29 +198183,29 +198184,29 +198185,29 +198186,27 +198187,27 +198188,27 +198189,27 +198190,5 +198191,5 +198192,5 +198193,5 +198194,5 +198195,5 +198196,5 +198197,36 +198198,36 +198199,40 +198200,40 +198201,40 +198202,40 +198203,40 +198204,6 +198205,6 +198206,6 +198207,6 +198208,6 +198209,6 +198210,6 +198211,2 +198212,2 +198213,2 +198214,2 +198215,2 +198216,2 +198217,2 +198218,2 +198219,2 +198220,6 +198221,6 +198222,6 +198223,6 +198224,6 +198225,6 +198226,22 +198227,22 +198228,22 +198229,22 +198230,22 +198231,22 +198232,22 +198233,31 +198234,19 +198235,19 +198236,19 +198237,19 +198238,19 +198239,19 +198240,19 +198241,14 +198242,14 +198243,14 +198244,14 +198245,14 +198246,14 +198247,14 +198248,14 +198249,14 +198250,14 +198251,14 +198252,14 +198253,14 +198254,14 +198255,14 +198256,11 +198257,11 +198258,11 +198259,11 +198260,11 +198261,11 +198262,11 +198263,11 +198264,11 +198265,11 +198266,31 +198267,31 +198268,31 +198269,31 +198270,5 +198271,5 +198272,5 +198273,5 +198274,5 +198275,5 +198276,5 +198277,5 +198278,5 +198279,5 +198280,5 +198281,5 +198282,5 +198283,5 +198284,5 +198285,5 +198286,5 +198287,5 +198288,5 +198289,5 +198290,0 +198291,0 +198292,0 +198293,0 +198294,0 +198295,0 +198296,0 +198297,0 +198298,0 +198299,0 +198300,0 +198301,0 +198302,0 +198303,0 +198304,0 +198305,0 +198306,0 +198307,0 +198308,0 +198309,0 +198310,0 +198311,0 +198312,0 +198313,0 +198314,0 +198315,0 +198316,0 +198317,0 +198318,36 +198319,36 +198320,36 +198321,36 +198322,36 +198323,36 +198324,36 +198325,36 +198326,36 +198327,36 +198328,36 +198329,36 +198330,5 +198331,5 +198332,5 +198333,5 +198334,5 +198335,5 +198336,5 +198337,12 +198338,12 +198339,12 +198340,12 +198341,12 +198342,12 +198343,22 +198344,22 +198345,22 +198346,22 +198347,22 +198348,19 +198349,19 +198350,19 +198351,19 +198352,19 +198353,15 +198354,15 +198355,15 +198356,39 +198357,39 +198358,39 +198359,39 +198360,39 +198361,39 +198362,39 +198363,24 +198364,24 +198365,24 +198366,19 +198367,29 +198368,29 +198369,29 +198370,31 +198371,31 +198372,31 +198373,31 +198374,5 +198375,5 +198376,5 +198377,5 +198378,5 +198379,5 +198380,5 +198381,5 +198382,40 +198383,36 +198384,36 +198385,36 +198386,40 +198387,40 +198388,40 +198389,40 +198390,40 +198391,40 +198392,6 +198393,6 +198394,6 +198395,6 +198396,6 +198397,2 +198398,2 +198399,2 +198400,2 +198401,2 +198402,2 +198403,2 +198404,2 +198405,4 +198406,4 +198407,4 +198408,4 +198409,4 +198410,4 +198411,31 +198412,31 +198413,31 +198414,31 +198415,31 +198416,23 +198417,23 +198418,23 +198419,23 +198420,23 +198421,23 +198422,23 +198423,23 +198424,23 +198425,23 +198426,23 +198427,26 +198428,26 +198429,9 +198430,9 +198431,9 +198432,9 +198433,9 +198434,9 +198435,9 +198436,9 +198437,30 +198438,30 +198439,30 +198440,30 +198441,30 +198442,34 +198443,34 +198444,34 +198445,30 +198446,30 +198447,30 +198448,30 +198449,30 +198450,30 +198451,30 +198452,30 +198453,30 +198454,30 +198455,30 +198456,30 +198457,30 +198458,30 +198459,0 +198460,0 +198461,0 +198462,0 +198463,0 +198464,0 +198465,0 +198466,0 +198467,0 +198468,0 +198469,0 +198470,0 +198471,0 +198472,0 +198473,0 +198474,0 +198475,0 +198476,0 +198477,0 +198478,0 +198479,0 +198480,0 +198481,0 +198482,0 +198483,0 +198484,0 +198485,0 +198486,0 +198487,0 +198488,0 +198489,0 +198490,0 +198491,0 +198492,0 +198493,0 +198494,0 +198495,0 +198496,0 +198497,0 +198498,0 +198499,0 +198500,0 +198501,0 +198502,0 +198503,0 +198504,0 +198505,0 +198506,0 +198507,0 +198508,0 +198509,0 +198510,0 +198511,0 +198512,0 +198513,0 +198514,0 +198515,0 +198516,0 +198517,0 +198518,0 +198519,0 +198520,0 +198521,0 +198522,0 +198523,0 +198524,0 +198525,0 +198526,0 +198527,0 +198528,0 +198529,0 +198530,0 +198531,0 +198532,0 +198533,0 +198534,0 +198535,0 +198536,2 +198537,2 +198538,2 +198539,2 +198540,2 +198541,2 +198542,2 +198543,2 +198544,31 +198545,31 +198546,31 +198547,31 +198548,31 +198549,31 +198550,28 +198551,28 +198552,28 +198553,28 +198554,28 +198555,28 +198556,28 +198557,5 +198558,5 +198559,5 +198560,5 +198561,5 +198562,33 +198563,33 +198564,33 +198565,33 +198566,33 +198567,33 +198568,33 +198569,33 +198570,33 +198571,33 +198572,4 +198573,4 +198574,4 +198575,27 +198576,27 +198577,27 +198578,27 +198579,27 +198580,27 +198581,19 +198582,19 +198583,19 +198584,19 +198585,19 +198586,19 +198587,39 +198588,27 +198589,27 +198590,27 +198591,27 +198592,27 +198593,27 +198594,27 +198595,27 +198596,27 +198597,27 +198598,27 +198599,27 +198600,27 +198601,27 +198602,5 +198603,5 +198604,5 +198605,5 +198606,5 +198607,5 +198608,19 +198609,19 +198610,19 +198611,19 +198612,39 +198613,39 +198614,39 +198615,39 +198616,39 +198617,39 +198618,39 +198619,39 +198620,39 +198621,39 +198622,39 +198623,39 +198624,36 +198625,36 +198626,36 +198627,27 +198628,27 +198629,27 +198630,27 +198631,27 +198632,5 +198633,5 +198634,5 +198635,5 +198636,5 +198637,5 +198638,5 +198639,5 +198640,8 +198641,8 +198642,8 +198643,8 +198644,8 +198645,8 +198646,8 +198647,8 +198648,8 +198649,8 +198650,8 +198651,31 +198652,31 +198653,31 +198654,31 +198655,31 +198656,31 +198657,31 +198658,31 +198659,31 +198660,24 +198661,24 +198662,24 +198663,24 +198664,24 +198665,24 +198666,24 +198667,24 +198668,24 +198669,4 +198670,4 +198671,4 +198672,4 +198673,4 +198674,4 +198675,4 +198676,4 +198677,4 +198678,4 +198679,27 +198680,27 +198681,27 +198682,27 +198683,27 +198684,19 +198685,19 +198686,19 +198687,19 +198688,19 +198689,14 +198690,14 +198691,14 +198692,14 +198693,14 +198694,14 +198695,14 +198696,14 +198697,14 +198698,14 +198699,14 +198700,14 +198701,14 +198702,14 +198703,14 +198704,14 +198705,14 +198706,14 +198707,14 +198708,14 +198709,14 +198710,14 +198711,14 +198712,14 +198713,14 +198714,14 +198715,14 +198716,14 +198717,14 +198718,39 +198719,39 +198720,39 +198721,39 +198722,39 +198723,39 +198724,0 +198725,0 +198726,0 +198727,0 +198728,0 +198729,0 +198730,0 +198731,0 +198732,0 +198733,0 +198734,0 +198735,0 +198736,0 +198737,0 +198738,0 +198739,0 +198740,0 +198741,0 +198742,0 +198743,0 +198744,0 +198745,0 +198746,0 +198747,0 +198748,0 +198749,0 +198750,0 +198751,0 +198752,0 +198753,0 +198754,0 +198755,0 +198756,0 +198757,0 +198758,0 +198759,0 +198760,0 +198761,0 +198762,0 +198763,0 +198764,0 +198765,0 +198766,0 +198767,0 +198768,0 +198769,0 +198770,0 +198771,0 +198772,0 +198773,0 +198774,0 +198775,0 +198776,0 +198777,0 +198778,0 +198779,0 +198780,0 +198781,0 +198782,0 +198783,0 +198784,0 +198785,0 +198786,0 +198787,0 +198788,0 +198789,0 +198790,0 +198791,0 +198792,0 +198793,0 +198794,0 +198795,0 +198796,0 +198797,0 +198798,0 +198799,0 +198800,0 +198801,0 +198802,0 +198803,0 +198804,0 +198805,0 +198806,0 +198807,0 +198808,0 +198809,0 +198810,0 +198811,0 +198812,0 +198813,0 +198814,0 +198815,0 +198816,0 +198817,0 +198818,0 +198819,0 +198820,0 +198821,0 +198822,0 +198823,0 +198824,0 +198825,0 +198826,0 +198827,0 +198828,0 +198829,0 +198830,0 +198831,0 +198832,0 +198833,0 +198834,0 +198835,0 +198836,0 +198837,0 +198838,0 +198839,0 +198840,0 +198841,0 +198842,0 +198843,37 +198844,37 +198845,37 +198846,37 +198847,37 +198848,37 +198849,37 +198850,37 +198851,37 +198852,35 +198853,35 +198854,35 +198855,36 +198856,36 +198857,36 +198858,36 +198859,36 +198860,36 +198861,36 +198862,32 +198863,32 +198864,32 +198865,2 +198866,2 +198867,2 +198868,2 +198869,2 +198870,2 +198871,2 +198872,2 +198873,2 +198874,2 +198875,31 +198876,31 +198877,31 +198878,31 +198879,31 +198880,31 +198881,31 +198882,31 +198883,38 +198884,23 +198885,23 +198886,38 +198887,38 +198888,38 +198889,38 +198890,38 +198891,23 +198892,23 +198893,23 +198894,23 +198895,9 +198896,9 +198897,9 +198898,9 +198899,9 +198900,9 +198901,9 +198902,37 +198903,37 +198904,37 +198905,37 +198906,37 +198907,37 +198908,37 +198909,28 +198910,28 +198911,28 +198912,28 +198913,28 +198914,28 +198915,33 +198916,33 +198917,33 +198918,33 +198919,33 +198920,33 +198921,33 +198922,33 +198923,33 +198924,33 +198925,33 +198926,33 +198927,33 +198928,33 +198929,2 +198930,2 +198931,2 +198932,2 +198933,2 +198934,2 +198935,2 +198936,4 +198937,4 +198938,4 +198939,4 +198940,4 +198941,31 +198942,31 +198943,31 +198944,31 +198945,31 +198946,31 +198947,24 +198948,24 +198949,24 +198950,24 +198951,24 +198952,29 +198953,29 +198954,29 +198955,29 +198956,29 +198957,39 +198958,39 +198959,39 +198960,39 +198961,39 +198962,39 +198963,39 +198964,39 +198965,39 +198966,39 +198967,39 +198968,39 +198969,39 +198970,39 +198971,39 +198972,39 +198973,39 +198974,8 +198975,8 +198976,8 +198977,8 +198978,8 +198979,8 +198980,8 +198981,8 +198982,27 +198983,27 +198984,27 +198985,27 +198986,27 +198987,27 +198988,27 +198989,27 +198990,27 +198991,8 +198992,8 +198993,8 +198994,8 +198995,8 +198996,8 +198997,8 +198998,19 +198999,19 +199000,19 +199001,19 +199002,4 +199003,4 +199004,4 +199005,31 +199006,26 +199007,31 +199008,31 +199009,26 +199010,26 +199011,26 +199012,26 +199013,31 +199014,26 +199015,6 +199016,32 +199017,32 +199018,32 +199019,32 +199020,4 +199021,4 +199022,4 +199023,4 +199024,4 +199025,4 +199026,4 +199027,25 +199028,25 +199029,25 +199030,25 +199031,25 +199032,25 +199033,6 +199034,6 +199035,6 +199036,6 +199037,6 +199038,6 +199039,6 +199040,6 +199041,6 +199042,6 +199043,6 +199044,6 +199045,6 +199046,26 +199047,26 +199048,26 +199049,26 +199050,26 +199051,26 +199052,26 +199053,37 +199054,37 +199055,37 +199056,37 +199057,37 +199058,37 +199059,37 +199060,37 +199061,37 +199062,29 +199063,29 +199064,29 +199065,29 +199066,30 +199067,30 +199068,30 +199069,33 +199070,33 +199071,33 +199072,33 +199073,33 +199074,33 +199075,33 +199076,33 +199077,33 +199078,33 +199079,33 +199080,33 +199081,33 +199082,33 +199083,33 +199084,8 +199085,8 +199086,8 +199087,8 +199088,8 +199089,8 +199090,8 +199091,8 +199092,8 +199093,2 +199094,8 +199095,2 +199096,2 +199097,2 +199098,28 +199099,28 +199100,28 +199101,28 +199102,28 +199103,28 +199104,28 +199105,28 +199106,28 +199107,28 +199108,31 +199109,31 +199110,26 +199111,26 +199112,26 +199113,26 +199114,26 +199115,5 +199116,5 +199117,5 +199118,5 +199119,4 +199120,4 +199121,4 +199122,4 +199123,27 +199124,27 +199125,27 +199126,27 +199127,27 +199128,27 +199129,40 +199130,40 +199131,8 +199132,8 +199133,8 +199134,8 +199135,8 +199136,8 +199137,8 +199138,8 +199139,8 +199140,8 +199141,8 +199142,31 +199143,31 +199144,31 +199145,3 +199146,3 +199147,3 +199148,3 +199149,3 +199150,3 +199151,3 +199152,3 +199153,3 +199154,3 +199155,28 +199156,28 +199157,28 +199158,28 +199159,28 +199160,31 +199161,31 +199162,31 +199163,31 +199164,31 +199165,31 +199166,31 +199167,31 +199168,31 +199169,31 +199170,31 +199171,31 +199172,31 +199173,25 +199174,25 +199175,25 +199176,25 +199177,25 +199178,25 +199179,25 +199180,25 +199181,25 +199182,25 +199183,31 +199184,31 +199185,31 +199186,31 +199187,31 +199188,31 +199189,31 +199190,31 +199191,31 +199192,31 +199193,31 +199194,24 +199195,24 +199196,24 +199197,24 +199198,24 +199199,24 +199200,11 +199201,11 +199202,11 +199203,11 +199204,11 +199205,11 +199206,11 +199207,11 +199208,11 +199209,11 +199210,22 +199211,22 +199212,22 +199213,22 +199214,22 +199215,6 +199216,6 +199217,6 +199218,6 +199219,6 +199220,6 +199221,6 +199222,6 +199223,6 +199224,6 +199225,6 +199226,26 +199227,26 +199228,26 +199229,26 +199230,26 +199231,26 +199232,26 +199233,26 +199234,26 +199235,9 +199236,26 +199237,26 +199238,26 +199239,21 +199240,21 +199241,21 +199242,21 +199243,21 +199244,21 +199245,21 +199246,33 +199247,33 +199248,33 +199249,33 +199250,33 +199251,33 +199252,33 +199253,33 +199254,33 +199255,33 +199256,33 +199257,33 +199258,33 +199259,33 +199260,33 +199261,33 +199262,33 +199263,33 +199264,33 +199265,33 +199266,33 +199267,33 +199268,33 +199269,33 +199270,33 +199271,0 +199272,0 +199273,0 +199274,0 +199275,0 +199276,0 +199277,0 +199278,0 +199279,0 +199280,0 +199281,0 +199282,0 +199283,0 +199284,0 +199285,0 +199286,0 +199287,0 +199288,0 +199289,0 +199290,0 +199291,0 +199292,0 +199293,0 +199294,0 +199295,0 +199296,0 +199297,0 +199298,0 +199299,0 +199300,31 +199301,31 +199302,33 +199303,33 +199304,33 +199305,33 +199306,33 +199307,33 +199308,33 +199309,33 +199310,33 +199311,23 +199312,23 +199313,23 +199314,23 +199315,23 +199316,23 +199317,23 +199318,23 +199319,23 +199320,23 +199321,23 +199322,31 +199323,31 +199324,31 +199325,31 +199326,31 +199327,31 +199328,31 +199329,31 +199330,31 +199331,31 +199332,15 +199333,15 +199334,15 +199335,15 +199336,15 +199337,12 +199338,31 +199339,12 +199340,30 +199341,30 +199342,30 +199343,30 +199344,31 +199345,31 +199346,31 +199347,31 +199348,31 +199349,31 +199350,19 +199351,19 +199352,19 +199353,19 +199354,21 +199355,21 +199356,21 +199357,21 +199358,21 +199359,21 +199360,21 +199361,21 +199362,21 +199363,25 +199364,21 +199365,21 +199366,21 +199367,31 +199368,31 +199369,31 +199370,31 +199371,31 +199372,31 +199373,31 +199374,31 +199375,36 +199376,36 +199377,36 +199378,31 +199379,32 +199380,32 +199381,32 +199382,32 +199383,32 +199384,32 +199385,32 +199386,32 +199387,32 +199388,32 +199389,32 +199390,32 +199391,32 +199392,36 +199393,36 +199394,36 +199395,36 +199396,36 +199397,36 +199398,36 +199399,36 +199400,36 +199401,36 +199402,36 +199403,36 +199404,16 +199405,16 +199406,16 +199407,4 +199408,4 +199409,4 +199410,4 +199411,4 +199412,4 +199413,4 +199414,4 +199415,4 +199416,4 +199417,39 +199418,39 +199419,39 +199420,39 +199421,39 +199422,39 +199423,39 +199424,39 +199425,39 +199426,39 +199427,39 +199428,39 +199429,39 +199430,39 +199431,39 +199432,39 +199433,39 +199434,39 +199435,39 +199436,0 +199437,0 +199438,0 +199439,0 +199440,0 +199441,0 +199442,0 +199443,0 +199444,0 +199445,0 +199446,0 +199447,0 +199448,0 +199449,0 +199450,0 +199451,0 +199452,0 +199453,0 +199454,0 +199455,0 +199456,0 +199457,0 +199458,0 +199459,0 +199460,0 +199461,0 +199462,0 +199463,0 +199464,0 +199465,0 +199466,0 +199467,0 +199468,0 +199469,0 +199470,0 +199471,6 +199472,6 +199473,6 +199474,6 +199475,6 +199476,6 +199477,6 +199478,31 +199479,31 +199480,31 +199481,31 +199482,28 +199483,28 +199484,28 +199485,28 +199486,28 +199487,28 +199488,4 +199489,4 +199490,4 +199491,4 +199492,4 +199493,4 +199494,4 +199495,4 +199496,4 +199497,4 +199498,37 +199499,37 +199500,37 +199501,37 +199502,37 +199503,37 +199504,37 +199505,37 +199506,37 +199507,37 +199508,37 +199509,37 +199510,37 +199511,37 +199512,37 +199513,37 +199514,37 +199515,37 +199516,37 +199517,39 +199518,39 +199519,27 +199520,27 +199521,27 +199522,27 +199523,27 +199524,27 +199525,4 +199526,4 +199527,4 +199528,4 +199529,4 +199530,4 +199531,4 +199532,4 +199533,4 +199534,4 +199535,31 +199536,31 +199537,31 +199538,31 +199539,29 +199540,29 +199541,29 +199542,29 +199543,29 +199544,29 +199545,39 +199546,39 +199547,39 +199548,39 +199549,39 +199550,39 +199551,39 +199552,39 +199553,39 +199554,26 +199555,26 +199556,26 +199557,26 +199558,26 +199559,26 +199560,26 +199561,26 +199562,26 +199563,26 +199564,26 +199565,37 +199566,37 +199567,37 +199568,37 +199569,37 +199570,37 +199571,37 +199572,31 +199573,31 +199574,31 +199575,31 +199576,31 +199577,6 +199578,6 +199579,6 +199580,6 +199581,6 +199582,6 +199583,6 +199584,6 +199585,31 +199586,31 +199587,31 +199588,31 +199589,31 +199590,31 +199591,30 +199592,30 +199593,30 +199594,30 +199595,30 +199596,30 +199597,30 +199598,30 +199599,8 +199600,8 +199601,8 +199602,2 +199603,2 +199604,2 +199605,2 +199606,2 +199607,2 +199608,2 +199609,31 +199610,31 +199611,31 +199612,31 +199613,31 +199614,24 +199615,24 +199616,24 +199617,24 +199618,24 +199619,24 +199620,24 +199621,29 +199622,29 +199623,29 +199624,31 +199625,31 +199626,31 +199627,31 +199628,28 +199629,28 +199630,28 +199631,28 +199632,28 +199633,28 +199634,28 +199635,28 +199636,36 +199637,36 +199638,36 +199639,36 +199640,36 +199641,36 +199642,40 +199643,40 +199644,40 +199645,40 +199646,36 +199647,36 +199648,26 +199649,26 +199650,37 +199651,37 +199652,37 +199653,37 +199654,37 +199655,37 +199656,37 +199657,25 +199658,25 +199659,25 +199660,25 +199661,25 +199662,25 +199663,25 +199664,2 +199665,2 +199666,2 +199667,2 +199668,2 +199669,2 +199670,2 +199671,2 +199672,4 +199673,4 +199674,4 +199675,4 +199676,4 +199677,4 +199678,4 +199679,4 +199680,4 +199681,4 +199682,4 +199683,4 +199684,4 +199685,37 +199686,37 +199687,37 +199688,37 +199689,37 +199690,39 +199691,39 +199692,39 +199693,39 +199694,39 +199695,39 +199696,39 +199697,39 +199698,39 +199699,39 +199700,39 +199701,39 +199702,39 +199703,39 +199704,39 +199705,39 +199706,39 +199707,39 +199708,39 +199709,39 +199710,39 +199711,39 +199712,39 +199713,39 +199714,39 +199715,39 +199716,39 +199717,39 +199718,39 +199719,39 +199720,0 +199721,0 +199722,0 +199723,0 +199724,0 +199725,0 +199726,0 +199727,0 +199728,0 +199729,0 +199730,0 +199731,0 +199732,0 +199733,0 +199734,0 +199735,0 +199736,0 +199737,0 +199738,0 +199739,0 +199740,0 +199741,0 +199742,0 +199743,0 +199744,0 +199745,0 +199746,0 +199747,0 +199748,0 +199749,0 +199750,0 +199751,0 +199752,0 +199753,0 +199754,0 +199755,0 +199756,0 +199757,0 +199758,0 +199759,0 +199760,0 +199761,0 +199762,0 +199763,0 +199764,0 +199765,0 +199766,35 +199767,0 +199768,0 +199769,0 +199770,0 +199771,0 +199772,35 +199773,35 +199774,35 +199775,35 +199776,35 +199777,35 +199778,35 +199779,39 +199780,39 +199781,39 +199782,39 +199783,39 +199784,39 +199785,39 +199786,27 +199787,27 +199788,27 +199789,27 +199790,27 +199791,27 +199792,27 +199793,5 +199794,5 +199795,5 +199796,5 +199797,5 +199798,5 +199799,5 +199800,6 +199801,32 +199802,32 +199803,32 +199804,32 +199805,32 +199806,32 +199807,32 +199808,32 +199809,32 +199810,32 +199811,32 +199812,6 +199813,9 +199814,9 +199815,9 +199816,9 +199817,9 +199818,9 +199819,9 +199820,9 +199821,9 +199822,37 +199823,37 +199824,37 +199825,37 +199826,37 +199827,25 +199828,25 +199829,25 +199830,25 +199831,25 +199832,25 +199833,18 +199834,18 +199835,18 +199836,19 +199837,19 +199838,19 +199839,2 +199840,2 +199841,2 +199842,2 +199843,2 +199844,2 +199845,2 +199846,2 +199847,2 +199848,2 +199849,2 +199850,2 +199851,29 +199852,29 +199853,29 +199854,29 +199855,29 +199856,39 +199857,39 +199858,39 +199859,27 +199860,27 +199861,39 +199862,40 +199863,40 +199864,40 +199865,14 +199866,40 +199867,14 +199868,14 +199869,14 +199870,14 +199871,14 +199872,14 +199873,27 +199874,27 +199875,13 +199876,13 +199877,13 +199878,13 +199879,13 +199880,13 +199881,13 +199882,13 +199883,13 +199884,13 +199885,12 +199886,12 +199887,12 +199888,27 +199889,27 +199890,27 +199891,27 +199892,27 +199893,27 +199894,27 +199895,27 +199896,11 +199897,11 +199898,11 +199899,11 +199900,11 +199901,2 +199902,11 +199903,11 +199904,11 +199905,11 +199906,11 +199907,11 +199908,11 +199909,11 +199910,11 +199911,11 +199912,11 +199913,11 +199914,11 +199915,11 +199916,11 +199917,31 +199918,31 +199919,31 +199920,31 +199921,5 +199922,5 +199923,5 +199924,5 +199925,5 +199926,5 +199927,32 +199928,2 +199929,2 +199930,2 +199931,2 +199932,2 +199933,2 +199934,2 +199935,2 +199936,2 +199937,2 +199938,2 +199939,2 +199940,2 +199941,31 +199942,31 +199943,31 +199944,31 +199945,31 +199946,31 +199947,24 +199948,24 +199949,24 +199950,24 +199951,24 +199952,24 +199953,24 +199954,24 +199955,24 +199956,24 +199957,24 +199958,24 +199959,12 +199960,12 +199961,12 +199962,12 +199963,12 +199964,12 +199965,12 +199966,9 +199967,9 +199968,9 +199969,9 +199970,9 +199971,9 +199972,9 +199973,9 +199974,9 +199975,9 +199976,9 +199977,9 +199978,9 +199979,9 +199980,9 +199981,9 +199982,37 +199983,37 +199984,37 +199985,37 +199986,37 +199987,37 +199988,37 +199989,37 +199990,37 +199991,37 +199992,37 +199993,37 +199994,25 +199995,26 +199996,31 +199997,31 +199998,31 +199999,35 +200000,10 +200001,31 +200002,36 +200003,5 +200004,5 +200005,5 +200006,5 +200007,5 +200008,5 +200009,5 +200010,32 +200011,32 +200012,32 +200013,32 +200014,32 +200015,32 +200016,32 +200017,32 +200018,32 +200019,32 +200020,32 +200021,32 +200022,32 +200023,37 +200024,37 +200025,37 +200026,37 +200027,37 +200028,37 +200029,37 +200030,10 +200031,10 +200032,10 +200033,10 +200034,10 +200035,10 +200036,10 +200037,10 +200038,10 +200039,24 +200040,24 +200041,24 +200042,24 +200043,24 +200044,24 +200045,27 +200046,27 +200047,27 +200048,4 +200049,4 +200050,4 +200051,4 +200052,4 +200053,4 +200054,4 +200055,4 +200056,4 +200057,4 +200058,4 +200059,4 +200060,4 +200061,4 +200062,4 +200063,4 +200064,4 +200065,39 +200066,39 +200067,39 +200068,39 +200069,39 +200070,39 +200071,39 +200072,27 +200073,37 +200074,37 +200075,37 +200076,37 +200077,37 +200078,37 +200079,37 +200080,37 +200081,37 +200082,37 +200083,25 +200084,25 +200085,25 +200086,8 +200087,8 +200088,8 +200089,8 +200090,8 +200091,8 +200092,8 +200093,8 +200094,8 +200095,2 +200096,4 +200097,4 +200098,4 +200099,4 +200100,4 +200101,4 +200102,4 +200103,4 +200104,27 +200105,27 +200106,27 +200107,27 +200108,31 +200109,2 +200110,2 +200111,2 +200112,2 +200113,2 +200114,2 +200115,2 +200116,2 +200117,2 +200118,2 +200119,2 +200120,2 +200121,2 +200122,2 +200123,2 +200124,2 +200125,2 +200126,39 +200127,39 +200128,39 +200129,39 +200130,39 +200131,39 +200132,39 +200133,39 +200134,39 +200135,39 +200136,39 +200137,39 +200138,39 +200139,8 +200140,8 +200141,8 +200142,8 +200143,8 +200144,8 +200145,8 +200146,8 +200147,8 +200148,8 +200149,8 +200150,24 +200151,24 +200152,24 +200153,24 +200154,24 +200155,29 +200156,29 +200157,29 +200158,29 +200159,36 +200160,36 +200161,36 +200162,40 +200163,40 +200164,40 +200165,40 +200166,40 +200167,2 +200168,2 +200169,2 +200170,2 +200171,2 +200172,2 +200173,2 +200174,2 +200175,2 +200176,31 +200177,31 +200178,31 +200179,31 +200180,31 +200181,31 +200182,31 +200183,30 +200184,30 +200185,30 +200186,30 +200187,30 +200188,30 +200189,30 +200190,8 +200191,8 +200192,8 +200193,8 +200194,8 +200195,8 +200196,8 +200197,8 +200198,8 +200199,32 +200200,32 +200201,32 +200202,32 +200203,32 +200204,30 +200205,30 +200206,30 +200207,30 +200208,30 +200209,30 +200210,30 +200211,30 +200212,30 +200213,30 +200214,9 +200215,9 +200216,9 +200217,9 +200218,9 +200219,9 +200220,9 +200221,9 +200222,9 +200223,9 +200224,9 +200225,9 +200226,9 +200227,9 +200228,9 +200229,13 +200230,13 +200231,13 +200232,13 +200233,13 +200234,13 +200235,13 +200236,13 +200237,13 +200238,14 +200239,14 +200240,14 +200241,14 +200242,14 +200243,14 +200244,28 +200245,28 +200246,28 +200247,28 +200248,4 +200249,4 +200250,4 +200251,4 +200252,4 +200253,4 +200254,4 +200255,4 +200256,4 +200257,4 +200258,23 +200259,23 +200260,23 +200261,23 +200262,23 +200263,23 +200264,23 +200265,23 +200266,23 +200267,23 +200268,23 +200269,25 +200270,25 +200271,25 +200272,25 +200273,25 +200274,25 +200275,25 +200276,25 +200277,25 +200278,25 +200279,5 +200280,5 +200281,5 +200282,5 +200283,5 +200284,5 +200285,2 +200286,2 +200287,2 +200288,2 +200289,2 +200290,2 +200291,2 +200292,2 +200293,16 +200294,2 +200295,2 +200296,2 +200297,2 +200298,28 +200299,28 +200300,28 +200301,28 +200302,28 +200303,28 +200304,9 +200305,9 +200306,9 +200307,37 +200308,37 +200309,37 +200310,37 +200311,37 +200312,37 +200313,37 +200314,37 +200315,37 +200316,2 +200317,2 +200318,2 +200319,2 +200320,2 +200321,2 +200322,2 +200323,4 +200324,4 +200325,31 +200326,31 +200327,31 +200328,31 +200329,31 +200330,5 +200331,5 +200332,5 +200333,5 +200334,5 +200335,5 +200336,5 +200337,5 +200338,5 +200339,2 +200340,2 +200341,2 +200342,8 +200343,8 +200344,2 +200345,2 +200346,2 +200347,2 +200348,2 +200349,2 +200350,2 +200351,2 +200352,2 +200353,2 +200354,2 +200355,2 +200356,2 +200357,0 +200358,0 +200359,0 +200360,0 +200361,0 +200362,0 +200363,0 +200364,0 +200365,0 +200366,0 +200367,0 +200368,0 +200369,0 +200370,0 +200371,0 +200372,0 +200373,0 +200374,0 +200375,0 +200376,0 +200377,0 +200378,0 +200379,0 +200380,0 +200381,0 +200382,0 +200383,0 +200384,0 +200385,0 +200386,0 +200387,35 +200388,35 +200389,35 +200390,35 +200391,35 +200392,35 +200393,35 +200394,35 +200395,27 +200396,27 +200397,27 +200398,27 +200399,27 +200400,27 +200401,2 +200402,2 +200403,2 +200404,2 +200405,2 +200406,2 +200407,4 +200408,4 +200409,4 +200410,23 +200411,23 +200412,23 +200413,23 +200414,14 +200415,14 +200416,14 +200417,14 +200418,14 +200419,14 +200420,14 +200421,14 +200422,14 +200423,2 +200424,2 +200425,2 +200426,2 +200427,2 +200428,2 +200429,2 +200430,2 +200431,2 +200432,31 +200433,27 +200434,27 +200435,27 +200436,19 +200437,19 +200438,19 +200439,19 +200440,19 +200441,30 +200442,30 +200443,30 +200444,30 +200445,30 +200446,30 +200447,30 +200448,30 +200449,36 +200450,36 +200451,36 +200452,14 +200453,14 +200454,14 +200455,14 +200456,13 +200457,13 +200458,13 +200459,13 +200460,38 +200461,38 +200462,38 +200463,38 +200464,38 +200465,38 +200466,38 +200467,38 +200468,38 +200469,27 +200470,27 +200471,13 +200472,13 +200473,5 +200474,5 +200475,5 +200476,4 +200477,4 +200478,4 +200479,4 +200480,4 +200481,4 +200482,4 +200483,4 +200484,4 +200485,4 +200486,31 +200487,31 +200488,5 +200489,5 +200490,5 +200491,5 +200492,5 +200493,5 +200494,5 +200495,2 +200496,2 +200497,2 +200498,2 +200499,2 +200500,2 +200501,2 +200502,2 +200503,2 +200504,2 +200505,2 +200506,2 +200507,31 +200508,31 +200509,31 +200510,31 +200511,31 +200512,31 +200513,4 +200514,4 +200515,25 +200516,25 +200517,25 +200518,25 +200519,25 +200520,25 +200521,25 +200522,25 +200523,25 +200524,25 +200525,25 +200526,25 +200527,25 +200528,25 +200529,25 +200530,32 +200531,32 +200532,32 +200533,32 +200534,32 +200535,32 +200536,30 +200537,30 +200538,30 +200539,30 +200540,30 +200541,30 +200542,30 +200543,30 +200544,30 +200545,39 +200546,39 +200547,39 +200548,39 +200549,39 +200550,39 +200551,15 +200552,15 +200553,15 +200554,15 +200555,15 +200556,15 +200557,15 +200558,15 +200559,15 +200560,36 +200561,36 +200562,36 +200563,36 +200564,31 +200565,36 +200566,36 +200567,5 +200568,5 +200569,5 +200570,5 +200571,5 +200572,5 +200573,31 +200574,31 +200575,31 +200576,31 +200577,31 +200578,2 +200579,2 +200580,2 +200581,2 +200582,2 +200583,2 +200584,2 +200585,2 +200586,2 +200587,2 +200588,4 +200589,4 +200590,4 +200591,4 +200592,4 +200593,4 +200594,4 +200595,10 +200596,10 +200597,10 +200598,10 +200599,10 +200600,10 +200601,10 +200602,10 +200603,10 +200604,10 +200605,10 +200606,10 +200607,10 +200608,10 +200609,10 +200610,10 +200611,10 +200612,10 +200613,10 +200614,10 +200615,28 +200616,28 +200617,28 +200618,28 +200619,28 +200620,28 +200621,28 +200622,28 +200623,28 +200624,28 +200625,28 +200626,28 +200627,0 +200628,0 +200629,0 +200630,0 +200631,0 +200632,0 +200633,0 +200634,0 +200635,0 +200636,0 +200637,0 +200638,0 +200639,0 +200640,0 +200641,0 +200642,0 +200643,0 +200644,0 +200645,0 +200646,0 +200647,0 +200648,0 +200649,0 +200650,0 +200651,0 +200652,0 +200653,0 +200654,0 +200655,0 +200656,0 +200657,0 +200658,0 +200659,0 +200660,0 +200661,0 +200662,0 +200663,0 +200664,0 +200665,0 +200666,0 +200667,0 +200668,0 +200669,0 +200670,0 +200671,0 +200672,0 +200673,0 +200674,0 +200675,0 +200676,0 +200677,0 +200678,0 +200679,0 +200680,0 +200681,0 +200682,0 +200683,0 +200684,36 +200685,36 +200686,36 +200687,36 +200688,36 +200689,36 +200690,36 +200691,36 +200692,36 +200693,5 +200694,5 +200695,5 +200696,5 +200697,5 +200698,27 +200699,27 +200700,27 +200701,27 +200702,4 +200703,4 +200704,4 +200705,4 +200706,4 +200707,4 +200708,4 +200709,4 +200710,4 +200711,4 +200712,4 +200713,4 +200714,21 +200715,21 +200716,21 +200717,21 +200718,21 +200719,37 +200720,37 +200721,37 +200722,37 +200723,37 +200724,37 +200725,3 +200726,3 +200727,3 +200728,3 +200729,3 +200730,3 +200731,3 +200732,3 +200733,3 +200734,3 +200735,3 +200736,3 +200737,37 +200738,37 +200739,6 +200740,6 +200741,6 +200742,6 +200743,6 +200744,6 +200745,6 +200746,31 +200747,31 +200748,31 +200749,31 +200750,5 +200751,5 +200752,5 +200753,5 +200754,5 +200755,5 +200756,19 +200757,19 +200758,19 +200759,35 +200760,35 +200761,35 +200762,35 +200763,35 +200764,35 +200765,35 +200766,35 +200767,35 +200768,35 +200769,35 +200770,7 +200771,7 +200772,7 +200773,7 +200774,7 +200775,7 +200776,3 +200777,3 +200778,3 +200779,3 +200780,3 +200781,3 +200782,3 +200783,3 +200784,3 +200785,3 +200786,3 +200787,3 +200788,3 +200789,3 +200790,3 +200791,4 +200792,4 +200793,4 +200794,4 +200795,4 +200796,4 +200797,4 +200798,27 +200799,27 +200800,27 +200801,6 +200802,6 +200803,6 +200804,6 +200805,6 +200806,6 +200807,6 +200808,6 +200809,6 +200810,6 +200811,6 +200812,6 +200813,6 +200814,26 +200815,26 +200816,26 +200817,26 +200818,26 +200819,26 +200820,26 +200821,26 +200822,34 +200823,34 +200824,10 +200825,10 +200826,10 +200827,10 +200828,10 +200829,10 +200830,10 +200831,10 +200832,10 +200833,10 +200834,10 +200835,10 +200836,10 +200837,10 +200838,10 +200839,19 +200840,10 +200841,19 +200842,19 +200843,19 +200844,19 +200845,19 +200846,19 +200847,19 +200848,19 +200849,19 +200850,19 +200851,19 +200852,19 +200853,0 +200854,0 +200855,0 +200856,0 +200857,0 +200858,0 +200859,0 +200860,0 +200861,0 +200862,0 +200863,0 +200864,0 +200865,0 +200866,0 +200867,0 +200868,0 +200869,0 +200870,0 +200871,0 +200872,0 +200873,0 +200874,0 +200875,0 +200876,0 +200877,0 +200878,0 +200879,0 +200880,0 +200881,0 +200882,0 +200883,0 +200884,0 +200885,0 +200886,0 +200887,0 +200888,0 +200889,0 +200890,0 +200891,0 +200892,0 +200893,0 +200894,0 +200895,0 +200896,0 +200897,0 +200898,0 +200899,0 +200900,0 +200901,0 +200902,0 +200903,0 +200904,0 +200905,0 +200906,0 +200907,0 +200908,0 +200909,0 +200910,0 +200911,0 +200912,0 +200913,0 +200914,0 +200915,0 +200916,0 +200917,0 +200918,0 +200919,0 +200920,0 +200921,0 +200922,0 +200923,0 +200924,0 +200925,0 +200926,0 +200927,0 +200928,0 +200929,0 +200930,0 +200931,10 +200932,10 +200933,10 +200934,10 +200935,10 +200936,10 +200937,10 +200938,10 +200939,10 +200940,10 +200941,10 +200942,10 +200943,10 +200944,19 +200945,19 +200946,19 +200947,19 +200948,19 +200949,19 +200950,27 +200951,27 +200952,27 +200953,19 +200954,5 +200955,5 +200956,5 +200957,5 +200958,5 +200959,5 +200960,5 +200961,9 +200962,9 +200963,9 +200964,26 +200965,26 +200966,26 +200967,26 +200968,4 +200969,4 +200970,38 +200971,4 +200972,4 +200973,4 +200974,29 +200975,29 +200976,29 +200977,29 +200978,29 +200979,27 +200980,27 +200981,27 +200982,27 +200983,13 +200984,13 +200985,13 +200986,13 +200987,28 +200988,28 +200989,6 +200990,4 +200991,4 +200992,4 +200993,4 +200994,4 +200995,7 +200996,4 +200997,3 +200998,12 +200999,12 +201000,12 +201001,3 +201002,3 +201003,12 +201004,12 +201005,22 +201006,22 +201007,22 +201008,19 +201009,19 +201010,19 +201011,19 +201012,19 +201013,2 +201014,2 +201015,2 +201016,2 +201017,2 +201018,2 +201019,2 +201020,2 +201021,2 +201022,2 +201023,4 +201024,4 +201025,4 +201026,4 +201027,4 +201028,4 +201029,34 +201030,34 +201031,34 +201032,34 +201033,34 +201034,34 +201035,34 +201036,34 +201037,34 +201038,5 +201039,5 +201040,5 +201041,5 +201042,5 +201043,5 +201044,31 +201045,31 +201046,31 +201047,32 +201048,32 +201049,32 +201050,32 +201051,32 +201052,32 +201053,32 +201054,32 +201055,26 +201056,26 +201057,26 +201058,26 +201059,26 +201060,5 +201061,5 +201062,5 +201063,5 +201064,5 +201065,5 +201066,5 +201067,5 +201068,5 +201069,5 +201070,2 +201071,2 +201072,2 +201073,2 +201074,2 +201075,2 +201076,2 +201077,2 +201078,2 +201079,2 +201080,2 +201081,2 +201082,2 +201083,25 +201084,25 +201085,25 +201086,25 +201087,25 +201088,25 +201089,25 +201090,25 +201091,25 +201092,37 +201093,37 +201094,37 +201095,37 +201096,25 +201097,31 +201098,31 +201099,31 +201100,31 +201101,31 +201102,28 +201103,28 +201104,28 +201105,33 +201106,33 +201107,33 +201108,33 +201109,33 +201110,33 +201111,33 +201112,33 +201113,5 +201114,5 +201115,5 +201116,5 +201117,5 +201118,7 +201119,7 +201120,7 +201121,7 +201122,7 +201123,39 +201124,39 +201125,39 +201126,15 +201127,15 +201128,15 +201129,15 +201130,15 +201131,15 +201132,31 +201133,31 +201134,31 +201135,31 +201136,34 +201137,34 +201138,34 +201139,34 +201140,4 +201141,4 +201142,4 +201143,4 +201144,4 +201145,4 +201146,4 +201147,4 +201148,4 +201149,4 +201150,4 +201151,4 +201152,4 +201153,4 +201154,2 +201155,2 +201156,2 +201157,2 +201158,2 +201159,2 +201160,2 +201161,2 +201162,2 +201163,2 +201164,2 +201165,2 +201166,2 +201167,2 +201168,2 +201169,25 +201170,25 +201171,25 +201172,25 +201173,25 +201174,25 +201175,25 +201176,25 +201177,25 +201178,25 +201179,25 +201180,25 +201181,25 +201182,25 +201183,28 +201184,28 +201185,28 +201186,28 +201187,25 +201188,25 +201189,25 +201190,25 +201191,25 +201192,0 +201193,0 +201194,0 +201195,0 +201196,0 +201197,0 +201198,0 +201199,0 +201200,0 +201201,0 +201202,0 +201203,0 +201204,0 +201205,0 +201206,0 +201207,0 +201208,0 +201209,0 +201210,0 +201211,0 +201212,0 +201213,0 +201214,0 +201215,0 +201216,0 +201217,0 +201218,0 +201219,0 +201220,0 +201221,0 +201222,0 +201223,0 +201224,0 +201225,0 +201226,0 +201227,0 +201228,0 +201229,0 +201230,0 +201231,0 +201232,0 +201233,0 +201234,0 +201235,0 +201236,0 +201237,0 +201238,0 +201239,0 +201240,35 +201241,12 +201242,12 +201243,12 +201244,12 +201245,12 +201246,12 +201247,31 +201248,31 +201249,31 +201250,31 +201251,4 +201252,4 +201253,31 +201254,2 +201255,2 +201256,2 +201257,2 +201258,2 +201259,2 +201260,2 +201261,2 +201262,2 +201263,2 +201264,29 +201265,29 +201266,29 +201267,4 +201268,4 +201269,39 +201270,39 +201271,39 +201272,39 +201273,39 +201274,39 +201275,39 +201276,39 +201277,39 +201278,39 +201279,39 +201280,39 +201281,39 +201282,39 +201283,39 +201284,39 +201285,7 +201286,39 +201287,3 +201288,3 +201289,3 +201290,3 +201291,3 +201292,3 +201293,3 +201294,3 +201295,3 +201296,3 +201297,2 +201298,2 +201299,2 +201300,2 +201301,2 +201302,2 +201303,2 +201304,2 +201305,2 +201306,2 +201307,2 +201308,27 +201309,27 +201310,27 +201311,27 +201312,27 +201313,24 +201314,24 +201315,24 +201316,24 +201317,24 +201318,27 +201319,27 +201320,27 +201321,27 +201322,27 +201323,27 +201324,27 +201325,27 +201326,27 +201327,8 +201328,8 +201329,8 +201330,8 +201331,8 +201332,8 +201333,8 +201334,8 +201335,6 +201336,6 +201337,6 +201338,6 +201339,6 +201340,6 +201341,6 +201342,6 +201343,6 +201344,6 +201345,6 +201346,6 +201347,6 +201348,6 +201349,6 +201350,6 +201351,35 +201352,38 +201353,37 +201354,37 +201355,37 +201356,37 +201357,37 +201358,37 +201359,14 +201360,14 +201361,14 +201362,10 +201363,14 +201364,14 +201365,14 +201366,14 +201367,14 +201368,14 +201369,5 +201370,5 +201371,5 +201372,5 +201373,5 +201374,5 +201375,19 +201376,19 +201377,19 +201378,27 +201379,27 +201380,31 +201381,31 +201382,31 +201383,31 +201384,31 +201385,31 +201386,31 +201387,30 +201388,30 +201389,30 +201390,30 +201391,30 +201392,30 +201393,30 +201394,30 +201395,30 +201396,30 +201397,30 +201398,30 +201399,30 +201400,30 +201401,10 +201402,10 +201403,10 +201404,10 +201405,10 +201406,10 +201407,10 +201408,10 +201409,10 +201410,10 +201411,10 +201412,10 +201413,10 +201414,10 +201415,10 +201416,10 +201417,10 +201418,14 +201419,23 +201420,23 +201421,23 +201422,23 +201423,23 +201424,23 +201425,23 +201426,23 +201427,23 +201428,23 +201429,23 +201430,23 +201431,23 +201432,23 +201433,23 +201434,23 +201435,4 +201436,0 +201437,0 +201438,0 +201439,0 +201440,0 +201441,0 +201442,0 +201443,0 +201444,0 +201445,0 +201446,0 +201447,0 +201448,0 +201449,0 +201450,0 +201451,0 +201452,0 +201453,0 +201454,0 +201455,0 +201456,0 +201457,0 +201458,0 +201459,0 +201460,0 +201461,0 +201462,0 +201463,0 +201464,0 +201465,0 +201466,0 +201467,0 +201468,0 +201469,0 +201470,0 +201471,0 +201472,0 +201473,0 +201474,0 +201475,0 +201476,0 +201477,0 +201478,0 +201479,0 +201480,0 +201481,31 +201482,31 +201483,31 +201484,31 +201485,31 +201486,31 +201487,5 +201488,5 +201489,5 +201490,14 +201491,14 +201492,14 +201493,14 +201494,14 +201495,14 +201496,28 +201497,28 +201498,28 +201499,28 +201500,28 +201501,31 +201502,31 +201503,40 +201504,40 +201505,40 +201506,40 +201507,40 +201508,2 +201509,2 +201510,2 +201511,2 +201512,2 +201513,2 +201514,2 +201515,2 +201516,2 +201517,2 +201518,2 +201519,2 +201520,2 +201521,2 +201522,2 +201523,2 +201524,2 +201525,2 +201526,2 +201527,2 +201528,2 +201529,2 +201530,2 +201531,2 +201532,2 +201533,9 +201534,9 +201535,9 +201536,9 +201537,9 +201538,9 +201539,9 +201540,31 +201541,23 +201542,23 +201543,23 +201544,23 +201545,23 +201546,23 +201547,23 +201548,23 +201549,23 +201550,23 +201551,25 +201552,25 +201553,25 +201554,25 +201555,25 +201556,25 +201557,25 +201558,25 +201559,25 +201560,25 +201561,23 +201562,23 +201563,23 +201564,23 +201565,23 +201566,23 +201567,23 +201568,23 +201569,23 +201570,23 +201571,25 +201572,25 +201573,25 +201574,25 +201575,25 +201576,25 +201577,25 +201578,25 +201579,25 +201580,37 +201581,40 +201582,40 +201583,40 +201584,40 +201585,40 +201586,40 +201587,40 +201588,8 +201589,8 +201590,8 +201591,8 +201592,8 +201593,8 +201594,8 +201595,8 +201596,6 +201597,6 +201598,6 +201599,6 +201600,6 +201601,6 +201602,6 +201603,6 +201604,6 +201605,37 +201606,37 +201607,37 +201608,37 +201609,37 +201610,37 +201611,37 +201612,10 +201613,10 +201614,10 +201615,10 +201616,10 +201617,10 +201618,10 +201619,10 +201620,10 +201621,10 +201622,10 +201623,10 +201624,10 +201625,10 +201626,10 +201627,10 +201628,10 +201629,10 +201630,10 +201631,10 +201632,36 +201633,36 +201634,36 +201635,36 +201636,36 +201637,5 +201638,5 +201639,5 +201640,5 +201641,28 +201642,28 +201643,28 +201644,28 +201645,28 +201646,28 +201647,28 +201648,28 +201649,28 +201650,28 +201651,28 +201652,28 +201653,28 +201654,28 +201655,0 +201656,0 +201657,0 +201658,0 +201659,0 +201660,0 +201661,0 +201662,0 +201663,0 +201664,0 +201665,0 +201666,0 +201667,0 +201668,0 +201669,0 +201670,0 +201671,0 +201672,0 +201673,0 +201674,0 +201675,0 +201676,0 +201677,0 +201678,0 +201679,0 +201680,0 +201681,0 +201682,0 +201683,0 +201684,0 +201685,0 +201686,0 +201687,0 +201688,0 +201689,0 +201690,0 +201691,0 +201692,0 +201693,0 +201694,0 +201695,0 +201696,0 +201697,0 +201698,0 +201699,0 +201700,0 +201701,0 +201702,0 +201703,0 +201704,0 +201705,0 +201706,0 +201707,0 +201708,0 +201709,0 +201710,0 +201711,0 +201712,0 +201713,0 +201714,0 +201715,28 +201716,28 +201717,28 +201718,28 +201719,28 +201720,28 +201721,28 +201722,28 +201723,31 +201724,31 +201725,31 +201726,31 +201727,31 +201728,2 +201729,2 +201730,2 +201731,2 +201732,2 +201733,2 +201734,2 +201735,2 +201736,2 +201737,2 +201738,4 +201739,2 +201740,2 +201741,2 +201742,2 +201743,2 +201744,40 +201745,40 +201746,40 +201747,40 +201748,40 +201749,40 +201750,37 +201751,37 +201752,37 +201753,37 +201754,37 +201755,37 +201756,37 +201757,37 +201758,37 +201759,37 +201760,27 +201761,27 +201762,27 +201763,27 +201764,31 +201765,31 +201766,40 +201767,40 +201768,40 +201769,11 +201770,11 +201771,16 +201772,2 +201773,2 +201774,2 +201775,2 +201776,2 +201777,2 +201778,2 +201779,16 +201780,16 +201781,16 +201782,16 +201783,16 +201784,16 +201785,16 +201786,16 +201787,35 +201788,35 +201789,35 +201790,35 +201791,35 +201792,34 +201793,34 +201794,34 +201795,34 +201796,34 +201797,36 +201798,36 +201799,36 +201800,36 +201801,30 +201802,30 +201803,30 +201804,30 +201805,30 +201806,30 +201807,30 +201808,30 +201809,30 +201810,30 +201811,19 +201812,19 +201813,19 +201814,19 +201815,35 +201816,35 +201817,35 +201818,35 +201819,35 +201820,35 +201821,35 +201822,22 +201823,22 +201824,22 +201825,22 +201826,22 +201827,22 +201828,22 +201829,36 +201830,19 +201831,19 +201832,19 +201833,19 +201834,27 +201835,27 +201836,27 +201837,27 +201838,27 +201839,27 +201840,27 +201841,8 +201842,8 +201843,8 +201844,8 +201845,8 +201846,8 +201847,8 +201848,8 +201849,8 +201850,8 +201851,8 +201852,8 +201853,9 +201854,9 +201855,9 +201856,9 +201857,9 +201858,9 +201859,9 +201860,9 +201861,9 +201862,9 +201863,9 +201864,9 +201865,9 +201866,9 +201867,30 +201868,30 +201869,34 +201870,34 +201871,12 +201872,12 +201873,12 +201874,33 +201875,27 +201876,17 +201877,17 +201878,17 +201879,17 +201880,17 +201881,17 +201882,2 +201883,2 +201884,8 +201885,8 +201886,8 +201887,32 +201888,32 +201889,32 +201890,32 +201891,32 +201892,32 +201893,32 +201894,32 +201895,32 +201896,32 +201897,32 +201898,25 +201899,25 +201900,32 +201901,32 +201902,32 +201903,32 +201904,32 +201905,32 +201906,32 +201907,32 +201908,32 +201909,32 +201910,40 +201911,40 +201912,40 +201913,40 +201914,40 +201915,40 +201916,40 +201917,40 +201918,37 +201919,37 +201920,37 +201921,37 +201922,37 +201923,37 +201924,37 +201925,37 +201926,37 +201927,37 +201928,31 +201929,31 +201930,37 +201931,25 +201932,25 +201933,25 +201934,0 +201935,0 +201936,0 +201937,0 +201938,0 +201939,0 +201940,23 +201941,23 +201942,23 +201943,23 +201944,23 +201945,23 +201946,23 +201947,23 +201948,9 +201949,9 +201950,9 +201951,9 +201952,9 +201953,37 +201954,37 +201955,37 +201956,37 +201957,37 +201958,37 +201959,37 +201960,37 +201961,37 +201962,2 +201963,2 +201964,2 +201965,2 +201966,2 +201967,2 +201968,2 +201969,2 +201970,2 +201971,2 +201972,2 +201973,2 +201974,2 +201975,2 +201976,25 +201977,25 +201978,25 +201979,25 +201980,25 +201981,25 +201982,25 +201983,25 +201984,25 +201985,25 +201986,25 +201987,6 +201988,6 +201989,6 +201990,6 +201991,6 +201992,6 +201993,6 +201994,6 +201995,6 +201996,31 +201997,31 +201998,31 +201999,31 +202000,31 +202001,31 +202002,31 +202003,31 +202004,31 +202005,28 +202006,28 +202007,28 +202008,28 +202009,28 +202010,1 +202011,1 +202012,5 +202013,5 +202014,0 +202015,0 +202016,5 +202017,5 +202018,0 +202019,0 +202020,0 +202021,0 +202022,0 +202023,0 +202024,37 +202025,37 +202026,37 +202027,37 +202028,37 +202029,27 +202030,27 +202031,27 +202032,1 +202033,1 +202034,1 +202035,1 +202036,1 +202037,1 +202038,1 +202039,1 +202040,1 +202041,1 +202042,1 +202043,1 +202044,1 +202045,1 +202046,5 +202047,5 +202048,5 +202049,5 +202050,5 +202051,2 +202052,2 +202053,2 +202054,2 +202055,2 +202056,2 +202057,2 +202058,2 +202059,2 +202060,2 +202061,39 +202062,39 +202063,39 +202064,39 +202065,39 +202066,39 +202067,39 +202068,39 +202069,39 +202070,39 +202071,27 +202072,27 +202073,27 +202074,27 +202075,27 +202076,14 +202077,14 +202078,14 +202079,14 +202080,14 +202081,14 +202082,14 +202083,11 +202084,11 +202085,11 +202086,11 +202087,11 +202088,11 +202089,11 +202090,11 +202091,11 +202092,11 +202093,11 +202094,11 +202095,11 +202096,31 +202097,31 +202098,31 +202099,31 +202100,31 +202101,5 +202102,5 +202103,5 +202104,5 +202105,5 +202106,5 +202107,5 +202108,5 +202109,5 +202110,5 +202111,5 +202112,5 +202113,5 +202114,5 +202115,8 +202116,8 +202117,8 +202118,8 +202119,8 +202120,2 +202121,2 +202122,2 +202123,2 +202124,2 +202125,2 +202126,2 +202127,2 +202128,2 +202129,2 +202130,2 +202131,2 +202132,2 +202133,0 +202134,0 +202135,0 +202136,0 +202137,0 +202138,0 +202139,0 +202140,0 +202141,0 +202142,0 +202143,0 +202144,0 +202145,0 +202146,0 +202147,0 +202148,0 +202149,0 +202150,0 +202151,0 +202152,0 +202153,0 +202154,0 +202155,0 +202156,0 +202157,0 +202158,0 +202159,0 +202160,0 +202161,0 +202162,0 +202163,0 +202164,0 +202165,0 +202166,0 +202167,0 +202168,0 +202169,0 +202170,0 +202171,0 +202172,0 +202173,0 +202174,0 +202175,0 +202176,0 +202177,0 +202178,0 +202179,0 +202180,0 +202181,0 +202182,0 +202183,0 +202184,0 +202185,0 +202186,0 +202187,0 +202188,0 +202189,0 +202190,0 +202191,0 +202192,0 +202193,0 +202194,0 +202195,0 +202196,0 +202197,0 +202198,0 +202199,0 +202200,0 +202201,0 +202202,36 +202203,36 +202204,36 +202205,36 +202206,36 +202207,36 +202208,5 +202209,5 +202210,5 +202211,5 +202212,5 +202213,31 +202214,31 +202215,31 +202216,31 +202217,31 +202218,31 +202219,23 +202220,23 +202221,23 +202222,23 +202223,23 +202224,23 +202225,23 +202226,23 +202227,23 +202228,23 +202229,9 +202230,9 +202231,9 +202232,9 +202233,9 +202234,9 +202235,9 +202236,9 +202237,9 +202238,9 +202239,37 +202240,37 +202241,37 +202242,37 +202243,37 +202244,38 +202245,23 +202246,23 +202247,23 +202248,23 +202249,23 +202250,38 +202251,38 +202252,27 +202253,27 +202254,27 +202255,27 +202256,27 +202257,27 +202258,27 +202259,27 +202260,27 +202261,13 +202262,13 +202263,13 +202264,13 +202265,13 +202266,27 +202267,27 +202268,27 +202269,27 +202270,27 +202271,4 +202272,25 +202273,25 +202274,37 +202275,37 +202276,37 +202277,25 +202278,25 +202279,25 +202280,25 +202281,31 +202282,31 +202283,5 +202284,5 +202285,5 +202286,5 +202287,5 +202288,5 +202289,5 +202290,38 +202291,38 +202292,38 +202293,38 +202294,38 +202295,38 +202296,38 +202297,38 +202298,38 +202299,38 +202300,9 +202301,9 +202302,9 +202303,9 +202304,9 +202305,9 +202306,9 +202307,9 +202308,26 +202309,26 +202310,26 +202311,26 +202312,26 +202313,5 +202314,5 +202315,5 +202316,5 +202317,5 +202318,5 +202319,5 +202320,5 +202321,5 +202322,15 +202323,15 +202324,15 +202325,15 +202326,15 +202327,27 +202328,27 +202329,27 +202330,27 +202331,27 +202332,27 +202333,27 +202334,27 +202335,27 +202336,27 +202337,13 +202338,13 +202339,13 +202340,13 +202341,13 +202342,13 +202343,13 +202344,13 +202345,13 +202346,15 +202347,12 +202348,12 +202349,12 +202350,12 +202351,12 +202352,9 +202353,9 +202354,9 +202355,9 +202356,9 +202357,9 +202358,9 +202359,5 +202360,5 +202361,5 +202362,5 +202363,5 +202364,5 +202365,5 +202366,2 +202367,2 +202368,2 +202369,2 +202370,2 +202371,2 +202372,27 +202373,27 +202374,27 +202375,13 +202376,13 +202377,13 +202378,13 +202379,13 +202380,13 +202381,13 +202382,13 +202383,13 +202384,13 +202385,21 +202386,13 +202387,21 +202388,21 +202389,21 +202390,21 +202391,21 +202392,14 +202393,14 +202394,14 +202395,14 +202396,14 +202397,14 +202398,14 +202399,14 +202400,14 +202401,14 +202402,14 +202403,14 +202404,14 +202405,14 +202406,14 +202407,14 +202408,14 +202409,14 +202410,14 +202411,14 +202412,14 +202413,14 +202414,14 +202415,14 +202416,14 +202417,39 +202418,39 +202419,39 +202420,39 +202421,18 +202422,8 +202423,18 +202424,18 +202425,18 +202426,8 +202427,8 +202428,16 +202429,16 +202430,16 +202431,16 +202432,36 +202433,36 +202434,36 +202435,36 +202436,36 +202437,36 +202438,36 +202439,36 +202440,36 +202441,36 +202442,8 +202443,8 +202444,8 +202445,8 +202446,8 +202447,8 +202448,8 +202449,8 +202450,5 +202451,5 +202452,5 +202453,5 +202454,36 +202455,36 +202456,36 +202457,36 +202458,36 +202459,36 +202460,36 +202461,36 +202462,36 +202463,36 +202464,16 +202465,16 +202466,16 +202467,16 +202468,16 +202469,16 +202470,16 +202471,16 +202472,16 +202473,16 +202474,31 +202475,31 +202476,31 +202477,30 +202478,30 +202479,30 +202480,30 +202481,30 +202482,30 +202483,30 +202484,30 +202485,39 +202486,39 +202487,39 +202488,39 +202489,15 +202490,15 +202491,15 +202492,15 +202493,15 +202494,15 +202495,15 +202496,15 +202497,15 +202498,15 +202499,37 +202500,37 +202501,37 +202502,37 +202503,37 +202504,37 +202505,37 +202506,9 +202507,9 +202508,9 +202509,9 +202510,9 +202511,9 +202512,9 +202513,9 +202514,9 +202515,9 +202516,9 +202517,4 +202518,4 +202519,4 +202520,4 +202521,4 +202522,4 +202523,4 +202524,4 +202525,31 +202526,29 +202527,31 +202528,31 +202529,5 +202530,29 +202531,29 +202532,29 +202533,29 +202534,29 +202535,31 +202536,31 +202537,31 +202538,31 +202539,31 +202540,35 +202541,35 +202542,35 +202543,35 +202544,35 +202545,35 +202546,35 +202547,33 +202548,33 +202549,33 +202550,33 +202551,33 +202552,33 +202553,30 +202554,30 +202555,30 +202556,30 +202557,30 +202558,30 +202559,30 +202560,30 +202561,30 +202562,30 +202563,30 +202564,35 +202565,35 +202566,35 +202567,35 +202568,35 +202569,35 +202570,35 +202571,35 +202572,35 +202573,35 +202574,36 +202575,36 +202576,36 +202577,36 +202578,36 +202579,36 +202580,36 +202581,36 +202582,36 +202583,36 +202584,36 +202585,36 +202586,36 +202587,36 +202588,36 +202589,36 +202590,36 +202591,36 +202592,36 +202593,36 +202594,36 +202595,36 +202596,5 +202597,5 +202598,5 +202599,5 +202600,5 +202601,5 +202602,5 +202603,5 +202604,5 +202605,5 +202606,5 +202607,0 +202608,0 +202609,0 +202610,0 +202611,0 +202612,0 +202613,0 +202614,0 +202615,0 +202616,0 +202617,0 +202618,0 +202619,0 +202620,0 +202621,0 +202622,0 +202623,0 +202624,0 +202625,0 +202626,0 +202627,0 +202628,0 +202629,0 +202630,0 +202631,0 +202632,0 +202633,0 +202634,0 +202635,0 +202636,0 +202637,0 +202638,0 +202639,0 +202640,0 +202641,0 +202642,0 +202643,0 +202644,0 +202645,0 +202646,0 +202647,0 +202648,0 +202649,0 +202650,0 +202651,0 +202652,0 +202653,0 +202654,0 +202655,28 +202656,0 +202657,0 +202658,29 +202659,29 +202660,29 +202661,29 +202662,29 +202663,29 +202664,24 +202665,24 +202666,24 +202667,24 +202668,9 +202669,9 +202670,9 +202671,9 +202672,9 +202673,9 +202674,9 +202675,26 +202676,26 +202677,9 +202678,9 +202679,9 +202680,9 +202681,9 +202682,10 +202683,10 +202684,10 +202685,10 +202686,10 +202687,10 +202688,10 +202689,10 +202690,10 +202691,10 +202692,10 +202693,27 +202694,27 +202695,27 +202696,27 +202697,13 +202698,13 +202699,13 +202700,13 +202701,13 +202702,13 +202703,13 +202704,13 +202705,13 +202706,19 +202707,19 +202708,19 +202709,19 +202710,19 +202711,27 +202712,27 +202713,27 +202714,27 +202715,27 +202716,37 +202717,37 +202718,37 +202719,37 +202720,37 +202721,37 +202722,37 +202723,25 +202724,25 +202725,25 +202726,25 +202727,25 +202728,31 +202729,31 +202730,31 +202731,31 +202732,31 +202733,31 +202734,31 +202735,6 +202736,6 +202737,6 +202738,6 +202739,6 +202740,6 +202741,6 +202742,30 +202743,30 +202744,31 +202745,31 +202746,31 +202747,31 +202748,31 +202749,31 +202750,4 +202751,4 +202752,4 +202753,4 +202754,4 +202755,4 +202756,4 +202757,4 +202758,4 +202759,4 +202760,40 +202761,33 +202762,33 +202763,33 +202764,33 +202765,33 +202766,33 +202767,33 +202768,33 +202769,33 +202770,33 +202771,33 +202772,28 +202773,28 +202774,28 +202775,28 +202776,28 +202777,15 +202778,15 +202779,15 +202780,15 +202781,15 +202782,39 +202783,39 +202784,39 +202785,39 +202786,39 +202787,39 +202788,39 +202789,39 +202790,39 +202791,39 +202792,39 +202793,39 +202794,39 +202795,39 +202796,39 +202797,39 +202798,39 +202799,39 +202800,39 +202801,39 +202802,39 +202803,39 +202804,39 +202805,0 +202806,0 +202807,0 +202808,0 +202809,0 +202810,0 +202811,0 +202812,0 +202813,0 +202814,0 +202815,0 +202816,0 +202817,0 +202818,0 +202819,0 +202820,0 +202821,0 +202822,0 +202823,0 +202824,0 +202825,0 +202826,0 +202827,0 +202828,0 +202829,0 +202830,0 +202831,0 +202832,0 +202833,0 +202834,0 +202835,0 +202836,36 +202837,36 +202838,36 +202839,36 +202840,36 +202841,36 +202842,36 +202843,36 +202844,5 +202845,5 +202846,5 +202847,19 +202848,19 +202849,19 +202850,5 +202851,5 +202852,19 +202853,19 +202854,19 +202855,19 +202856,19 +202857,19 +202858,34 +202859,34 +202860,34 +202861,34 +202862,34 +202863,34 +202864,34 +202865,34 +202866,34 +202867,4 +202868,4 +202869,4 +202870,4 +202871,4 +202872,4 +202873,4 +202874,12 +202875,12 +202876,12 +202877,30 +202878,27 +202879,31 +202880,27 +202881,27 +202882,27 +202883,38 +202884,38 +202885,2 +202886,2 +202887,2 +202888,2 +202889,2 +202890,29 +202891,29 +202892,29 +202893,29 +202894,29 +202895,29 +202896,31 +202897,31 +202898,31 +202899,31 +202900,31 +202901,31 +202902,31 +202903,31 +202904,37 +202905,37 +202906,37 +202907,37 +202908,37 +202909,37 +202910,37 +202911,33 +202912,33 +202913,33 +202914,33 +202915,33 +202916,33 +202917,33 +202918,33 +202919,33 +202920,5 +202921,28 +202922,31 +202923,31 +202924,31 +202925,31 +202926,31 +202927,28 +202928,28 +202929,28 +202930,28 +202931,28 +202932,32 +202933,32 +202934,32 +202935,32 +202936,32 +202937,32 +202938,32 +202939,39 +202940,39 +202941,39 +202942,39 +202943,39 +202944,39 +202945,39 +202946,39 +202947,39 +202948,39 +202949,39 +202950,32 +202951,32 +202952,32 +202953,32 +202954,32 +202955,32 +202956,31 +202957,31 +202958,3 +202959,3 +202960,33 +202961,33 +202962,33 +202963,33 +202964,12 +202965,12 +202966,12 +202967,12 +202968,31 +202969,31 +202970,31 +202971,31 +202972,31 +202973,31 +202974,31 +202975,3 +202976,3 +202977,32 +202978,6 +202979,6 +202980,1 +202981,1 +202982,6 +202983,6 +202984,6 +202985,6 +202986,6 +202987,6 +202988,6 +202989,6 +202990,37 +202991,37 +202992,37 +202993,37 +202994,37 +202995,37 +202996,34 +202997,34 +202998,34 +202999,34 +203000,34 +203001,34 +203002,34 +203003,34 +203004,34 +203005,34 +203006,34 +203007,34 +203008,34 +203009,34 +203010,5 +203011,5 +203012,5 +203013,5 +203014,31 +203015,31 +203016,40 +203017,40 +203018,40 +203019,40 +203020,2 +203021,2 +203022,2 +203023,2 +203024,2 +203025,2 +203026,2 +203027,2 +203028,2 +203029,2 +203030,40 +203031,40 +203032,40 +203033,40 +203034,40 +203035,40 +203036,40 +203037,40 +203038,4 +203039,38 +203040,38 +203041,38 +203042,38 +203043,38 +203044,38 +203045,29 +203046,29 +203047,31 +203048,31 +203049,31 +203050,31 +203051,6 +203052,6 +203053,6 +203054,6 +203055,6 +203056,6 +203057,6 +203058,6 +203059,6 +203060,36 +203061,36 +203062,36 +203063,36 +203064,36 +203065,36 +203066,36 +203067,36 +203068,36 +203069,36 +203070,10 +203071,10 +203072,10 +203073,10 +203074,10 +203075,10 +203076,10 +203077,10 +203078,0 +203079,0 +203080,31 +203081,31 +203082,31 +203083,31 +203084,31 +203085,31 +203086,31 +203087,31 +203088,31 +203089,31 +203090,30 +203091,30 +203092,30 +203093,30 +203094,33 +203095,33 +203096,33 +203097,33 +203098,33 +203099,33 +203100,33 +203101,33 +203102,33 +203103,30 +203104,30 +203105,30 +203106,30 +203107,30 +203108,0 +203109,0 +203110,0 +203111,0 +203112,0 +203113,0 +203114,0 +203115,0 +203116,0 +203117,36 +203118,36 +203119,36 +203120,36 +203121,36 +203122,36 +203123,36 +203124,36 +203125,36 +203126,36 +203127,36 +203128,5 +203129,5 +203130,5 +203131,5 +203132,5 +203133,5 +203134,5 +203135,32 +203136,32 +203137,32 +203138,32 +203139,32 +203140,32 +203141,32 +203142,32 +203143,32 +203144,32 +203145,37 +203146,37 +203147,37 +203148,37 +203149,37 +203150,33 +203151,33 +203152,33 +203153,33 +203154,33 +203155,33 +203156,33 +203157,6 +203158,6 +203159,6 +203160,6 +203161,6 +203162,6 +203163,6 +203164,6 +203165,6 +203166,32 +203167,30 +203168,30 +203169,30 +203170,30 +203171,14 +203172,14 +203173,14 +203174,14 +203175,36 +203176,36 +203177,36 +203178,36 +203179,5 +203180,5 +203181,28 +203182,28 +203183,28 +203184,28 +203185,28 +203186,28 +203187,10 +203188,5 +203189,5 +203190,5 +203191,5 +203192,5 +203193,5 +203194,5 +203195,5 +203196,5 +203197,5 +203198,5 +203199,5 +203200,31 +203201,2 +203202,2 +203203,2 +203204,2 +203205,2 +203206,2 +203207,2 +203208,2 +203209,2 +203210,2 +203211,2 +203212,2 +203213,2 +203214,2 +203215,2 +203216,2 +203217,2 +203218,2 +203219,2 +203220,2 +203221,2 +203222,2 +203223,2 +203224,2 +203225,2 +203226,2 +203227,2 +203228,0 +203229,0 +203230,0 +203231,0 +203232,0 +203233,0 +203234,0 +203235,0 +203236,0 +203237,0 +203238,0 +203239,0 +203240,30 +203241,30 +203242,30 +203243,30 +203244,10 +203245,10 +203246,10 +203247,10 +203248,10 +203249,10 +203250,10 +203251,10 +203252,6 +203253,6 +203254,6 +203255,6 +203256,6 +203257,6 +203258,6 +203259,6 +203260,6 +203261,6 +203262,6 +203263,6 +203264,6 +203265,6 +203266,6 +203267,6 +203268,6 +203269,6 +203270,6 +203271,6 +203272,6 +203273,6 +203274,6 +203275,6 +203276,6 +203277,6 +203278,6 +203279,6 +203280,6 +203281,6 +203282,6 +203283,25 +203284,22 +203285,22 +203286,22 +203287,22 +203288,22 +203289,22 +203290,22 +203291,22 +203292,27 +203293,11 +203294,11 +203295,11 +203296,11 +203297,11 +203298,11 +203299,11 +203300,11 +203301,11 +203302,11 +203303,11 +203304,14 +203305,39 +203306,39 +203307,39 +203308,39 +203309,39 +203310,39 +203311,31 +203312,31 +203313,14 +203314,14 +203315,14 +203316,2 +203317,2 +203318,2 +203319,2 +203320,2 +203321,2 +203322,2 +203323,2 +203324,2 +203325,2 +203326,2 +203327,2 +203328,2 +203329,2 +203330,2 +203331,2 +203332,2 +203333,2 +203334,2 +203335,2 +203336,2 +203337,2 +203338,2 +203339,2 +203340,2 +203341,2 +203342,2 +203343,2 +203344,2 +203345,2 +203346,2 +203347,2 +203348,2 +203349,0 +203350,0 +203351,0 +203352,0 +203353,0 +203354,0 +203355,0 +203356,0 +203357,0 +203358,0 +203359,0 +203360,0 +203361,0 +203362,0 +203363,0 +203364,0 +203365,0 +203366,36 +203367,36 +203368,36 +203369,36 +203370,36 +203371,36 +203372,36 +203373,36 +203374,36 +203375,5 +203376,5 +203377,19 +203378,5 +203379,5 +203380,28 +203381,28 +203382,31 +203383,27 +203384,27 +203385,27 +203386,27 +203387,27 +203388,27 +203389,24 +203390,24 +203391,24 +203392,24 +203393,24 +203394,24 +203395,24 +203396,24 +203397,24 +203398,39 +203399,39 +203400,39 +203401,39 +203402,39 +203403,39 +203404,39 +203405,39 +203406,39 +203407,39 +203408,39 +203409,39 +203410,39 +203411,39 +203412,39 +203413,39 +203414,39 +203415,30 +203416,30 +203417,30 +203418,3 +203419,3 +203420,3 +203421,30 +203422,30 +203423,30 +203424,30 +203425,30 +203426,30 +203427,30 +203428,30 +203429,19 +203430,19 +203431,19 +203432,19 +203433,19 +203434,35 +203435,35 +203436,35 +203437,35 +203438,35 +203439,35 +203440,35 +203441,35 +203442,35 +203443,9 +203444,9 +203445,9 +203446,9 +203447,9 +203448,9 +203449,37 +203450,37 +203451,37 +203452,37 +203453,37 +203454,37 +203455,37 +203456,37 +203457,14 +203458,14 +203459,14 +203460,14 +203461,14 +203462,14 +203463,14 +203464,14 +203465,14 +203466,14 +203467,14 +203468,11 +203469,11 +203470,11 +203471,11 +203472,11 +203473,11 +203474,11 +203475,11 +203476,11 +203477,11 +203478,11 +203479,11 +203480,39 +203481,39 +203482,39 +203483,39 +203484,39 +203485,31 +203486,31 +203487,31 +203488,31 +203489,31 +203490,31 +203491,31 +203492,31 +203493,31 +203494,2 +203495,2 +203496,2 +203497,2 +203498,2 +203499,2 +203500,2 +203501,2 +203502,2 +203503,2 +203504,2 +203505,2 +203506,2 +203507,2 +203508,2 +203509,2 +203510,2 +203511,2 +203512,2 +203513,2 +203514,2 +203515,2 +203516,2 +203517,2 +203518,2 +203519,2 +203520,2 +203521,0 +203522,0 +203523,0 +203524,0 +203525,0 +203526,0 +203527,0 +203528,0 +203529,0 +203530,0 +203531,0 +203532,0 +203533,0 +203534,0 +203535,0 +203536,0 +203537,0 +203538,0 +203539,0 +203540,0 +203541,0 +203542,0 +203543,0 +203544,0 +203545,0 +203546,29 +203547,29 +203548,29 +203549,31 +203550,31 +203551,31 +203552,31 +203553,31 +203554,32 +203555,32 +203556,32 +203557,32 +203558,32 +203559,32 +203560,32 +203561,32 +203562,37 +203563,37 +203564,37 +203565,37 +203566,37 +203567,27 +203568,27 +203569,27 +203570,27 +203571,27 +203572,8 +203573,8 +203574,8 +203575,8 +203576,8 +203577,8 +203578,8 +203579,8 +203580,8 +203581,8 +203582,8 +203583,8 +203584,8 +203585,25 +203586,25 +203587,25 +203588,25 +203589,25 +203590,25 +203591,25 +203592,25 +203593,25 +203594,25 +203595,25 +203596,25 +203597,25 +203598,25 +203599,25 +203600,25 +203601,25 +203602,25 +203603,25 +203604,25 +203605,25 +203606,25 +203607,25 +203608,25 +203609,25 +203610,25 +203611,25 +203612,25 +203613,25 +203614,25 +203615,25 +203616,25 +203617,25 +203618,8 +203619,8 +203620,24 +203621,2 +203622,2 +203623,2 +203624,2 +203625,2 +203626,31 +203627,31 +203628,31 +203629,31 +203630,31 +203631,31 +203632,31 +203633,31 +203634,31 +203635,31 +203636,31 +203637,31 +203638,31 +203639,31 +203640,31 +203641,31 +203642,31 +203643,24 +203644,24 +203645,24 +203646,24 +203647,24 +203648,24 +203649,29 +203650,29 +203651,29 +203652,29 +203653,40 +203654,40 +203655,40 +203656,40 +203657,40 +203658,40 +203659,40 +203660,40 +203661,40 +203662,25 +203663,37 +203664,37 +203665,37 +203666,37 +203667,37 +203668,37 +203669,6 +203670,6 +203671,6 +203672,6 +203673,6 +203674,6 +203675,6 +203676,6 +203677,6 +203678,6 +203679,6 +203680,6 +203681,6 +203682,26 +203683,26 +203684,26 +203685,26 +203686,26 +203687,26 +203688,5 +203689,5 +203690,5 +203691,5 +203692,5 +203693,4 +203694,4 +203695,4 +203696,4 +203697,4 +203698,4 +203699,4 +203700,4 +203701,4 +203702,4 +203703,37 +203704,37 +203705,37 +203706,37 +203707,37 +203708,37 +203709,37 +203710,37 +203711,39 +203712,39 +203713,39 +203714,39 +203715,39 +203716,39 +203717,39 +203718,39 +203719,39 +203720,39 +203721,39 +203722,39 +203723,39 +203724,39 +203725,39 +203726,39 +203727,39 +203728,39 +203729,39 +203730,0 +203731,0 +203732,0 +203733,0 +203734,0 +203735,0 +203736,0 +203737,0 +203738,0 +203739,0 +203740,0 +203741,0 +203742,0 +203743,0 +203744,0 +203745,0 +203746,0 +203747,0 +203748,0 +203749,0 +203750,0 +203751,0 +203752,0 +203753,0 +203754,0 +203755,0 +203756,0 +203757,0 +203758,0 +203759,0 +203760,15 +203761,15 +203762,15 +203763,15 +203764,15 +203765,31 +203766,4 +203767,4 +203768,4 +203769,4 +203770,40 +203771,31 +203772,40 +203773,40 +203774,31 +203775,40 +203776,30 +203777,19 +203778,19 +203779,19 +203780,19 +203781,19 +203782,19 +203783,19 +203784,19 +203785,30 +203786,30 +203787,30 +203788,30 +203789,30 +203790,30 +203791,30 +203792,30 +203793,30 +203794,30 +203795,30 +203796,30 +203797,30 +203798,30 +203799,30 +203800,14 +203801,27 +203802,27 +203803,14 +203804,14 +203805,14 +203806,14 +203807,27 +203808,13 +203809,13 +203810,13 +203811,13 +203812,13 +203813,13 +203814,6 +203815,6 +203816,6 +203817,6 +203818,6 +203819,6 +203820,6 +203821,38 +203822,38 +203823,38 +203824,0 +203825,0 +203826,0 +203827,0 +203828,0 +203829,0 +203830,0 +203831,0 +203832,0 +203833,0 +203834,0 +203835,0 +203836,0 +203837,0 +203838,0 +203839,0 +203840,6 +203841,6 +203842,6 +203843,6 +203844,6 +203845,32 +203846,6 +203847,32 +203848,32 +203849,32 +203850,32 +203851,32 +203852,32 +203853,32 +203854,7 +203855,7 +203856,7 +203857,7 +203858,7 +203859,22 +203860,22 +203861,22 +203862,37 +203863,37 +203864,37 +203865,37 +203866,37 +203867,37 +203868,37 +203869,37 +203870,37 +203871,37 +203872,37 +203873,39 +203874,39 +203875,39 +203876,39 +203877,39 +203878,39 +203879,39 +203880,26 +203881,26 +203882,9 +203883,9 +203884,9 +203885,9 +203886,9 +203887,9 +203888,9 +203889,9 +203890,9 +203891,9 +203892,9 +203893,9 +203894,9 +203895,2 +203896,2 +203897,2 +203898,2 +203899,2 +203900,2 +203901,2 +203902,2 +203903,2 +203904,2 +203905,31 +203906,31 +203907,31 +203908,4 +203909,4 +203910,4 +203911,4 +203912,39 +203913,39 +203914,39 +203915,39 +203916,39 +203917,39 +203918,39 +203919,39 +203920,32 +203921,32 +203922,32 +203923,32 +203924,32 +203925,32 +203926,32 +203927,32 +203928,32 +203929,32 +203930,32 +203931,32 +203932,32 +203933,25 +203934,25 +203935,25 +203936,25 +203937,25 +203938,24 +203939,24 +203940,24 +203941,24 +203942,24 +203943,24 +203944,24 +203945,40 +203946,14 +203947,14 +203948,14 +203949,14 +203950,40 +203951,14 +203952,40 +203953,14 +203954,14 +203955,14 +203956,14 +203957,14 +203958,14 +203959,14 +203960,14 +203961,14 +203962,30 +203963,30 +203964,30 +203965,30 +203966,30 +203967,30 +203968,30 +203969,30 +203970,30 +203971,30 +203972,30 +203973,30 +203974,19 +203975,19 +203976,19 +203977,19 +203978,19 +203979,19 +203980,19 +203981,19 +203982,19 +203983,19 +203984,19 +203985,19 +203986,19 +203987,0 +203988,0 +203989,0 +203990,0 +203991,0 +203992,0 +203993,0 +203994,0 +203995,0 +203996,0 +203997,0 +203998,0 +203999,0 +204000,0 +204001,0 +204002,0 +204003,0 +204004,0 +204005,0 +204006,0 +204007,0 +204008,0 +204009,0 +204010,0 +204011,0 +204012,0 +204013,0 +204014,0 +204015,0 +204016,0 +204017,0 +204018,0 +204019,0 +204020,0 +204021,0 +204022,0 +204023,0 +204024,0 +204025,0 +204026,0 +204027,0 +204028,0 +204029,0 +204030,0 +204031,0 +204032,0 +204033,0 +204034,0 +204035,0 +204036,0 +204037,0 +204038,0 +204039,0 +204040,0 +204041,0 +204042,0 +204043,0 +204044,0 +204045,0 +204046,31 +204047,31 +204048,31 +204049,31 +204050,31 +204051,31 +204052,31 +204053,31 +204054,31 +204055,5 +204056,5 +204057,5 +204058,5 +204059,5 +204060,31 +204061,31 +204062,31 +204063,31 +204064,31 +204065,11 +204066,11 +204067,11 +204068,11 +204069,11 +204070,11 +204071,11 +204072,11 +204073,11 +204074,11 +204075,11 +204076,11 +204077,11 +204078,11 +204079,11 +204080,11 +204081,11 +204082,11 +204083,11 +204084,39 +204085,39 +204086,39 +204087,39 +204088,39 +204089,39 +204090,39 +204091,39 +204092,39 +204093,39 +204094,39 +204095,39 +204096,39 +204097,39 +204098,39 +204099,39 +204100,39 +204101,39 +204102,39 +204103,39 +204104,39 +204105,39 +204106,39 +204107,39 +204108,39 +204109,39 +204110,39 +204111,39 +204112,39 +204113,39 +204114,39 +204115,39 +204116,0 +204117,0 +204118,0 +204119,0 +204120,0 +204121,31 +204122,31 +204123,31 +204124,31 +204125,31 +204126,31 +204127,31 +204128,31 +204129,5 +204130,5 +204131,5 +204132,5 +204133,19 +204134,19 +204135,35 +204136,35 +204137,35 +204138,35 +204139,35 +204140,35 +204141,35 +204142,35 +204143,35 +204144,35 +204145,35 +204146,35 +204147,25 +204148,25 +204149,25 +204150,25 +204151,25 +204152,25 +204153,25 +204154,25 +204155,25 +204156,25 +204157,6 +204158,6 +204159,6 +204160,6 +204161,6 +204162,6 +204163,6 +204164,6 +204165,6 +204166,31 +204167,31 +204168,31 +204169,28 +204170,28 +204171,28 +204172,28 +204173,28 +204174,28 +204175,31 +204176,31 +204177,35 +204178,35 +204179,35 +204180,35 +204181,35 +204182,35 +204183,36 +204184,36 +204185,36 +204186,36 +204187,36 +204188,36 +204189,36 +204190,36 +204191,36 +204192,5 +204193,5 +204194,5 +204195,5 +204196,5 +204197,5 +204198,3 +204199,39 +204200,39 +204201,39 +204202,3 +204203,3 +204204,27 +204205,27 +204206,27 +204207,27 +204208,27 +204209,5 +204210,5 +204211,5 +204212,5 +204213,5 +204214,5 +204215,5 +204216,5 +204217,5 +204218,5 +204219,5 +204220,5 +204221,5 +204222,5 +204223,2 +204224,2 +204225,2 +204226,2 +204227,2 +204228,2 +204229,2 +204230,2 +204231,8 +204232,8 +204233,2 +204234,2 +204235,2 +204236,2 +204237,2 +204238,2 +204239,2 +204240,0 +204241,0 +204242,0 +204243,0 +204244,0 +204245,6 +204246,0 +204247,0 +204248,0 +204249,6 +204250,6 +204251,6 +204252,6 +204253,6 +204254,6 +204255,6 +204256,6 +204257,6 +204258,6 +204259,6 +204260,6 +204261,6 +204262,6 +204263,6 +204264,6 +204265,6 +204266,6 +204267,6 +204268,2 +204269,2 +204270,2 +204271,2 +204272,2 +204273,2 +204274,2 +204275,2 +204276,2 +204277,2 +204278,2 +204279,2 +204280,2 +204281,2 +204282,2 +204283,2 +204284,32 +204285,32 +204286,32 +204287,32 +204288,32 +204289,32 +204290,32 +204291,15 +204292,30 +204293,30 +204294,30 +204295,30 +204296,30 +204297,30 +204298,30 +204299,30 +204300,30 +204301,30 +204302,30 +204303,30 +204304,9 +204305,9 +204306,9 +204307,9 +204308,9 +204309,9 +204310,9 +204311,9 +204312,9 +204313,9 +204314,9 +204315,9 +204316,9 +204317,9 +204318,9 +204319,9 +204320,37 +204321,37 +204322,37 +204323,37 +204324,37 +204325,37 +204326,37 +204327,37 +204328,37 +204329,25 +204330,19 +204331,19 +204332,19 +204333,19 +204334,19 +204335,19 +204336,4 +204337,4 +204338,4 +204339,4 +204340,4 +204341,4 +204342,4 +204343,4 +204344,4 +204345,31 +204346,31 +204347,31 +204348,29 +204349,29 +204350,29 +204351,29 +204352,40 +204353,40 +204354,40 +204355,40 +204356,40 +204357,37 +204358,37 +204359,37 +204360,37 +204361,37 +204362,35 +204363,35 +204364,35 +204365,35 +204366,35 +204367,35 +204368,35 +204369,35 +204370,35 +204371,35 +204372,35 +204373,35 +204374,35 +204375,35 +204376,26 +204377,26 +204378,26 +204379,26 +204380,37 +204381,37 +204382,37 +204383,37 +204384,37 +204385,37 +204386,37 +204387,4 +204388,4 +204389,4 +204390,4 +204391,4 +204392,4 +204393,4 +204394,4 +204395,2 +204396,2 +204397,2 +204398,2 +204399,2 +204400,8 +204401,8 +204402,8 +204403,6 +204404,6 +204405,6 +204406,6 +204407,6 +204408,6 +204409,31 +204410,31 +204411,5 +204412,5 +204413,5 +204414,5 +204415,5 +204416,5 +204417,5 +204418,5 +204419,4 +204420,4 +204421,4 +204422,4 +204423,4 +204424,4 +204425,4 +204426,4 +204427,4 +204428,4 +204429,4 +204430,4 +204431,4 +204432,40 +204433,40 +204434,40 +204435,40 +204436,40 +204437,40 +204438,40 +204439,40 +204440,40 +204441,5 +204442,5 +204443,5 +204444,5 +204445,5 +204446,5 +204447,5 +204448,5 +204449,4 +204450,4 +204451,4 +204452,4 +204453,4 +204454,4 +204455,4 +204456,4 +204457,4 +204458,4 +204459,4 +204460,4 +204461,4 +204462,4 +204463,4 +204464,4 +204465,0 +204466,0 +204467,0 +204468,0 +204469,0 +204470,0 +204471,0 +204472,0 +204473,0 +204474,0 +204475,0 +204476,0 +204477,0 +204478,0 +204479,0 +204480,0 +204481,0 +204482,0 +204483,0 +204484,0 +204485,0 +204486,0 +204487,0 +204488,0 +204489,0 +204490,36 +204491,36 +204492,36 +204493,36 +204494,36 +204495,36 +204496,36 +204497,36 +204498,36 +204499,36 +204500,5 +204501,5 +204502,5 +204503,5 +204504,19 +204505,19 +204506,19 +204507,2 +204508,2 +204509,2 +204510,2 +204511,2 +204512,2 +204513,2 +204514,2 +204515,2 +204516,2 +204517,40 +204518,40 +204519,40 +204520,40 +204521,40 +204522,40 +204523,40 +204524,40 +204525,19 +204526,19 +204527,19 +204528,19 +204529,19 +204530,39 +204531,39 +204532,39 +204533,39 +204534,39 +204535,39 +204536,39 +204537,39 +204538,39 +204539,31 +204540,35 +204541,35 +204542,36 +204543,31 +204544,31 +204545,31 +204546,31 +204547,36 +204548,40 +204549,40 +204550,32 +204551,32 +204552,32 +204553,32 +204554,32 +204555,32 +204556,32 +204557,32 +204558,32 +204559,29 +204560,29 +204561,29 +204562,40 +204563,40 +204564,40 +204565,40 +204566,40 +204567,40 +204568,37 +204569,37 +204570,37 +204571,37 +204572,15 +204573,15 +204574,15 +204575,15 +204576,15 +204577,15 +204578,15 +204579,15 +204580,15 +204581,26 +204582,26 +204583,26 +204584,26 +204585,26 +204586,26 +204587,26 +204588,26 +204589,37 +204590,37 +204591,37 +204592,37 +204593,37 +204594,37 +204595,37 +204596,37 +204597,37 +204598,37 +204599,6 +204600,6 +204601,6 +204602,6 +204603,6 +204604,6 +204605,6 +204606,6 +204607,12 +204608,12 +204609,12 +204610,12 +204611,12 +204612,12 +204613,12 +204614,12 +204615,39 +204616,39 +204617,39 +204618,39 +204619,39 +204620,21 +204621,6 +204622,6 +204623,6 +204624,21 +204625,21 +204626,21 +204627,12 +204628,12 +204629,12 +204630,12 +204631,12 +204632,12 +204633,9 +204634,9 +204635,12 +204636,26 +204637,26 +204638,26 +204639,26 +204640,26 +204641,31 +204642,31 +204643,9 +204644,9 +204645,26 +204646,26 +204647,5 +204648,5 +204649,28 +204650,28 +204651,28 +204652,28 +204653,28 +204654,28 +204655,28 +204656,28 +204657,28 +204658,28 +204659,8 +204660,8 +204661,8 +204662,8 +204663,8 +204664,8 +204665,8 +204666,8 +204667,8 +204668,8 +204669,8 +204670,2 +204671,2 +204672,33 +204673,33 +204674,33 +204675,33 +204676,33 +204677,33 +204678,33 +204679,33 +204680,33 +204681,33 +204682,33 +204683,30 +204684,30 +204685,30 +204686,30 +204687,26 +204688,9 +204689,9 +204690,9 +204691,9 +204692,9 +204693,9 +204694,9 +204695,13 +204696,13 +204697,13 +204698,13 +204699,13 +204700,13 +204701,13 +204702,13 +204703,13 +204704,29 +204705,29 +204706,27 +204707,27 +204708,27 +204709,31 +204710,31 +204711,31 +204712,2 +204713,2 +204714,2 +204715,2 +204716,2 +204717,2 +204718,2 +204719,2 +204720,4 +204721,4 +204722,4 +204723,4 +204724,4 +204725,4 +204726,4 +204727,4 +204728,37 +204729,37 +204730,37 +204731,37 +204732,37 +204733,36 +204734,36 +204735,36 +204736,36 +204737,36 +204738,36 +204739,36 +204740,36 +204741,36 +204742,36 +204743,36 +204744,36 +204745,36 +204746,36 +204747,36 +204748,36 +204749,5 +204750,5 +204751,5 +204752,5 +204753,5 +204754,5 +204755,5 +204756,5 +204757,19 +204758,19 +204759,5 +204760,5 +204761,19 +204762,19 +204763,19 +204764,19 +204765,19 +204766,19 +204767,19 +204768,19 +204769,19 +204770,0 +204771,0 +204772,0 +204773,0 +204774,0 +204775,0 +204776,0 +204777,0 +204778,0 +204779,0 +204780,0 +204781,0 +204782,0 +204783,0 +204784,0 +204785,31 +204786,31 +204787,0 +204788,31 +204789,31 +204790,31 +204791,31 +204792,31 +204793,31 +204794,31 +204795,31 +204796,24 +204797,24 +204798,24 +204799,24 +204800,29 +204801,29 +204802,29 +204803,36 +204804,36 +204805,36 +204806,36 +204807,36 +204808,36 +204809,36 +204810,36 +204811,36 +204812,36 +204813,4 +204814,4 +204815,4 +204816,4 +204817,12 +204818,12 +204819,12 +204820,12 +204821,12 +204822,12 +204823,12 +204824,12 +204825,12 +204826,12 +204827,12 +204828,12 +204829,12 +204830,10 +204831,10 +204832,10 +204833,10 +204834,10 +204835,40 +204836,40 +204837,10 +204838,10 +204839,30 +204840,40 +204841,30 +204842,30 +204843,30 +204844,30 +204845,30 +204846,30 +204847,30 +204848,30 +204849,30 +204850,30 +204851,8 +204852,35 +204853,8 +204854,8 +204855,35 +204856,35 +204857,35 +204858,35 +204859,35 +204860,35 +204861,35 +204862,26 +204863,26 +204864,26 +204865,26 +204866,26 +204867,26 +204868,26 +204869,37 +204870,37 +204871,37 +204872,37 +204873,37 +204874,15 +204875,15 +204876,15 +204877,15 +204878,15 +204879,15 +204880,25 +204881,25 +204882,25 +204883,25 +204884,25 +204885,25 +204886,25 +204887,25 +204888,25 +204889,25 +204890,25 +204891,25 +204892,25 +204893,25 +204894,25 +204895,25 +204896,25 +204897,25 +204898,25 +204899,25 +204900,0 +204901,0 +204902,0 +204903,0 +204904,0 +204905,0 +204906,0 +204907,0 +204908,0 +204909,0 +204910,0 +204911,0 +204912,0 +204913,0 +204914,0 +204915,0 +204916,0 +204917,0 +204918,0 +204919,0 +204920,0 +204921,0 +204922,0 +204923,0 +204924,0 +204925,0 +204926,0 +204927,0 +204928,0 +204929,0 +204930,0 +204931,0 +204932,0 +204933,0 +204934,0 +204935,0 +204936,0 +204937,0 +204938,0 +204939,0 +204940,0 +204941,0 +204942,0 +204943,0 +204944,0 +204945,0 +204946,0 +204947,0 +204948,0 +204949,0 +204950,0 +204951,0 +204952,0 +204953,0 +204954,0 +204955,0 +204956,0 +204957,0 +204958,0 +204959,0 +204960,9 +204961,33 +204962,9 +204963,33 +204964,33 +204965,33 +204966,33 +204967,9 +204968,9 +204969,33 +204970,33 +204971,24 +204972,24 +204973,24 +204974,24 +204975,24 +204976,24 +204977,24 +204978,24 +204979,24 +204980,30 +204981,30 +204982,30 +204983,30 +204984,30 +204985,30 +204986,30 +204987,30 +204988,30 +204989,30 +204990,30 +204991,36 +204992,36 +204993,36 +204994,36 +204995,36 +204996,36 +204997,36 +204998,34 +204999,34 +205000,34 +205001,34 +205002,34 +205003,34 +205004,34 +205005,36 +205006,36 +205007,36 +205008,36 +205009,36 +205010,36 +205011,36 +205012,36 +205013,36 +205014,28 +205015,5 +205016,28 +205017,28 +205018,28 +205019,5 +205020,5 +205021,5 +205022,19 +205023,19 +205024,19 +205025,19 +205026,19 +205027,19 +205028,19 +205029,19 +205030,19 +205031,19 +205032,19 +205033,19 +205034,19 +205035,0 +205036,0 +205037,0 +205038,4 +205039,4 +205040,4 +205041,4 +205042,0 +205043,0 +205044,0 +205045,0 +205046,4 +205047,4 +205048,4 +205049,4 +205050,4 +205051,4 +205052,4 +205053,4 +205054,4 +205055,4 +205056,4 +205057,4 +205058,4 +205059,4 +205060,36 +205061,36 +205062,36 +205063,36 +205064,36 +205065,36 +205066,36 +205067,36 +205068,5 +205069,5 +205070,5 +205071,5 +205072,5 +205073,5 +205074,5 +205075,5 +205076,5 +205077,5 +205078,5 +205079,23 +205080,23 +205081,23 +205082,23 +205083,23 +205084,23 +205085,23 +205086,23 +205087,23 +205088,23 +205089,23 +205090,23 +205091,23 +205092,23 +205093,23 +205094,23 +205095,23 +205096,9 +205097,9 +205098,9 +205099,9 +205100,9 +205101,9 +205102,9 +205103,33 +205104,33 +205105,33 +205106,33 +205107,33 +205108,30 +205109,30 +205110,30 +205111,30 +205112,30 +205113,30 +205114,30 +205115,30 +205116,30 +205117,30 +205118,30 +205119,30 +205120,30 +205121,30 +205122,30 +205123,30 +205124,30 +205125,30 +205126,30 +205127,30 +205128,30 +205129,30 +205130,30 +205131,19 +205132,19 +205133,19 +205134,19 +205135,19 +205136,19 +205137,19 +205138,19 +205139,19 +205140,19 +205141,19 +205142,19 +205143,0 +205144,0 +205145,0 +205146,0 +205147,0 +205148,0 +205149,29 +205150,29 +205151,32 +205152,27 +205153,27 +205154,27 +205155,27 +205156,27 +205157,27 +205158,4 +205159,4 +205160,4 +205161,16 +205162,4 +205163,2 +205164,2 +205165,2 +205166,2 +205167,16 +205168,2 +205169,2 +205170,2 +205171,23 +205172,23 +205173,23 +205174,23 +205175,23 +205176,23 +205177,23 +205178,23 +205179,23 +205180,23 +205181,23 +205182,23 +205183,23 +205184,23 +205185,9 +205186,9 +205187,9 +205188,9 +205189,9 +205190,9 +205191,9 +205192,9 +205193,37 +205194,37 +205195,37 +205196,37 +205197,37 +205198,37 +205199,28 +205200,28 +205201,28 +205202,28 +205203,28 +205204,28 +205205,28 +205206,28 +205207,25 +205208,25 +205209,25 +205210,25 +205211,25 +205212,25 +205213,25 +205214,25 +205215,25 +205216,25 +205217,37 +205218,37 +205219,37 +205220,37 +205221,37 +205222,37 +205223,37 +205224,37 +205225,37 +205226,37 +205227,37 +205228,37 +205229,6 +205230,6 +205231,6 +205232,6 +205233,6 +205234,6 +205235,6 +205236,4 +205237,4 +205238,4 +205239,4 +205240,4 +205241,4 +205242,4 +205243,4 +205244,4 +205245,33 +205246,33 +205247,33 +205248,33 +205249,33 +205250,33 +205251,33 +205252,33 +205253,33 +205254,33 +205255,33 +205256,33 +205257,33 +205258,33 +205259,33 +205260,30 +205261,30 +205262,30 +205263,30 +205264,30 +205265,30 +205266,30 +205267,30 +205268,30 +205269,30 +205270,9 +205271,9 +205272,24 +205273,31 +205274,31 +205275,24 +205276,24 +205277,24 +205278,24 +205279,24 +205280,24 +205281,10 +205282,31 +205283,31 +205284,31 +205285,31 +205286,31 +205287,31 +205288,31 +205289,10 +205290,10 +205291,10 +205292,10 +205293,10 +205294,10 +205295,10 +205296,10 +205297,10 +205298,10 +205299,10 +205300,10 +205301,10 +205302,10 +205303,10 +205304,10 +205305,10 +205306,10 +205307,10 +205308,10 +205309,25 +205310,25 +205311,25 +205312,25 +205313,25 +205314,25 +205315,25 +205316,25 +205317,25 +205318,25 +205319,25 +205320,25 +205321,0 +205322,0 +205323,0 +205324,0 +205325,0 +205326,0 +205327,0 +205328,0 +205329,0 +205330,0 +205331,0 +205332,0 +205333,0 +205334,0 +205335,0 +205336,0 +205337,0 +205338,0 +205339,0 +205340,0 +205341,0 +205342,0 +205343,0 +205344,0 +205345,0 +205346,0 +205347,0 +205348,0 +205349,0 +205350,0 +205351,0 +205352,0 +205353,0 +205354,0 +205355,0 +205356,0 +205357,0 +205358,0 +205359,0 +205360,0 +205361,0 +205362,0 +205363,0 +205364,0 +205365,0 +205366,0 +205367,0 +205368,0 +205369,0 +205370,0 +205371,0 +205372,0 +205373,0 +205374,0 +205375,0 +205376,0 +205377,0 +205378,0 +205379,0 +205380,0 +205381,0 +205382,0 +205383,0 +205384,0 +205385,0 +205386,0 +205387,0 +205388,0 +205389,0 +205390,0 +205391,0 +205392,0 +205393,0 +205394,0 +205395,0 +205396,0 +205397,0 +205398,0 +205399,0 +205400,0 +205401,0 +205402,0 +205403,0 +205404,0 +205405,0 +205406,0 +205407,0 +205408,0 +205409,0 +205410,0 +205411,0 +205412,0 +205413,0 +205414,23 +205415,23 +205416,23 +205417,23 +205418,23 +205419,23 +205420,0 +205421,0 +205422,0 +205423,0 +205424,0 +205425,38 +205426,38 +205427,38 +205428,38 +205429,29 +205430,27 +205431,27 +205432,27 +205433,27 +205434,27 +205435,27 +205436,27 +205437,27 +205438,27 +205439,27 +205440,4 +205441,4 +205442,4 +205443,4 +205444,4 +205445,4 +205446,5 +205447,5 +205448,5 +205449,5 +205450,5 +205451,31 +205452,31 +205453,31 +205454,31 +205455,31 +205456,31 +205457,31 +205458,31 +205459,27 +205460,27 +205461,31 +205462,2 +205463,2 +205464,2 +205465,2 +205466,2 +205467,8 +205468,8 +205469,8 +205470,4 +205471,4 +205472,4 +205473,4 +205474,4 +205475,4 +205476,4 +205477,4 +205478,4 +205479,4 +205480,31 +205481,25 +205482,25 +205483,25 +205484,25 +205485,25 +205486,32 +205487,32 +205488,32 +205489,32 +205490,32 +205491,32 +205492,32 +205493,32 +205494,32 +205495,32 +205496,25 +205497,25 +205498,25 +205499,25 +205500,25 +205501,25 +205502,25 +205503,19 +205504,19 +205505,19 +205506,19 +205507,19 +205508,19 +205509,19 +205510,19 +205511,19 +205512,3 +205513,3 +205514,3 +205515,3 +205516,3 +205517,3 +205518,3 +205519,3 +205520,37 +205521,3 +205522,37 +205523,3 +205524,8 +205525,8 +205526,2 +205527,2 +205528,2 +205529,2 +205530,2 +205531,2 +205532,2 +205533,2 +205534,2 +205535,5 +205536,5 +205537,5 +205538,5 +205539,5 +205540,5 +205541,5 +205542,5 +205543,28 +205544,28 +205545,5 +205546,5 +205547,5 +205548,34 +205549,34 +205550,34 +205551,34 +205552,34 +205553,34 +205554,34 +205555,34 +205556,34 +205557,34 +205558,34 +205559,34 +205560,34 +205561,34 +205562,34 +205563,34 +205564,34 +205565,34 +205566,30 +205567,30 +205568,30 +205569,30 +205570,34 +205571,34 +205572,30 +205573,30 +205574,30 +205575,30 +205576,30 +205577,30 +205578,30 +205579,30 +205580,30 +205581,2 +205582,2 +205583,2 +205584,2 +205585,2 +205586,2 +205587,2 +205588,2 +205589,2 +205590,2 +205591,0 +205592,0 +205593,0 +205594,0 +205595,0 +205596,0 +205597,0 +205598,0 +205599,0 +205600,0 +205601,0 +205602,0 +205603,0 +205604,0 +205605,0 +205606,0 +205607,0 +205608,0 +205609,0 +205610,0 +205611,0 +205612,0 +205613,0 +205614,0 +205615,27 +205616,27 +205617,27 +205618,27 +205619,27 +205620,27 +205621,27 +205622,27 +205623,27 +205624,27 +205625,27 +205626,8 +205627,8 +205628,8 +205629,8 +205630,8 +205631,8 +205632,8 +205633,8 +205634,5 +205635,5 +205636,5 +205637,5 +205638,5 +205639,5 +205640,5 +205641,5 +205642,5 +205643,26 +205644,26 +205645,26 +205646,26 +205647,26 +205648,26 +205649,26 +205650,26 +205651,26 +205652,26 +205653,26 +205654,26 +205655,26 +205656,26 +205657,26 +205658,26 +205659,26 +205660,26 +205661,32 +205662,4 +205663,4 +205664,4 +205665,4 +205666,32 +205667,32 +205668,32 +205669,4 +205670,9 +205671,35 +205672,35 +205673,35 +205674,35 +205675,35 +205676,35 +205677,9 +205678,9 +205679,9 +205680,9 +205681,9 +205682,9 +205683,9 +205684,9 +205685,9 +205686,9 +205687,9 +205688,37 +205689,37 +205690,37 +205691,37 +205692,19 +205693,19 +205694,19 +205695,19 +205696,5 +205697,5 +205698,5 +205699,5 +205700,5 +205701,5 +205702,28 +205703,28 +205704,5 +205705,5 +205706,5 +205707,5 +205708,40 +205709,40 +205710,40 +205711,40 +205712,40 +205713,40 +205714,37 +205715,37 +205716,37 +205717,37 +205718,37 +205719,37 +205720,25 +205721,25 +205722,25 +205723,25 +205724,12 +205725,12 +205726,12 +205727,12 +205728,30 +205729,30 +205730,30 +205731,30 +205732,30 +205733,12 +205734,3 +205735,3 +205736,3 +205737,3 +205738,3 +205739,3 +205740,3 +205741,3 +205742,3 +205743,3 +205744,3 +205745,3 +205746,31 +205747,31 +205748,31 +205749,31 +205750,31 +205751,24 +205752,3 +205753,23 +205754,23 +205755,23 +205756,23 +205757,23 +205758,23 +205759,23 +205760,23 +205761,23 +205762,23 +205763,23 +205764,23 +205765,23 +205766,25 +205767,25 +205768,25 +205769,25 +205770,25 +205771,25 +205772,25 +205773,25 +205774,25 +205775,25 +205776,25 +205777,16 +205778,16 +205779,16 +205780,16 +205781,16 +205782,16 +205783,16 +205784,16 +205785,16 +205786,16 +205787,16 +205788,16 +205789,16 +205790,16 +205791,3 +205792,39 +205793,3 +205794,3 +205795,3 +205796,3 +205797,3 +205798,3 +205799,3 +205800,3 +205801,3 +205802,3 +205803,3 +205804,28 +205805,28 +205806,28 +205807,3 +205808,3 +205809,3 +205810,3 +205811,3 +205812,3 +205813,3 +205814,3 +205815,27 +205816,27 +205817,3 +205818,28 +205819,28 +205820,28 +205821,28 +205822,28 +205823,28 +205824,28 +205825,28 +205826,28 +205827,28 +205828,28 +205829,28 +205830,28 +205831,28 +205832,28 +205833,28 +205834,10 +205835,10 +205836,10 +205837,10 +205838,10 +205839,14 +205840,14 +205841,10 +205842,10 +205843,10 +205844,25 +205845,37 +205846,37 +205847,37 +205848,37 +205849,36 +205850,36 +205851,36 +205852,36 +205853,25 +205854,25 +205855,25 +205856,25 +205857,25 +205858,28 +205859,5 +205860,5 +205861,5 +205862,5 +205863,5 +205864,5 +205865,19 +205866,19 +205867,19 +205868,19 +205869,19 +205870,19 +205871,19 +205872,19 +205873,19 +205874,19 +205875,0 +205876,0 +205877,0 +205878,0 +205879,0 +205880,0 +205881,0 +205882,0 +205883,0 +205884,0 +205885,0 +205886,0 +205887,0 +205888,0 +205889,0 +205890,0 +205891,0 +205892,0 +205893,0 +205894,0 +205895,0 +205896,0 +205897,0 +205898,0 +205899,0 +205900,0 +205901,0 +205902,0 +205903,0 +205904,0 +205905,0 +205906,0 +205907,0 +205908,0 +205909,0 +205910,0 +205911,0 +205912,0 +205913,0 +205914,0 +205915,0 +205916,0 +205917,0 +205918,0 +205919,0 +205920,0 +205921,0 +205922,0 +205923,0 +205924,0 +205925,0 +205926,0 +205927,0 +205928,0 +205929,0 +205930,0 +205931,0 +205932,0 +205933,0 +205934,0 +205935,0 +205936,0 +205937,0 +205938,0 +205939,0 +205940,0 +205941,29 +205942,29 +205943,29 +205944,29 +205945,31 +205946,31 +205947,31 +205948,31 +205949,31 +205950,31 +205951,30 +205952,30 +205953,30 +205954,30 +205955,30 +205956,3 +205957,9 +205958,9 +205959,9 +205960,9 +205961,9 +205962,9 +205963,9 +205964,26 +205965,9 +205966,6 +205967,6 +205968,6 +205969,6 +205970,6 +205971,6 +205972,6 +205973,27 +205974,27 +205975,27 +205976,27 +205977,27 +205978,27 +205979,13 +205980,13 +205981,13 +205982,13 +205983,5 +205984,5 +205985,5 +205986,2 +205987,2 +205988,2 +205989,2 +205990,2 +205991,2 +205992,2 +205993,2 +205994,2 +205995,2 +205996,2 +205997,2 +205998,2 +205999,27 +206000,27 +206001,27 +206002,27 +206003,27 +206004,27 +206005,6 +206006,6 +206007,6 +206008,6 +206009,6 +206010,2 +206011,2 +206012,2 +206013,2 +206014,2 +206015,2 +206016,2 +206017,2 +206018,2 +206019,31 +206020,22 +206021,22 +206022,31 +206023,31 +206024,31 +206025,31 +206026,22 +206027,6 +206028,6 +206029,19 +206030,19 +206031,19 +206032,19 +206033,4 +206034,4 +206035,4 +206036,4 +206037,24 +206038,24 +206039,24 +206040,24 +206041,24 +206042,24 +206043,24 +206044,40 +206045,40 +206046,40 +206047,40 +206048,40 +206049,40 +206050,40 +206051,40 +206052,40 +206053,37 +206054,37 +206055,37 +206056,37 +206057,37 +206058,37 +206059,37 +206060,37 +206061,37 +206062,39 +206063,39 +206064,39 +206065,39 +206066,39 +206067,36 +206068,36 +206069,36 +206070,36 +206071,36 +206072,36 +206073,36 +206074,36 +206075,36 +206076,5 +206077,5 +206078,5 +206079,5 +206080,5 +206081,19 +206082,19 +206083,19 +206084,6 +206085,6 +206086,6 +206087,6 +206088,6 +206089,6 +206090,6 +206091,31 +206092,31 +206093,31 +206094,31 +206095,31 +206096,31 +206097,31 +206098,31 +206099,31 +206100,28 +206101,28 +206102,28 +206103,28 +206104,23 +206105,23 +206106,23 +206107,23 +206108,23 +206109,23 +206110,23 +206111,25 +206112,25 +206113,25 +206114,25 +206115,25 +206116,25 +206117,25 +206118,25 +206119,25 +206120,31 +206121,30 +206122,30 +206123,30 +206124,30 +206125,30 +206126,30 +206127,30 +206128,30 +206129,30 +206130,30 +206131,30 +206132,30 +206133,30 +206134,30 +206135,30 +206136,30 +206137,30 +206138,30 +206139,30 +206140,30 +206141,30 +206142,30 +206143,30 +206144,30 +206145,30 +206146,30 +206147,30 +206148,0 +206149,0 +206150,0 +206151,0 +206152,0 +206153,0 +206154,0 +206155,0 +206156,0 +206157,0 +206158,0 +206159,0 +206160,0 +206161,0 +206162,0 +206163,0 +206164,31 +206165,31 +206166,31 +206167,31 +206168,31 +206169,31 +206170,31 +206171,31 +206172,31 +206173,31 +206174,31 +206175,31 +206176,5 +206177,5 +206178,29 +206179,5 +206180,5 +206181,5 +206182,29 +206183,29 +206184,29 +206185,31 +206186,31 +206187,31 +206188,31 +206189,31 +206190,15 +206191,15 +206192,15 +206193,15 +206194,15 +206195,37 +206196,37 +206197,37 +206198,37 +206199,37 +206200,37 +206201,37 +206202,31 +206203,31 +206204,31 +206205,31 +206206,31 +206207,29 +206208,29 +206209,29 +206210,29 +206211,29 +206212,25 +206213,25 +206214,25 +206215,25 +206216,25 +206217,25 +206218,25 +206219,25 +206220,40 +206221,5 +206222,27 +206223,27 +206224,5 +206225,5 +206226,5 +206227,5 +206228,5 +206229,5 +206230,5 +206231,2 +206232,2 +206233,2 +206234,2 +206235,2 +206236,2 +206237,2 +206238,2 +206239,27 +206240,27 +206241,27 +206242,27 +206243,27 +206244,27 +206245,27 +206246,2 +206247,2 +206248,2 +206249,2 +206250,2 +206251,4 +206252,4 +206253,4 +206254,4 +206255,4 +206256,4 +206257,25 +206258,25 +206259,25 +206260,25 +206261,25 +206262,25 +206263,6 +206264,6 +206265,6 +206266,6 +206267,6 +206268,6 +206269,22 +206270,22 +206271,22 +206272,22 +206273,22 +206274,19 +206275,19 +206276,19 +206277,5 +206278,5 +206279,5 +206280,5 +206281,5 +206282,26 +206283,26 +206284,31 +206285,31 +206286,31 +206287,31 +206288,31 +206289,31 +206290,31 +206291,31 +206292,10 +206293,23 +206294,23 +206295,23 +206296,38 +206297,23 +206298,23 +206299,38 +206300,38 +206301,38 +206302,38 +206303,38 +206304,38 +206305,38 +206306,27 +206307,27 +206308,27 +206309,27 +206310,13 +206311,13 +206312,13 +206313,13 +206314,13 +206315,13 +206316,6 +206317,6 +206318,6 +206319,6 +206320,31 +206321,31 +206322,31 +206323,31 +206324,31 +206325,31 +206326,24 +206327,24 +206328,24 +206329,24 +206330,24 +206331,24 +206332,40 +206333,40 +206334,40 +206335,40 +206336,40 +206337,5 +206338,5 +206339,5 +206340,5 +206341,39 +206342,39 +206343,39 +206344,39 +206345,39 +206346,39 +206347,39 +206348,39 +206349,38 +206350,38 +206351,38 +206352,38 +206353,38 +206354,38 +206355,38 +206356,27 +206357,27 +206358,27 +206359,27 +206360,13 +206361,13 +206362,13 +206363,13 +206364,13 +206365,13 +206366,13 +206367,38 +206368,4 +206369,4 +206370,4 +206371,4 +206372,4 +206373,27 +206374,27 +206375,27 +206376,27 +206377,27 +206378,27 +206379,31 +206380,31 +206381,2 +206382,2 +206383,2 +206384,2 +206385,2 +206386,2 +206387,2 +206388,2 +206389,2 +206390,2 +206391,2 +206392,2 +206393,36 +206394,36 +206395,36 +206396,36 +206397,36 +206398,36 +206399,36 +206400,36 +206401,36 +206402,36 +206403,36 +206404,14 +206405,14 +206406,14 +206407,14 +206408,14 +206409,14 +206410,14 +206411,14 +206412,14 +206413,14 +206414,14 +206415,14 +206416,14 +206417,14 +206418,14 +206419,39 +206420,39 +206421,39 +206422,39 +206423,39 +206424,39 +206425,39 +206426,39 +206427,39 +206428,0 +206429,0 +206430,0 +206431,0 +206432,0 +206433,0 +206434,0 +206435,0 +206436,0 +206437,0 +206438,0 +206439,0 +206440,0 +206441,0 +206442,0 +206443,0 +206444,0 +206445,0 +206446,0 +206447,0 +206448,0 +206449,0 +206450,0 +206451,0 +206452,0 +206453,0 +206454,0 +206455,0 +206456,0 +206457,0 +206458,0 +206459,0 +206460,0 +206461,0 +206462,0 +206463,0 +206464,0 +206465,0 +206466,0 +206467,0 +206468,0 +206469,0 +206470,0 +206471,0 +206472,0 +206473,0 +206474,0 +206475,0 +206476,0 +206477,0 +206478,0 +206479,0 +206480,0 +206481,0 +206482,0 +206483,0 +206484,0 +206485,0 +206486,0 +206487,0 +206488,0 +206489,0 +206490,0 +206491,0 +206492,0 +206493,0 +206494,27 +206495,27 +206496,27 +206497,27 +206498,27 +206499,27 +206500,27 +206501,27 +206502,27 +206503,27 +206504,27 +206505,4 +206506,4 +206507,4 +206508,4 +206509,12 +206510,12 +206511,12 +206512,12 +206513,12 +206514,12 +206515,12 +206516,12 +206517,12 +206518,12 +206519,31 +206520,31 +206521,31 +206522,31 +206523,8 +206524,8 +206525,8 +206526,8 +206527,8 +206528,8 +206529,23 +206530,23 +206531,8 +206532,7 +206533,7 +206534,7 +206535,7 +206536,7 +206537,7 +206538,7 +206539,7 +206540,7 +206541,7 +206542,7 +206543,7 +206544,40 +206545,40 +206546,40 +206547,31 +206548,40 +206549,31 +206550,31 +206551,31 +206552,31 +206553,13 +206554,5 +206555,5 +206556,5 +206557,5 +206558,5 +206559,5 +206560,5 +206561,5 +206562,21 +206563,21 +206564,21 +206565,21 +206566,21 +206567,37 +206568,37 +206569,37 +206570,37 +206571,37 +206572,39 +206573,39 +206574,39 +206575,39 +206576,39 +206577,39 +206578,39 +206579,39 +206580,39 +206581,5 +206582,5 +206583,5 +206584,5 +206585,5 +206586,5 +206587,5 +206588,5 +206589,13 +206590,12 +206591,12 +206592,12 +206593,12 +206594,12 +206595,33 +206596,33 +206597,33 +206598,33 +206599,33 +206600,34 +206601,34 +206602,5 +206603,5 +206604,5 +206605,5 +206606,5 +206607,19 +206608,27 +206609,27 +206610,31 +206611,35 +206612,27 +206613,27 +206614,27 +206615,27 +206616,31 +206617,3 +206618,3 +206619,3 +206620,2 +206621,2 +206622,2 +206623,2 +206624,2 +206625,2 +206626,2 +206627,2 +206628,2 +206629,32 +206630,32 +206631,32 +206632,32 +206633,32 +206634,32 +206635,33 +206636,33 +206637,33 +206638,33 +206639,33 +206640,33 +206641,33 +206642,33 +206643,33 +206644,33 +206645,6 +206646,6 +206647,6 +206648,6 +206649,6 +206650,27 +206651,27 +206652,27 +206653,27 +206654,27 +206655,27 +206656,23 +206657,4 +206658,4 +206659,4 +206660,30 +206661,30 +206662,30 +206663,30 +206664,30 +206665,30 +206666,30 +206667,30 +206668,30 +206669,30 +206670,30 +206671,36 +206672,36 +206673,36 +206674,36 +206675,36 +206676,36 +206677,36 +206678,36 +206679,10 +206680,10 +206681,10 +206682,36 +206683,36 +206684,36 +206685,36 +206686,36 +206687,36 +206688,36 +206689,36 +206690,36 +206691,36 +206692,2 +206693,2 +206694,2 +206695,2 +206696,2 +206697,2 +206698,2 +206699,2 +206700,2 +206701,2 +206702,2 +206703,2 +206704,2 +206705,2 +206706,2 +206707,2 +206708,4 +206709,4 +206710,4 +206711,4 +206712,4 +206713,4 +206714,4 +206715,4 +206716,4 +206717,4 +206718,4 +206719,4 +206720,0 +206721,0 +206722,0 +206723,0 +206724,0 +206725,0 +206726,0 +206727,0 +206728,0 +206729,0 +206730,0 +206731,0 +206732,0 +206733,0 +206734,0 +206735,0 +206736,0 +206737,0 +206738,0 +206739,0 +206740,0 +206741,0 +206742,0 +206743,0 +206744,0 +206745,0 +206746,0 +206747,0 +206748,0 +206749,0 +206750,0 +206751,0 +206752,2 +206753,2 +206754,2 +206755,2 +206756,2 +206757,2 +206758,2 +206759,2 +206760,2 +206761,2 +206762,2 +206763,2 +206764,2 +206765,2 +206766,40 +206767,40 +206768,40 +206769,40 +206770,19 +206771,19 +206772,19 +206773,19 +206774,19 +206775,19 +206776,19 +206777,19 +206778,19 +206779,19 +206780,19 +206781,19 +206782,19 +206783,27 +206784,27 +206785,27 +206786,27 +206787,6 +206788,6 +206789,6 +206790,2 +206791,2 +206792,2 +206793,2 +206794,2 +206795,2 +206796,2 +206797,4 +206798,4 +206799,4 +206800,4 +206801,4 +206802,4 +206803,4 +206804,4 +206805,4 +206806,27 +206807,27 +206808,27 +206809,27 +206810,27 +206811,30 +206812,30 +206813,31 +206814,31 +206815,31 +206816,5 +206817,5 +206818,5 +206819,5 +206820,5 +206821,5 +206822,5 +206823,5 +206824,39 +206825,39 +206826,39 +206827,39 +206828,39 +206829,39 +206830,39 +206831,39 +206832,39 +206833,39 +206834,39 +206835,39 +206836,39 +206837,39 +206838,39 +206839,39 +206840,39 +206841,0 +206842,0 +206843,0 +206844,0 +206845,0 +206846,0 +206847,0 +206848,0 +206849,0 +206850,0 +206851,0 +206852,0 +206853,0 +206854,0 +206855,0 +206856,0 +206857,0 +206858,0 +206859,0 +206860,0 +206861,0 +206862,0 +206863,0 +206864,0 +206865,0 +206866,0 +206867,0 +206868,0 +206869,15 +206870,15 +206871,31 +206872,29 +206873,33 +206874,33 +206875,33 +206876,33 +206877,33 +206878,33 +206879,33 +206880,25 +206881,33 +206882,25 +206883,25 +206884,10 +206885,10 +206886,10 +206887,34 +206888,34 +206889,34 +206890,34 +206891,34 +206892,34 +206893,34 +206894,10 +206895,10 +206896,10 +206897,12 +206898,12 +206899,12 +206900,12 +206901,12 +206902,12 +206903,12 +206904,31 +206905,31 +206906,31 +206907,31 +206908,8 +206909,8 +206910,8 +206911,8 +206912,8 +206913,2 +206914,2 +206915,2 +206916,2 +206917,2 +206918,4 +206919,4 +206920,4 +206921,4 +206922,27 +206923,27 +206924,27 +206925,27 +206926,27 +206927,13 +206928,13 +206929,13 +206930,21 +206931,21 +206932,21 +206933,21 +206934,21 +206935,21 +206936,21 +206937,27 +206938,27 +206939,27 +206940,27 +206941,27 +206942,4 +206943,4 +206944,4 +206945,4 +206946,4 +206947,4 +206948,4 +206949,4 +206950,29 +206951,29 +206952,29 +206953,31 +206954,31 +206955,15 +206956,15 +206957,15 +206958,15 +206959,15 +206960,15 +206961,15 +206962,15 +206963,15 +206964,40 +206965,40 +206966,40 +206967,40 +206968,40 +206969,40 +206970,40 +206971,40 +206972,40 +206973,40 +206974,2 +206975,2 +206976,2 +206977,2 +206978,2 +206979,2 +206980,2 +206981,2 +206982,2 +206983,2 +206984,4 +206985,4 +206986,4 +206987,4 +206988,4 +206989,4 +206990,4 +206991,31 +206992,31 +206993,5 +206994,5 +206995,5 +206996,5 +206997,5 +206998,5 +206999,5 +207000,5 +207001,14 +207002,14 +207003,14 +207004,14 +207005,14 +207006,39 +207007,37 +207008,37 +207009,37 +207010,37 +207011,37 +207012,37 +207013,37 +207014,37 +207015,31 +207016,31 +207017,31 +207018,31 +207019,27 +207020,27 +207021,27 +207022,27 +207023,2 +207024,2 +207025,2 +207026,2 +207027,2 +207028,2 +207029,4 +207030,4 +207031,4 +207032,4 +207033,4 +207034,31 +207035,31 +207036,31 +207037,31 +207038,30 +207039,30 +207040,30 +207041,30 +207042,30 +207043,36 +207044,10 +207045,10 +207046,10 +207047,10 +207048,10 +207049,10 +207050,10 +207051,10 +207052,10 +207053,10 +207054,10 +207055,10 +207056,10 +207057,10 +207058,10 +207059,10 +207060,10 +207061,10 +207062,10 +207063,10 +207064,10 +207065,0 +207066,0 +207067,0 +207068,0 +207069,0 +207070,0 +207071,0 +207072,0 +207073,0 +207074,0 +207075,0 +207076,0 +207077,0 +207078,0 +207079,0 +207080,0 +207081,0 +207082,0 +207083,0 +207084,0 +207085,0 +207086,0 +207087,0 +207088,0 +207089,0 +207090,0 +207091,0 +207092,0 +207093,0 +207094,0 +207095,0 +207096,0 +207097,0 +207098,0 +207099,0 +207100,0 +207101,36 +207102,27 +207103,27 +207104,27 +207105,36 +207106,27 +207107,27 +207108,5 +207109,5 +207110,5 +207111,19 +207112,5 +207113,5 +207114,5 +207115,5 +207116,5 +207117,35 +207118,35 +207119,35 +207120,35 +207121,35 +207122,35 +207123,35 +207124,35 +207125,35 +207126,40 +207127,40 +207128,40 +207129,40 +207130,40 +207131,40 +207132,40 +207133,36 +207134,36 +207135,19 +207136,19 +207137,19 +207138,19 +207139,19 +207140,19 +207141,19 +207142,19 +207143,19 +207144,5 +207145,5 +207146,5 +207147,31 +207148,31 +207149,31 +207150,31 +207151,31 +207152,31 +207153,31 +207154,31 +207155,31 +207156,31 +207157,31 +207158,31 +207159,31 +207160,19 +207161,19 +207162,19 +207163,19 +207164,39 +207165,39 +207166,39 +207167,39 +207168,39 +207169,39 +207170,39 +207171,39 +207172,39 +207173,39 +207174,39 +207175,24 +207176,24 +207177,24 +207178,24 +207179,24 +207180,24 +207181,24 +207182,27 +207183,27 +207184,27 +207185,27 +207186,27 +207187,27 +207188,5 +207189,5 +207190,5 +207191,5 +207192,5 +207193,5 +207194,5 +207195,5 +207196,19 +207197,19 +207198,19 +207199,19 +207200,39 +207201,39 +207202,39 +207203,39 +207204,39 +207205,39 +207206,39 +207207,39 +207208,39 +207209,39 +207210,39 +207211,39 +207212,39 +207213,39 +207214,39 +207215,39 +207216,0 +207217,0 +207218,27 +207219,27 +207220,27 +207221,27 +207222,27 +207223,27 +207224,27 +207225,27 +207226,27 +207227,27 +207228,27 +207229,27 +207230,40 +207231,40 +207232,40 +207233,40 +207234,40 +207235,40 +207236,40 +207237,40 +207238,40 +207239,40 +207240,40 +207241,37 +207242,37 +207243,37 +207244,37 +207245,37 +207246,37 +207247,37 +207248,37 +207249,37 +207250,25 +207251,37 +207252,25 +207253,25 +207254,25 +207255,25 +207256,25 +207257,25 +207258,25 +207259,31 +207260,31 +207261,31 +207262,31 +207263,24 +207264,24 +207265,24 +207266,24 +207267,24 +207268,35 +207269,35 +207270,35 +207271,35 +207272,35 +207273,35 +207274,35 +207275,35 +207276,35 +207277,35 +207278,35 +207279,35 +207280,35 +207281,35 +207282,39 +207283,39 +207284,39 +207285,39 +207286,39 +207287,39 +207288,39 +207289,37 +207290,37 +207291,37 +207292,37 +207293,37 +207294,37 +207295,37 +207296,37 +207297,37 +207298,37 +207299,37 +207300,37 +207301,37 +207302,39 +207303,39 +207304,39 +207305,39 +207306,39 +207307,39 +207308,39 +207309,39 +207310,39 +207311,13 +207312,13 +207313,13 +207314,13 +207315,28 +207316,28 +207317,13 +207318,13 +207319,6 +207320,6 +207321,6 +207322,6 +207323,6 +207324,35 +207325,35 +207326,35 +207327,35 +207328,36 +207329,27 +207330,36 +207331,36 +207332,27 +207333,27 +207334,27 +207335,27 +207336,27 +207337,27 +207338,27 +207339,27 +207340,27 +207341,27 +207342,27 +207343,27 +207344,27 +207345,27 +207346,28 +207347,28 +207348,28 +207349,28 +207350,28 +207351,28 +207352,28 +207353,28 +207354,28 +207355,28 +207356,28 +207357,28 +207358,28 +207359,28 +207360,28 +207361,28 +207362,28 +207363,0 +207364,0 +207365,0 +207366,0 +207367,0 +207368,0 +207369,0 +207370,0 +207371,0 +207372,0 +207373,0 +207374,0 +207375,0 +207376,0 +207377,0 +207378,0 +207379,0 +207380,0 +207381,0 +207382,0 +207383,0 +207384,0 +207385,0 +207386,0 +207387,0 +207388,0 +207389,0 +207390,0 +207391,0 +207392,0 +207393,0 +207394,0 +207395,0 +207396,0 +207397,0 +207398,0 +207399,0 +207400,0 +207401,0 +207402,0 +207403,0 +207404,0 +207405,0 +207406,0 +207407,0 +207408,0 +207409,0 +207410,0 +207411,0 +207412,0 +207413,0 +207414,0 +207415,0 +207416,0 +207417,0 +207418,0 +207419,0 +207420,12 +207421,12 +207422,12 +207423,27 +207424,27 +207425,27 +207426,27 +207427,27 +207428,5 +207429,5 +207430,5 +207431,13 +207432,13 +207433,28 +207434,28 +207435,28 +207436,28 +207437,28 +207438,28 +207439,28 +207440,28 +207441,28 +207442,36 +207443,36 +207444,36 +207445,36 +207446,36 +207447,10 +207448,34 +207449,34 +207450,10 +207451,10 +207452,35 +207453,35 +207454,35 +207455,31 +207456,30 +207457,39 +207458,39 +207459,39 +207460,39 +207461,39 +207462,39 +207463,39 +207464,39 +207465,39 +207466,39 +207467,39 +207468,39 +207469,39 +207470,39 +207471,39 +207472,39 +207473,39 +207474,39 +207475,39 +207476,39 +207477,39 +207478,39 +207479,39 +207480,2 +207481,2 +207482,2 +207483,2 +207484,2 +207485,2 +207486,2 +207487,2 +207488,2 +207489,2 +207490,2 +207491,2 +207492,2 +207493,2 +207494,2 +207495,2 +207496,2 +207497,37 +207498,37 +207499,37 +207500,37 +207501,37 +207502,37 +207503,37 +207504,37 +207505,14 +207506,14 +207507,14 +207508,14 +207509,14 +207510,39 +207511,39 +207512,39 +207513,39 +207514,39 +207515,39 +207516,39 +207517,2 +207518,2 +207519,2 +207520,8 +207521,2 +207522,2 +207523,2 +207524,2 +207525,2 +207526,2 +207527,4 +207528,4 +207529,4 +207530,4 +207531,4 +207532,27 +207533,27 +207534,27 +207535,27 +207536,27 +207537,27 +207538,27 +207539,8 +207540,8 +207541,8 +207542,8 +207543,8 +207544,8 +207545,8 +207546,8 +207547,23 +207548,23 +207549,23 +207550,23 +207551,23 +207552,23 +207553,23 +207554,33 +207555,33 +207556,33 +207557,9 +207558,9 +207559,17 +207560,17 +207561,17 +207562,17 +207563,17 +207564,17 +207565,17 +207566,17 +207567,17 +207568,17 +207569,17 +207570,17 +207571,17 +207572,17 +207573,17 +207574,2 +207575,2 +207576,2 +207577,2 +207578,2 +207579,2 +207580,2 +207581,2 +207582,2 +207583,2 +207584,2 +207585,4 +207586,4 +207587,4 +207588,4 +207589,4 +207590,4 +207591,27 +207592,27 +207593,27 +207594,27 +207595,27 +207596,27 +207597,2 +207598,2 +207599,2 +207600,2 +207601,2 +207602,2 +207603,2 +207604,2 +207605,2 +207606,2 +207607,14 +207608,14 +207609,14 +207610,14 +207611,14 +207612,14 +207613,14 +207614,14 +207615,14 +207616,14 +207617,14 +207618,14 +207619,14 +207620,14 +207621,14 +207622,14 +207623,0 +207624,0 +207625,0 +207626,0 +207627,0 +207628,0 +207629,10 +207630,10 +207631,10 +207632,10 +207633,10 +207634,10 +207635,10 +207636,10 +207637,10 +207638,10 +207639,10 +207640,10 +207641,10 +207642,10 +207643,10 +207644,10 +207645,5 +207646,5 +207647,5 +207648,5 +207649,5 +207650,5 +207651,5 +207652,5 +207653,5 +207654,5 +207655,5 +207656,5 +207657,5 +207658,5 +207659,5 +207660,33 +207661,33 +207662,33 +207663,33 +207664,33 +207665,33 +207666,33 +207667,33 +207668,34 +207669,34 +207670,34 +207671,34 +207672,34 +207673,34 +207674,34 +207675,34 +207676,34 +207677,35 +207678,35 +207679,35 +207680,35 +207681,35 +207682,35 +207683,35 +207684,35 +207685,35 +207686,35 +207687,35 +207688,35 +207689,27 +207690,27 +207691,27 +207692,27 +207693,27 +207694,27 +207695,27 +207696,27 +207697,27 +207698,27 +207699,27 +207700,27 +207701,28 +207702,28 +207703,28 +207704,28 +207705,28 +207706,28 +207707,28 +207708,28 +207709,28 +207710,28 +207711,28 +207712,28 +207713,28 +207714,28 +207715,28 +207716,28 +207717,0 +207718,0 +207719,0 +207720,0 +207721,0 +207722,0 +207723,0 +207724,0 +207725,0 +207726,0 +207727,0 +207728,0 +207729,0 +207730,0 +207731,0 +207732,0 +207733,0 +207734,0 +207735,0 +207736,0 +207737,0 +207738,0 +207739,0 +207740,0 +207741,0 +207742,0 +207743,0 +207744,0 +207745,0 +207746,0 +207747,0 +207748,0 +207749,0 +207750,0 +207751,0 +207752,0 +207753,0 +207754,0 +207755,0 +207756,0 +207757,0 +207758,0 +207759,0 +207760,0 +207761,0 +207762,0 +207763,0 +207764,0 +207765,0 +207766,0 +207767,31 +207768,31 +207769,0 +207770,0 +207771,36 +207772,36 +207773,36 +207774,36 +207775,36 +207776,36 +207777,36 +207778,8 +207779,8 +207780,8 +207781,8 +207782,8 +207783,8 +207784,15 +207785,15 +207786,15 +207787,15 +207788,15 +207789,15 +207790,15 +207791,15 +207792,19 +207793,30 +207794,30 +207795,30 +207796,30 +207797,30 +207798,40 +207799,40 +207800,40 +207801,40 +207802,40 +207803,40 +207804,40 +207805,19 +207806,5 +207807,19 +207808,5 +207809,5 +207810,5 +207811,5 +207812,5 +207813,5 +207814,4 +207815,4 +207816,4 +207817,4 +207818,4 +207819,4 +207820,4 +207821,4 +207822,4 +207823,4 +207824,31 +207825,31 +207826,31 +207827,31 +207828,31 +207829,28 +207830,28 +207831,28 +207832,28 +207833,28 +207834,28 +207835,28 +207836,28 +207837,28 +207838,28 +207839,28 +207840,28 +207841,28 +207842,28 +207843,28 +207844,14 +207845,14 +207846,14 +207847,14 +207848,14 +207849,14 +207850,14 +207851,14 +207852,14 +207853,14 +207854,14 +207855,6 +207856,6 +207857,6 +207858,6 +207859,6 +207860,6 +207861,6 +207862,6 +207863,31 +207864,31 +207865,31 +207866,31 +207867,28 +207868,28 +207869,28 +207870,28 +207871,28 +207872,28 +207873,28 +207874,28 +207875,2 +207876,2 +207877,2 +207878,2 +207879,2 +207880,2 +207881,2 +207882,2 +207883,2 +207884,40 +207885,40 +207886,40 +207887,40 +207888,40 +207889,40 +207890,30 +207891,30 +207892,31 +207893,9 +207894,9 +207895,30 +207896,24 +207897,29 +207898,29 +207899,31 +207900,31 +207901,31 +207902,31 +207903,31 +207904,31 +207905,31 +207906,29 +207907,31 +207908,31 +207909,31 +207910,30 +207911,30 +207912,30 +207913,30 +207914,30 +207915,30 +207916,30 +207917,30 +207918,30 +207919,30 +207920,30 +207921,33 +207922,33 +207923,33 +207924,33 +207925,33 +207926,33 +207927,33 +207928,33 +207929,33 +207930,33 +207931,33 +207932,27 +207933,27 +207934,27 +207935,27 +207936,31 +207937,8 +207938,8 +207939,8 +207940,8 +207941,8 +207942,8 +207943,8 +207944,8 +207945,37 +207946,37 +207947,37 +207948,25 +207949,25 +207950,25 +207951,25 +207952,25 +207953,36 +207954,36 +207955,14 +207956,14 +207957,14 +207958,36 +207959,36 +207960,36 +207961,36 +207962,13 +207963,13 +207964,13 +207965,13 +207966,13 +207967,13 +207968,13 +207969,6 +207970,6 +207971,6 +207972,6 +207973,6 +207974,6 +207975,6 +207976,6 +207977,6 +207978,6 +207979,6 +207980,6 +207981,6 +207982,0 +207983,0 +207984,0 +207985,0 +207986,0 +207987,0 +207988,0 +207989,0 +207990,0 +207991,0 +207992,0 +207993,0 +207994,23 +207995,23 +207996,23 +207997,23 +207998,0 +207999,23 +208000,23 +208001,23 +208002,23 +208003,0 +208004,0 +208005,0 +208006,0 +208007,0 +208008,0 +208009,0 +208010,0 +208011,0 +208012,0 +208013,0 +208014,29 +208015,29 +208016,29 +208017,40 +208018,40 +208019,40 +208020,40 +208021,40 +208022,40 +208023,40 +208024,40 +208025,40 +208026,40 +208027,40 +208028,40 +208029,5 +208030,5 +208031,5 +208032,5 +208033,5 +208034,5 +208035,5 +208036,5 +208037,5 +208038,5 +208039,5 +208040,5 +208041,5 +208042,5 +208043,5 +208044,5 +208045,5 +208046,5 +208047,0 +208048,0 +208049,0 +208050,0 +208051,0 +208052,0 +208053,0 +208054,0 +208055,0 +208056,0 +208057,0 +208058,0 +208059,0 +208060,0 +208061,0 +208062,0 +208063,0 +208064,0 +208065,0 +208066,0 +208067,0 +208068,2 +208069,2 +208070,2 +208071,2 +208072,2 +208073,2 +208074,2 +208075,2 +208076,2 +208077,2 +208078,2 +208079,2 +208080,27 +208081,27 +208082,27 +208083,27 +208084,5 +208085,5 +208086,5 +208087,5 +208088,5 +208089,2 +208090,2 +208091,2 +208092,2 +208093,2 +208094,2 +208095,2 +208096,2 +208097,2 +208098,10 +208099,10 +208100,10 +208101,10 +208102,10 +208103,10 +208104,10 +208105,10 +208106,10 +208107,10 +208108,10 +208109,10 +208110,10 +208111,10 +208112,10 +208113,28 +208114,28 +208115,28 +208116,28 +208117,28 +208118,28 +208119,28 +208120,28 +208121,31 +208122,31 +208123,31 +208124,27 +208125,27 +208126,5 +208127,5 +208128,5 +208129,5 +208130,5 +208131,5 +208132,5 +208133,5 +208134,5 +208135,5 +208136,19 +208137,4 +208138,4 +208139,4 +208140,4 +208141,4 +208142,4 +208143,4 +208144,4 +208145,27 +208146,27 +208147,27 +208148,27 +208149,27 +208150,27 +208151,27 +208152,27 +208153,27 +208154,5 +208155,5 +208156,5 +208157,4 +208158,4 +208159,4 +208160,4 +208161,18 +208162,18 +208163,18 +208164,18 +208165,37 +208166,18 +208167,25 +208168,37 +208169,25 +208170,19 +208171,18 +208172,19 +208173,19 +208174,19 +208175,19 +208176,19 +208177,27 +208178,27 +208179,27 +208180,27 +208181,27 +208182,27 +208183,27 +208184,27 +208185,2 +208186,2 +208187,2 +208188,2 +208189,2 +208190,2 +208191,2 +208192,2 +208193,2 +208194,27 +208195,27 +208196,27 +208197,27 +208198,13 +208199,13 +208200,13 +208201,13 +208202,13 +208203,13 +208204,13 +208205,13 +208206,13 +208207,13 +208208,13 +208209,5 +208210,5 +208211,5 +208212,5 +208213,5 +208214,5 +208215,5 +208216,5 +208217,5 +208218,33 +208219,33 +208220,33 +208221,33 +208222,33 +208223,33 +208224,33 +208225,33 +208226,33 +208227,3 +208228,3 +208229,3 +208230,3 +208231,3 +208232,3 +208233,3 +208234,3 +208235,28 +208236,28 +208237,28 +208238,28 +208239,28 +208240,28 +208241,28 +208242,28 +208243,28 +208244,3 +208245,3 +208246,3 +208247,3 +208248,3 +208249,3 +208250,3 +208251,3 +208252,3 +208253,3 +208254,3 +208255,3 +208256,3 +208257,3 +208258,7 +208259,7 +208260,7 +208261,7 +208262,7 +208263,7 +208264,7 +208265,7 +208266,7 +208267,3 +208268,3 +208269,3 +208270,3 +208271,3 +208272,3 +208273,3 +208274,2 +208275,2 +208276,2 +208277,2 +208278,2 +208279,2 +208280,2 +208281,2 +208282,2 +208283,2 +208284,2 +208285,2 +208286,2 +208287,27 +208288,27 +208289,27 +208290,27 +208291,18 +208292,18 +208293,18 +208294,18 +208295,18 +208296,18 +208297,18 +208298,18 +208299,18 +208300,18 +208301,18 +208302,25 +208303,25 +208304,25 +208305,25 +208306,25 +208307,25 +208308,25 +208309,25 +208310,25 +208311,32 +208312,32 +208313,32 +208314,32 +208315,32 +208316,32 +208317,32 +208318,32 +208319,32 +208320,32 +208321,32 +208322,36 +208323,36 +208324,36 +208325,36 +208326,36 +208327,36 +208328,36 +208329,36 +208330,6 +208331,6 +208332,6 +208333,6 +208334,6 +208335,6 +208336,6 +208337,6 +208338,36 +208339,6 +208340,6 +208341,4 +208342,4 +208343,4 +208344,31 +208345,31 +208346,31 +208347,31 +208348,31 +208349,31 +208350,31 +208351,31 +208352,31 +208353,2 +208354,2 +208355,2 +208356,2 +208357,2 +208358,2 +208359,2 +208360,2 +208361,2 +208362,2 +208363,2 +208364,2 +208365,2 +208366,2 +208367,2 +208368,2 +208369,2 +208370,0 +208371,0 +208372,0 +208373,0 +208374,0 +208375,0 +208376,0 +208377,0 +208378,0 +208379,0 +208380,0 +208381,0 +208382,0 +208383,0 +208384,0 +208385,0 +208386,0 +208387,0 +208388,0 +208389,0 +208390,0 +208391,0 +208392,0 +208393,2 +208394,2 +208395,2 +208396,2 +208397,2 +208398,2 +208399,2 +208400,2 +208401,2 +208402,2 +208403,2 +208404,2 +208405,2 +208406,40 +208407,40 +208408,40 +208409,40 +208410,40 +208411,40 +208412,40 +208413,19 +208414,19 +208415,19 +208416,19 +208417,15 +208418,15 +208419,15 +208420,15 +208421,15 +208422,15 +208423,15 +208424,15 +208425,15 +208426,15 +208427,9 +208428,9 +208429,9 +208430,9 +208431,9 +208432,9 +208433,9 +208434,9 +208435,9 +208436,37 +208437,37 +208438,37 +208439,37 +208440,37 +208441,37 +208442,37 +208443,37 +208444,18 +208445,19 +208446,19 +208447,19 +208448,19 +208449,19 +208450,4 +208451,4 +208452,4 +208453,4 +208454,4 +208455,4 +208456,3 +208457,3 +208458,3 +208459,3 +208460,3 +208461,3 +208462,3 +208463,29 +208464,29 +208465,31 +208466,31 +208467,31 +208468,31 +208469,31 +208470,31 +208471,5 +208472,5 +208473,5 +208474,5 +208475,5 +208476,5 +208477,3 +208478,3 +208479,3 +208480,3 +208481,3 +208482,3 +208483,3 +208484,3 +208485,3 +208486,3 +208487,3 +208488,3 +208489,6 +208490,6 +208491,6 +208492,6 +208493,6 +208494,6 +208495,6 +208496,31 +208497,31 +208498,31 +208499,31 +208500,31 +208501,31 +208502,31 +208503,31 +208504,31 +208505,31 +208506,28 +208507,28 +208508,28 +208509,28 +208510,28 +208511,25 +208512,25 +208513,25 +208514,25 +208515,25 +208516,25 +208517,25 +208518,25 +208519,25 +208520,25 +208521,25 +208522,25 +208523,25 +208524,25 +208525,25 +208526,25 +208527,25 +208528,25 +208529,25 +208530,25 +208531,25 +208532,25 +208533,25 +208534,25 +208535,0 +208536,0 +208537,0 +208538,0 +208539,0 +208540,0 +208541,0 +208542,0 +208543,0 +208544,0 +208545,30 +208546,30 +208547,30 +208548,30 +208549,30 +208550,30 +208551,30 +208552,30 +208553,30 +208554,30 +208555,30 +208556,30 +208557,30 +208558,14 +208559,14 +208560,14 +208561,14 +208562,14 +208563,14 +208564,14 +208565,14 +208566,14 +208567,14 +208568,14 +208569,14 +208570,13 +208571,13 +208572,13 +208573,13 +208574,13 +208575,13 +208576,27 +208577,27 +208578,27 +208579,27 +208580,27 +208581,27 +208582,8 +208583,8 +208584,8 +208585,8 +208586,8 +208587,8 +208588,8 +208589,8 +208590,35 +208591,35 +208592,35 +208593,35 +208594,36 +208595,36 +208596,36 +208597,36 +208598,36 +208599,36 +208600,36 +208601,36 +208602,36 +208603,36 +208604,36 +208605,36 +208606,36 +208607,36 +208608,36 +208609,36 +208610,36 +208611,36 +208612,36 +208613,36 +208614,36 +208615,36 +208616,5 +208617,5 +208618,5 +208619,31 +208620,31 +208621,31 +208622,31 +208623,31 +208624,31 +208625,31 +208626,31 +208627,31 +208628,5 +208629,5 +208630,5 +208631,5 +208632,5 +208633,27 +208634,27 +208635,27 +208636,27 +208637,8 +208638,8 +208639,8 +208640,8 +208641,8 +208642,8 +208643,8 +208644,15 +208645,15 +208646,15 +208647,15 +208648,15 +208649,37 +208650,37 +208651,37 +208652,37 +208653,37 +208654,40 +208655,40 +208656,40 +208657,40 +208658,40 +208659,40 +208660,40 +208661,2 +208662,2 +208663,2 +208664,2 +208665,2 +208666,2 +208667,2 +208668,2 +208669,32 +208670,32 +208671,32 +208672,32 +208673,32 +208674,32 +208675,32 +208676,32 +208677,32 +208678,32 +208679,10 +208680,10 +208681,10 +208682,10 +208683,36 +208684,36 +208685,10 +208686,10 +208687,10 +208688,34 +208689,34 +208690,34 +208691,6 +208692,6 +208693,6 +208694,6 +208695,6 +208696,6 +208697,31 +208698,31 +208699,31 +208700,31 +208701,22 +208702,22 +208703,22 +208704,22 +208705,19 +208706,4 +208707,4 +208708,4 +208709,0 +208710,0 +208711,0 +208712,0 +208713,0 +208714,0 +208715,0 +208716,0 +208717,0 +208718,0 +208719,0 +208720,0 +208721,0 +208722,0 +208723,0 +208724,0 +208725,0 +208726,0 +208727,0 +208728,0 +208729,0 +208730,0 +208731,0 +208732,0 +208733,0 +208734,0 +208735,0 +208736,0 +208737,0 +208738,0 +208739,0 +208740,0 +208741,0 +208742,0 +208743,0 +208744,0 +208745,0 +208746,0 +208747,0 +208748,0 +208749,0 +208750,0 +208751,0 +208752,0 +208753,0 +208754,0 +208755,0 +208756,0 +208757,12 +208758,12 +208759,12 +208760,12 +208761,12 +208762,12 +208763,12 +208764,12 +208765,12 +208766,31 +208767,31 +208768,31 +208769,31 +208770,31 +208771,31 +208772,31 +208773,31 +208774,32 +208775,4 +208776,4 +208777,4 +208778,4 +208779,4 +208780,4 +208781,32 +208782,32 +208783,0 +208784,0 +208785,0 +208786,0 +208787,0 +208788,29 +208789,0 +208790,0 +208791,36 +208792,36 +208793,36 +208794,36 +208795,31 +208796,10 +208797,31 +208798,31 +208799,31 +208800,4 +208801,6 +208802,6 +208803,6 +208804,6 +208805,6 +208806,6 +208807,6 +208808,6 +208809,12 +208810,12 +208811,12 +208812,12 +208813,12 +208814,10 +208815,10 +208816,10 +208817,10 +208818,10 +208819,10 +208820,11 +208821,11 +208822,11 +208823,11 +208824,11 +208825,11 +208826,11 +208827,11 +208828,11 +208829,11 +208830,31 +208831,31 +208832,31 +208833,5 +208834,5 +208835,5 +208836,19 +208837,19 +208838,19 +208839,19 +208840,36 +208841,36 +208842,36 +208843,36 +208844,36 +208845,36 +208846,36 +208847,36 +208848,36 +208849,36 +208850,36 +208851,36 +208852,36 +208853,36 +208854,36 +208855,36 +208856,36 +208857,36 +208858,36 +208859,36 +208860,36 +208861,36 +208862,36 +208863,36 +208864,36 +208865,36 +208866,36 +208867,36 +208868,36 +208869,36 +208870,36 +208871,36 +208872,36 +208873,2 +208874,2 +208875,2 +208876,2 +208877,2 +208878,2 +208879,2 +208880,2 +208881,2 +208882,2 +208883,2 +208884,6 +208885,6 +208886,6 +208887,6 +208888,6 +208889,6 +208890,6 +208891,6 +208892,6 +208893,6 +208894,6 +208895,6 +208896,6 +208897,6 +208898,6 +208899,6 +208900,6 +208901,0 +208902,0 +208903,0 +208904,0 +208905,0 +208906,0 +208907,0 +208908,0 +208909,0 +208910,0 +208911,0 +208912,0 +208913,0 +208914,0 +208915,0 +208916,0 +208917,0 +208918,0 +208919,0 +208920,0 +208921,0 +208922,0 +208923,0 +208924,0 +208925,0 +208926,0 +208927,0 +208928,0 +208929,0 +208930,0 +208931,0 +208932,0 +208933,0 +208934,0 +208935,0 +208936,0 +208937,0 +208938,0 +208939,0 +208940,0 +208941,0 +208942,0 +208943,0 +208944,0 +208945,0 +208946,0 +208947,0 +208948,0 +208949,0 +208950,0 +208951,0 +208952,0 +208953,0 +208954,0 +208955,0 +208956,0 +208957,30 +208958,30 +208959,30 +208960,30 +208961,30 +208962,30 +208963,30 +208964,30 +208965,30 +208966,30 +208967,30 +208968,30 +208969,30 +208970,30 +208971,22 +208972,22 +208973,22 +208974,22 +208975,22 +208976,22 +208977,6 +208978,6 +208979,6 +208980,6 +208981,6 +208982,6 +208983,27 +208984,27 +208985,39 +208986,39 +208987,39 +208988,39 +208989,39 +208990,39 +208991,39 +208992,5 +208993,5 +208994,5 +208995,5 +208996,5 +208997,5 +208998,5 +208999,5 +209000,10 +209001,10 +209002,10 +209003,10 +209004,10 +209005,10 +209006,10 +209007,36 +209008,36 +209009,36 +209010,36 +209011,32 +209012,32 +209013,32 +209014,32 +209015,32 +209016,32 +209017,32 +209018,32 +209019,32 +209020,32 +209021,31 +209022,31 +209023,31 +209024,31 +209025,31 +209026,4 +209027,4 +209028,4 +209029,32 +209030,32 +209031,32 +209032,19 +209033,32 +209034,32 +209035,32 +209036,19 +209037,4 +209038,4 +209039,32 +209040,27 +209041,27 +209042,27 +209043,27 +209044,27 +209045,27 +209046,27 +209047,31 +209048,31 +209049,31 +209050,2 +209051,2 +209052,2 +209053,2 +209054,2 +209055,2 +209056,2 +209057,2 +209058,2 +209059,2 +209060,2 +209061,2 +209062,2 +209063,3 +209064,3 +209065,3 +209066,31 +209067,31 +209068,12 +209069,12 +209070,12 +209071,12 +209072,12 +209073,12 +209074,12 +209075,12 +209076,12 +209077,12 +209078,12 +209079,12 +209080,12 +209081,25 +209082,25 +209083,25 +209084,25 +209085,25 +209086,25 +209087,25 +209088,25 +209089,25 +209090,31 +209091,19 +209092,19 +209093,19 +209094,19 +209095,19 +209096,19 +209097,19 +209098,19 +209099,19 +209100,2 +209101,2 +209102,2 +209103,8 +209104,8 +209105,2 +209106,2 +209107,8 +209108,2 +209109,2 +209110,2 +209111,2 +209112,2 +209113,2 +209114,2 +209115,2 +209116,2 +209117,2 +209118,2 +209119,2 +209120,2 +209121,0 +209122,0 +209123,0 +209124,0 +209125,0 +209126,0 +209127,0 +209128,0 +209129,0 +209130,0 +209131,0 +209132,23 +209133,23 +209134,23 +209135,23 +209136,23 +209137,23 +209138,23 +209139,23 +209140,23 +209141,23 +209142,26 +209143,26 +209144,26 +209145,26 +209146,26 +209147,26 +209148,34 +209149,34 +209150,34 +209151,34 +209152,34 +209153,34 +209154,26 +209155,26 +209156,26 +209157,31 +209158,31 +209159,29 +209160,29 +209161,29 +209162,29 +209163,29 +209164,25 +209165,25 +209166,25 +209167,25 +209168,25 +209169,25 +209170,25 +209171,25 +209172,25 +209173,25 +209174,27 +209175,27 +209176,27 +209177,27 +209178,27 +209179,5 +209180,5 +209181,5 +209182,5 +209183,5 +209184,28 +209185,28 +209186,28 +209187,2 +209188,2 +209189,2 +209190,2 +209191,2 +209192,2 +209193,2 +209194,2 +209195,2 +209196,2 +209197,2 +209198,2 +209199,2 +209200,31 +209201,10 +209202,10 +209203,10 +209204,10 +209205,10 +209206,31 +209207,31 +209208,31 +209209,31 +209210,31 +209211,26 +209212,26 +209213,26 +209214,26 +209215,5 +209216,5 +209217,5 +209218,5 +209219,5 +209220,5 +209221,5 +209222,5 +209223,5 +209224,5 +209225,5 +209226,5 +209227,5 +209228,5 +209229,5 +209230,5 +209231,5 +209232,0 +209233,0 +209234,0 +209235,0 +209236,0 +209237,0 +209238,0 +209239,0 +209240,0 +209241,0 +209242,0 +209243,0 +209244,0 +209245,0 +209246,0 +209247,0 +209248,0 +209249,0 +209250,0 +209251,0 +209252,0 +209253,0 +209254,0 +209255,0 +209256,0 +209257,0 +209258,0 +209259,0 +209260,0 +209261,0 +209262,0 +209263,0 +209264,0 +209265,0 +209266,0 +209267,0 +209268,0 +209269,0 +209270,0 +209271,0 +209272,0 +209273,0 +209274,0 +209275,35 +209276,39 +209277,35 +209278,35 +209279,35 +209280,39 +209281,39 +209282,39 +209283,39 +209284,39 +209285,39 +209286,39 +209287,39 +209288,2 +209289,2 +209290,2 +209291,2 +209292,2 +209293,2 +209294,2 +209295,2 +209296,2 +209297,2 +209298,2 +209299,2 +209300,2 +209301,2 +209302,28 +209303,28 +209304,28 +209305,28 +209306,28 +209307,28 +209308,28 +209309,28 +209310,28 +209311,28 +209312,28 +209313,28 +209314,10 +209315,10 +209316,10 +209317,10 +209318,34 +209319,34 +209320,34 +209321,34 +209322,34 +209323,10 +209324,10 +209325,10 +209326,10 +209327,10 +209328,34 +209329,34 +209330,34 +209331,36 +209332,30 +209333,30 +209334,30 +209335,30 +209336,30 +209337,30 +209338,30 +209339,30 +209340,30 +209341,30 +209342,30 +209343,30 +209344,30 +209345,19 +209346,19 +209347,19 +209348,19 +209349,19 +209350,27 +209351,27 +209352,27 +209353,27 +209354,27 +209355,27 +209356,27 +209357,27 +209358,5 +209359,5 +209360,5 +209361,5 +209362,5 +209363,5 +209364,5 +209365,5 +209366,5 +209367,2 +209368,2 +209369,2 +209370,2 +209371,2 +209372,2 +209373,2 +209374,2 +209375,2 +209376,2 +209377,2 +209378,2 +209379,40 +209380,40 +209381,40 +209382,40 +209383,40 +209384,40 +209385,40 +209386,40 +209387,40 +209388,19 +209389,19 +209390,19 +209391,15 +209392,15 +209393,15 +209394,19 +209395,3 +209396,3 +209397,3 +209398,3 +209399,3 +209400,3 +209401,3 +209402,29 +209403,29 +209404,29 +209405,29 +209406,29 +209407,29 +209408,29 +209409,31 +209410,31 +209411,31 +209412,31 +209413,31 +209414,31 +209415,2 +209416,2 +209417,2 +209418,2 +209419,2 +209420,2 +209421,2 +209422,2 +209423,2 +209424,2 +209425,2 +209426,2 +209427,10 +209428,10 +209429,10 +209430,10 +209431,10 +209432,10 +209433,10 +209434,10 +209435,10 +209436,10 +209437,10 +209438,10 +209439,10 +209440,10 +209441,10 +209442,10 +209443,10 +209444,10 +209445,10 +209446,10 +209447,10 +209448,10 +209449,24 +209450,24 +209451,24 +209452,24 +209453,24 +209454,24 +209455,24 +209456,24 +209457,37 +209458,37 +209459,25 +209460,25 +209461,25 +209462,25 +209463,25 +209464,30 +209465,30 +209466,30 +209467,30 +209468,30 +209469,30 +209470,30 +209471,30 +209472,30 +209473,30 +209474,30 +209475,30 +209476,30 +209477,39 +209478,39 +209479,39 +209480,39 +209481,39 +209482,39 +209483,39 +209484,39 +209485,39 +209486,39 +209487,39 +209488,39 +209489,39 +209490,39 +209491,39 +209492,39 +209493,23 +209494,23 +209495,23 +209496,23 +209497,23 +209498,23 +209499,23 +209500,23 +209501,0 +209502,0 +209503,0 +209504,0 +209505,0 +209506,0 +209507,0 +209508,0 +209509,0 +209510,0 +209511,0 +209512,0 +209513,0 +209514,0 +209515,0 +209516,0 +209517,0 +209518,0 +209519,0 +209520,0 +209521,0 +209522,0 +209523,0 +209524,0 +209525,0 +209526,0 +209527,0 +209528,0 +209529,0 +209530,0 +209531,0 +209532,0 +209533,0 +209534,0 +209535,0 +209536,0 +209537,0 +209538,0 +209539,0 +209540,0 +209541,0 +209542,0 +209543,0 +209544,0 +209545,0 +209546,0 +209547,0 +209548,0 +209549,0 +209550,0 +209551,0 +209552,0 +209553,0 +209554,0 +209555,0 +209556,0 +209557,0 +209558,0 +209559,0 +209560,0 +209561,0 +209562,0 +209563,19 +209564,19 +209565,19 +209566,27 +209567,27 +209568,32 +209569,32 +209570,32 +209571,32 +209572,32 +209573,32 +209574,32 +209575,32 +209576,37 +209577,37 +209578,37 +209579,37 +209580,37 +209581,37 +209582,37 +209583,37 +209584,37 +209585,14 +209586,14 +209587,14 +209588,14 +209589,14 +209590,14 +209591,14 +209592,14 +209593,14 +209594,14 +209595,12 +209596,12 +209597,12 +209598,12 +209599,12 +209600,12 +209601,12 +209602,31 +209603,31 +209604,8 +209605,8 +209606,8 +209607,8 +209608,8 +209609,8 +209610,8 +209611,8 +209612,9 +209613,9 +209614,26 +209615,9 +209616,9 +209617,9 +209618,9 +209619,9 +209620,26 +209621,9 +209622,9 +209623,6 +209624,6 +209625,6 +209626,6 +209627,6 +209628,6 +209629,6 +209630,6 +209631,7 +209632,31 +209633,31 +209634,31 +209635,31 +209636,32 +209637,32 +209638,32 +209639,32 +209640,32 +209641,32 +209642,32 +209643,32 +209644,32 +209645,32 +209646,32 +209647,32 +209648,32 +209649,10 +209650,10 +209651,10 +209652,10 +209653,10 +209654,10 +209655,10 +209656,10 +209657,10 +209658,19 +209659,19 +209660,19 +209661,19 +209662,19 +209663,27 +209664,27 +209665,27 +209666,27 +209667,27 +209668,5 +209669,5 +209670,5 +209671,5 +209672,5 +209673,5 +209674,25 +209675,25 +209676,25 +209677,25 +209678,27 +209679,27 +209680,27 +209681,27 +209682,27 +209683,25 +209684,32 +209685,32 +209686,32 +209687,32 +209688,32 +209689,32 +209690,32 +209691,32 +209692,32 +209693,32 +209694,32 +209695,32 +209696,32 +209697,32 +209698,32 +209699,40 +209700,40 +209701,40 +209702,40 +209703,40 +209704,30 +209705,30 +209706,30 +209707,30 +209708,30 +209709,30 +209710,30 +209711,27 +209712,27 +209713,27 +209714,27 +209715,13 +209716,13 +209717,13 +209718,13 +209719,13 +209720,13 +209721,13 +209722,13 +209723,13 +209724,29 +209725,29 +209726,39 +209727,39 +209728,39 +209729,39 +209730,39 +209731,39 +209732,39 +209733,39 +209734,39 +209735,39 +209736,39 +209737,5 +209738,5 +209739,5 +209740,5 +209741,5 +209742,5 +209743,5 +209744,5 +209745,2 +209746,2 +209747,2 +209748,2 +209749,2 +209750,2 +209751,2 +209752,2 +209753,2 +209754,2 +209755,2 +209756,2 +209757,2 +209758,27 +209759,27 +209760,27 +209761,5 +209762,5 +209763,5 +209764,5 +209765,5 +209766,5 +209767,7 +209768,7 +209769,7 +209770,7 +209771,3 +209772,3 +209773,3 +209774,3 +209775,3 +209776,3 +209777,12 +209778,12 +209779,12 +209780,12 +209781,12 +209782,14 +209783,14 +209784,14 +209785,14 +209786,14 +209787,14 +209788,14 +209789,11 +209790,11 +209791,11 +209792,11 +209793,11 +209794,11 +209795,11 +209796,11 +209797,11 +209798,11 +209799,11 +209800,11 +209801,31 +209802,31 +209803,31 +209804,5 +209805,5 +209806,5 +209807,31 +209808,5 +209809,8 +209810,8 +209811,8 +209812,8 +209813,8 +209814,8 +209815,8 +209816,8 +209817,8 +209818,31 +209819,31 +209820,31 +209821,31 +209822,31 +209823,31 +209824,31 +209825,37 +209826,24 +209827,25 +209828,25 +209829,25 +209830,25 +209831,25 +209832,25 +209833,25 +209834,23 +209835,23 +209836,23 +209837,23 +209838,23 +209839,23 +209840,23 +209841,23 +209842,23 +209843,23 +209844,23 +209845,23 +209846,37 +209847,37 +209848,37 +209849,36 +209850,36 +209851,36 +209852,36 +209853,36 +209854,36 +209855,36 +209856,36 +209857,36 +209858,36 +209859,36 +209860,36 +209861,5 +209862,5 +209863,5 +209864,5 +209865,5 +209866,5 +209867,5 +209868,5 +209869,5 +209870,5 +209871,5 +209872,5 +209873,5 +209874,19 +209875,19 +209876,19 +209877,19 +209878,19 +209879,19 +209880,19 +209881,19 +209882,19 +209883,19 +209884,19 +209885,19 +209886,0 +209887,0 +209888,0 +209889,0 +209890,0 +209891,0 +209892,0 +209893,0 +209894,0 +209895,5 +209896,5 +209897,3 +209898,3 +209899,27 +209900,3 +209901,3 +209902,27 +209903,4 +209904,4 +209905,4 +209906,4 +209907,4 +209908,4 +209909,4 +209910,4 +209911,4 +209912,4 +209913,4 +209914,4 +209915,37 +209916,37 +209917,37 +209918,37 +209919,37 +209920,10 +209921,10 +209922,10 +209923,10 +209924,10 +209925,10 +209926,10 +209927,19 +209928,4 +209929,4 +209930,4 +209931,4 +209932,19 +209933,19 +209934,19 +209935,4 +209936,4 +209937,4 +209938,32 +209939,32 +209940,32 +209941,32 +209942,32 +209943,32 +209944,32 +209945,25 +209946,25 +209947,25 +209948,25 +209949,25 +209950,25 +209951,25 +209952,2 +209953,2 +209954,2 +209955,2 +209956,2 +209957,2 +209958,2 +209959,2 +209960,2 +209961,2 +209962,2 +209963,2 +209964,12 +209965,12 +209966,12 +209967,12 +209968,12 +209969,12 +209970,12 +209971,14 +209972,14 +209973,14 +209974,14 +209975,14 +209976,14 +209977,14 +209978,14 +209979,14 +209980,14 +209981,14 +209982,14 +209983,14 +209984,4 +209985,4 +209986,4 +209987,4 +209988,35 +209989,35 +209990,35 +209991,35 +209992,35 +209993,27 +209994,27 +209995,27 +209996,27 +209997,27 +209998,27 +209999,27 +210000,27 +210001,28 +210002,28 +210003,28 +210004,28 +210005,28 +210006,28 +210007,28 +210008,28 +210009,28 +210010,28 +210011,28 +210012,28 +210013,28 +210014,28 +210015,28 +210016,28 +210017,28 +210018,28 +210019,5 +210020,28 +210021,0 +210022,0 +210023,0 +210024,0 +210025,0 +210026,0 +210027,0 +210028,0 +210029,0 +210030,0 +210031,0 +210032,0 +210033,0 +210034,0 +210035,0 +210036,0 +210037,0 +210038,0 +210039,0 +210040,0 +210041,0 +210042,0 +210043,0 +210044,0 +210045,0 +210046,0 +210047,0 +210048,0 +210049,0 +210050,0 +210051,0 +210052,0 +210053,0 +210054,0 +210055,0 +210056,0 +210057,30 +210058,30 +210059,30 +210060,30 +210061,30 +210062,30 +210063,30 +210064,30 +210065,2 +210066,2 +210067,2 +210068,2 +210069,2 +210070,2 +210071,2 +210072,2 +210073,2 +210074,2 +210075,2 +210076,2 +210077,2 +210078,2 +210079,2 +210080,2 +210081,2 +210082,2 +210083,2 +210084,2 +210085,2 +210086,31 +210087,31 +210088,31 +210089,27 +210090,27 +210091,31 +210092,31 +210093,31 +210094,24 +210095,24 +210096,24 +210097,15 +210098,15 +210099,31 +210100,31 +210101,31 +210102,30 +210103,30 +210104,30 +210105,30 +210106,30 +210107,30 +210108,30 +210109,7 +210110,7 +210111,7 +210112,7 +210113,7 +210114,7 +210115,7 +210116,7 +210117,7 +210118,3 +210119,3 +210120,3 +210121,3 +210122,3 +210123,3 +210124,3 +210125,6 +210126,6 +210127,6 +210128,6 +210129,6 +210130,6 +210131,31 +210132,31 +210133,31 +210134,31 +210135,31 +210136,31 +210137,31 +210138,5 +210139,5 +210140,5 +210141,5 +210142,5 +210143,5 +210144,2 +210145,2 +210146,2 +210147,2 +210148,2 +210149,2 +210150,2 +210151,2 +210152,2 +210153,2 +210154,2 +210155,2 +210156,2 +210157,32 +210158,32 +210159,32 +210160,32 +210161,32 +210162,32 +210163,32 +210164,39 +210165,39 +210166,39 +210167,39 +210168,39 +210169,39 +210170,39 +210171,39 +210172,39 +210173,39 +210174,39 +210175,39 +210176,39 +210177,39 +210178,39 +210179,4 +210180,39 +210181,39 +210182,29 +210183,29 +210184,29 +210185,29 +210186,31 +210187,31 +210188,27 +210189,31 +210190,5 +210191,5 +210192,5 +210193,5 +210194,5 +210195,5 +210196,5 +210197,5 +210198,2 +210199,2 +210200,2 +210201,4 +210202,16 +210203,11 +210204,11 +210205,16 +210206,16 +210207,16 +210208,11 +210209,11 +210210,11 +210211,11 +210212,11 +210213,11 +210214,11 +210215,36 +210216,34 +210217,34 +210218,34 +210219,34 +210220,34 +210221,10 +210222,10 +210223,10 +210224,10 +210225,10 +210226,10 +210227,10 +210228,10 +210229,10 +210230,10 +210231,10 +210232,10 +210233,10 +210234,10 +210235,30 +210236,30 +210237,30 +210238,34 +210239,34 +210240,30 +210241,34 +210242,34 +210243,15 +210244,15 +210245,15 +210246,15 +210247,18 +210248,18 +210249,18 +210250,18 +210251,18 +210252,18 +210253,18 +210254,18 +210255,18 +210256,17 +210257,17 +210258,17 +210259,17 +210260,17 +210261,17 +210262,17 +210263,17 +210264,17 +210265,17 +210266,37 +210267,37 +210268,18 +210269,18 +210270,18 +210271,18 +210272,18 +210273,18 +210274,18 +210275,18 +210276,18 +210277,18 +210278,18 +210279,18 +210280,18 +210281,18 +210282,18 +210283,28 +210284,28 +210285,28 +210286,28 +210287,28 +210288,28 +210289,28 +210290,40 +210291,40 +210292,40 +210293,40 +210294,40 +210295,40 +210296,40 +210297,40 +210298,37 +210299,37 +210300,37 +210301,37 +210302,37 +210303,37 +210304,37 +210305,37 +210306,37 +210307,37 +210308,37 +210309,39 +210310,39 +210311,39 +210312,39 +210313,39 +210314,39 +210315,39 +210316,39 +210317,39 +210318,7 +210319,19 +210320,21 +210321,21 +210322,7 +210323,7 +210324,7 +210325,7 +210326,7 +210327,3 +210328,3 +210329,3 +210330,3 +210331,3 +210332,3 +210333,28 +210334,28 +210335,28 +210336,28 +210337,28 +210338,28 +210339,28 +210340,28 +210341,14 +210342,14 +210343,14 +210344,14 +210345,14 +210346,14 +210347,14 +210348,14 +210349,14 +210350,14 +210351,14 +210352,14 +210353,30 +210354,30 +210355,14 +210356,30 +210357,30 +210358,30 +210359,30 +210360,30 +210361,30 +210362,30 +210363,30 +210364,30 +210365,30 +210366,30 +210367,14 +210368,14 +210369,14 +210370,14 +210371,14 +210372,14 +210373,14 +210374,14 +210375,14 +210376,14 +210377,14 +210378,14 +210379,14 +210380,14 +210381,4 +210382,4 +210383,4 +210384,4 +210385,4 +210386,4 +210387,4 +210388,4 +210389,4 +210390,27 +210391,27 +210392,27 +210393,27 +210394,27 +210395,27 +210396,24 +210397,24 +210398,4 +210399,4 +210400,36 +210401,36 +210402,36 +210403,36 +210404,36 +210405,36 +210406,36 +210407,36 +210408,36 +210409,36 +210410,36 +210411,36 +210412,36 +210413,36 +210414,36 +210415,36 +210416,31 +210417,36 +210418,4 +210419,4 +210420,4 +210421,4 +210422,4 +210423,4 +210424,4 +210425,4 +210426,4 +210427,4 +210428,4 +210429,4 +210430,4 +210431,4 +210432,4 +210433,4 +210434,4 +210435,4 +210436,4 +210437,4 +210438,4 +210439,4 +210440,4 +210441,19 +210442,4 +210443,4 +210444,0 +210445,0 +210446,0 +210447,0 +210448,0 +210449,0 +210450,0 +210451,0 +210452,0 +210453,0 +210454,0 +210455,0 +210456,0 +210457,0 +210458,0 +210459,0 +210460,0 +210461,0 +210462,0 +210463,0 +210464,0 +210465,0 +210466,0 +210467,0 +210468,0 +210469,0 +210470,0 +210471,0 +210472,0 +210473,0 +210474,0 +210475,0 +210476,0 +210477,0 +210478,0 +210479,0 +210480,0 +210481,0 +210482,0 +210483,0 +210484,0 +210485,0 +210486,0 +210487,0 +210488,0 +210489,0 +210490,0 +210491,0 +210492,0 +210493,0 +210494,0 +210495,0 +210496,0 +210497,0 +210498,0 +210499,0 +210500,0 +210501,0 +210502,0 +210503,0 +210504,0 +210505,0 +210506,0 +210507,0 +210508,0 +210509,0 +210510,0 +210511,0 +210512,0 +210513,0 +210514,0 +210515,0 +210516,0 +210517,0 +210518,0 +210519,0 +210520,0 +210521,0 +210522,0 +210523,0 +210524,0 +210525,0 +210526,0 +210527,0 +210528,0 +210529,0 +210530,0 +210531,0 +210532,29 +210533,29 +210534,29 +210535,31 +210536,31 +210537,31 +210538,31 +210539,31 +210540,31 +210541,31 +210542,18 +210543,18 +210544,18 +210545,18 +210546,18 +210547,18 +210548,18 +210549,18 +210550,18 +210551,18 +210552,18 +210553,18 +210554,40 +210555,40 +210556,40 +210557,40 +210558,40 +210559,40 +210560,5 +210561,5 +210562,5 +210563,5 +210564,5 +210565,4 +210566,4 +210567,4 +210568,4 +210569,4 +210570,31 +210571,31 +210572,31 +210573,31 +210574,31 +210575,31 +210576,30 +210577,30 +210578,30 +210579,30 +210580,30 +210581,30 +210582,30 +210583,30 +210584,30 +210585,2 +210586,2 +210587,2 +210588,2 +210589,2 +210590,2 +210591,2 +210592,2 +210593,2 +210594,2 +210595,2 +210596,2 +210597,2 +210598,2 +210599,33 +210600,9 +210601,9 +210602,9 +210603,9 +210604,9 +210605,9 +210606,9 +210607,9 +210608,9 +210609,9 +210610,9 +210611,30 +210612,30 +210613,30 +210614,30 +210615,30 +210616,30 +210617,30 +210618,30 +210619,30 +210620,30 +210621,30 +210622,30 +210623,35 +210624,35 +210625,35 +210626,35 +210627,35 +210628,35 +210629,35 +210630,35 +210631,35 +210632,35 +210633,36 +210634,36 +210635,36 +210636,36 +210637,36 +210638,36 +210639,19 +210640,19 +210641,19 +210642,19 +210643,19 +210644,19 +210645,19 +210646,19 +210647,2 +210648,2 +210649,2 +210650,2 +210651,2 +210652,2 +210653,2 +210654,2 +210655,2 +210656,2 +210657,4 +210658,4 +210659,4 +210660,4 +210661,4 +210662,3 +210663,31 +210664,31 +210665,31 +210666,31 +210667,31 +210668,31 +210669,31 +210670,19 +210671,19 +210672,19 +210673,19 +210674,19 +210675,19 +210676,19 +210677,19 +210678,38 +210679,38 +210680,38 +210681,38 +210682,38 +210683,38 +210684,38 +210685,38 +210686,38 +210687,37 +210688,38 +210689,37 +210690,37 +210691,37 +210692,37 +210693,25 +210694,37 +210695,25 +210696,25 +210697,25 +210698,25 +210699,34 +210700,36 +210701,36 +210702,36 +210703,36 +210704,36 +210705,10 +210706,10 +210707,15 +210708,15 +210709,15 +210710,15 +210711,15 +210712,15 +210713,15 +210714,15 +210715,32 +210716,32 +210717,32 +210718,31 +210719,31 +210720,31 +210721,31 +210722,6 +210723,6 +210724,6 +210725,6 +210726,6 +210727,6 +210728,6 +210729,6 +210730,6 +210731,6 +210732,10 +210733,10 +210734,26 +210735,26 +210736,26 +210737,26 +210738,26 +210739,26 +210740,26 +210741,26 +210742,5 +210743,5 +210744,5 +210745,5 +210746,5 +210747,5 +210748,4 +210749,4 +210750,4 +210751,4 +210752,4 +210753,4 +210754,31 +210755,40 +210756,40 +210757,40 +210758,40 +210759,40 +210760,40 +210761,40 +210762,40 +210763,40 +210764,2 +210765,2 +210766,2 +210767,2 +210768,2 +210769,2 +210770,4 +210771,4 +210772,4 +210773,4 +210774,4 +210775,4 +210776,12 +210777,12 +210778,12 +210779,12 +210780,12 +210781,27 +210782,27 +210783,27 +210784,38 +210785,38 +210786,38 +210787,38 +210788,38 +210789,38 +210790,39 +210791,39 +210792,39 +210793,39 +210794,39 +210795,39 +210796,39 +210797,39 +210798,8 +210799,8 +210800,8 +210801,8 +210802,8 +210803,8 +210804,2 +210805,2 +210806,2 +210807,8 +210808,23 +210809,23 +210810,23 +210811,23 +210812,23 +210813,23 +210814,23 +210815,14 +210816,14 +210817,14 +210818,14 +210819,14 +210820,14 +210821,14 +210822,14 +210823,14 +210824,14 +210825,14 +210826,14 +210827,14 +210828,2 +210829,2 +210830,2 +210831,2 +210832,2 +210833,2 +210834,2 +210835,2 +210836,2 +210837,2 +210838,2 +210839,2 +210840,2 +210841,4 +210842,4 +210843,4 +210844,4 +210845,4 +210846,4 +210847,4 +210848,4 +210849,4 +210850,4 +210851,4 +210852,25 +210853,25 +210854,25 +210855,25 +210856,25 +210857,25 +210858,25 +210859,25 +210860,25 +210861,25 +210862,25 +210863,25 +210864,25 +210865,25 +210866,5 +210867,5 +210868,5 +210869,5 +210870,5 +210871,4 +210872,4 +210873,4 +210874,4 +210875,4 +210876,4 +210877,4 +210878,31 +210879,31 +210880,31 +210881,31 +210882,29 +210883,29 +210884,29 +210885,29 +210886,29 +210887,29 +210888,31 +210889,31 +210890,31 +210891,31 +210892,23 +210893,23 +210894,23 +210895,23 +210896,23 +210897,23 +210898,23 +210899,23 +210900,23 +210901,23 +210902,23 +210903,23 +210904,40 +210905,40 +210906,40 +210907,40 +210908,40 +210909,40 +210910,40 +210911,40 +210912,40 +210913,40 +210914,40 +210915,5 +210916,5 +210917,5 +210918,5 +210919,5 +210920,5 +210921,5 +210922,5 +210923,2 +210924,2 +210925,2 +210926,2 +210927,2 +210928,2 +210929,2 +210930,2 +210931,8 +210932,8 +210933,8 +210934,8 +210935,8 +210936,8 +210937,8 +210938,8 +210939,8 +210940,8 +210941,8 +210942,8 +210943,8 +210944,8 +210945,8 +210946,8 +210947,2 +210948,2 +210949,2 +210950,2 +210951,2 +210952,2 +210953,2 +210954,2 +210955,2 +210956,2 +210957,2 +210958,2 +210959,2 +210960,2 +210961,31 +210962,31 +210963,31 +210964,31 +210965,31 +210966,31 +210967,31 +210968,31 +210969,23 +210970,23 +210971,23 +210972,23 +210973,23 +210974,23 +210975,23 +210976,23 +210977,23 +210978,23 +210979,23 +210980,25 +210981,25 +210982,25 +210983,25 +210984,25 +210985,25 +210986,25 +210987,25 +210988,27 +210989,27 +210990,27 +210991,27 +210992,27 +210993,13 +210994,13 +210995,13 +210996,13 +210997,13 +210998,13 +210999,13 +211000,31 +211001,31 +211002,31 +211003,31 +211004,31 +211005,31 +211006,31 +211007,31 +211008,31 +211009,31 +211010,31 +211011,31 +211012,31 +211013,31 +211014,5 +211015,5 +211016,5 +211017,5 +211018,5 +211019,5 +211020,5 +211021,5 +211022,4 +211023,4 +211024,4 +211025,4 +211026,4 +211027,4 +211028,4 +211029,4 +211030,4 +211031,4 +211032,4 +211033,4 +211034,4 +211035,33 +211036,33 +211037,33 +211038,33 +211039,33 +211040,33 +211041,30 +211042,30 +211043,30 +211044,30 +211045,30 +211046,30 +211047,30 +211048,30 +211049,30 +211050,30 +211051,30 +211052,30 +211053,19 +211054,19 +211055,19 +211056,19 +211057,19 +211058,36 +211059,36 +211060,36 +211061,36 +211062,36 +211063,36 +211064,36 +211065,36 +211066,36 +211067,36 +211068,36 +211069,36 +211070,36 +211071,36 +211072,36 +211073,36 +211074,36 +211075,14 +211076,14 +211077,14 +211078,14 +211079,14 +211080,14 +211081,14 +211082,14 +211083,28 +211084,28 +211085,28 +211086,17 +211087,17 +211088,39 +211089,39 +211090,39 +211091,39 +211092,39 +211093,39 +211094,39 +211095,39 +211096,39 +211097,39 +211098,39 +211099,39 +211100,39 +211101,39 +211102,39 +211103,39 +211104,39 +211105,39 +211106,39 +211107,39 +211108,39 +211109,39 +211110,39 +211111,39 +211112,39 +211113,39 +211114,39 +211115,39 +211116,39 +211117,0 +211118,0 +211119,0 +211120,0 +211121,0 +211122,0 +211123,0 +211124,0 +211125,0 +211126,0 +211127,0 +211128,0 +211129,0 +211130,0 +211131,0 +211132,0 +211133,0 +211134,0 +211135,0 +211136,0 +211137,0 +211138,0 +211139,0 +211140,0 +211141,0 +211142,0 +211143,0 +211144,0 +211145,0 +211146,0 +211147,0 +211148,0 +211149,0 +211150,0 +211151,0 +211152,0 +211153,0 +211154,0 +211155,0 +211156,0 +211157,0 +211158,0 +211159,0 +211160,0 +211161,0 +211162,0 +211163,0 +211164,0 +211165,0 +211166,0 +211167,0 +211168,0 +211169,0 +211170,0 +211171,0 +211172,0 +211173,0 +211174,0 +211175,0 +211176,0 +211177,0 +211178,0 +211179,0 +211180,0 +211181,0 +211182,0 +211183,0 +211184,0 +211185,0 +211186,0 +211187,0 +211188,0 +211189,0 +211190,0 +211191,0 +211192,32 +211193,32 +211194,32 +211195,32 +211196,32 +211197,32 +211198,32 +211199,32 +211200,30 +211201,30 +211202,30 +211203,30 +211204,30 +211205,27 +211206,27 +211207,27 +211208,27 +211209,27 +211210,4 +211211,4 +211212,4 +211213,23 +211214,23 +211215,23 +211216,23 +211217,23 +211218,23 +211219,23 +211220,23 +211221,23 +211222,23 +211223,23 +211224,23 +211225,23 +211226,23 +211227,36 +211228,36 +211229,36 +211230,36 +211231,36 +211232,36 +211233,36 +211234,36 +211235,36 +211236,36 +211237,36 +211238,36 +211239,36 +211240,36 +211241,36 +211242,36 +211243,36 +211244,2 +211245,2 +211246,2 +211247,2 +211248,2 +211249,2 +211250,2 +211251,2 +211252,2 +211253,2 +211254,2 +211255,2 +211256,2 +211257,2 +211258,2 +211259,2 +211260,2 +211261,2 +211262,2 +211263,2 +211264,2 +211265,2 +211266,2 +211267,2 +211268,2 +211269,2 +211270,2 +211271,0 +211272,31 +211273,31 +211274,31 +211275,31 +211276,31 +211277,31 +211278,31 +211279,31 +211280,31 +211281,31 +211282,5 +211283,5 +211284,5 +211285,5 +211286,5 +211287,5 +211288,5 +211289,5 +211290,23 +211291,23 +211292,23 +211293,23 +211294,23 +211295,23 +211296,23 +211297,23 +211298,36 +211299,36 +211300,36 +211301,36 +211302,36 +211303,36 +211304,36 +211305,36 +211306,36 +211307,36 +211308,36 +211309,36 +211310,2 +211311,2 +211312,2 +211313,2 +211314,2 +211315,4 +211316,4 +211317,4 +211318,4 +211319,4 +211320,4 +211321,4 +211322,25 +211323,25 +211324,25 +211325,25 +211326,25 +211327,29 +211328,29 +211329,29 +211330,29 +211331,29 +211332,31 +211333,31 +211334,31 +211335,31 +211336,5 +211337,5 +211338,5 +211339,5 +211340,5 +211341,5 +211342,5 +211343,5 +211344,5 +211345,5 +211346,15 +211347,15 +211348,15 +211349,15 +211350,15 +211351,15 +211352,33 +211353,33 +211354,33 +211355,33 +211356,33 +211357,33 +211358,33 +211359,33 +211360,33 +211361,33 +211362,33 +211363,33 +211364,33 +211365,33 +211366,33 +211367,33 +211368,4 +211369,19 +211370,19 +211371,19 +211372,19 +211373,31 +211374,31 +211375,5 +211376,5 +211377,5 +211378,5 +211379,5 +211380,5 +211381,5 +211382,5 +211383,5 +211384,2 +211385,2 +211386,2 +211387,2 +211388,2 +211389,2 +211390,2 +211391,2 +211392,4 +211393,4 +211394,4 +211395,4 +211396,4 +211397,4 +211398,4 +211399,39 +211400,39 +211401,39 +211402,39 +211403,39 +211404,39 +211405,28 +211406,5 +211407,5 +211408,5 +211409,5 +211410,5 +211411,5 +211412,5 +211413,5 +211414,5 +211415,13 +211416,21 +211417,6 +211418,6 +211419,6 +211420,6 +211421,6 +211422,6 +211423,6 +211424,21 +211425,26 +211426,26 +211427,26 +211428,26 +211429,26 +211430,26 +211431,26 +211432,9 +211433,9 +211434,26 +211435,37 +211436,37 +211437,37 +211438,37 +211439,37 +211440,37 +211441,37 +211442,37 +211443,37 +211444,37 +211445,37 +211446,37 +211447,37 +211448,37 +211449,37 +211450,37 +211451,37 +211452,37 +211453,0 +211454,0 +211455,0 +211456,0 +211457,0 +211458,0 +211459,0 +211460,0 +211461,0 +211462,0 +211463,0 +211464,0 +211465,0 +211466,0 +211467,0 +211468,0 +211469,0 +211470,0 +211471,0 +211472,0 +211473,0 +211474,0 +211475,0 +211476,0 +211477,0 +211478,0 +211479,0 +211480,0 +211481,0 +211482,0 +211483,0 +211484,0 +211485,0 +211486,0 +211487,0 +211488,0 +211489,0 +211490,0 +211491,0 +211492,0 +211493,0 +211494,0 +211495,0 +211496,0 +211497,0 +211498,0 +211499,0 +211500,0 +211501,0 +211502,0 +211503,0 +211504,0 +211505,0 +211506,0 +211507,0 +211508,0 +211509,0 +211510,0 +211511,0 +211512,0 +211513,0 +211514,0 +211515,0 +211516,0 +211517,0 +211518,0 +211519,0 +211520,0 +211521,0 +211522,0 +211523,0 +211524,0 +211525,0 +211526,0 +211527,0 +211528,0 +211529,0 +211530,0 +211531,0 +211532,0 +211533,0 +211534,0 +211535,0 +211536,0 +211537,0 +211538,0 +211539,0 +211540,0 +211541,0 +211542,0 +211543,0 +211544,0 +211545,0 +211546,0 +211547,0 +211548,0 +211549,0 +211550,0 +211551,0 +211552,36 +211553,36 +211554,36 +211555,36 +211556,36 +211557,36 +211558,36 +211559,36 +211560,36 +211561,36 +211562,36 +211563,36 +211564,36 +211565,36 +211566,5 +211567,5 +211568,5 +211569,5 +211570,5 +211571,19 +211572,19 +211573,19 +211574,27 +211575,27 +211576,27 +211577,27 +211578,27 +211579,27 +211580,27 +211581,27 +211582,27 +211583,27 +211584,27 +211585,4 +211586,4 +211587,4 +211588,4 +211589,4 +211590,4 +211591,4 +211592,4 +211593,28 +211594,28 +211595,28 +211596,28 +211597,28 +211598,28 +211599,9 +211600,9 +211601,9 +211602,31 +211603,31 +211604,31 +211605,31 +211606,2 +211607,2 +211608,2 +211609,2 +211610,2 +211611,2 +211612,2 +211613,2 +211614,29 +211615,29 +211616,29 +211617,29 +211618,29 +211619,29 +211620,40 +211621,40 +211622,40 +211623,40 +211624,40 +211625,40 +211626,24 +211627,24 +211628,24 +211629,24 +211630,24 +211631,24 +211632,24 +211633,25 +211634,25 +211635,25 +211636,25 +211637,25 +211638,25 +211639,25 +211640,25 +211641,25 +211642,25 +211643,25 +211644,31 +211645,31 +211646,31 +211647,31 +211648,39 +211649,39 +211650,39 +211651,39 +211652,27 +211653,39 +211654,25 +211655,31 +211656,32 +211657,32 +211658,32 +211659,32 +211660,32 +211661,32 +211662,32 +211663,27 +211664,14 +211665,14 +211666,14 +211667,14 +211668,14 +211669,14 +211670,14 +211671,14 +211672,11 +211673,11 +211674,11 +211675,11 +211676,11 +211677,11 +211678,11 +211679,11 +211680,31 +211681,31 +211682,31 +211683,31 +211684,5 +211685,5 +211686,5 +211687,5 +211688,19 +211689,19 +211690,19 +211691,19 +211692,30 +211693,30 +211694,30 +211695,30 +211696,30 +211697,30 +211698,39 +211699,39 +211700,39 +211701,39 +211702,39 +211703,39 +211704,31 +211705,31 +211706,31 +211707,31 +211708,31 +211709,31 +211710,31 +211711,31 +211712,31 +211713,31 +211714,31 +211715,31 +211716,31 +211717,12 +211718,12 +211719,14 +211720,14 +211721,14 +211722,14 +211723,14 +211724,14 +211725,14 +211726,32 +211727,32 +211728,32 +211729,32 +211730,32 +211731,32 +211732,32 +211733,32 +211734,32 +211735,6 +211736,6 +211737,6 +211738,31 +211739,31 +211740,31 +211741,31 +211742,31 +211743,31 +211744,28 +211745,28 +211746,28 +211747,5 +211748,5 +211749,5 +211750,5 +211751,13 +211752,13 +211753,13 +211754,13 +211755,13 +211756,28 +211757,28 +211758,0 +211759,0 +211760,0 +211761,0 +211762,0 +211763,0 +211764,0 +211765,0 +211766,0 +211767,0 +211768,0 +211769,0 +211770,0 +211771,0 +211772,0 +211773,0 +211774,0 +211775,0 +211776,0 +211777,0 +211778,0 +211779,0 +211780,0 +211781,0 +211782,0 +211783,0 +211784,0 +211785,0 +211786,0 +211787,0 +211788,0 +211789,0 +211790,0 +211791,0 +211792,0 +211793,0 +211794,0 +211795,0 +211796,0 +211797,0 +211798,0 +211799,0 +211800,0 +211801,0 +211802,0 +211803,0 +211804,0 +211805,0 +211806,0 +211807,0 +211808,0 +211809,0 +211810,0 +211811,0 +211812,0 +211813,0 +211814,0 +211815,0 +211816,0 +211817,0 +211818,0 +211819,0 +211820,0 +211821,0 +211822,0 +211823,0 +211824,0 +211825,0 +211826,0 +211827,0 +211828,0 +211829,0 +211830,0 +211831,0 +211832,0 +211833,0 +211834,0 +211835,0 +211836,0 +211837,0 +211838,0 +211839,0 +211840,0 +211841,0 +211842,0 +211843,0 +211844,0 +211845,0 +211846,0 +211847,0 +211848,0 +211849,0 +211850,0 +211851,0 +211852,0 +211853,0 +211854,0 +211855,0 +211856,0 +211857,0 +211858,0 +211859,0 +211860,0 +211861,0 +211862,0 +211863,0 +211864,0 +211865,0 +211866,0 +211867,0 +211868,0 +211869,0 +211870,0 +211871,0 +211872,0 +211873,0 +211874,0 +211875,0 +211876,0 +211877,0 +211878,0 +211879,0 +211880,0 +211881,0 +211882,0 +211883,0 +211884,0 +211885,0 +211886,0 +211887,0 +211888,0 +211889,0 +211890,0 +211891,0 +211892,9 +211893,9 +211894,9 +211895,9 +211896,9 +211897,9 +211898,9 +211899,9 +211900,12 +211901,12 +211902,12 +211903,12 +211904,12 +211905,12 +211906,12 +211907,12 +211908,12 +211909,12 +211910,14 +211911,14 +211912,14 +211913,14 +211914,14 +211915,14 +211916,14 +211917,39 +211918,39 +211919,14 +211920,23 +211921,23 +211922,23 +211923,23 +211924,23 +211925,23 +211926,25 +211927,25 +211928,25 +211929,25 +211930,25 +211931,25 +211932,28 +211933,28 +211934,28 +211935,28 +211936,28 +211937,28 +211938,31 +211939,31 +211940,26 +211941,31 +211942,31 +211943,31 +211944,35 +211945,35 +211946,35 +211947,35 +211948,35 +211949,26 +211950,26 +211951,26 +211952,26 +211953,26 +211954,26 +211955,26 +211956,26 +211957,37 +211958,37 +211959,37 +211960,37 +211961,37 +211962,37 +211963,37 +211964,37 +211965,5 +211966,5 +211967,5 +211968,5 +211969,24 +211970,24 +211971,24 +211972,24 +211973,24 +211974,24 +211975,24 +211976,17 +211977,17 +211978,17 +211979,17 +211980,17 +211981,17 +211982,17 +211983,17 +211984,17 +211985,17 +211986,17 +211987,17 +211988,17 +211989,17 +211990,2 +211991,2 +211992,2 +211993,2 +211994,2 +211995,2 +211996,2 +211997,2 +211998,2 +211999,2 +212000,2 +212001,2 +212002,2 +212003,2 +212004,2 +212005,2 +212006,2 +212007,2 +212008,2 +212009,2 +212010,2 +212011,2 +212012,27 +212013,27 +212014,27 +212015,27 +212016,27 +212017,27 +212018,27 +212019,4 +212020,4 +212021,4 +212022,4 +212023,4 +212024,4 +212025,4 +212026,27 +212027,27 +212028,27 +212029,27 +212030,27 +212031,39 +212032,39 +212033,39 +212034,39 +212035,39 +212036,14 +212037,14 +212038,39 +212039,39 +212040,39 +212041,39 +212042,39 +212043,39 +212044,39 +212045,39 +212046,39 +212047,0 +212048,0 +212049,0 +212050,0 +212051,0 +212052,0 +212053,0 +212054,0 +212055,0 +212056,0 +212057,0 +212058,0 +212059,0 +212060,0 +212061,0 +212062,0 +212063,0 +212064,0 +212065,0 +212066,0 +212067,0 +212068,0 +212069,0 +212070,0 +212071,0 +212072,0 +212073,0 +212074,0 +212075,0 +212076,0 +212077,0 +212078,0 +212079,0 +212080,0 +212081,0 +212082,0 +212083,12 +212084,12 +212085,12 +212086,12 +212087,12 +212088,12 +212089,12 +212090,12 +212091,31 +212092,31 +212093,31 +212094,31 +212095,31 +212096,5 +212097,5 +212098,5 +212099,5 +212100,5 +212101,5 +212102,5 +212103,5 +212104,12 +212105,12 +212106,12 +212107,12 +212108,12 +212109,27 +212110,27 +212111,27 +212112,27 +212113,18 +212114,18 +212115,18 +212116,19 +212117,19 +212118,19 +212119,19 +212120,19 +212121,19 +212122,19 +212123,37 +212124,37 +212125,37 +212126,37 +212127,37 +212128,37 +212129,37 +212130,26 +212131,26 +212132,26 +212133,26 +212134,26 +212135,26 +212136,26 +212137,26 +212138,26 +212139,26 +212140,26 +212141,32 +212142,32 +212143,32 +212144,32 +212145,32 +212146,32 +212147,32 +212148,32 +212149,27 +212150,27 +212151,5 +212152,5 +212153,5 +212154,5 +212155,5 +212156,5 +212157,19 +212158,19 +212159,19 +212160,19 +212161,19 +212162,19 +212163,19 +212164,19 +212165,31 +212166,31 +212167,19 +212168,19 +212169,19 +212170,19 +212171,31 +212172,31 +212173,31 +212174,31 +212175,31 +212176,5 +212177,5 +212178,15 +212179,15 +212180,15 +212181,15 +212182,15 +212183,15 +212184,15 +212185,15 +212186,31 +212187,31 +212188,31 +212189,31 +212190,31 +212191,27 +212192,27 +212193,3 +212194,3 +212195,3 +212196,3 +212197,3 +212198,3 +212199,3 +212200,3 +212201,3 +212202,3 +212203,3 +212204,3 +212205,3 +212206,3 +212207,3 +212208,3 +212209,3 +212210,3 +212211,0 +212212,0 +212213,0 +212214,0 +212215,0 +212216,0 +212217,0 +212218,0 +212219,0 +212220,0 +212221,0 +212222,0 +212223,0 +212224,0 +212225,0 +212226,0 +212227,0 +212228,0 +212229,0 +212230,0 +212231,0 +212232,7 +212233,7 +212234,7 +212235,3 +212236,3 +212237,3 +212238,3 +212239,39 +212240,39 +212241,2 +212242,2 +212243,2 +212244,2 +212245,2 +212246,2 +212247,2 +212248,2 +212249,2 +212250,2 +212251,2 +212252,2 +212253,2 +212254,2 +212255,2 +212256,2 +212257,3 +212258,3 +212259,3 +212260,3 +212261,3 +212262,3 +212263,3 +212264,3 +212265,3 +212266,3 +212267,3 +212268,5 +212269,5 +212270,5 +212271,5 +212272,5 +212273,5 +212274,19 +212275,5 +212276,27 +212277,27 +212278,27 +212279,27 +212280,31 +212281,2 +212282,2 +212283,2 +212284,2 +212285,2 +212286,2 +212287,2 +212288,2 +212289,2 +212290,2 +212291,2 +212292,6 +212293,6 +212294,6 +212295,6 +212296,6 +212297,6 +212298,6 +212299,36 +212300,36 +212301,36 +212302,36 +212303,36 +212304,36 +212305,36 +212306,36 +212307,36 +212308,36 +212309,24 +212310,24 +212311,24 +212312,24 +212313,24 +212314,24 +212315,24 +212316,24 +212317,24 +212318,24 +212319,25 +212320,25 +212321,25 +212322,25 +212323,25 +212324,25 +212325,25 +212326,19 +212327,19 +212328,25 +212329,4 +212330,4 +212331,4 +212332,4 +212333,2 +212334,2 +212335,2 +212336,2 +212337,2 +212338,2 +212339,2 +212340,2 +212341,31 +212342,31 +212343,31 +212344,31 +212345,31 +212346,31 +212347,5 +212348,5 +212349,5 +212350,5 +212351,5 +212352,5 +212353,5 +212354,14 +212355,14 +212356,14 +212357,14 +212358,14 +212359,14 +212360,14 +212361,27 +212362,27 +212363,14 +212364,14 +212365,14 +212366,5 +212367,5 +212368,5 +212369,5 +212370,19 +212371,19 +212372,19 +212373,19 +212374,19 +212375,35 +212376,35 +212377,35 +212378,35 +212379,35 +212380,39 +212381,39 +212382,39 +212383,39 +212384,39 +212385,39 +212386,39 +212387,39 +212388,31 +212389,31 +212390,31 +212391,31 +212392,31 +212393,31 +212394,5 +212395,5 +212396,5 +212397,5 +212398,5 +212399,5 +212400,5 +212401,5 +212402,2 +212403,2 +212404,2 +212405,2 +212406,2 +212407,2 +212408,8 +212409,2 +212410,2 +212411,23 +212412,23 +212413,23 +212414,23 +212415,23 +212416,23 +212417,23 +212418,23 +212419,23 +212420,23 +212421,23 +212422,23 +212423,9 +212424,9 +212425,9 +212426,9 +212427,9 +212428,26 +212429,26 +212430,26 +212431,26 +212432,26 +212433,26 +212434,9 +212435,9 +212436,30 +212437,30 +212438,30 +212439,30 +212440,30 +212441,30 +212442,30 +212443,30 +212444,30 +212445,30 +212446,3 +212447,3 +212448,3 +212449,30 +212450,27 +212451,27 +212452,27 +212453,27 +212454,27 +212455,27 +212456,27 +212457,13 +212458,13 +212459,13 +212460,13 +212461,13 +212462,13 +212463,13 +212464,13 +212465,29 +212466,29 +212467,31 +212468,31 +212469,31 +212470,31 +212471,31 +212472,31 +212473,31 +212474,2 +212475,2 +212476,2 +212477,2 +212478,2 +212479,2 +212480,2 +212481,2 +212482,2 +212483,2 +212484,2 +212485,6 +212486,6 +212487,6 +212488,6 +212489,6 +212490,6 +212491,6 +212492,6 +212493,31 +212494,31 +212495,31 +212496,31 +212497,3 +212498,3 +212499,3 +212500,3 +212501,30 +212502,30 +212503,30 +212504,30 +212505,30 +212506,30 +212507,30 +212508,30 +212509,30 +212510,30 +212511,30 +212512,30 +212513,30 +212514,30 +212515,30 +212516,30 +212517,30 +212518,30 +212519,30 +212520,30 +212521,30 +212522,30 +212523,0 +212524,0 +212525,0 +212526,0 +212527,0 +212528,0 +212529,0 +212530,0 +212531,0 +212532,0 +212533,0 +212534,0 +212535,0 +212536,0 +212537,0 +212538,0 +212539,0 +212540,0 +212541,0 +212542,0 +212543,0 +212544,0 +212545,0 +212546,0 +212547,0 +212548,0 +212549,0 +212550,0 +212551,0 +212552,0 +212553,0 +212554,0 +212555,0 +212556,0 +212557,0 +212558,0 +212559,0 +212560,0 +212561,0 +212562,0 +212563,12 +212564,12 +212565,12 +212566,12 +212567,12 +212568,12 +212569,27 +212570,27 +212571,27 +212572,27 +212573,27 +212574,27 +212575,27 +212576,8 +212577,8 +212578,8 +212579,8 +212580,8 +212581,8 +212582,12 +212583,12 +212584,12 +212585,12 +212586,12 +212587,12 +212588,12 +212589,12 +212590,27 +212591,27 +212592,27 +212593,27 +212594,27 +212595,16 +212596,16 +212597,16 +212598,6 +212599,2 +212600,2 +212601,2 +212602,2 +212603,2 +212604,2 +212605,16 +212606,16 +212607,28 +212608,28 +212609,28 +212610,5 +212611,5 +212612,40 +212613,40 +212614,40 +212615,40 +212616,40 +212617,40 +212618,40 +212619,40 +212620,40 +212621,6 +212622,6 +212623,6 +212624,6 +212625,6 +212626,6 +212627,2 +212628,2 +212629,2 +212630,2 +212631,2 +212632,2 +212633,2 +212634,2 +212635,2 +212636,28 +212637,28 +212638,28 +212639,28 +212640,28 +212641,28 +212642,28 +212643,30 +212644,34 +212645,34 +212646,34 +212647,9 +212648,9 +212649,9 +212650,9 +212651,9 +212652,9 +212653,9 +212654,9 +212655,37 +212656,37 +212657,37 +212658,5 +212659,5 +212660,5 +212661,5 +212662,27 +212663,27 +212664,27 +212665,27 +212666,13 +212667,13 +212668,13 +212669,13 +212670,13 +212671,35 +212672,35 +212673,35 +212674,35 +212675,35 +212676,39 +212677,39 +212678,39 +212679,39 +212680,39 +212681,39 +212682,39 +212683,39 +212684,28 +212685,15 +212686,15 +212687,15 +212688,15 +212689,15 +212690,15 +212691,32 +212692,32 +212693,37 +212694,37 +212695,37 +212696,37 +212697,27 +212698,27 +212699,27 +212700,27 +212701,8 +212702,8 +212703,8 +212704,8 +212705,8 +212706,8 +212707,8 +212708,8 +212709,40 +212710,40 +212711,40 +212712,40 +212713,40 +212714,40 +212715,40 +212716,5 +212717,5 +212718,5 +212719,5 +212720,4 +212721,4 +212722,4 +212723,4 +212724,4 +212725,4 +212726,4 +212727,27 +212728,27 +212729,27 +212730,19 +212731,19 +212732,19 +212733,19 +212734,19 +212735,14 +212736,14 +212737,14 +212738,14 +212739,14 +212740,14 +212741,14 +212742,14 +212743,14 +212744,14 +212745,28 +212746,28 +212747,28 +212748,28 +212749,28 +212750,28 +212751,28 +212752,28 +212753,28 +212754,28 +212755,2 +212756,2 +212757,2 +212758,2 +212759,2 +212760,2 +212761,2 +212762,2 +212763,2 +212764,2 +212765,40 +212766,40 +212767,40 +212768,40 +212769,40 +212770,40 +212771,40 +212772,30 +212773,30 +212774,30 +212775,30 +212776,30 +212777,23 +212778,23 +212779,23 +212780,23 +212781,23 +212782,23 +212783,23 +212784,4 +212785,4 +212786,4 +212787,4 +212788,4 +212789,37 +212790,37 +212791,37 +212792,37 +212793,37 +212794,37 +212795,37 +212796,23 +212797,23 +212798,23 +212799,23 +212800,23 +212801,23 +212802,23 +212803,23 +212804,23 +212805,24 +212806,23 +212807,23 +212808,9 +212809,9 +212810,9 +212811,9 +212812,37 +212813,37 +212814,37 +212815,37 +212816,37 +212817,37 +212818,29 +212819,29 +212820,29 +212821,29 +212822,29 +212823,31 +212824,31 +212825,31 +212826,31 +212827,31 +212828,6 +212829,6 +212830,6 +212831,6 +212832,6 +212833,6 +212834,6 +212835,6 +212836,6 +212837,6 +212838,6 +212839,6 +212840,14 +212841,14 +212842,14 +212843,14 +212844,14 +212845,27 +212846,27 +212847,27 +212848,27 +212849,27 +212850,27 +212851,27 +212852,13 +212853,13 +212854,13 +212855,13 +212856,13 +212857,13 +212858,13 +212859,13 +212860,13 +212861,13 +212862,13 +212863,13 +212864,13 +212865,5 +212866,19 +212867,19 +212868,19 +212869,5 +212870,5 +212871,13 +212872,13 +212873,13 +212874,13 +212875,13 +212876,0 +212877,0 +212878,0 +212879,0 +212880,0 +212881,0 +212882,0 +212883,0 +212884,0 +212885,0 +212886,0 +212887,0 +212888,0 +212889,0 +212890,0 +212891,0 +212892,0 +212893,0 +212894,0 +212895,0 +212896,0 +212897,0 +212898,0 +212899,0 +212900,0 +212901,0 +212902,0 +212903,0 +212904,0 +212905,0 +212906,0 +212907,0 +212908,0 +212909,0 +212910,0 +212911,0 +212912,0 +212913,0 +212914,0 +212915,0 +212916,0 +212917,0 +212918,36 +212919,36 +212920,36 +212921,36 +212922,36 +212923,36 +212924,36 +212925,36 +212926,5 +212927,5 +212928,5 +212929,5 +212930,5 +212931,5 +212932,5 +212933,5 +212934,23 +212935,23 +212936,23 +212937,23 +212938,23 +212939,23 +212940,23 +212941,23 +212942,23 +212943,9 +212944,9 +212945,9 +212946,9 +212947,9 +212948,9 +212949,9 +212950,9 +212951,31 +212952,31 +212953,9 +212954,10 +212955,10 +212956,10 +212957,10 +212958,10 +212959,10 +212960,10 +212961,10 +212962,10 +212963,10 +212964,10 +212965,10 +212966,5 +212967,5 +212968,5 +212969,5 +212970,5 +212971,5 +212972,5 +212973,5 +212974,19 +212975,19 +212976,19 +212977,19 +212978,19 +212979,19 +212980,19 +212981,34 +212982,34 +212983,34 +212984,34 +212985,34 +212986,34 +212987,34 +212988,34 +212989,34 +212990,34 +212991,34 +212992,34 +212993,34 +212994,34 +212995,5 +212996,5 +212997,5 +212998,5 +212999,27 +213000,35 +213001,35 +213002,27 +213003,27 +213004,27 +213005,4 +213006,4 +213007,19 +213008,4 +213009,35 +213010,35 +213011,35 +213012,35 +213013,27 +213014,27 +213015,27 +213016,27 +213017,27 +213018,27 +213019,8 +213020,8 +213021,8 +213022,8 +213023,8 +213024,8 +213025,8 +213026,8 +213027,8 +213028,8 +213029,8 +213030,8 +213031,23 +213032,23 +213033,23 +213034,23 +213035,23 +213036,23 +213037,39 +213038,39 +213039,39 +213040,39 +213041,39 +213042,39 +213043,39 +213044,39 +213045,39 +213046,39 +213047,39 +213048,39 +213049,39 +213050,4 +213051,4 +213052,4 +213053,4 +213054,4 +213055,4 +213056,4 +213057,4 +213058,4 +213059,4 +213060,4 +213061,4 +213062,4 +213063,4 +213064,4 +213065,0 +213066,0 +213067,0 +213068,0 +213069,0 +213070,0 +213071,0 +213072,0 +213073,0 +213074,0 +213075,0 +213076,0 +213077,0 +213078,0 +213079,0 +213080,0 +213081,0 +213082,0 +213083,0 +213084,0 +213085,6 +213086,6 +213087,6 +213088,6 +213089,6 +213090,6 +213091,27 +213092,27 +213093,27 +213094,27 +213095,27 +213096,27 +213097,27 +213098,27 +213099,2 +213100,2 +213101,2 +213102,2 +213103,2 +213104,2 +213105,2 +213106,2 +213107,8 +213108,2 +213109,2 +213110,4 +213111,4 +213112,4 +213113,29 +213114,29 +213115,29 +213116,31 +213117,31 +213118,31 +213119,31 +213120,21 +213121,21 +213122,21 +213123,21 +213124,21 +213125,21 +213126,21 +213127,21 +213128,37 +213129,37 +213130,37 +213131,37 +213132,37 +213133,37 +213134,37 +213135,37 +213136,34 +213137,34 +213138,34 +213139,34 +213140,34 +213141,34 +213142,34 +213143,34 +213144,34 +213145,34 +213146,34 +213147,34 +213148,34 +213149,34 +213150,34 +213151,34 +213152,34 +213153,5 +213154,5 +213155,5 +213156,5 +213157,5 +213158,5 +213159,5 +213160,5 +213161,19 +213162,19 +213163,19 +213164,19 +213165,19 +213166,19 +213167,19 +213168,19 +213169,19 +213170,0 +213171,0 +213172,0 +213173,0 +213174,0 +213175,0 +213176,0 +213177,0 +213178,0 +213179,0 +213180,0 +213181,0 +213182,0 +213183,0 +213184,0 +213185,0 +213186,0 +213187,0 +213188,0 +213189,0 +213190,0 +213191,0 +213192,0 +213193,0 +213194,0 +213195,0 +213196,0 +213197,0 +213198,0 +213199,0 +213200,0 +213201,0 +213202,0 +213203,0 +213204,0 +213205,0 +213206,0 +213207,0 +213208,0 +213209,0 +213210,0 +213211,0 +213212,0 +213213,0 +213214,0 +213215,0 +213216,0 +213217,0 +213218,0 +213219,0 +213220,0 +213221,0 +213222,0 +213223,0 +213224,0 +213225,0 +213226,0 +213227,0 +213228,0 +213229,0 +213230,0 +213231,0 +213232,0 +213233,29 +213234,29 +213235,29 +213236,29 +213237,31 +213238,31 +213239,31 +213240,31 +213241,31 +213242,31 +213243,16 +213244,16 +213245,16 +213246,16 +213247,16 +213248,16 +213249,16 +213250,16 +213251,7 +213252,7 +213253,7 +213254,3 +213255,3 +213256,39 +213257,12 +213258,12 +213259,12 +213260,12 +213261,12 +213262,12 +213263,12 +213264,31 +213265,31 +213266,31 +213267,31 +213268,31 +213269,8 +213270,8 +213271,8 +213272,8 +213273,8 +213274,8 +213275,8 +213276,8 +213277,8 +213278,5 +213279,5 +213280,5 +213281,5 +213282,5 +213283,5 +213284,5 +213285,5 +213286,5 +213287,5 +213288,5 +213289,5 +213290,25 +213291,25 +213292,25 +213293,25 +213294,25 +213295,25 +213296,25 +213297,25 +213298,25 +213299,25 +213300,25 +213301,25 +213302,25 +213303,25 +213304,25 +213305,25 +213306,25 +213307,24 +213308,24 +213309,24 +213310,24 +213311,24 +213312,24 +213313,24 +213314,24 +213315,40 +213316,40 +213317,40 +213318,40 +213319,40 +213320,40 +213321,40 +213322,2 +213323,2 +213324,2 +213325,8 +213326,8 +213327,8 +213328,8 +213329,2 +213330,2 +213331,2 +213332,2 +213333,23 +213334,23 +213335,23 +213336,23 +213337,23 +213338,23 +213339,23 +213340,37 +213341,37 +213342,31 +213343,25 +213344,25 +213345,25 +213346,28 +213347,28 +213348,28 +213349,28 +213350,28 +213351,28 +213352,28 +213353,40 +213354,40 +213355,40 +213356,36 +213357,36 +213358,36 +213359,36 +213360,36 +213361,36 +213362,36 +213363,36 +213364,36 +213365,36 +213366,36 +213367,36 +213368,36 +213369,19 +213370,4 +213371,4 +213372,4 +213373,27 +213374,27 +213375,27 +213376,27 +213377,27 +213378,19 +213379,19 +213380,19 +213381,19 +213382,19 +213383,19 +213384,19 +213385,19 +213386,19 +213387,37 +213388,37 +213389,37 +213390,37 +213391,37 +213392,37 +213393,27 +213394,27 +213395,27 +213396,27 +213397,2 +213398,2 +213399,2 +213400,2 +213401,2 +213402,2 +213403,2 +213404,2 +213405,32 +213406,32 +213407,32 +213408,32 +213409,32 +213410,32 +213411,32 +213412,32 +213413,32 +213414,32 +213415,26 +213416,26 +213417,26 +213418,26 +213419,26 +213420,26 +213421,26 +213422,26 +213423,5 +213424,5 +213425,5 +213426,5 +213427,5 +213428,5 +213429,2 +213430,2 +213431,2 +213432,4 +213433,4 +213434,4 +213435,31 +213436,31 +213437,31 +213438,31 +213439,15 +213440,15 +213441,15 +213442,15 +213443,15 +213444,19 +213445,15 +213446,29 +213447,15 +213448,27 +213449,27 +213450,27 +213451,27 +213452,27 +213453,27 +213454,27 +213455,30 +213456,30 +213457,30 +213458,30 +213459,30 +213460,30 +213461,30 +213462,30 +213463,30 +213464,27 +213465,27 +213466,27 +213467,27 +213468,27 +213469,4 +213470,4 +213471,4 +213472,4 +213473,4 +213474,4 +213475,4 +213476,39 +213477,39 +213478,39 +213479,39 +213480,39 +213481,39 +213482,39 +213483,39 +213484,39 +213485,39 +213486,39 +213487,39 +213488,8 +213489,8 +213490,8 +213491,8 +213492,8 +213493,8 +213494,29 +213495,29 +213496,39 +213497,8 +213498,8 +213499,36 +213500,36 +213501,36 +213502,36 +213503,36 +213504,36 +213505,36 +213506,36 +213507,36 +213508,36 +213509,36 +213510,36 +213511,36 +213512,36 +213513,36 +213514,36 +213515,36 +213516,5 +213517,5 +213518,5 +213519,5 +213520,5 +213521,5 +213522,5 +213523,5 +213524,5 +213525,5 +213526,5 +213527,5 +213528,5 +213529,5 +213530,5 +213531,5 +213532,5 +213533,26 +213534,26 +213535,26 +213536,26 +213537,26 +213538,26 +213539,26 +213540,26 +213541,26 +213542,26 +213543,26 +213544,26 +213545,26 +213546,26 +213547,26 +213548,26 +213549,26 +213550,4 +213551,4 +213552,4 +213553,4 +213554,4 +213555,4 +213556,4 +213557,21 +213558,21 +213559,21 +213560,37 +213561,37 +213562,37 +213563,37 +213564,37 +213565,37 +213566,40 +213567,40 +213568,40 +213569,40 +213570,40 +213571,40 +213572,40 +213573,40 +213574,40 +213575,2 +213576,2 +213577,2 +213578,2 +213579,2 +213580,2 +213581,2 +213582,4 +213583,4 +213584,4 +213585,4 +213586,2 +213587,2 +213588,23 +213589,23 +213590,23 +213591,23 +213592,23 +213593,23 +213594,25 +213595,25 +213596,25 +213597,25 +213598,25 +213599,25 +213600,32 +213601,32 +213602,32 +213603,32 +213604,32 +213605,32 +213606,32 +213607,32 +213608,32 +213609,37 +213610,37 +213611,37 +213612,37 +213613,37 +213614,37 +213615,37 +213616,37 +213617,39 +213618,39 +213619,39 +213620,39 +213621,8 +213622,8 +213623,8 +213624,8 +213625,8 +213626,8 +213627,8 +213628,27 +213629,27 +213630,27 +213631,27 +213632,27 +213633,5 +213634,5 +213635,5 +213636,5 +213637,4 +213638,4 +213639,4 +213640,4 +213641,4 +213642,4 +213643,4 +213644,4 +213645,14 +213646,14 +213647,14 +213648,14 +213649,14 +213650,14 +213651,14 +213652,14 +213653,14 +213654,14 +213655,14 +213656,14 +213657,11 +213658,11 +213659,11 +213660,11 +213661,11 +213662,11 +213663,11 +213664,11 +213665,11 +213666,11 +213667,11 +213668,31 +213669,31 +213670,31 +213671,31 +213672,31 +213673,5 +213674,5 +213675,5 +213676,5 +213677,5 +213678,5 +213679,5 +213680,5 +213681,5 +213682,5 +213683,5 +213684,5 +213685,5 +213686,5 +213687,5 +213688,5 +213689,5 +213690,5 +213691,5 +213692,5 +213693,5 +213694,5 +213695,0 +213696,0 +213697,0 +213698,0 +213699,0 +213700,0 +213701,0 +213702,0 +213703,0 +213704,0 +213705,0 +213706,0 +213707,0 +213708,0 +213709,0 +213710,0 +213711,0 +213712,0 +213713,0 +213714,0 +213715,0 +213716,0 +213717,0 +213718,0 +213719,0 +213720,0 +213721,0 +213722,0 +213723,0 +213724,0 +213725,0 +213726,0 +213727,0 +213728,0 +213729,0 +213730,0 +213731,0 +213732,0 +213733,0 +213734,0 +213735,0 +213736,0 +213737,0 +213738,0 +213739,0 +213740,0 +213741,0 +213742,0 +213743,0 +213744,0 +213745,0 +213746,6 +213747,6 +213748,6 +213749,6 +213750,6 +213751,6 +213752,6 +213753,6 +213754,6 +213755,37 +213756,37 +213757,37 +213758,37 +213759,37 +213760,37 +213761,37 +213762,37 +213763,10 +213764,10 +213765,10 +213766,10 +213767,10 +213768,10 +213769,10 +213770,10 +213771,10 +213772,10 +213773,10 +213774,19 +213775,19 +213776,19 +213777,19 +213778,19 +213779,19 +213780,19 +213781,19 +213782,12 +213783,12 +213784,12 +213785,12 +213786,12 +213787,12 +213788,27 +213789,27 +213790,27 +213791,27 +213792,38 +213793,38 +213794,38 +213795,38 +213796,38 +213797,38 +213798,38 +213799,38 +213800,24 +213801,24 +213802,24 +213803,6 +213804,6 +213805,6 +213806,6 +213807,6 +213808,6 +213809,6 +213810,6 +213811,12 +213812,12 +213813,12 +213814,12 +213815,12 +213816,12 +213817,12 +213818,12 +213819,27 +213820,27 +213821,27 +213822,27 +213823,27 +213824,27 +213825,24 +213826,24 +213827,24 +213828,24 +213829,24 +213830,24 +213831,25 +213832,25 +213833,25 +213834,25 +213835,25 +213836,25 +213837,25 +213838,25 +213839,25 +213840,25 +213841,25 +213842,25 +213843,25 +213844,27 +213845,5 +213846,5 +213847,13 +213848,5 +213849,5 +213850,5 +213851,5 +213852,5 +213853,5 +213854,12 +213855,30 +213856,30 +213857,30 +213858,30 +213859,30 +213860,36 +213861,36 +213862,36 +213863,36 +213864,36 +213865,36 +213866,36 +213867,36 +213868,36 +213869,40 +213870,32 +213871,32 +213872,32 +213873,32 +213874,32 +213875,32 +213876,32 +213877,32 +213878,32 +213879,32 +213880,32 +213881,2 +213882,2 +213883,2 +213884,2 +213885,2 +213886,2 +213887,2 +213888,2 +213889,2 +213890,2 +213891,2 +213892,2 +213893,2 +213894,2 +213895,2 +213896,2 +213897,2 +213898,2 +213899,2 +213900,2 +213901,2 +213902,8 +213903,8 +213904,2 +213905,2 +213906,2 +213907,2 +213908,0 +213909,0 +213910,0 +213911,0 +213912,0 +213913,0 +213914,0 +213915,0 +213916,0 +213917,0 +213918,0 +213919,0 +213920,0 +213921,0 +213922,0 +213923,0 +213924,0 +213925,0 +213926,0 +213927,0 +213928,0 +213929,0 +213930,0 +213931,0 +213932,0 +213933,0 +213934,0 +213935,0 +213936,0 +213937,0 +213938,0 +213939,0 +213940,0 +213941,0 +213942,0 +213943,0 +213944,0 +213945,0 +213946,0 +213947,0 +213948,0 +213949,0 +213950,0 +213951,0 +213952,0 +213953,0 +213954,0 +213955,0 +213956,0 +213957,0 +213958,0 +213959,0 +213960,0 +213961,0 +213962,0 +213963,0 +213964,0 +213965,0 +213966,0 +213967,0 +213968,35 +213969,35 +213970,35 +213971,35 +213972,35 +213973,35 +213974,35 +213975,35 +213976,36 +213977,36 +213978,36 +213979,36 +213980,36 +213981,19 +213982,19 +213983,19 +213984,19 +213985,19 +213986,19 +213987,29 +213988,29 +213989,29 +213990,39 +213991,39 +213992,39 +213993,39 +213994,39 +213995,39 +213996,39 +213997,39 +213998,39 +213999,8 +214000,8 +214001,8 +214002,8 +214003,8 +214004,8 +214005,8 +214006,24 +214007,24 +214008,24 +214009,24 +214010,24 +214011,24 +214012,24 +214013,40 +214014,40 +214015,40 +214016,40 +214017,40 +214018,40 +214019,37 +214020,37 +214021,37 +214022,37 +214023,37 +214024,37 +214025,37 +214026,37 +214027,37 +214028,39 +214029,39 +214030,39 +214031,39 +214032,39 +214033,39 +214034,39 +214035,27 +214036,28 +214037,28 +214038,28 +214039,28 +214040,28 +214041,28 +214042,28 +214043,28 +214044,28 +214045,28 +214046,28 +214047,28 +214048,28 +214049,28 +214050,25 +214051,25 +214052,25 +214053,25 +214054,25 +214055,25 +214056,25 +214057,25 +214058,37 +214059,37 +214060,19 +214061,19 +214062,19 +214063,19 +214064,19 +214065,19 +214066,19 +214067,19 +214068,25 +214069,25 +214070,25 +214071,25 +214072,25 +214073,25 +214074,25 +214075,25 +214076,25 +214077,25 +214078,25 +214079,25 +214080,25 +214081,25 +214082,25 +214083,25 +214084,25 +214085,25 +214086,25 +214087,25 +214088,25 +214089,25 +214090,25 +214091,25 +214092,25 +214093,25 +214094,8 +214095,8 +214096,8 +214097,8 +214098,8 +214099,8 +214100,8 +214101,8 +214102,8 +214103,8 +214104,8 +214105,8 +214106,8 +214107,8 +214108,8 +214109,8 +214110,8 +214111,36 +214112,40 +214113,36 +214114,36 +214115,36 +214116,36 +214117,36 +214118,36 +214119,36 +214120,36 +214121,36 +214122,40 +214123,40 +214124,40 +214125,40 +214126,36 +214127,36 +214128,36 +214129,36 +214130,4 +214131,4 +214132,31 +214133,31 +214134,31 +214135,31 +214136,31 +214137,31 +214138,39 +214139,31 +214140,31 +214141,31 +214142,4 +214143,4 +214144,4 +214145,4 +214146,4 +214147,4 +214148,4 +214149,4 +214150,3 +214151,3 +214152,3 +214153,3 +214154,3 +214155,29 +214156,29 +214157,29 +214158,25 +214159,25 +214160,25 +214161,25 +214162,25 +214163,25 +214164,25 +214165,25 +214166,25 +214167,25 +214168,25 +214169,25 +214170,23 +214171,23 +214172,23 +214173,23 +214174,23 +214175,23 +214176,23 +214177,23 +214178,23 +214179,23 +214180,23 +214181,23 +214182,9 +214183,9 +214184,9 +214185,9 +214186,9 +214187,9 +214188,13 +214189,13 +214190,13 +214191,13 +214192,13 +214193,13 +214194,13 +214195,13 +214196,13 +214197,11 +214198,11 +214199,11 +214200,11 +214201,11 +214202,11 +214203,11 +214204,11 +214205,11 +214206,11 +214207,11 +214208,11 +214209,31 +214210,31 +214211,31 +214212,31 +214213,31 +214214,5 +214215,5 +214216,5 +214217,5 +214218,5 +214219,5 +214220,5 +214221,5 +214222,5 +214223,5 +214224,5 +214225,5 +214226,8 +214227,8 +214228,8 +214229,8 +214230,8 +214231,8 +214232,8 +214233,8 +214234,8 +214235,8 +214236,8 +214237,8 +214238,33 +214239,33 +214240,33 +214241,33 +214242,33 +214243,33 +214244,33 +214245,33 +214246,33 +214247,33 +214248,33 +214249,33 +214250,33 +214251,33 +214252,33 +214253,33 +214254,33 +214255,8 +214256,8 +214257,8 +214258,8 +214259,8 +214260,8 +214261,8 +214262,31 +214263,31 +214264,31 +214265,31 +214266,31 +214267,24 +214268,24 +214269,24 +214270,24 +214271,24 +214272,24 +214273,24 +214274,24 +214275,24 +214276,24 +214277,24 +214278,37 +214279,37 +214280,37 +214281,25 +214282,25 +214283,25 +214284,25 +214285,25 +214286,25 +214287,30 +214288,34 +214289,34 +214290,34 +214291,34 +214292,26 +214293,26 +214294,34 +214295,34 +214296,34 +214297,34 +214298,26 +214299,26 +214300,15 +214301,15 +214302,15 +214303,15 +214304,15 +214305,25 +214306,25 +214307,25 +214308,25 +214309,37 +214310,37 +214311,37 +214312,37 +214313,37 +214314,37 +214315,37 +214316,37 +214317,37 +214318,37 +214319,37 +214320,37 +214321,39 +214322,39 +214323,39 +214324,39 +214325,39 +214326,39 +214327,39 +214328,39 +214329,39 +214330,39 +214331,39 +214332,39 +214333,39 +214334,39 +214335,39 +214336,39 +214337,39 +214338,0 +214339,0 +214340,0 +214341,0 +214342,0 +214343,0 +214344,0 +214345,0 +214346,0 +214347,0 +214348,0 +214349,0 +214350,0 +214351,0 +214352,0 +214353,0 +214354,0 +214355,0 +214356,0 +214357,0 +214358,0 +214359,0 +214360,0 +214361,0 +214362,0 +214363,0 +214364,0 +214365,0 +214366,0 +214367,0 +214368,0 +214369,29 +214370,29 +214371,29 +214372,29 +214373,29 +214374,29 +214375,29 +214376,29 +214377,29 +214378,29 +214379,29 +214380,29 +214381,29 +214382,29 +214383,29 +214384,29 +214385,14 +214386,14 +214387,14 +214388,14 +214389,14 +214390,14 +214391,14 +214392,14 +214393,14 +214394,14 +214395,14 +214396,14 +214397,14 +214398,14 +214399,14 +214400,12 +214401,12 +214402,12 +214403,12 +214404,12 +214405,12 +214406,12 +214407,12 +214408,12 +214409,12 +214410,12 +214411,22 +214412,22 +214413,19 +214414,19 +214415,27 +214416,27 +214417,27 +214418,27 +214419,27 +214420,24 +214421,24 +214422,24 +214423,24 +214424,24 +214425,24 +214426,24 +214427,15 +214428,15 +214429,15 +214430,15 +214431,15 +214432,27 +214433,27 +214434,27 +214435,27 +214436,27 +214437,27 +214438,6 +214439,6 +214440,6 +214441,6 +214442,6 +214443,6 +214444,6 +214445,6 +214446,6 +214447,6 +214448,6 +214449,6 +214450,31 +214451,31 +214452,31 +214453,31 +214454,31 +214455,31 +214456,34 +214457,31 +214458,26 +214459,26 +214460,26 +214461,26 +214462,26 +214463,28 +214464,34 +214465,34 +214466,5 +214467,5 +214468,5 +214469,5 +214470,5 +214471,28 +214472,28 +214473,28 +214474,30 +214475,30 +214476,30 +214477,30 +214478,30 +214479,30 +214480,30 +214481,30 +214482,30 +214483,30 +214484,30 +214485,30 +214486,40 +214487,40 +214488,40 +214489,40 +214490,40 +214491,40 +214492,40 +214493,40 +214494,40 +214495,2 +214496,2 +214497,2 +214498,2 +214499,2 +214500,2 +214501,2 +214502,2 +214503,2 +214504,4 +214505,4 +214506,4 +214507,4 +214508,4 +214509,4 +214510,4 +214511,31 +214512,4 +214513,4 +214514,2 +214515,25 +214516,25 +214517,25 +214518,25 +214519,25 +214520,25 +214521,25 +214522,25 +214523,25 +214524,25 +214525,25 +214526,25 +214527,31 +214528,31 +214529,31 +214530,31 +214531,31 +214532,31 +214533,31 +214534,31 +214535,23 +214536,23 +214537,23 +214538,23 +214539,23 +214540,38 +214541,23 +214542,27 +214543,27 +214544,24 +214545,4 +214546,4 +214547,4 +214548,31 +214549,6 +214550,6 +214551,6 +214552,6 +214553,6 +214554,6 +214555,6 +214556,6 +214557,6 +214558,6 +214559,6 +214560,6 +214561,6 +214562,6 +214563,6 +214564,6 +214565,6 +214566,6 +214567,6 +214568,6 +214569,21 +214570,0 +214571,0 +214572,0 +214573,0 +214574,0 +214575,0 +214576,0 +214577,0 +214578,0 +214579,0 +214580,0 +214581,0 +214582,0 +214583,0 +214584,0 +214585,0 +214586,0 +214587,0 +214588,0 +214589,0 +214590,0 +214591,0 +214592,35 +214593,35 +214594,35 +214595,35 +214596,35 +214597,35 +214598,35 +214599,35 +214600,35 +214601,27 +214602,27 +214603,27 +214604,27 +214605,27 +214606,5 +214607,5 +214608,5 +214609,5 +214610,5 +214611,5 +214612,13 +214613,35 +214614,35 +214615,35 +214616,35 +214617,35 +214618,35 +214619,39 +214620,39 +214621,39 +214622,39 +214623,39 +214624,39 +214625,39 +214626,27 +214627,27 +214628,27 +214629,27 +214630,27 +214631,4 +214632,4 +214633,4 +214634,4 +214635,4 +214636,4 +214637,4 +214638,4 +214639,2 +214640,2 +214641,2 +214642,2 +214643,2 +214644,2 +214645,2 +214646,2 +214647,2 +214648,2 +214649,2 +214650,2 +214651,2 +214652,2 +214653,2 +214654,2 +214655,2 +214656,2 +214657,2 +214658,2 +214659,40 +214660,40 +214661,40 +214662,40 +214663,40 +214664,5 +214665,5 +214666,19 +214667,19 +214668,4 +214669,4 +214670,4 +214671,35 +214672,31 +214673,31 +214674,35 +214675,35 +214676,35 +214677,35 +214678,35 +214679,35 +214680,35 +214681,35 +214682,35 +214683,35 +214684,35 +214685,33 +214686,33 +214687,33 +214688,33 +214689,33 +214690,33 +214691,33 +214692,33 +214693,33 +214694,33 +214695,33 +214696,37 +214697,37 +214698,5 +214699,5 +214700,28 +214701,28 +214702,28 +214703,28 +214704,28 +214705,28 +214706,28 +214707,28 +214708,28 +214709,28 +214710,28 +214711,4 +214712,4 +214713,4 +214714,4 +214715,4 +214716,4 +214717,4 +214718,4 +214719,4 +214720,4 +214721,4 +214722,4 +214723,4 +214724,4 +214725,3 +214726,3 +214727,3 +214728,3 +214729,3 +214730,3 +214731,31 +214732,31 +214733,3 +214734,10 +214735,10 +214736,10 +214737,33 +214738,31 +214739,37 +214740,37 +214741,37 +214742,37 +214743,37 +214744,25 +214745,25 +214746,25 +214747,25 +214748,34 +214749,34 +214750,34 +214751,37 +214752,37 +214753,37 +214754,37 +214755,37 +214756,37 +214757,37 +214758,37 +214759,8 +214760,8 +214761,8 +214762,8 +214763,8 +214764,8 +214765,8 +214766,8 +214767,0 +214768,0 +214769,0 +214770,0 +214771,0 +214772,31 +214773,31 +214774,27 +214775,31 +214776,31 +214777,31 +214778,31 +214779,23 +214780,23 +214781,23 +214782,23 +214783,23 +214784,23 +214785,23 +214786,23 +214787,23 +214788,23 +214789,23 +214790,23 +214791,23 +214792,23 +214793,23 +214794,9 +214795,9 +214796,9 +214797,9 +214798,9 +214799,9 +214800,9 +214801,37 +214802,37 +214803,37 +214804,37 +214805,37 +214806,37 +214807,37 +214808,37 +214809,37 +214810,37 +214811,25 +214812,25 +214813,23 +214814,23 +214815,23 +214816,23 +214817,23 +214818,23 +214819,23 +214820,23 +214821,25 +214822,25 +214823,25 +214824,25 +214825,28 +214826,28 +214827,28 +214828,28 +214829,28 +214830,28 +214831,5 +214832,5 +214833,5 +214834,28 +214835,5 +214836,5 +214837,36 +214838,36 +214839,36 +214840,31 +214841,31 +214842,31 +214843,31 +214844,31 +214845,31 +214846,31 +214847,31 +214848,31 +214849,31 +214850,31 +214851,31 +214852,3 +214853,3 +214854,3 +214855,3 +214856,12 +214857,12 +214858,22 +214859,22 +214860,27 +214861,27 +214862,19 +214863,3 +214864,4 +214865,4 +214866,4 +214867,4 +214868,4 +214869,4 +214870,4 +214871,4 +214872,4 +214873,4 +214874,4 +214875,4 +214876,4 +214877,4 +214878,4 +214879,4 +214880,4 +214881,4 +214882,40 +214883,40 +214884,40 +214885,40 +214886,40 +214887,40 +214888,40 +214889,40 +214890,40 +214891,40 +214892,34 +214893,34 +214894,34 +214895,30 +214896,30 +214897,30 +214898,30 +214899,30 +214900,30 +214901,30 +214902,30 +214903,30 +214904,30 +214905,30 +214906,30 +214907,0 +214908,0 +214909,0 +214910,0 +214911,0 +214912,0 +214913,0 +214914,0 +214915,0 +214916,0 +214917,0 +214918,0 +214919,0 +214920,0 +214921,0 +214922,0 +214923,0 +214924,0 +214925,0 +214926,0 +214927,0 +214928,0 +214929,0 +214930,0 +214931,0 +214932,0 +214933,0 +214934,0 +214935,0 +214936,0 +214937,0 +214938,0 +214939,0 +214940,0 +214941,0 +214942,0 +214943,0 +214944,19 +214945,19 +214946,19 +214947,19 +214948,27 +214949,27 +214950,27 +214951,27 +214952,27 +214953,27 +214954,27 +214955,24 +214956,24 +214957,24 +214958,24 +214959,24 +214960,24 +214961,24 +214962,24 +214963,40 +214964,40 +214965,27 +214966,27 +214967,27 +214968,27 +214969,27 +214970,27 +214971,27 +214972,27 +214973,27 +214974,27 +214975,27 +214976,27 +214977,27 +214978,27 +214979,40 +214980,40 +214981,40 +214982,31 +214983,31 +214984,31 +214985,31 +214986,31 +214987,31 +214988,30 +214989,30 +214990,30 +214991,30 +214992,30 +214993,30 +214994,30 +214995,30 +214996,30 +214997,30 +214998,30 +214999,0 +215000,0 +215001,0 +215002,0 +215003,0 +215004,0 +215005,0 +215006,0 +215007,0 +215008,0 +215009,0 +215010,0 +215011,0 +215012,0 +215013,0 +215014,0 +215015,0 +215016,31 +215017,31 +215018,31 +215019,0 +215020,0 +215021,0 +215022,0 +215023,0 +215024,0 +215025,0 +215026,0 +215027,0 +215028,4 +215029,0 +215030,0 +215031,4 +215032,4 +215033,4 +215034,4 +215035,4 +215036,4 +215037,4 +215038,4 +215039,40 +215040,40 +215041,40 +215042,40 +215043,40 +215044,30 +215045,30 +215046,30 +215047,30 +215048,30 +215049,27 +215050,27 +215051,27 +215052,27 +215053,27 +215054,27 +215055,13 +215056,13 +215057,13 +215058,13 +215059,13 +215060,13 +215061,7 +215062,35 +215063,35 +215064,35 +215065,7 +215066,7 +215067,7 +215068,7 +215069,31 +215070,27 +215071,40 +215072,27 +215073,28 +215074,28 +215075,28 +215076,28 +215077,28 +215078,28 +215079,28 +215080,28 +215081,28 +215082,28 +215083,19 +215084,19 +215085,19 +215086,19 +215087,27 +215088,27 +215089,27 +215090,27 +215091,27 +215092,27 +215093,2 +215094,2 +215095,2 +215096,8 +215097,2 +215098,2 +215099,2 +215100,2 +215101,2 +215102,2 +215103,2 +215104,2 +215105,2 +215106,31 +215107,31 +215108,31 +215109,4 +215110,4 +215111,4 +215112,4 +215113,31 +215114,31 +215115,31 +215116,31 +215117,31 +215118,31 +215119,31 +215120,31 +215121,31 +215122,32 +215123,32 +215124,32 +215125,32 +215126,32 +215127,23 +215128,23 +215129,23 +215130,23 +215131,23 +215132,23 +215133,23 +215134,23 +215135,23 +215136,23 +215137,23 +215138,25 +215139,25 +215140,25 +215141,25 +215142,25 +215143,25 +215144,35 +215145,35 +215146,35 +215147,35 +215148,35 +215149,35 +215150,36 +215151,27 +215152,27 +215153,27 +215154,27 +215155,27 +215156,27 +215157,27 +215158,27 +215159,27 +215160,40 +215161,28 +215162,28 +215163,28 +215164,28 +215165,28 +215166,28 +215167,28 +215168,28 +215169,28 +215170,28 +215171,28 +215172,28 +215173,28 +215174,0 +215175,0 +215176,0 +215177,0 +215178,0 +215179,0 +215180,0 +215181,0 +215182,0 +215183,0 +215184,0 +215185,0 +215186,0 +215187,0 +215188,0 +215189,0 +215190,0 +215191,0 +215192,0 +215193,0 +215194,0 +215195,33 +215196,33 +215197,33 +215198,33 +215199,33 +215200,33 +215201,33 +215202,33 +215203,33 +215204,33 +215205,33 +215206,33 +215207,32 +215208,32 +215209,32 +215210,32 +215211,32 +215212,32 +215213,32 +215214,32 +215215,27 +215216,27 +215217,27 +215218,27 +215219,27 +215220,27 +215221,5 +215222,5 +215223,5 +215224,5 +215225,5 +215226,5 +215227,19 +215228,19 +215229,27 +215230,4 +215231,4 +215232,4 +215233,4 +215234,4 +215235,4 +215236,4 +215237,29 +215238,29 +215239,29 +215240,29 +215241,31 +215242,31 +215243,31 +215244,19 +215245,19 +215246,19 +215247,18 +215248,18 +215249,18 +215250,19 +215251,19 +215252,19 +215253,19 +215254,19 +215255,19 +215256,19 +215257,9 +215258,9 +215259,9 +215260,9 +215261,9 +215262,9 +215263,9 +215264,9 +215265,9 +215266,37 +215267,37 +215268,37 +215269,37 +215270,37 +215271,37 +215272,37 +215273,37 +215274,37 +215275,37 +215276,23 +215277,23 +215278,23 +215279,23 +215280,23 +215281,23 +215282,23 +215283,23 +215284,23 +215285,23 +215286,23 +215287,25 +215288,25 +215289,25 +215290,25 +215291,25 +215292,25 +215293,35 +215294,35 +215295,35 +215296,35 +215297,35 +215298,35 +215299,35 +215300,27 +215301,27 +215302,27 +215303,27 +215304,27 +215305,27 +215306,27 +215307,27 +215308,27 +215309,27 +215310,27 +215311,28 +215312,28 +215313,28 +215314,28 +215315,28 +215316,28 +215317,28 +215318,28 +215319,28 +215320,28 +215321,28 +215322,28 +215323,28 +215324,28 +215325,28 +215326,28 +215327,28 +215328,0 +215329,0 +215330,0 +215331,0 +215332,0 +215333,0 +215334,0 +215335,0 +215336,0 +215337,0 +215338,0 +215339,0 +215340,0 +215341,0 +215342,0 +215343,0 +215344,0 +215345,0 +215346,0 +215347,0 +215348,0 +215349,0 +215350,0 +215351,0 +215352,0 +215353,0 +215354,0 +215355,0 +215356,0 +215357,0 +215358,0 +215359,0 +215360,0 +215361,0 +215362,0 +215363,0 +215364,0 +215365,0 +215366,0 +215367,0 +215368,0 +215369,0 +215370,0 +215371,0 +215372,0 +215373,0 +215374,0 +215375,0 +215376,0 +215377,0 +215378,0 +215379,0 +215380,0 +215381,0 +215382,0 +215383,0 +215384,0 +215385,0 +215386,0 +215387,0 +215388,0 +215389,0 +215390,0 +215391,0 +215392,0 +215393,0 +215394,0 +215395,0 +215396,0 +215397,0 +215398,0 +215399,29 +215400,29 +215401,29 +215402,31 +215403,31 +215404,31 +215405,31 +215406,31 +215407,31 +215408,37 +215409,37 +215410,37 +215411,37 +215412,37 +215413,14 +215414,14 +215415,14 +215416,14 +215417,14 +215418,14 +215419,14 +215420,14 +215421,19 +215422,19 +215423,19 +215424,19 +215425,19 +215426,40 +215427,40 +215428,40 +215429,37 +215430,37 +215431,37 +215432,37 +215433,37 +215434,25 +215435,27 +215436,27 +215437,28 +215438,28 +215439,28 +215440,28 +215441,28 +215442,14 +215443,36 +215444,36 +215445,36 +215446,36 +215447,36 +215448,36 +215449,36 +215450,36 +215451,36 +215452,36 +215453,36 +215454,36 +215455,36 +215456,10 +215457,10 +215458,10 +215459,10 +215460,10 +215461,10 +215462,10 +215463,36 +215464,36 +215465,36 +215466,36 +215467,36 +215468,36 +215469,36 +215470,36 +215471,36 +215472,36 +215473,36 +215474,36 +215475,36 +215476,36 +215477,36 +215478,36 +215479,36 +215480,36 +215481,2 +215482,2 +215483,2 +215484,2 +215485,2 +215486,2 +215487,2 +215488,2 +215489,2 +215490,2 +215491,2 +215492,2 +215493,2 +215494,6 +215495,6 +215496,6 +215497,6 +215498,6 +215499,6 +215500,6 +215501,6 +215502,6 +215503,0 +215504,0 +215505,0 +215506,0 +215507,0 +215508,0 +215509,0 +215510,0 +215511,0 +215512,0 +215513,0 +215514,0 +215515,0 +215516,0 +215517,0 +215518,0 +215519,0 +215520,0 +215521,0 +215522,0 +215523,0 +215524,0 +215525,0 +215526,0 +215527,0 +215528,0 +215529,0 +215530,0 +215531,0 +215532,0 +215533,0 +215534,0 +215535,0 +215536,0 +215537,0 +215538,0 +215539,0 +215540,0 +215541,0 +215542,0 +215543,0 +215544,0 +215545,0 +215546,0 +215547,0 +215548,0 +215549,0 +215550,0 +215551,0 +215552,0 +215553,0 +215554,0 +215555,0 +215556,0 +215557,0 +215558,0 +215559,0 +215560,0 +215561,0 +215562,40 +215563,40 +215564,40 +215565,40 +215566,40 +215567,40 +215568,40 +215569,40 +215570,40 +215571,8 +215572,8 +215573,8 +215574,8 +215575,8 +215576,8 +215577,8 +215578,8 +215579,8 +215580,8 +215581,2 +215582,12 +215583,12 +215584,12 +215585,12 +215586,12 +215587,27 +215588,27 +215589,27 +215590,3 +215591,3 +215592,3 +215593,5 +215594,5 +215595,5 +215596,5 +215597,5 +215598,5 +215599,27 +215600,27 +215601,27 +215602,27 +215603,27 +215604,27 +215605,37 +215606,37 +215607,37 +215608,37 +215609,37 +215610,37 +215611,37 +215612,37 +215613,37 +215614,37 +215615,29 +215616,29 +215617,29 +215618,29 +215619,19 +215620,29 +215621,29 +215622,19 +215623,29 +215624,31 +215625,31 +215626,31 +215627,31 +215628,31 +215629,32 +215630,32 +215631,32 +215632,32 +215633,15 +215634,15 +215635,37 +215636,37 +215637,37 +215638,37 +215639,37 +215640,37 +215641,37 +215642,40 +215643,40 +215644,40 +215645,40 +215646,40 +215647,40 +215648,40 +215649,40 +215650,40 +215651,40 +215652,40 +215653,40 +215654,18 +215655,18 +215656,18 +215657,18 +215658,18 +215659,18 +215660,18 +215661,18 +215662,18 +215663,18 +215664,18 +215665,18 +215666,18 +215667,18 +215668,40 +215669,40 +215670,40 +215671,40 +215672,40 +215673,40 +215674,40 +215675,40 +215676,5 +215677,5 +215678,5 +215679,5 +215680,5 +215681,5 +215682,5 +215683,5 +215684,5 +215685,5 +215686,33 +215687,33 +215688,33 +215689,33 +215690,33 +215691,33 +215692,33 +215693,37 +215694,37 +215695,4 +215696,4 +215697,37 +215698,19 +215699,4 +215700,4 +215701,4 +215702,31 +215703,31 +215704,31 +215705,2 +215706,2 +215707,2 +215708,2 +215709,2 +215710,2 +215711,2 +215712,2 +215713,2 +215714,2 +215715,2 +215716,4 +215717,4 +215718,4 +215719,4 +215720,4 +215721,27 +215722,27 +215723,27 +215724,4 +215725,4 +215726,4 +215727,4 +215728,4 +215729,4 +215730,4 +215731,4 +215732,4 +215733,10 +215734,21 +215735,40 +215736,40 +215737,40 +215738,40 +215739,40 +215740,40 +215741,40 +215742,40 +215743,40 +215744,40 +215745,40 +215746,40 +215747,5 +215748,5 +215749,5 +215750,5 +215751,5 +215752,5 +215753,5 +215754,35 +215755,35 +215756,35 +215757,35 +215758,35 +215759,35 +215760,35 +215761,35 +215762,35 +215763,35 +215764,35 +215765,35 +215766,35 +215767,34 +215768,34 +215769,34 +215770,34 +215771,26 +215772,26 +215773,26 +215774,26 +215775,2 +215776,2 +215777,2 +215778,2 +215779,2 +215780,2 +215781,2 +215782,2 +215783,2 +215784,2 +215785,2 +215786,2 +215787,2 +215788,4 +215789,4 +215790,4 +215791,4 +215792,4 +215793,32 +215794,36 +215795,36 +215796,36 +215797,36 +215798,36 +215799,36 +215800,36 +215801,36 +215802,36 +215803,36 +215804,36 +215805,36 +215806,36 +215807,36 +215808,36 +215809,36 +215810,34 +215811,4 +215812,4 +215813,4 +215814,4 +215815,4 +215816,4 +215817,4 +215818,29 +215819,32 +215820,32 +215821,31 +215822,31 +215823,31 +215824,24 +215825,24 +215826,24 +215827,24 +215828,24 +215829,24 +215830,24 +215831,24 +215832,24 +215833,24 +215834,40 +215835,40 +215836,40 +215837,40 +215838,40 +215839,40 +215840,40 +215841,18 +215842,18 +215843,18 +215844,18 +215845,18 +215846,18 +215847,18 +215848,18 +215849,18 +215850,18 +215851,18 +215852,18 +215853,18 +215854,18 +215855,18 +215856,11 +215857,11 +215858,11 +215859,11 +215860,4 +215861,4 +215862,4 +215863,4 +215864,4 +215865,4 +215866,14 +215867,14 +215868,14 +215869,14 +215870,14 +215871,14 +215872,14 +215873,14 +215874,14 +215875,14 +215876,14 +215877,14 +215878,14 +215879,11 +215880,11 +215881,11 +215882,11 +215883,11 +215884,11 +215885,11 +215886,11 +215887,11 +215888,11 +215889,11 +215890,31 +215891,31 +215892,31 +215893,31 +215894,31 +215895,31 +215896,31 +215897,31 +215898,31 +215899,30 +215900,30 +215901,30 +215902,30 +215903,30 +215904,30 +215905,30 +215906,30 +215907,30 +215908,30 +215909,30 +215910,31 +215911,31 +215912,31 +215913,31 +215914,31 +215915,31 +215916,40 +215917,40 +215918,40 +215919,8 +215920,8 +215921,8 +215922,8 +215923,8 +215924,8 +215925,8 +215926,2 +215927,34 +215928,31 +215929,31 +215930,31 +215931,31 +215932,31 +215933,31 +215934,31 +215935,31 +215936,31 +215937,28 +215938,28 +215939,28 +215940,28 +215941,28 +215942,32 +215943,32 +215944,32 +215945,32 +215946,32 +215947,31 +215948,31 +215949,31 +215950,30 +215951,30 +215952,30 +215953,30 +215954,30 +215955,30 +215956,30 +215957,30 +215958,30 +215959,30 +215960,30 +215961,30 +215962,2 +215963,2 +215964,2 +215965,2 +215966,2 +215967,2 +215968,2 +215969,2 +215970,2 +215971,2 +215972,2 +215973,2 +215974,2 +215975,2 +215976,10 +215977,10 +215978,10 +215979,10 +215980,10 +215981,10 +215982,10 +215983,10 +215984,10 +215985,10 +215986,10 +215987,19 +215988,19 +215989,19 +215990,19 +215991,19 +215992,4 +215993,4 +215994,2 +215995,2 +215996,2 +215997,2 +215998,31 +215999,31 +216000,31 +216001,31 +216002,38 +216003,38 +216004,38 +216005,38 +216006,38 +216007,38 +216008,38 +216009,38 +216010,29 +216011,29 +216012,25 +216013,25 +216014,25 +216015,31 +216016,31 +216017,31 +216018,31 +216019,37 +216020,37 +216021,37 +216022,37 +216023,37 +216024,37 +216025,37 +216026,37 +216027,37 +216028,37 +216029,37 +216030,37 +216031,37 +216032,37 +216033,37 +216034,33 +216035,33 +216036,33 +216037,33 +216038,33 +216039,33 +216040,33 +216041,33 +216042,33 +216043,33 +216044,33 +216045,33 +216046,33 +216047,33 +216048,33 +216049,33 +216050,33 +216051,33 +216052,33 +216053,33 +216054,19 +216055,19 +216056,19 +216057,19 +216058,19 +216059,5 +216060,5 +216061,5 +216062,5 +216063,5 +216064,5 +216065,0 +216066,0 +216067,0 +216068,0 +216069,0 +216070,0 +216071,0 +216072,0 +216073,0 +216074,0 +216075,0 +216076,0 +216077,0 +216078,0 +216079,0 +216080,0 +216081,0 +216082,0 +216083,0 +216084,0 +216085,0 +216086,0 +216087,0 +216088,0 +216089,0 +216090,0 +216091,0 +216092,0 +216093,0 +216094,0 +216095,0 +216096,0 +216097,0 +216098,0 +216099,0 +216100,0 +216101,0 +216102,0 +216103,0 +216104,0 +216105,0 +216106,0 +216107,0 +216108,0 +216109,0 +216110,0 +216111,0 +216112,0 +216113,0 +216114,0 +216115,0 +216116,0 +216117,0 +216118,0 +216119,0 +216120,36 +216121,36 +216122,36 +216123,36 +216124,36 +216125,36 +216126,36 +216127,36 +216128,36 +216129,36 +216130,40 +216131,40 +216132,40 +216133,40 +216134,5 +216135,5 +216136,5 +216137,5 +216138,5 +216139,39 +216140,27 +216141,10 +216142,10 +216143,14 +216144,30 +216145,30 +216146,30 +216147,12 +216148,12 +216149,12 +216150,12 +216151,12 +216152,12 +216153,12 +216154,12 +216155,12 +216156,31 +216157,31 +216158,31 +216159,31 +216160,31 +216161,31 +216162,5 +216163,5 +216164,5 +216165,5 +216166,12 +216167,12 +216168,12 +216169,12 +216170,12 +216171,12 +216172,12 +216173,12 +216174,12 +216175,12 +216176,12 +216177,12 +216178,12 +216179,27 +216180,27 +216181,27 +216182,27 +216183,27 +216184,27 +216185,27 +216186,11 +216187,11 +216188,11 +216189,11 +216190,11 +216191,11 +216192,11 +216193,11 +216194,11 +216195,11 +216196,11 +216197,11 +216198,11 +216199,39 +216200,27 +216201,27 +216202,27 +216203,5 +216204,5 +216205,5 +216206,5 +216207,5 +216208,4 +216209,4 +216210,4 +216211,4 +216212,4 +216213,4 +216214,4 +216215,4 +216216,31 +216217,31 +216218,31 +216219,31 +216220,31 +216221,28 +216222,28 +216223,28 +216224,28 +216225,28 +216226,28 +216227,28 +216228,28 +216229,28 +216230,28 +216231,28 +216232,25 +216233,25 +216234,25 +216235,25 +216236,25 +216237,25 +216238,25 +216239,25 +216240,25 +216241,25 +216242,19 +216243,19 +216244,19 +216245,27 +216246,27 +216247,27 +216248,27 +216249,27 +216250,27 +216251,27 +216252,25 +216253,25 +216254,18 +216255,18 +216256,18 +216257,18 +216258,18 +216259,18 +216260,18 +216261,18 +216262,18 +216263,18 +216264,18 +216265,18 +216266,18 +216267,18 +216268,18 +216269,18 +216270,18 +216271,18 +216272,18 +216273,34 +216274,34 +216275,34 +216276,34 +216277,34 +216278,34 +216279,34 +216280,34 +216281,34 +216282,34 +216283,34 +216284,34 +216285,34 +216286,28 +216287,28 +216288,28 +216289,28 +216290,28 +216291,28 +216292,28 +216293,28 +216294,28 +216295,28 +216296,28 +216297,28 +216298,28 +216299,28 +216300,28 +216301,12 +216302,12 +216303,12 +216304,12 +216305,12 +216306,31 +216307,31 +216308,31 +216309,31 +216310,31 +216311,31 +216312,19 +216313,19 +216314,19 +216315,19 +216316,35 +216317,35 +216318,35 +216319,35 +216320,35 +216321,35 +216322,35 +216323,35 +216324,36 +216325,36 +216326,36 +216327,36 +216328,36 +216329,36 +216330,36 +216331,36 +216332,36 +216333,36 +216334,2 +216335,2 +216336,2 +216337,2 +216338,2 +216339,2 +216340,2 +216341,0 +216342,0 +216343,0 +216344,0 +216345,0 +216346,15 +216347,15 +216348,31 +216349,31 +216350,31 +216351,31 +216352,5 +216353,5 +216354,5 +216355,5 +216356,5 +216357,14 +216358,14 +216359,3 +216360,3 +216361,14 +216362,14 +216363,39 +216364,39 +216365,39 +216366,31 +216367,31 +216368,31 +216369,31 +216370,31 +216371,31 +216372,31 +216373,31 +216374,31 +216375,31 +216376,31 +216377,31 +216378,22 +216379,22 +216380,22 +216381,24 +216382,6 +216383,32 +216384,32 +216385,2 +216386,2 +216387,2 +216388,2 +216389,2 +216390,27 +216391,27 +216392,27 +216393,27 +216394,27 +216395,27 +216396,27 +216397,2 +216398,2 +216399,2 +216400,2 +216401,2 +216402,2 +216403,2 +216404,2 +216405,2 +216406,2 +216407,2 +216408,2 +216409,2 +216410,39 +216411,39 +216412,39 +216413,39 +216414,39 +216415,39 +216416,39 +216417,39 +216418,39 +216419,39 +216420,39 +216421,39 +216422,39 +216423,39 +216424,39 +216425,39 +216426,27 +216427,27 +216428,27 +216429,27 +216430,27 +216431,27 +216432,27 +216433,27 +216434,28 +216435,28 +216436,28 +216437,28 +216438,28 +216439,28 +216440,28 +216441,28 +216442,28 +216443,32 +216444,32 +216445,32 +216446,32 +216447,32 +216448,32 +216449,32 +216450,32 +216451,32 +216452,32 +216453,32 +216454,6 +216455,32 +216456,31 +216457,31 +216458,31 +216459,31 +216460,31 +216461,31 +216462,31 +216463,31 +216464,28 +216465,28 +216466,28 +216467,28 +216468,28 +216469,28 +216470,5 +216471,5 +216472,27 +216473,27 +216474,27 +216475,27 +216476,27 +216477,27 +216478,27 +216479,13 +216480,13 +216481,13 +216482,13 +216483,13 +216484,13 +216485,13 +216486,13 +216487,13 +216488,13 +216489,13 +216490,13 +216491,0 +216492,0 +216493,0 +216494,0 +216495,0 +216496,0 +216497,0 +216498,0 +216499,8 +216500,8 +216501,0 +216502,0 +216503,0 +216504,0 +216505,0 +216506,0 +216507,0 +216508,0 +216509,0 +216510,0 +216511,0 +216512,0 +216513,0 +216514,0 +216515,0 +216516,0 +216517,0 +216518,0 +216519,0 +216520,0 +216521,0 +216522,0 +216523,0 +216524,0 +216525,0 +216526,0 +216527,0 +216528,0 +216529,0 +216530,0 +216531,0 +216532,0 +216533,0 +216534,0 +216535,0 +216536,0 +216537,0 +216538,0 +216539,0 +216540,0 +216541,0 +216542,0 +216543,0 +216544,0 +216545,0 +216546,0 +216547,0 +216548,0 +216549,0 +216550,29 +216551,29 +216552,29 +216553,29 +216554,40 +216555,40 +216556,27 +216557,40 +216558,37 +216559,37 +216560,37 +216561,37 +216562,37 +216563,37 +216564,37 +216565,27 +216566,27 +216567,27 +216568,27 +216569,27 +216570,27 +216571,2 +216572,2 +216573,2 +216574,2 +216575,2 +216576,2 +216577,2 +216578,2 +216579,2 +216580,2 +216581,2 +216582,2 +216583,2 +216584,2 +216585,33 +216586,33 +216587,33 +216588,33 +216589,33 +216590,33 +216591,33 +216592,33 +216593,33 +216594,33 +216595,33 +216596,33 +216597,33 +216598,13 +216599,13 +216600,30 +216601,30 +216602,30 +216603,30 +216604,30 +216605,39 +216606,39 +216607,39 +216608,39 +216609,39 +216610,39 +216611,39 +216612,39 +216613,12 +216614,12 +216615,12 +216616,12 +216617,12 +216618,12 +216619,12 +216620,12 +216621,12 +216622,12 +216623,12 +216624,31 +216625,31 +216626,31 +216627,31 +216628,31 +216629,28 +216630,28 +216631,28 +216632,28 +216633,28 +216634,32 +216635,32 +216636,32 +216637,32 +216638,32 +216639,32 +216640,32 +216641,32 +216642,32 +216643,32 +216644,32 +216645,32 +216646,32 +216647,32 +216648,25 +216649,25 +216650,25 +216651,25 +216652,25 +216653,25 +216654,25 +216655,25 +216656,25 +216657,2 +216658,2 +216659,2 +216660,2 +216661,2 +216662,2 +216663,2 +216664,2 +216665,2 +216666,2 +216667,2 +216668,2 +216669,2 +216670,27 +216671,27 +216672,27 +216673,27 +216674,5 +216675,5 +216676,5 +216677,5 +216678,5 +216679,5 +216680,5 +216681,5 +216682,5 +216683,5 +216684,5 +216685,27 +216686,27 +216687,27 +216688,27 +216689,27 +216690,27 +216691,13 +216692,13 +216693,5 +216694,5 +216695,5 +216696,13 +216697,5 +216698,5 +216699,5 +216700,5 +216701,19 +216702,19 +216703,19 +216704,19 +216705,19 +216706,19 +216707,19 +216708,39 +216709,39 +216710,39 +216711,39 +216712,39 +216713,39 +216714,39 +216715,39 +216716,39 +216717,39 +216718,39 +216719,39 +216720,39 +216721,39 +216722,39 +216723,39 +216724,39 +216725,39 +216726,39 +216727,39 +216728,39 +216729,14 +216730,14 +216731,14 +216732,14 +216733,14 +216734,19 +216735,19 +216736,19 +216737,19 +216738,19 +216739,19 +216740,19 +216741,19 +216742,0 +216743,0 +216744,0 +216745,0 +216746,0 +216747,0 +216748,0 +216749,0 +216750,0 +216751,0 +216752,36 +216753,36 +216754,36 +216755,36 +216756,5 +216757,5 +216758,5 +216759,5 +216760,5 +216761,5 +216762,5 +216763,5 +216764,9 +216765,9 +216766,9 +216767,9 +216768,9 +216769,9 +216770,9 +216771,9 +216772,9 +216773,9 +216774,9 +216775,9 +216776,30 +216777,30 +216778,30 +216779,30 +216780,30 +216781,30 +216782,30 +216783,30 +216784,30 +216785,29 +216786,29 +216787,29 +216788,29 +216789,29 +216790,27 +216791,27 +216792,27 +216793,27 +216794,27 +216795,6 +216796,6 +216797,4 +216798,4 +216799,4 +216800,4 +216801,4 +216802,4 +216803,6 +216804,6 +216805,6 +216806,4 +216807,4 +216808,4 +216809,4 +216810,4 +216811,4 +216812,4 +216813,4 +216814,39 +216815,39 +216816,39 +216817,39 +216818,39 +216819,39 +216820,39 +216821,39 +216822,39 +216823,4 +216824,4 +216825,4 +216826,4 +216827,4 +216828,4 +216829,4 +216830,4 +216831,4 +216832,2 +216833,2 +216834,2 +216835,2 +216836,2 +216837,2 +216838,2 +216839,2 +216840,2 +216841,2 +216842,2 +216843,2 +216844,2 +216845,2 +216846,2 +216847,2 +216848,2 +216849,2 +216850,25 +216851,25 +216852,25 +216853,25 +216854,25 +216855,25 +216856,6 +216857,6 +216858,6 +216859,6 +216860,6 +216861,6 +216862,6 +216863,31 +216864,31 +216865,30 +216866,30 +216867,30 +216868,31 +216869,31 +216870,31 +216871,31 +216872,31 +216873,31 +216874,30 +216875,30 +216876,30 +216877,4 +216878,4 +216879,4 +216880,4 +216881,4 +216882,4 +216883,4 +216884,4 +216885,4 +216886,4 +216887,4 +216888,4 +216889,4 +216890,35 +216891,35 +216892,35 +216893,35 +216894,35 +216895,0 +216896,0 +216897,0 +216898,0 +216899,0 +216900,0 +216901,0 +216902,0 +216903,35 +216904,35 +216905,35 +216906,35 +216907,35 +216908,35 +216909,35 +216910,3 +216911,3 +216912,3 +216913,27 +216914,3 +216915,3 +216916,3 +216917,3 +216918,28 +216919,28 +216920,28 +216921,28 +216922,28 +216923,28 +216924,28 +216925,28 +216926,28 +216927,28 +216928,28 +216929,28 +216930,28 +216931,28 +216932,12 +216933,12 +216934,12 +216935,12 +216936,12 +216937,12 +216938,12 +216939,12 +216940,12 +216941,12 +216942,12 +216943,12 +216944,12 +216945,12 +216946,12 +216947,31 +216948,31 +216949,31 +216950,31 +216951,31 +216952,31 +216953,31 +216954,5 +216955,5 +216956,5 +216957,5 +216958,5 +216959,5 +216960,5 +216961,27 +216962,27 +216963,27 +216964,27 +216965,27 +216966,27 +216967,27 +216968,27 +216969,27 +216970,27 +216971,27 +216972,27 +216973,27 +216974,27 +216975,27 +216976,27 +216977,27 +216978,27 +216979,27 +216980,2 +216981,2 +216982,2 +216983,2 +216984,2 +216985,2 +216986,2 +216987,2 +216988,2 +216989,2 +216990,2 +216991,28 +216992,28 +216993,28 +216994,28 +216995,28 +216996,9 +216997,9 +216998,9 +216999,9 +217000,9 +217001,37 +217002,37 +217003,37 +217004,25 +217005,25 +217006,37 +217007,32 +217008,32 +217009,32 +217010,32 +217011,32 +217012,32 +217013,32 +217014,32 +217015,32 +217016,32 +217017,32 +217018,32 +217019,32 +217020,32 +217021,32 +217022,36 +217023,36 +217024,36 +217025,36 +217026,36 +217027,36 +217028,36 +217029,36 +217030,36 +217031,36 +217032,2 +217033,2 +217034,2 +217035,2 +217036,2 +217037,2 +217038,2 +217039,2 +217040,2 +217041,2 +217042,4 +217043,4 +217044,4 +217045,5 +217046,5 +217047,5 +217048,5 +217049,31 +217050,31 +217051,31 +217052,31 +217053,31 +217054,31 +217055,31 +217056,31 +217057,31 +217058,31 +217059,4 +217060,30 +217061,30 +217062,30 +217063,30 +217064,30 +217065,30 +217066,30 +217067,39 +217068,39 +217069,39 +217070,39 +217071,39 +217072,21 +217073,21 +217074,21 +217075,21 +217076,21 +217077,21 +217078,21 +217079,21 +217080,37 +217081,37 +217082,37 +217083,37 +217084,37 +217085,37 +217086,37 +217087,37 +217088,37 +217089,39 +217090,39 +217091,39 +217092,39 +217093,39 +217094,39 +217095,39 +217096,39 +217097,32 +217098,32 +217099,32 +217100,32 +217101,32 +217102,32 +217103,23 +217104,23 +217105,23 +217106,23 +217107,23 +217108,30 +217109,30 +217110,30 +217111,30 +217112,30 +217113,30 +217114,31 +217115,31 +217116,31 +217117,30 +217118,30 +217119,30 +217120,30 +217121,30 +217122,30 +217123,30 +217124,4 +217125,19 +217126,4 +217127,19 +217128,19 +217129,19 +217130,29 +217131,29 +217132,29 +217133,29 +217134,29 +217135,29 +217136,31 +217137,31 +217138,27 +217139,27 +217140,27 +217141,27 +217142,27 +217143,5 +217144,5 +217145,5 +217146,5 +217147,5 +217148,5 +217149,5 +217150,4 +217151,4 +217152,4 +217153,4 +217154,4 +217155,4 +217156,4 +217157,6 +217158,4 +217159,29 +217160,31 +217161,31 +217162,31 +217163,31 +217164,6 +217165,6 +217166,6 +217167,6 +217168,4 +217169,4 +217170,4 +217171,4 +217172,4 +217173,4 +217174,4 +217175,4 +217176,6 +217177,6 +217178,6 +217179,6 +217180,4 +217181,34 +217182,34 +217183,34 +217184,34 +217185,34 +217186,34 +217187,34 +217188,34 +217189,30 +217190,30 +217191,30 +217192,30 +217193,19 +217194,19 +217195,19 +217196,15 +217197,19 +217198,5 +217199,5 +217200,31 +217201,31 +217202,31 +217203,5 +217204,5 +217205,5 +217206,5 +217207,6 +217208,6 +217209,6 +217210,6 +217211,6 +217212,6 +217213,6 +217214,6 +217215,6 +217216,6 +217217,6 +217218,6 +217219,6 +217220,30 +217221,30 +217222,30 +217223,30 +217224,30 +217225,30 +217226,30 +217227,30 +217228,30 +217229,30 +217230,25 +217231,25 +217232,25 +217233,9 +217234,9 +217235,37 +217236,37 +217237,37 +217238,37 +217239,37 +217240,37 +217241,37 +217242,37 +217243,37 +217244,6 +217245,37 +217246,6 +217247,25 +217248,0 +217249,0 +217250,0 +217251,0 +217252,0 +217253,0 +217254,0 +217255,0 +217256,0 +217257,0 +217258,0 +217259,0 +217260,0 +217261,0 +217262,0 +217263,0 +217264,0 +217265,0 +217266,0 +217267,0 +217268,0 +217269,0 +217270,0 +217271,0 +217272,0 +217273,0 +217274,0 +217275,0 +217276,0 +217277,0 +217278,0 +217279,0 +217280,0 +217281,0 +217282,0 +217283,0 +217284,0 +217285,0 +217286,0 +217287,0 +217288,0 +217289,0 +217290,0 +217291,0 +217292,0 +217293,0 +217294,0 +217295,0 +217296,0 +217297,0 +217298,0 +217299,29 +217300,29 +217301,29 +217302,29 +217303,36 +217304,36 +217305,36 +217306,36 +217307,36 +217308,40 +217309,40 +217310,40 +217311,40 +217312,36 +217313,40 +217314,40 +217315,29 +217316,29 +217317,29 +217318,29 +217319,29 +217320,29 +217321,27 +217322,14 +217323,14 +217324,14 +217325,27 +217326,27 +217327,27 +217328,27 +217329,27 +217330,27 +217331,27 +217332,27 +217333,27 +217334,27 +217335,27 +217336,27 +217337,27 +217338,2 +217339,2 +217340,2 +217341,2 +217342,2 +217343,2 +217344,2 +217345,2 +217346,2 +217347,2 +217348,2 +217349,2 +217350,2 +217351,23 +217352,23 +217353,23 +217354,23 +217355,23 +217356,23 +217357,23 +217358,23 +217359,23 +217360,23 +217361,23 +217362,23 +217363,14 +217364,14 +217365,14 +217366,27 +217367,27 +217368,27 +217369,27 +217370,27 +217371,14 +217372,27 +217373,14 +217374,14 +217375,14 +217376,5 +217377,5 +217378,5 +217379,5 +217380,5 +217381,39 +217382,39 +217383,39 +217384,39 +217385,39 +217386,39 +217387,39 +217388,39 +217389,39 +217390,39 +217391,32 +217392,32 +217393,32 +217394,32 +217395,32 +217396,32 +217397,32 +217398,37 +217399,37 +217400,37 +217401,37 +217402,37 +217403,37 +217404,37 +217405,37 +217406,37 +217407,37 +217408,33 +217409,9 +217410,9 +217411,9 +217412,26 +217413,26 +217414,26 +217415,9 +217416,9 +217417,9 +217418,9 +217419,9 +217420,9 +217421,9 +217422,9 +217423,9 +217424,9 +217425,9 +217426,9 +217427,9 +217428,9 +217429,5 +217430,5 +217431,5 +217432,5 +217433,24 +217434,24 +217435,24 +217436,24 +217437,24 +217438,0 +217439,0 +217440,0 +217441,0 +217442,0 +217443,0 +217444,0 +217445,0 +217446,0 +217447,0 +217448,0 +217449,0 +217450,0 +217451,0 +217452,0 +217453,0 +217454,0 +217455,0 +217456,0 +217457,0 +217458,0 +217459,0 +217460,0 +217461,0 +217462,0 +217463,0 +217464,0 +217465,0 +217466,0 +217467,0 +217468,0 +217469,0 +217470,0 +217471,15 +217472,15 +217473,15 +217474,23 +217475,23 +217476,31 +217477,26 +217478,10 +217479,10 +217480,10 +217481,10 +217482,10 +217483,10 +217484,10 +217485,10 +217486,10 +217487,10 +217488,2 +217489,2 +217490,2 +217491,2 +217492,2 +217493,2 +217494,2 +217495,2 +217496,2 +217497,2 +217498,2 +217499,2 +217500,40 +217501,40 +217502,40 +217503,40 +217504,40 +217505,40 +217506,30 +217507,30 +217508,30 +217509,30 +217510,30 +217511,30 +217512,30 +217513,23 +217514,30 +217515,23 +217516,23 +217517,23 +217518,23 +217519,23 +217520,23 +217521,23 +217522,23 +217523,23 +217524,0 +217525,0 +217526,0 +217527,0 +217528,0 +217529,0 +217530,0 +217531,0 +217532,0 +217533,0 +217534,0 +217535,0 +217536,0 +217537,0 +217538,0 +217539,0 +217540,0 +217541,0 +217542,0 +217543,0 +217544,0 +217545,0 +217546,0 +217547,0 +217548,0 +217549,0 +217550,0 +217551,0 +217552,0 +217553,0 +217554,0 +217555,0 +217556,0 +217557,0 +217558,0 +217559,0 +217560,0 +217561,0 +217562,0 +217563,0 +217564,0 +217565,0 +217566,0 +217567,0 +217568,0 +217569,0 +217570,0 +217571,0 +217572,0 +217573,0 +217574,0 +217575,0 +217576,0 +217577,0 +217578,0 +217579,0 +217580,0 +217581,0 +217582,0 +217583,27 +217584,27 +217585,27 +217586,27 +217587,27 +217588,27 +217589,5 +217590,5 +217591,5 +217592,5 +217593,5 +217594,5 +217595,5 +217596,5 +217597,5 +217598,5 +217599,31 +217600,31 +217601,31 +217602,31 +217603,24 +217604,24 +217605,24 +217606,24 +217607,24 +217608,24 +217609,24 +217610,24 +217611,40 +217612,40 +217613,40 +217614,40 +217615,40 +217616,40 +217617,40 +217618,37 +217619,37 +217620,37 +217621,37 +217622,37 +217623,37 +217624,37 +217625,25 +217626,25 +217627,25 +217628,25 +217629,25 +217630,25 +217631,30 +217632,30 +217633,30 +217634,30 +217635,30 +217636,30 +217637,30 +217638,30 +217639,30 +217640,30 +217641,30 +217642,30 +217643,30 +217644,30 +217645,30 +217646,30 +217647,30 +217648,30 +217649,0 +217650,0 +217651,0 +217652,0 +217653,0 +217654,0 +217655,0 +217656,0 +217657,0 +217658,0 +217659,0 +217660,0 +217661,0 +217662,0 +217663,0 +217664,0 +217665,0 +217666,0 +217667,0 +217668,0 +217669,0 +217670,0 +217671,0 +217672,0 +217673,0 +217674,0 +217675,0 +217676,0 +217677,0 +217678,0 +217679,0 +217680,0 +217681,0 +217682,0 +217683,0 +217684,0 +217685,0 +217686,0 +217687,0 +217688,0 +217689,0 +217690,0 +217691,0 +217692,0 +217693,0 +217694,0 +217695,0 +217696,0 +217697,0 +217698,0 +217699,0 +217700,0 +217701,0 +217702,0 +217703,0 +217704,0 +217705,0 +217706,29 +217707,29 +217708,29 +217709,15 +217710,15 +217711,15 +217712,15 +217713,15 +217714,10 +217715,10 +217716,10 +217717,10 +217718,10 +217719,10 +217720,10 +217721,10 +217722,10 +217723,10 +217724,12 +217725,12 +217726,12 +217727,12 +217728,12 +217729,12 +217730,12 +217731,12 +217732,12 +217733,12 +217734,12 +217735,27 +217736,27 +217737,27 +217738,27 +217739,30 +217740,30 +217741,30 +217742,30 +217743,30 +217744,30 +217745,30 +217746,30 +217747,30 +217748,30 +217749,30 +217750,28 +217751,28 +217752,28 +217753,28 +217754,28 +217755,28 +217756,10 +217757,10 +217758,34 +217759,10 +217760,10 +217761,10 +217762,10 +217763,34 +217764,10 +217765,10 +217766,10 +217767,10 +217768,10 +217769,10 +217770,10 +217771,5 +217772,5 +217773,5 +217774,19 +217775,19 +217776,15 +217777,15 +217778,15 +217779,15 +217780,15 +217781,15 +217782,15 +217783,15 +217784,15 +217785,15 +217786,15 +217787,15 +217788,15 +217789,3 +217790,7 +217791,7 +217792,7 +217793,3 +217794,3 +217795,3 +217796,3 +217797,3 +217798,3 +217799,3 +217800,3 +217801,31 +217802,31 +217803,31 +217804,27 +217805,27 +217806,32 +217807,32 +217808,0 +217809,0 +217810,0 +217811,0 +217812,0 +217813,0 +217814,0 +217815,0 +217816,0 +217817,0 +217818,0 +217819,0 +217820,0 +217821,0 +217822,0 +217823,0 +217824,0 +217825,0 +217826,0 +217827,0 +217828,0 +217829,0 +217830,0 +217831,0 +217832,0 +217833,0 +217834,0 +217835,0 +217836,0 +217837,0 +217838,0 +217839,0 +217840,0 +217841,0 +217842,0 +217843,0 +217844,0 +217845,0 +217846,0 +217847,0 +217848,0 +217849,0 +217850,0 +217851,0 +217852,0 +217853,0 +217854,0 +217855,0 +217856,0 +217857,0 +217858,0 +217859,0 +217860,0 +217861,0 +217862,0 +217863,0 +217864,0 +217865,0 +217866,0 +217867,0 +217868,0 +217869,0 +217870,0 +217871,0 +217872,0 +217873,0 +217874,0 +217875,0 +217876,0 +217877,0 +217878,0 +217879,0 +217880,0 +217881,0 +217882,0 +217883,0 +217884,0 +217885,0 +217886,0 +217887,0 +217888,0 +217889,0 +217890,29 +217891,29 +217892,29 +217893,27 +217894,27 +217895,31 +217896,31 +217897,11 +217898,11 +217899,11 +217900,11 +217901,11 +217902,11 +217903,11 +217904,11 +217905,11 +217906,11 +217907,11 +217908,11 +217909,11 +217910,11 +217911,31 +217912,40 +217913,40 +217914,40 +217915,40 +217916,32 +217917,32 +217918,32 +217919,32 +217920,32 +217921,32 +217922,32 +217923,25 +217924,25 +217925,25 +217926,25 +217927,37 +217928,37 +217929,37 +217930,19 +217931,19 +217932,19 +217933,19 +217934,19 +217935,19 +217936,19 +217937,19 +217938,19 +217939,5 +217940,5 +217941,5 +217942,8 +217943,8 +217944,8 +217945,2 +217946,2 +217947,2 +217948,2 +217949,2 +217950,2 +217951,2 +217952,2 +217953,2 +217954,2 +217955,2 +217956,2 +217957,2 +217958,40 +217959,40 +217960,40 +217961,40 +217962,40 +217963,40 +217964,40 +217965,40 +217966,40 +217967,40 +217968,40 +217969,36 +217970,36 +217971,4 +217972,4 +217973,4 +217974,4 +217975,4 +217976,4 +217977,19 +217978,19 +217979,19 +217980,19 +217981,19 +217982,19 +217983,0 +217984,0 +217985,0 +217986,0 +217987,0 +217988,0 +217989,0 +217990,0 +217991,0 +217992,0 +217993,0 +217994,0 +217995,0 +217996,0 +217997,0 +217998,0 +217999,0 +218000,0 +218001,0 +218002,0 +218003,0 +218004,0 +218005,0 +218006,0 +218007,0 +218008,0 +218009,0 +218010,0 +218011,0 +218012,0 +218013,0 +218014,0 +218015,0 +218016,0 +218017,0 +218018,0 +218019,0 +218020,0 +218021,0 +218022,0 +218023,0 +218024,0 +218025,0 +218026,0 +218027,0 +218028,0 +218029,0 +218030,0 +218031,29 +218032,29 +218033,29 +218034,29 +218035,29 +218036,29 +218037,31 +218038,31 +218039,31 +218040,31 +218041,31 +218042,16 +218043,16 +218044,16 +218045,16 +218046,16 +218047,16 +218048,16 +218049,16 +218050,16 +218051,16 +218052,16 +218053,16 +218054,16 +218055,27 +218056,27 +218057,27 +218058,27 +218059,27 +218060,30 +218061,30 +218062,30 +218063,30 +218064,19 +218065,19 +218066,19 +218067,19 +218068,19 +218069,19 +218070,19 +218071,3 +218072,3 +218073,3 +218074,3 +218075,3 +218076,3 +218077,3 +218078,5 +218079,5 +218080,5 +218081,5 +218082,5 +218083,5 +218084,5 +218085,19 +218086,19 +218087,19 +218088,19 +218089,19 +218090,19 +218091,19 +218092,33 +218093,31 +218094,33 +218095,33 +218096,33 +218097,33 +218098,33 +218099,33 +218100,33 +218101,5 +218102,5 +218103,5 +218104,5 +218105,5 +218106,6 +218107,6 +218108,6 +218109,6 +218110,6 +218111,6 +218112,6 +218113,6 +218114,6 +218115,31 +218116,31 +218117,31 +218118,31 +218119,31 +218120,31 +218121,31 +218122,31 +218123,28 +218124,28 +218125,28 +218126,28 +218127,28 +218128,5 +218129,28 +218130,28 +218131,28 +218132,37 +218133,37 +218134,37 +218135,37 +218136,37 +218137,34 +218138,34 +218139,34 +218140,34 +218141,34 +218142,34 +218143,34 +218144,34 +218145,34 +218146,34 +218147,34 +218148,34 +218149,34 +218150,34 +218151,5 +218152,5 +218153,5 +218154,5 +218155,5 +218156,29 +218157,29 +218158,29 +218159,29 +218160,29 +218161,39 +218162,39 +218163,39 +218164,39 +218165,39 +218166,6 +218167,6 +218168,6 +218169,6 +218170,6 +218171,6 +218172,6 +218173,6 +218174,6 +218175,6 +218176,21 +218177,21 +218178,21 +218179,21 +218180,37 +218181,37 +218182,37 +218183,37 +218184,27 +218185,27 +218186,27 +218187,27 +218188,27 +218189,2 +218190,2 +218191,2 +218192,2 +218193,2 +218194,2 +218195,2 +218196,2 +218197,2 +218198,2 +218199,28 +218200,35 +218201,31 +218202,35 +218203,35 +218204,35 +218205,35 +218206,35 +218207,27 +218208,27 +218209,27 +218210,27 +218211,2 +218212,2 +218213,8 +218214,8 +218215,8 +218216,8 +218217,8 +218218,8 +218219,8 +218220,12 +218221,12 +218222,12 +218223,12 +218224,12 +218225,12 +218226,12 +218227,12 +218228,31 +218229,29 +218230,29 +218231,29 +218232,29 +218233,29 +218234,29 +218235,31 +218236,31 +218237,31 +218238,31 +218239,31 +218240,31 +218241,31 +218242,2 +218243,2 +218244,2 +218245,2 +218246,2 +218247,2 +218248,2 +218249,2 +218250,2 +218251,2 +218252,2 +218253,2 +218254,4 +218255,4 +218256,4 +218257,4 +218258,4 +218259,4 +218260,9 +218261,9 +218262,9 +218263,9 +218264,9 +218265,9 +218266,9 +218267,9 +218268,9 +218269,9 +218270,9 +218271,9 +218272,9 +218273,9 +218274,9 +218275,9 +218276,9 +218277,9 +218278,9 +218279,37 +218280,37 +218281,37 +218282,37 +218283,37 +218284,37 +218285,37 +218286,37 +218287,37 +218288,37 +218289,37 +218290,37 +218291,0 +218292,0 +218293,0 +218294,0 +218295,0 +218296,0 +218297,0 +218298,0 +218299,0 +218300,0 +218301,0 +218302,0 +218303,0 +218304,0 +218305,0 +218306,0 +218307,0 +218308,0 +218309,0 +218310,0 +218311,0 +218312,0 +218313,0 +218314,0 +218315,0 +218316,0 +218317,0 +218318,0 +218319,0 +218320,0 +218321,0 +218322,0 +218323,0 +218324,0 +218325,0 +218326,0 +218327,0 +218328,0 +218329,0 +218330,0 +218331,0 +218332,0 +218333,0 +218334,0 +218335,5 +218336,5 +218337,5 +218338,5 +218339,5 +218340,5 +218341,5 +218342,5 +218343,5 +218344,5 +218345,5 +218346,5 +218347,5 +218348,33 +218349,33 +218350,33 +218351,33 +218352,33 +218353,33 +218354,33 +218355,33 +218356,33 +218357,33 +218358,33 +218359,33 +218360,33 +218361,33 +218362,33 +218363,33 +218364,5 +218365,5 +218366,5 +218367,5 +218368,5 +218369,5 +218370,27 +218371,27 +218372,27 +218373,27 +218374,27 +218375,27 +218376,8 +218377,8 +218378,8 +218379,8 +218380,8 +218381,8 +218382,8 +218383,8 +218384,31 +218385,31 +218386,31 +218387,31 +218388,31 +218389,31 +218390,30 +218391,30 +218392,30 +218393,30 +218394,30 +218395,30 +218396,30 +218397,30 +218398,30 +218399,30 +218400,30 +218401,30 +218402,34 +218403,34 +218404,34 +218405,34 +218406,34 +218407,34 +218408,34 +218409,34 +218410,34 +218411,34 +218412,34 +218413,34 +218414,34 +218415,4 +218416,4 +218417,4 +218418,4 +218419,4 +218420,4 +218421,4 +218422,32 +218423,32 +218424,27 +218425,27 +218426,27 +218427,27 +218428,27 +218429,31 +218430,31 +218431,31 +218432,2 +218433,2 +218434,2 +218435,2 +218436,2 +218437,2 +218438,2 +218439,2 +218440,2 +218441,2 +218442,2 +218443,2 +218444,2 +218445,2 +218446,27 +218447,27 +218448,27 +218449,27 +218450,27 +218451,27 +218452,27 +218453,13 +218454,13 +218455,13 +218456,13 +218457,13 +218458,13 +218459,13 +218460,13 +218461,13 +218462,27 +218463,13 +218464,13 +218465,13 +218466,13 +218467,13 +218468,13 +218469,29 +218470,29 +218471,29 +218472,31 +218473,31 +218474,31 +218475,31 +218476,6 +218477,6 +218478,6 +218479,6 +218480,6 +218481,6 +218482,6 +218483,6 +218484,6 +218485,6 +218486,12 +218487,12 +218488,12 +218489,12 +218490,12 +218491,12 +218492,12 +218493,9 +218494,9 +218495,9 +218496,10 +218497,10 +218498,10 +218499,10 +218500,10 +218501,10 +218502,10 +218503,10 +218504,10 +218505,10 +218506,10 +218507,10 +218508,10 +218509,10 +218510,10 +218511,10 +218512,10 +218513,25 +218514,37 +218515,37 +218516,37 +218517,37 +218518,37 +218519,37 +218520,37 +218521,37 +218522,37 +218523,37 +218524,37 +218525,37 +218526,37 +218527,37 +218528,37 +218529,37 +218530,25 +218531,25 +218532,25 +218533,0 +218534,0 +218535,0 +218536,0 +218537,0 +218538,0 +218539,0 +218540,0 +218541,0 +218542,0 +218543,0 +218544,0 +218545,0 +218546,0 +218547,0 +218548,0 +218549,0 +218550,0 +218551,0 +218552,0 +218553,0 +218554,0 +218555,0 +218556,0 +218557,0 +218558,0 +218559,0 +218560,0 +218561,0 +218562,0 +218563,0 +218564,0 +218565,0 +218566,0 +218567,0 +218568,0 +218569,0 +218570,0 +218571,0 +218572,0 +218573,0 +218574,0 +218575,0 +218576,0 +218577,0 +218578,0 +218579,0 +218580,0 +218581,0 +218582,0 +218583,0 +218584,0 +218585,0 +218586,0 +218587,0 +218588,0 +218589,0 +218590,0 +218591,0 +218592,0 +218593,29 +218594,29 +218595,29 +218596,29 +218597,29 +218598,31 +218599,31 +218600,31 +218601,31 +218602,31 +218603,32 +218604,32 +218605,32 +218606,32 +218607,32 +218608,32 +218609,32 +218610,32 +218611,32 +218612,32 +218613,32 +218614,32 +218615,32 +218616,25 +218617,25 +218618,25 +218619,25 +218620,25 +218621,25 +218622,25 +218623,25 +218624,32 +218625,32 +218626,32 +218627,32 +218628,32 +218629,32 +218630,32 +218631,31 +218632,33 +218633,33 +218634,33 +218635,33 +218636,33 +218637,33 +218638,33 +218639,33 +218640,33 +218641,33 +218642,33 +218643,32 +218644,32 +218645,32 +218646,32 +218647,32 +218648,32 +218649,32 +218650,32 +218651,32 +218652,32 +218653,37 +218654,37 +218655,37 +218656,37 +218657,37 +218658,37 +218659,37 +218660,37 +218661,37 +218662,10 +218663,10 +218664,10 +218665,10 +218666,10 +218667,10 +218668,10 +218669,10 +218670,10 +218671,10 +218672,10 +218673,10 +218674,10 +218675,10 +218676,10 +218677,10 +218678,10 +218679,10 +218680,10 +218681,10 +218682,10 +218683,10 +218684,10 +218685,10 +218686,10 +218687,10 +218688,10 +218689,10 +218690,10 +218691,10 +218692,5 +218693,5 +218694,5 +218695,5 +218696,19 +218697,19 +218698,12 +218699,12 +218700,3 +218701,12 +218702,12 +218703,12 +218704,12 +218705,12 +218706,12 +218707,27 +218708,27 +218709,27 +218710,16 +218711,16 +218712,16 +218713,16 +218714,16 +218715,16 +218716,16 +218717,16 +218718,16 +218719,16 +218720,16 +218721,16 +218722,36 +218723,36 +218724,26 +218725,26 +218726,26 +218727,26 +218728,26 +218729,26 +218730,26 +218731,26 +218732,26 +218733,26 +218734,26 +218735,26 +218736,5 +218737,5 +218738,5 +218739,5 +218740,5 +218741,28 +218742,28 +218743,28 +218744,28 +218745,5 +218746,5 +218747,30 +218748,28 +218749,28 +218750,10 +218751,10 +218752,10 +218753,10 +218754,10 +218755,10 +218756,10 +218757,10 +218758,10 +218759,10 +218760,10 +218761,10 +218762,10 +218763,10 +218764,2 +218765,2 +218766,2 +218767,2 +218768,2 +218769,2 +218770,2 +218771,2 +218772,2 +218773,2 +218774,2 +218775,2 +218776,2 +218777,2 +218778,2 +218779,2 +218780,9 +218781,9 +218782,9 +218783,9 +218784,9 +218785,9 +218786,9 +218787,9 +218788,9 +218789,9 +218790,9 +218791,9 +218792,9 +218793,9 +218794,9 +218795,9 +218796,23 +218797,23 +218798,23 +218799,23 +218800,23 +218801,23 +218802,23 +218803,4 +218804,4 +218805,4 +218806,4 +218807,4 +218808,4 +218809,4 +218810,4 +218811,4 +218812,4 +218813,4 +218814,4 +218815,4 +218816,4 +218817,4 +218818,4 +218819,0 +218820,0 +218821,16 +218822,16 +218823,16 +218824,11 +218825,11 +218826,11 +218827,11 +218828,11 +218829,11 +218830,11 +218831,11 +218832,11 +218833,11 +218834,16 +218835,11 +218836,39 +218837,39 +218838,39 +218839,39 +218840,39 +218841,39 +218842,39 +218843,39 +218844,39 +218845,39 +218846,39 +218847,39 +218848,39 +218849,39 +218850,39 +218851,39 +218852,39 +218853,39 +218854,39 +218855,39 +218856,0 +218857,0 +218858,0 +218859,0 +218860,23 +218861,23 +218862,23 +218863,23 +218864,23 +218865,23 +218866,23 +218867,23 +218868,23 +218869,23 +218870,23 +218871,23 +218872,9 +218873,9 +218874,9 +218875,9 +218876,9 +218877,37 +218878,37 +218879,37 +218880,6 +218881,6 +218882,6 +218883,6 +218884,6 +218885,6 +218886,6 +218887,6 +218888,6 +218889,6 +218890,31 +218891,31 +218892,31 +218893,31 +218894,28 +218895,28 +218896,28 +218897,28 +218898,28 +218899,28 +218900,32 +218901,32 +218902,32 +218903,32 +218904,32 +218905,32 +218906,32 +218907,32 +218908,32 +218909,30 +218910,30 +218911,30 +218912,30 +218913,36 +218914,36 +218915,36 +218916,36 +218917,36 +218918,31 +218919,6 +218920,6 +218921,6 +218922,6 +218923,6 +218924,6 +218925,6 +218926,11 +218927,11 +218928,11 +218929,11 +218930,11 +218931,11 +218932,11 +218933,11 +218934,31 +218935,31 +218936,31 +218937,31 +218938,31 +218939,31 +218940,5 +218941,5 +218942,5 +218943,5 +218944,5 +218945,5 +218946,5 +218947,5 +218948,19 +218949,19 +218950,19 +218951,19 +218952,33 +218953,33 +218954,33 +218955,33 +218956,33 +218957,33 +218958,33 +218959,33 +218960,33 +218961,33 +218962,33 +218963,33 +218964,33 +218965,33 +218966,33 +218967,33 +218968,33 +218969,33 +218970,33 +218971,30 +218972,30 +218973,30 +218974,30 +218975,30 +218976,33 +218977,30 +218978,30 +218979,30 +218980,30 +218981,30 +218982,30 +218983,30 +218984,30 +218985,30 +218986,30 +218987,30 +218988,30 +218989,30 +218990,30 +218991,30 +218992,8 +218993,8 +218994,8 +218995,8 +218996,8 +218997,8 +218998,8 +218999,8 +219000,8 +219001,8 +219002,8 +219003,8 +219004,8 +219005,8 +219006,8 +219007,8 +219008,0 +219009,0 +219010,0 +219011,0 +219012,0 +219013,0 +219014,0 +219015,0 +219016,0 +219017,0 +219018,0 +219019,0 +219020,0 +219021,0 +219022,0 +219023,0 +219024,0 +219025,0 +219026,0 +219027,0 +219028,0 +219029,0 +219030,0 +219031,0 +219032,0 +219033,0 +219034,0 +219035,0 +219036,0 +219037,0 +219038,0 +219039,0 +219040,0 +219041,0 +219042,27 +219043,27 +219044,27 +219045,27 +219046,27 +219047,27 +219048,27 +219049,27 +219050,27 +219051,27 +219052,27 +219053,27 +219054,28 +219055,28 +219056,28 +219057,28 +219058,28 +219059,28 +219060,28 +219061,28 +219062,28 +219063,28 +219064,10 +219065,10 +219066,10 +219067,10 +219068,10 +219069,10 +219070,10 +219071,34 +219072,30 +219073,30 +219074,30 +219075,30 +219076,30 +219077,30 +219078,30 +219079,30 +219080,30 +219081,30 +219082,30 +219083,30 +219084,30 +219085,30 +219086,30 +219087,33 +219088,33 +219089,33 +219090,33 +219091,33 +219092,33 +219093,33 +219094,40 +219095,33 +219096,33 +219097,33 +219098,33 +219099,33 +219100,33 +219101,33 +219102,33 +219103,33 +219104,24 +219105,24 +219106,24 +219107,24 +219108,24 +219109,24 +219110,24 +219111,24 +219112,8 +219113,8 +219114,8 +219115,8 +219116,8 +219117,8 +219118,8 +219119,8 +219120,8 +219121,24 +219122,24 +219123,24 +219124,24 +219125,24 +219126,24 +219127,24 +219128,24 +219129,24 +219130,14 +219131,14 +219132,14 +219133,14 +219134,14 +219135,14 +219136,14 +219137,14 +219138,14 +219139,14 +219140,14 +219141,14 +219142,14 +219143,14 +219144,14 +219145,14 +219146,39 +219147,39 +219148,39 +219149,39 +219150,39 +219151,39 +219152,39 +219153,39 +219154,39 +219155,39 +219156,39 +219157,39 +219158,39 +219159,39 +219160,39 +219161,5 +219162,5 +219163,5 +219164,5 +219165,27 +219166,27 +219167,27 +219168,27 +219169,27 +219170,27 +219171,27 +219172,27 +219173,8 +219174,8 +219175,8 +219176,8 +219177,8 +219178,8 +219179,29 +219180,29 +219181,29 +219182,29 +219183,36 +219184,29 +219185,29 +219186,34 +219187,34 +219188,34 +219189,34 +219190,10 +219191,10 +219192,31 +219193,10 +219194,31 +219195,31 +219196,31 +219197,31 +219198,31 +219199,24 +219200,24 +219201,24 +219202,35 +219203,35 +219204,35 +219205,35 +219206,35 +219207,35 +219208,35 +219209,35 +219210,35 +219211,36 +219212,36 +219213,36 +219214,36 +219215,36 +219216,36 +219217,36 +219218,36 +219219,36 +219220,36 +219221,36 +219222,2 +219223,2 +219224,2 +219225,2 +219226,2 +219227,2 +219228,2 +219229,2 +219230,2 +219231,2 +219232,2 +219233,2 +219234,4 +219235,4 +219236,4 +219237,4 +219238,4 +219239,4 +219240,4 +219241,4 +219242,4 +219243,4 +219244,4 +219245,4 +219246,3 +219247,3 +219248,3 +219249,3 +219250,3 +219251,3 +219252,3 +219253,3 +219254,21 +219255,21 +219256,21 +219257,21 +219258,21 +219259,21 +219260,21 +219261,21 +219262,21 +219263,37 +219264,37 +219265,37 +219266,37 +219267,37 +219268,37 +219269,37 +219270,37 +219271,37 +219272,37 +219273,33 +219274,33 +219275,33 +219276,33 +219277,33 +219278,33 +219279,33 +219280,33 +219281,33 +219282,2 +219283,2 +219284,2 +219285,2 +219286,2 +219287,2 +219288,2 +219289,2 +219290,2 +219291,2 +219292,2 +219293,2 +219294,2 +219295,30 +219296,30 +219297,30 +219298,30 +219299,39 +219300,39 +219301,39 +219302,39 +219303,39 +219304,39 +219305,39 +219306,39 +219307,39 +219308,19 +219309,19 +219310,19 +219311,19 +219312,19 +219313,19 +219314,19 +219315,26 +219316,26 +219317,26 +219318,10 +219319,10 +219320,10 +219321,10 +219322,10 +219323,26 +219324,26 +219325,10 +219326,10 +219327,10 +219328,10 +219329,10 +219330,10 +219331,10 +219332,10 +219333,10 +219334,10 +219335,10 +219336,10 +219337,10 +219338,10 +219339,10 +219340,10 +219341,10 +219342,10 +219343,10 +219344,10 +219345,10 +219346,10 +219347,10 +219348,10 +219349,10 +219350,10 +219351,10 +219352,10 +219353,19 +219354,19 +219355,19 +219356,19 +219357,19 +219358,19 +219359,19 +219360,19 +219361,19 +219362,19 +219363,5 +219364,19 +219365,19 +219366,19 +219367,19 +219368,19 +219369,0 +219370,0 +219371,0 +219372,0 +219373,0 +219374,0 +219375,0 +219376,0 +219377,0 +219378,0 +219379,0 +219380,0 +219381,0 +219382,0 +219383,0 +219384,0 +219385,0 +219386,0 +219387,0 +219388,0 +219389,0 +219390,0 +219391,0 +219392,0 +219393,0 +219394,0 +219395,0 +219396,0 +219397,0 +219398,0 +219399,0 +219400,0 +219401,0 +219402,0 +219403,0 +219404,0 +219405,0 +219406,0 +219407,0 +219408,0 +219409,0 +219410,0 +219411,0 +219412,0 +219413,0 +219414,0 +219415,0 +219416,0 +219417,0 +219418,0 +219419,0 +219420,0 +219421,0 +219422,0 +219423,0 +219424,0 +219425,0 +219426,0 +219427,0 +219428,0 +219429,0 +219430,0 +219431,0 +219432,0 +219433,0 +219434,0 +219435,0 +219436,5 +219437,5 +219438,5 +219439,5 +219440,5 +219441,5 +219442,5 +219443,5 +219444,29 +219445,29 +219446,29 +219447,31 +219448,31 +219449,31 +219450,31 +219451,2 +219452,2 +219453,2 +219454,2 +219455,2 +219456,2 +219457,2 +219458,2 +219459,2 +219460,2 +219461,31 +219462,31 +219463,31 +219464,31 +219465,31 +219466,31 +219467,5 +219468,5 +219469,5 +219470,5 +219471,5 +219472,5 +219473,5 +219474,2 +219475,2 +219476,2 +219477,2 +219478,2 +219479,27 +219480,27 +219481,27 +219482,27 +219483,27 +219484,11 +219485,11 +219486,11 +219487,11 +219488,11 +219489,11 +219490,11 +219491,11 +219492,11 +219493,11 +219494,11 +219495,11 +219496,11 +219497,11 +219498,11 +219499,11 +219500,11 +219501,11 +219502,14 +219503,14 +219504,14 +219505,14 +219506,14 +219507,14 +219508,14 +219509,14 +219510,14 +219511,14 +219512,14 +219513,14 +219514,14 +219515,14 +219516,14 +219517,14 +219518,14 +219519,14 +219520,14 +219521,14 +219522,28 +219523,28 +219524,28 +219525,28 +219526,28 +219527,28 +219528,28 +219529,28 +219530,14 +219531,14 +219532,14 +219533,14 +219534,14 +219535,14 +219536,14 +219537,14 +219538,14 +219539,14 +219540,14 +219541,14 +219542,27 +219543,27 +219544,27 +219545,27 +219546,27 +219547,27 +219548,27 +219549,27 +219550,13 +219551,13 +219552,13 +219553,13 +219554,13 +219555,13 +219556,13 +219557,13 +219558,13 +219559,13 +219560,21 +219561,21 +219562,21 +219563,21 +219564,21 +219565,21 +219566,25 +219567,25 +219568,25 +219569,25 +219570,25 +219571,25 +219572,25 +219573,25 +219574,25 +219575,25 +219576,25 +219577,25 +219578,25 +219579,25 +219580,25 +219581,25 +219582,25 +219583,25 +219584,25 +219585,25 +219586,25 +219587,25 +219588,25 +219589,25 +219590,25 +219591,37 +219592,37 +219593,37 +219594,37 +219595,37 +219596,37 +219597,37 +219598,37 +219599,37 +219600,37 +219601,25 +219602,29 +219603,29 +219604,29 +219605,25 +219606,25 +219607,25 +219608,25 +219609,25 +219610,25 +219611,25 +219612,25 +219613,25 +219614,25 +219615,6 +219616,6 +219617,6 +219618,6 +219619,6 +219620,6 +219621,6 +219622,6 +219623,6 +219624,6 +219625,6 +219626,9 +219627,9 +219628,9 +219629,9 +219630,9 +219631,9 +219632,9 +219633,26 +219634,26 +219635,26 +219636,26 +219637,26 +219638,26 +219639,26 +219640,26 +219641,26 +219642,26 +219643,26 +219644,26 +219645,26 +219646,26 +219647,26 +219648,26 +219649,26 +219650,26 +219651,26 +219652,26 +219653,26 +219654,26 +219655,26 +219656,26 +219657,8 +219658,8 +219659,8 +219660,8 +219661,8 +219662,8 +219663,8 +219664,8 +219665,8 +219666,8 +219667,8 +219668,2 +219669,2 +219670,2 +219671,2 +219672,2 +219673,2 +219674,2 +219675,2 +219676,2 +219677,2 +219678,2 +219679,2 +219680,2 +219681,2 +219682,2 +219683,2 +219684,2 +219685,2 +219686,0 +219687,0 +219688,0 +219689,0 +219690,0 +219691,0 +219692,0 +219693,0 +219694,0 +219695,0 +219696,0 +219697,0 +219698,0 +219699,0 +219700,0 +219701,0 +219702,0 +219703,0 +219704,0 +219705,0 +219706,0 +219707,0 +219708,0 +219709,0 +219710,0 +219711,0 +219712,0 +219713,0 +219714,0 +219715,0 +219716,0 +219717,0 +219718,0 +219719,0 +219720,0 +219721,0 +219722,0 +219723,0 +219724,0 +219725,0 +219726,0 +219727,0 +219728,0 +219729,0 +219730,0 +219731,0 +219732,0 +219733,0 +219734,0 +219735,0 +219736,0 +219737,0 +219738,0 +219739,0 +219740,0 +219741,0 +219742,0 +219743,0 +219744,0 +219745,0 +219746,0 +219747,0 +219748,0 +219749,0 +219750,0 +219751,0 +219752,0 +219753,0 +219754,0 +219755,0 +219756,0 +219757,0 +219758,0 +219759,0 +219760,0 +219761,0 +219762,0 +219763,0 +219764,0 +219765,0 +219766,0 +219767,0 +219768,0 +219769,0 +219770,0 +219771,0 +219772,0 +219773,0 +219774,0 +219775,0 +219776,0 +219777,0 +219778,0 +219779,0 +219780,0 +219781,0 +219782,0 +219783,0 +219784,0 +219785,0 +219786,0 +219787,27 +219788,27 +219789,27 +219790,27 +219791,27 +219792,27 +219793,27 +219794,27 +219795,27 +219796,8 +219797,8 +219798,8 +219799,8 +219800,8 +219801,8 +219802,8 +219803,27 +219804,27 +219805,27 +219806,27 +219807,27 +219808,27 +219809,27 +219810,4 +219811,4 +219812,4 +219813,4 +219814,4 +219815,4 +219816,4 +219817,4 +219818,29 +219819,29 +219820,29 +219821,29 +219822,31 +219823,31 +219824,31 +219825,31 +219826,31 +219827,31 +219828,2 +219829,2 +219830,2 +219831,2 +219832,2 +219833,2 +219834,2 +219835,2 +219836,2 +219837,2 +219838,26 +219839,26 +219840,26 +219841,26 +219842,26 +219843,26 +219844,26 +219845,26 +219846,26 +219847,33 +219848,33 +219849,33 +219850,33 +219851,33 +219852,33 +219853,3 +219854,33 +219855,33 +219856,33 +219857,33 +219858,33 +219859,33 +219860,33 +219861,5 +219862,5 +219863,5 +219864,5 +219865,5 +219866,5 +219867,5 +219868,5 +219869,5 +219870,5 +219871,5 +219872,5 +219873,31 +219874,31 +219875,31 +219876,31 +219877,31 +219878,31 +219879,31 +219880,31 +219881,24 +219882,24 +219883,24 +219884,24 +219885,24 +219886,24 +219887,24 +219888,24 +219889,29 +219890,29 +219891,31 +219892,31 +219893,31 +219894,31 +219895,31 +219896,31 +219897,5 +219898,28 +219899,28 +219900,28 +219901,5 +219902,5 +219903,5 +219904,5 +219905,5 +219906,29 +219907,29 +219908,31 +219909,31 +219910,40 +219911,31 +219912,31 +219913,31 +219914,31 +219915,31 +219916,31 +219917,31 +219918,31 +219919,31 +219920,31 +219921,31 +219922,31 +219923,30 +219924,31 +219925,30 +219926,30 +219927,30 +219928,30 +219929,33 +219930,33 +219931,30 +219932,12 +219933,12 +219934,30 +219935,30 +219936,9 +219937,9 +219938,12 +219939,9 +219940,26 +219941,26 +219942,26 +219943,26 +219944,26 +219945,26 +219946,26 +219947,26 +219948,26 +219949,26 +219950,26 +219951,26 +219952,26 +219953,37 +219954,37 +219955,37 +219956,37 +219957,37 +219958,37 +219959,6 +219960,6 +219961,6 +219962,6 +219963,6 +219964,6 +219965,6 +219966,6 +219967,6 +219968,9 +219969,9 +219970,9 +219971,9 +219972,9 +219973,9 +219974,9 +219975,9 +219976,9 +219977,9 +219978,9 +219979,9 +219980,9 +219981,9 +219982,9 +219983,9 +219984,9 +219985,9 +219986,9 +219987,9 +219988,23 +219989,23 +219990,23 +219991,23 +219992,23 +219993,23 +219994,23 +219995,23 +219996,23 +219997,23 +219998,23 +219999,6 +220000,6 +220001,6 +220002,6 +220003,6 +220004,23 +220005,29 +220006,29 +220007,31 +220008,31 +220009,31 +220010,31 +220011,31 +220012,15 +220013,15 +220014,15 +220015,15 +220016,15 +220017,15 +220018,15 +220019,15 +220020,15 +220021,15 +220022,37 +220023,37 +220024,37 +220025,37 +220026,37 +220027,37 +220028,37 +220029,34 +220030,34 +220031,34 +220032,34 +220033,34 +220034,34 +220035,34 +220036,34 +220037,34 +220038,34 +220039,34 +220040,34 +220041,34 +220042,34 +220043,12 +220044,12 +220045,12 +220046,12 +220047,12 +220048,12 +220049,12 +220050,19 +220051,5 +220052,28 +220053,28 +220054,28 +220055,5 +220056,5 +220057,5 +220058,5 +220059,5 +220060,5 +220061,2 +220062,2 +220063,2 +220064,2 +220065,2 +220066,2 +220067,2 +220068,2 +220069,2 +220070,2 +220071,2 +220072,2 +220073,2 +220074,2 +220075,2 +220076,27 +220077,27 +220078,27 +220079,27 +220080,27 +220081,27 +220082,27 +220083,37 +220084,37 +220085,37 +220086,37 +220087,37 +220088,37 +220089,37 +220090,37 +220091,37 +220092,25 +220093,25 +220094,25 +220095,25 +220096,25 +220097,25 +220098,2 +220099,2 +220100,2 +220101,2 +220102,2 +220103,2 +220104,2 +220105,2 +220106,2 +220107,2 +220108,9 +220109,9 +220110,9 +220111,9 +220112,9 +220113,9 +220114,9 +220115,9 +220116,9 +220117,30 +220118,30 +220119,30 +220120,30 +220121,30 +220122,30 +220123,30 +220124,30 +220125,30 +220126,30 +220127,30 +220128,30 +220129,30 +220130,30 +220131,28 +220132,28 +220133,28 +220134,28 +220135,28 +220136,12 +220137,12 +220138,12 +220139,12 +220140,26 +220141,26 +220142,26 +220143,26 +220144,26 +220145,26 +220146,26 +220147,37 +220148,37 +220149,37 +220150,37 +220151,37 +220152,11 +220153,11 +220154,11 +220155,11 +220156,11 +220157,11 +220158,11 +220159,11 +220160,11 +220161,11 +220162,11 +220163,11 +220164,3 +220165,31 +220166,27 +220167,27 +220168,27 +220169,27 +220170,27 +220171,27 +220172,27 +220173,27 +220174,27 +220175,27 +220176,27 +220177,27 +220178,27 +220179,8 +220180,8 +220181,8 +220182,8 +220183,8 +220184,8 +220185,8 +220186,8 +220187,8 +220188,8 +220189,8 +220190,8 +220191,8 +220192,8 +220193,8 +220194,8 +220195,0 +220196,0 +220197,0 +220198,0 +220199,0 +220200,0 +220201,0 +220202,0 +220203,0 +220204,0 +220205,0 +220206,0 +220207,0 +220208,0 +220209,0 +220210,0 +220211,0 +220212,0 +220213,0 +220214,0 +220215,0 +220216,0 +220217,0 +220218,0 +220219,0 +220220,0 +220221,0 +220222,0 +220223,0 +220224,0 +220225,0 +220226,0 +220227,9 +220228,9 +220229,9 +220230,9 +220231,9 +220232,9 +220233,9 +220234,9 +220235,9 +220236,9 +220237,9 +220238,9 +220239,37 +220240,37 +220241,37 +220242,37 +220243,37 +220244,37 +220245,29 +220246,29 +220247,29 +220248,29 +220249,29 +220250,29 +220251,29 +220252,39 +220253,39 +220254,39 +220255,39 +220256,39 +220257,39 +220258,39 +220259,39 +220260,39 +220261,39 +220262,39 +220263,39 +220264,39 +220265,39 +220266,35 +220267,35 +220268,35 +220269,35 +220270,35 +220271,35 +220272,35 +220273,35 +220274,7 +220275,22 +220276,22 +220277,22 +220278,22 +220279,22 +220280,37 +220281,37 +220282,37 +220283,37 +220284,37 +220285,32 +220286,32 +220287,32 +220288,32 +220289,32 +220290,32 +220291,32 +220292,32 +220293,32 +220294,32 +220295,32 +220296,32 +220297,32 +220298,32 +220299,36 +220300,36 +220301,36 +220302,36 +220303,36 +220304,36 +220305,36 +220306,36 +220307,36 +220308,36 +220309,36 +220310,16 +220311,16 +220312,16 +220313,16 +220314,16 +220315,16 +220316,16 +220317,16 +220318,11 +220319,16 +220320,16 +220321,31 +220322,27 +220323,27 +220324,27 +220325,31 +220326,31 +220327,31 +220328,31 +220329,27 +220330,2 +220331,2 +220332,8 +220333,8 +220334,8 +220335,8 +220336,2 +220337,8 +220338,2 +220339,2 +220340,27 +220341,8 +220342,27 +220343,27 +220344,27 +220345,27 +220346,27 +220347,27 +220348,27 +220349,27 +220350,27 +220351,5 +220352,5 +220353,5 +220354,5 +220355,5 +220356,5 +220357,5 +220358,19 +220359,19 +220360,19 +220361,19 +220362,19 +220363,19 +220364,19 +220365,9 +220366,9 +220367,9 +220368,9 +220369,9 +220370,9 +220371,9 +220372,9 +220373,9 +220374,9 +220375,9 +220376,37 +220377,37 +220378,37 +220379,37 +220380,7 +220381,7 +220382,7 +220383,7 +220384,7 +220385,7 +220386,7 +220387,7 +220388,26 +220389,26 +220390,26 +220391,26 +220392,26 +220393,26 +220394,26 +220395,26 +220396,26 +220397,26 +220398,26 +220399,25 +220400,26 +220401,26 +220402,26 +220403,37 +220404,37 +220405,37 +220406,37 +220407,37 +220408,37 +220409,37 +220410,37 +220411,37 +220412,37 +220413,37 +220414,37 +220415,18 +220416,18 +220417,18 +220418,18 +220419,18 +220420,18 +220421,18 +220422,4 +220423,4 +220424,4 +220425,4 +220426,4 +220427,4 +220428,31 +220429,31 +220430,31 +220431,31 +220432,31 +220433,31 +220434,31 +220435,24 +220436,24 +220437,24 +220438,24 +220439,24 +220440,24 +220441,24 +220442,24 +220443,24 +220444,7 +220445,7 +220446,7 +220447,7 +220448,7 +220449,7 +220450,40 +220451,40 +220452,40 +220453,40 +220454,40 +220455,40 +220456,40 +220457,40 +220458,34 +220459,33 +220460,33 +220461,10 +220462,30 +220463,33 +220464,33 +220465,33 +220466,33 +220467,33 +220468,33 +220469,33 +220470,33 +220471,33 +220472,33 +220473,33 +220474,33 +220475,33 +220476,33 +220477,33 +220478,33 +220479,33 +220480,33 +220481,33 +220482,33 +220483,33 +220484,33 +220485,33 +220486,33 +220487,33 +220488,27 +220489,27 +220490,27 +220491,31 +220492,31 +220493,5 +220494,5 +220495,5 +220496,5 +220497,5 +220498,5 +220499,32 +220500,32 +220501,32 +220502,32 +220503,32 +220504,32 +220505,32 +220506,27 +220507,27 +220508,27 +220509,27 +220510,27 +220511,27 +220512,27 +220513,27 +220514,27 +220515,27 +220516,36 +220517,14 +220518,30 +220519,30 +220520,30 +220521,17 +220522,17 +220523,17 +220524,17 +220525,17 +220526,34 +220527,30 +220528,30 +220529,30 +220530,30 +220531,30 +220532,30 +220533,30 +220534,30 +220535,30 +220536,30 +220537,30 +220538,10 +220539,34 +220540,34 +220541,34 +220542,34 +220543,10 +220544,34 +220545,34 +220546,34 +220547,34 +220548,30 +220549,30 +220550,30 +220551,30 +220552,30 +220553,5 +220554,5 +220555,5 +220556,39 +220557,39 +220558,39 +220559,39 +220560,39 +220561,39 +220562,39 +220563,14 +220564,14 +220565,14 +220566,6 +220567,6 +220568,6 +220569,6 +220570,6 +220571,6 +220572,6 +220573,6 +220574,6 +220575,6 +220576,6 +220577,6 +220578,6 +220579,6 +220580,6 +220581,6 +220582,6 +220583,6 +220584,6 +220585,6 +220586,37 +220587,37 +220588,37 +220589,37 +220590,33 +220591,33 +220592,33 +220593,33 +220594,33 +220595,33 +220596,33 +220597,6 +220598,6 +220599,6 +220600,6 +220601,6 +220602,6 +220603,6 +220604,6 +220605,31 +220606,31 +220607,27 +220608,27 +220609,27 +220610,27 +220611,8 +220612,8 +220613,8 +220614,8 +220615,8 +220616,8 +220617,8 +220618,8 +220619,8 +220620,8 +220621,8 +220622,8 +220623,31 +220624,31 +220625,31 +220626,27 +220627,27 +220628,27 +220629,27 +220630,27 +220631,27 +220632,27 +220633,8 +220634,8 +220635,8 +220636,8 +220637,8 +220638,8 +220639,8 +220640,8 +220641,8 +220642,8 +220643,8 +220644,8 +220645,8 +220646,8 +220647,8 +220648,8 +220649,8 +220650,2 +220651,2 +220652,2 +220653,2 +220654,2 +220655,2 +220656,2 +220657,2 +220658,2 +220659,2 +220660,2 +220661,2 +220662,2 +220663,8 +220664,8 +220665,8 +220666,0 +220667,0 +220668,0 +220669,0 +220670,0 +220671,0 +220672,0 +220673,0 +220674,0 +220675,0 +220676,0 +220677,0 +220678,0 +220679,0 +220680,0 +220681,0 +220682,0 +220683,0 +220684,0 +220685,0 +220686,0 +220687,0 +220688,0 +220689,0 +220690,0 +220691,0 +220692,0 +220693,0 +220694,0 +220695,0 +220696,0 +220697,0 +220698,0 +220699,0 +220700,0 +220701,0 +220702,0 +220703,0 +220704,0 +220705,0 +220706,0 +220707,0 +220708,0 +220709,35 +220710,35 +220711,27 +220712,27 +220713,27 +220714,27 +220715,27 +220716,27 +220717,2 +220718,2 +220719,2 +220720,2 +220721,2 +220722,2 +220723,2 +220724,2 +220725,2 +220726,2 +220727,2 +220728,2 +220729,2 +220730,2 +220731,2 +220732,2 +220733,2 +220734,2 +220735,2 +220736,2 +220737,2 +220738,36 +220739,36 +220740,36 +220741,36 +220742,36 +220743,36 +220744,36 +220745,36 +220746,18 +220747,18 +220748,18 +220749,18 +220750,18 +220751,18 +220752,18 +220753,31 +220754,2 +220755,25 +220756,25 +220757,25 +220758,25 +220759,25 +220760,25 +220761,25 +220762,25 +220763,25 +220764,25 +220765,25 +220766,25 +220767,25 +220768,25 +220769,25 +220770,25 +220771,25 +220772,25 +220773,25 +220774,0 +220775,0 +220776,0 +220777,0 +220778,0 +220779,0 +220780,0 +220781,0 +220782,0 +220783,0 +220784,0 +220785,0 +220786,0 +220787,0 +220788,0 +220789,0 +220790,0 +220791,0 +220792,0 +220793,0 +220794,0 +220795,0 +220796,0 +220797,0 +220798,0 +220799,0 +220800,0 +220801,0 +220802,12 +220803,12 +220804,12 +220805,12 +220806,12 +220807,12 +220808,12 +220809,12 +220810,12 +220811,12 +220812,31 +220813,31 +220814,31 +220815,31 +220816,31 +220817,4 +220818,4 +220819,4 +220820,4 +220821,4 +220822,4 +220823,4 +220824,31 +220825,31 +220826,31 +220827,31 +220828,31 +220829,31 +220830,31 +220831,2 +220832,2 +220833,2 +220834,2 +220835,2 +220836,2 +220837,2 +220838,2 +220839,2 +220840,27 +220841,27 +220842,27 +220843,27 +220844,27 +220845,27 +220846,27 +220847,27 +220848,27 +220849,18 +220850,25 +220851,8 +220852,8 +220853,8 +220854,8 +220855,8 +220856,8 +220857,18 +220858,18 +220859,31 +220860,31 +220861,31 +220862,31 +220863,31 +220864,31 +220865,31 +220866,28 +220867,28 +220868,28 +220869,28 +220870,28 +220871,28 +220872,28 +220873,28 +220874,5 +220875,5 +220876,5 +220877,5 +220878,0 +220879,0 +220880,0 +220881,0 +220882,0 +220883,0 +220884,0 +220885,0 +220886,0 +220887,0 +220888,0 +220889,0 +220890,0 +220891,0 +220892,0 +220893,0 +220894,0 +220895,0 +220896,0 +220897,0 +220898,0 +220899,0 +220900,0 +220901,0 +220902,15 +220903,15 +220904,15 +220905,15 +220906,15 +220907,32 +220908,9 +220909,9 +220910,9 +220911,9 +220912,9 +220913,9 +220914,37 +220915,37 +220916,31 +220917,37 +220918,37 +220919,37 +220920,5 +220921,5 +220922,5 +220923,5 +220924,19 +220925,4 +220926,4 +220927,4 +220928,4 +220929,4 +220930,4 +220931,4 +220932,4 +220933,4 +220934,4 +220935,4 +220936,4 +220937,32 +220938,32 +220939,32 +220940,32 +220941,32 +220942,32 +220943,32 +220944,32 +220945,32 +220946,32 +220947,26 +220948,26 +220949,26 +220950,26 +220951,26 +220952,26 +220953,26 +220954,26 +220955,26 +220956,30 +220957,30 +220958,30 +220959,30 +220960,30 +220961,30 +220962,30 +220963,30 +220964,30 +220965,30 +220966,30 +220967,39 +220968,39 +220969,39 +220970,39 +220971,39 +220972,39 +220973,39 +220974,39 +220975,39 +220976,39 +220977,39 +220978,39 +220979,39 +220980,39 +220981,39 +220982,39 +220983,39 +220984,39 +220985,39 +220986,39 +220987,39 +220988,0 +220989,0 +220990,0 +220991,0 +220992,0 +220993,0 +220994,0 +220995,0 +220996,0 +220997,0 +220998,0 +220999,0 +221000,0 +221001,0 +221002,0 +221003,0 +221004,0 +221005,0 +221006,0 +221007,0 +221008,0 +221009,0 +221010,0 +221011,0 +221012,0 +221013,0 +221014,0 +221015,0 +221016,0 +221017,0 +221018,0 +221019,0 +221020,0 +221021,0 +221022,0 +221023,0 +221024,0 +221025,0 +221026,0 +221027,0 +221028,0 +221029,0 +221030,9 +221031,9 +221032,9 +221033,9 +221034,37 +221035,37 +221036,37 +221037,37 +221038,37 +221039,37 +221040,10 +221041,10 +221042,10 +221043,10 +221044,10 +221045,10 +221046,10 +221047,10 +221048,10 +221049,10 +221050,10 +221051,10 +221052,10 +221053,10 +221054,10 +221055,10 +221056,10 +221057,10 +221058,10 +221059,28 +221060,28 +221061,28 +221062,28 +221063,28 +221064,28 +221065,28 +221066,40 +221067,40 +221068,40 +221069,27 +221070,31 +221071,31 +221072,31 +221073,23 +221074,23 +221075,23 +221076,23 +221077,23 +221078,23 +221079,23 +221080,23 +221081,23 +221082,37 +221083,37 +221084,37 +221085,14 +221086,14 +221087,14 +221088,14 +221089,14 +221090,14 +221091,14 +221092,14 +221093,16 +221094,19 +221095,16 +221096,11 +221097,16 +221098,16 +221099,16 +221100,16 +221101,11 +221102,11 +221103,11 +221104,16 +221105,11 +221106,31 +221107,31 +221108,31 +221109,31 +221110,30 +221111,30 +221112,30 +221113,30 +221114,6 +221115,6 +221116,6 +221117,6 +221118,6 +221119,6 +221120,6 +221121,32 +221122,32 +221123,32 +221124,32 +221125,39 +221126,39 +221127,39 +221128,39 +221129,39 +221130,39 +221131,39 +221132,39 +221133,32 +221134,32 +221135,15 +221136,32 +221137,32 +221138,33 +221139,33 +221140,33 +221141,33 +221142,33 +221143,33 +221144,17 +221145,12 +221146,12 +221147,12 +221148,12 +221149,30 +221150,30 +221151,30 +221152,12 +221153,14 +221154,14 +221155,14 +221156,14 +221157,14 +221158,39 +221159,39 +221160,39 +221161,39 +221162,39 +221163,39 +221164,23 +221165,23 +221166,23 +221167,23 +221168,23 +221169,23 +221170,23 +221171,23 +221172,23 +221173,25 +221174,25 +221175,25 +221176,25 +221177,25 +221178,25 +221179,28 +221180,28 +221181,28 +221182,28 +221183,28 +221184,28 +221185,28 +221186,39 +221187,39 +221188,39 +221189,39 +221190,39 +221191,39 +221192,39 +221193,39 +221194,39 +221195,39 +221196,39 +221197,39 +221198,39 +221199,9 +221200,26 +221201,9 +221202,26 +221203,30 +221204,30 +221205,30 +221206,9 +221207,9 +221208,9 +221209,30 +221210,30 +221211,30 +221212,30 +221213,30 +221214,30 +221215,30 +221216,30 +221217,30 +221218,30 +221219,30 +221220,23 +221221,23 +221222,23 +221223,23 +221224,29 +221225,31 +221226,31 +221227,31 +221228,31 +221229,33 +221230,33 +221231,33 +221232,33 +221233,12 +221234,30 +221235,30 +221236,30 +221237,30 +221238,12 +221239,12 +221240,12 +221241,10 +221242,10 +221243,10 +221244,10 +221245,10 +221246,34 +221247,34 +221248,34 +221249,10 +221250,10 +221251,10 +221252,10 +221253,30 +221254,30 +221255,30 +221256,30 +221257,30 +221258,30 +221259,30 +221260,12 +221261,12 +221262,12 +221263,12 +221264,12 +221265,12 +221266,25 +221267,25 +221268,25 +221269,25 +221270,25 +221271,25 +221272,25 +221273,25 +221274,26 +221275,26 +221276,26 +221277,26 +221278,26 +221279,26 +221280,26 +221281,26 +221282,26 +221283,26 +221284,29 +221285,5 +221286,5 +221287,5 +221288,5 +221289,5 +221290,5 +221291,5 +221292,5 +221293,27 +221294,27 +221295,27 +221296,27 +221297,27 +221298,27 +221299,27 +221300,2 +221301,2 +221302,2 +221303,2 +221304,2 +221305,2 +221306,2 +221307,2 +221308,2 +221309,2 +221310,2 +221311,2 +221312,2 +221313,2 +221314,10 +221315,10 +221316,10 +221317,10 +221318,10 +221319,10 +221320,10 +221321,10 +221322,10 +221323,10 +221324,10 +221325,10 +221326,10 +221327,10 +221328,29 +221329,5 +221330,5 +221331,5 +221332,5 +221333,5 +221334,5 +221335,5 +221336,29 +221337,29 +221338,29 +221339,29 +221340,31 +221341,25 +221342,19 +221343,5 +221344,5 +221345,5 +221346,5 +221347,19 +221348,19 +221349,19 +221350,19 +221351,19 +221352,36 +221353,36 +221354,36 +221355,36 +221356,36 +221357,36 +221358,36 +221359,36 +221360,27 +221361,19 +221362,29 +221363,29 +221364,29 +221365,29 +221366,29 +221367,29 +221368,29 +221369,31 +221370,31 +221371,40 +221372,40 +221373,5 +221374,5 +221375,5 +221376,5 +221377,5 +221378,5 +221379,35 +221380,35 +221381,10 +221382,10 +221383,10 +221384,10 +221385,10 +221386,10 +221387,10 +221388,10 +221389,6 +221390,6 +221391,6 +221392,6 +221393,6 +221394,6 +221395,6 +221396,6 +221397,6 +221398,6 +221399,6 +221400,6 +221401,6 +221402,6 +221403,6 +221404,31 +221405,31 +221406,40 +221407,40 +221408,40 +221409,40 +221410,5 +221411,5 +221412,5 +221413,5 +221414,5 +221415,5 +221416,5 +221417,5 +221418,6 +221419,6 +221420,6 +221421,6 +221422,6 +221423,6 +221424,6 +221425,31 +221426,21 +221427,21 +221428,31 +221429,31 +221430,31 +221431,31 +221432,31 +221433,25 +221434,25 +221435,27 +221436,25 +221437,25 +221438,18 +221439,18 +221440,19 +221441,19 +221442,16 +221443,16 +221444,16 +221445,16 +221446,16 +221447,4 +221448,4 +221449,4 +221450,4 +221451,16 +221452,16 +221453,16 +221454,25 +221455,25 +221456,25 +221457,25 +221458,25 +221459,25 +221460,5 +221461,5 +221462,5 +221463,5 +221464,5 +221465,5 +221466,2 +221467,2 +221468,2 +221469,2 +221470,4 +221471,4 +221472,4 +221473,4 +221474,4 +221475,4 +221476,4 +221477,27 +221478,27 +221479,27 +221480,39 +221481,6 +221482,6 +221483,6 +221484,6 +221485,6 +221486,31 +221487,31 +221488,31 +221489,31 +221490,31 +221491,24 +221492,24 +221493,24 +221494,35 +221495,24 +221496,24 +221497,35 +221498,35 +221499,35 +221500,25 +221501,25 +221502,25 +221503,25 +221504,25 +221505,25 +221506,28 +221507,28 +221508,28 +221509,28 +221510,28 +221511,28 +221512,28 +221513,10 +221514,10 +221515,10 +221516,10 +221517,10 +221518,10 +221519,10 +221520,10 +221521,10 +221522,6 +221523,6 +221524,6 +221525,6 +221526,6 +221527,6 +221528,6 +221529,6 +221530,6 +221531,6 +221532,6 +221533,6 +221534,6 +221535,33 +221536,33 +221537,33 +221538,33 +221539,33 +221540,33 +221541,31 +221542,31 +221543,31 +221544,19 +221545,19 +221546,19 +221547,19 +221548,36 +221549,36 +221550,36 +221551,36 +221552,36 +221553,36 +221554,36 +221555,36 +221556,36 +221557,36 +221558,21 +221559,21 +221560,21 +221561,21 +221562,6 +221563,6 +221564,6 +221565,6 +221566,31 +221567,31 +221568,31 +221569,31 +221570,31 +221571,4 +221572,4 +221573,4 +221574,4 +221575,4 +221576,4 +221577,4 +221578,9 +221579,9 +221580,40 +221581,9 +221582,9 +221583,9 +221584,9 +221585,9 +221586,9 +221587,9 +221588,9 +221589,9 +221590,9 +221591,9 +221592,9 +221593,9 +221594,9 +221595,9 +221596,9 +221597,9 +221598,9 +221599,9 +221600,9 +221601,9 +221602,9 +221603,30 +221604,30 +221605,30 +221606,30 +221607,30 +221608,30 +221609,30 +221610,30 +221611,30 +221612,30 +221613,30 +221614,30 +221615,30 +221616,30 +221617,30 +221618,30 +221619,30 +221620,30 +221621,30 +221622,30 +221623,30 +221624,0 +221625,0 +221626,0 +221627,0 +221628,0 +221629,0 +221630,0 +221631,0 +221632,0 +221633,0 +221634,0 +221635,0 +221636,0 +221637,0 +221638,0 +221639,0 +221640,0 +221641,0 +221642,0 +221643,0 +221644,0 +221645,0 +221646,0 +221647,0 +221648,0 +221649,0 +221650,0 +221651,0 +221652,0 +221653,0 +221654,0 +221655,0 +221656,0 +221657,0 +221658,0 +221659,0 +221660,0 +221661,0 +221662,0 +221663,0 +221664,0 +221665,0 +221666,0 +221667,0 +221668,0 +221669,0 +221670,0 +221671,0 +221672,0 +221673,0 +221674,0 +221675,0 +221676,0 +221677,0 +221678,0 +221679,0 +221680,0 +221681,0 +221682,0 +221683,0 +221684,0 +221685,0 +221686,0 +221687,0 +221688,0 +221689,0 +221690,0 +221691,0 +221692,0 +221693,0 +221694,0 +221695,0 +221696,0 +221697,0 +221698,0 +221699,0 +221700,0 +221701,0 +221702,0 +221703,0 +221704,0 +221705,0 +221706,0 +221707,0 +221708,0 +221709,0 +221710,0 +221711,0 +221712,0 +221713,0 +221714,11 +221715,11 +221716,11 +221717,11 +221718,11 +221719,11 +221720,11 +221721,11 +221722,11 +221723,11 +221724,11 +221725,11 +221726,11 +221727,11 +221728,11 +221729,11 +221730,11 +221731,39 +221732,39 +221733,39 +221734,39 +221735,39 +221736,39 +221737,39 +221738,39 +221739,39 +221740,39 +221741,39 +221742,39 +221743,35 +221744,35 +221745,35 +221746,35 +221747,36 +221748,36 +221749,36 +221750,36 +221751,36 +221752,36 +221753,36 +221754,36 +221755,4 +221756,4 +221757,4 +221758,4 +221759,4 +221760,25 +221761,25 +221762,25 +221763,25 +221764,25 +221765,25 +221766,25 +221767,19 +221768,19 +221769,19 +221770,19 +221771,19 +221772,40 +221773,40 +221774,40 +221775,31 +221776,31 +221777,31 +221778,31 +221779,4 +221780,4 +221781,4 +221782,4 +221783,4 +221784,4 +221785,29 +221786,29 +221787,29 +221788,31 +221789,31 +221790,31 +221791,31 +221792,31 +221793,28 +221794,28 +221795,28 +221796,28 +221797,28 +221798,28 +221799,28 +221800,28 +221801,28 +221802,28 +221803,26 +221804,26 +221805,26 +221806,26 +221807,26 +221808,26 +221809,26 +221810,26 +221811,26 +221812,26 +221813,4 +221814,4 +221815,4 +221816,4 +221817,31 +221818,31 +221819,31 +221820,31 +221821,30 +221822,30 +221823,30 +221824,30 +221825,30 +221826,30 +221827,23 +221828,23 +221829,23 +221830,23 +221831,23 +221832,23 +221833,23 +221834,23 +221835,23 +221836,23 +221837,26 +221838,26 +221839,26 +221840,26 +221841,26 +221842,26 +221843,26 +221844,26 +221845,26 +221846,26 +221847,26 +221848,26 +221849,26 +221850,26 +221851,26 +221852,37 +221853,37 +221854,37 +221855,37 +221856,37 +221857,37 +221858,37 +221859,37 +221860,37 +221861,28 +221862,28 +221863,28 +221864,28 +221865,28 +221866,28 +221867,28 +221868,28 +221869,28 +221870,28 +221871,28 +221872,28 +221873,0 +221874,0 +221875,0 +221876,0 +221877,0 +221878,0 +221879,0 +221880,0 +221881,0 +221882,0 +221883,0 +221884,0 +221885,0 +221886,0 +221887,0 +221888,0 +221889,0 +221890,0 +221891,0 +221892,0 +221893,0 +221894,0 +221895,0 +221896,0 +221897,0 +221898,0 +221899,0 +221900,0 +221901,0 +221902,0 +221903,0 +221904,0 +221905,0 +221906,0 +221907,0 +221908,0 +221909,0 +221910,0 +221911,0 +221912,0 +221913,0 +221914,0 +221915,0 +221916,0 +221917,0 +221918,0 +221919,0 +221920,0 +221921,0 +221922,0 +221923,0 +221924,0 +221925,0 +221926,0 +221927,0 +221928,0 +221929,0 +221930,0 +221931,0 +221932,0 +221933,0 +221934,0 +221935,0 +221936,31 +221937,31 +221938,31 +221939,31 +221940,31 +221941,31 +221942,31 +221943,31 +221944,5 +221945,5 +221946,5 +221947,5 +221948,5 +221949,5 +221950,29 +221951,29 +221952,31 +221953,31 +221954,31 +221955,31 +221956,31 +221957,31 +221958,35 +221959,35 +221960,35 +221961,35 +221962,35 +221963,35 +221964,35 +221965,35 +221966,35 +221967,35 +221968,35 +221969,33 +221970,33 +221971,33 +221972,33 +221973,33 +221974,33 +221975,33 +221976,33 +221977,33 +221978,33 +221979,30 +221980,30 +221981,30 +221982,30 +221983,33 +221984,30 +221985,30 +221986,30 +221987,6 +221988,6 +221989,6 +221990,0 +221991,6 +221992,6 +221993,6 +221994,6 +221995,6 +221996,6 +221997,6 +221998,6 +221999,6 +222000,9 +222001,9 +222002,9 +222003,9 +222004,9 +222005,9 +222006,9 +222007,9 +222008,9 +222009,37 +222010,37 +222011,37 +222012,37 +222013,37 +222014,37 +222015,25 +222016,25 +222017,25 +222018,25 +222019,25 +222020,25 +222021,25 +222022,25 +222023,0 +222024,0 +222025,0 +222026,0 +222027,0 +222028,0 +222029,0 +222030,12 +222031,12 +222032,12 +222033,12 +222034,12 +222035,12 +222036,40 +222037,40 +222038,40 +222039,40 +222040,40 +222041,40 +222042,40 +222043,40 +222044,40 +222045,5 +222046,5 +222047,5 +222048,5 +222049,5 +222050,5 +222051,5 +222052,10 +222053,10 +222054,10 +222055,31 +222056,31 +222057,34 +222058,34 +222059,34 +222060,34 +222061,34 +222062,34 +222063,34 +222064,34 +222065,34 +222066,34 +222067,4 +222068,4 +222069,4 +222070,4 +222071,4 +222072,4 +222073,4 +222074,4 +222075,4 +222076,4 +222077,4 +222078,4 +222079,4 +222080,27 +222081,27 +222082,27 +222083,27 +222084,27 +222085,2 +222086,2 +222087,2 +222088,2 +222089,2 +222090,2 +222091,2 +222092,2 +222093,2 +222094,2 +222095,2 +222096,2 +222097,2 +222098,2 +222099,2 +222100,39 +222101,39 +222102,39 +222103,39 +222104,39 +222105,39 +222106,39 +222107,39 +222108,39 +222109,39 +222110,39 +222111,39 +222112,39 +222113,39 +222114,39 +222115,39 +222116,29 +222117,29 +222118,29 +222119,29 +222120,31 +222121,31 +222122,31 +222123,31 +222124,31 +222125,31 +222126,31 +222127,12 +222128,12 +222129,12 +222130,12 +222131,12 +222132,12 +222133,12 +222134,12 +222135,12 +222136,12 +222137,31 +222138,31 +222139,31 +222140,31 +222141,31 +222142,31 +222143,31 +222144,5 +222145,5 +222146,5 +222147,5 +222148,5 +222149,5 +222150,5 +222151,19 +222152,19 +222153,19 +222154,19 +222155,19 +222156,19 +222157,19 +222158,19 +222159,25 +222160,25 +222161,25 +222162,25 +222163,25 +222164,25 +222165,25 +222166,25 +222167,25 +222168,25 +222169,25 +222170,25 +222171,25 +222172,25 +222173,25 +222174,25 +222175,25 +222176,25 +222177,25 +222178,25 +222179,25 +222180,25 +222181,25 +222182,0 +222183,0 +222184,0 +222185,0 +222186,0 +222187,0 +222188,0 +222189,0 +222190,0 +222191,0 +222192,0 +222193,0 +222194,0 +222195,0 +222196,0 +222197,0 +222198,0 +222199,0 +222200,0 +222201,0 +222202,0 +222203,0 +222204,0 +222205,0 +222206,0 +222207,0 +222208,0 +222209,0 +222210,0 +222211,0 +222212,0 +222213,0 +222214,0 +222215,0 +222216,0 +222217,0 +222218,0 +222219,0 +222220,0 +222221,0 +222222,0 +222223,0 +222224,0 +222225,0 +222226,0 +222227,0 +222228,0 +222229,0 +222230,0 +222231,0 +222232,0 +222233,0 +222234,0 +222235,0 +222236,0 +222237,0 +222238,0 +222239,0 +222240,0 +222241,0 +222242,0 +222243,0 +222244,0 +222245,0 +222246,0 +222247,0 +222248,0 +222249,0 +222250,0 +222251,0 +222252,0 +222253,0 +222254,0 +222255,0 +222256,0 +222257,0 +222258,0 +222259,0 +222260,1 +222261,1 +222262,1 +222263,6 +222264,9 +222265,9 +222266,9 +222267,9 +222268,9 +222269,9 +222270,9 +222271,9 +222272,9 +222273,9 +222274,9 +222275,9 +222276,37 +222277,37 +222278,37 +222279,37 +222280,37 +222281,37 +222282,37 +222283,37 +222284,37 +222285,40 +222286,40 +222287,40 +222288,40 +222289,40 +222290,40 +222291,40 +222292,5 +222293,5 +222294,5 +222295,5 +222296,5 +222297,31 +222298,40 +222299,5 +222300,33 +222301,33 +222302,33 +222303,33 +222304,33 +222305,33 +222306,27 +222307,40 +222308,40 +222309,33 +222310,33 +222311,33 +222312,33 +222313,33 +222314,33 +222315,33 +222316,33 +222317,5 +222318,33 +222319,5 +222320,31 +222321,31 +222322,31 +222323,31 +222324,31 +222325,6 +222326,6 +222327,6 +222328,6 +222329,6 +222330,6 +222331,6 +222332,6 +222333,6 +222334,14 +222335,14 +222336,14 +222337,14 +222338,14 +222339,14 +222340,14 +222341,27 +222342,27 +222343,27 +222344,27 +222345,27 +222346,3 +222347,3 +222348,3 +222349,39 +222350,28 +222351,28 +222352,28 +222353,28 +222354,28 +222355,28 +222356,28 +222357,28 +222358,28 +222359,5 +222360,15 +222361,15 +222362,15 +222363,15 +222364,15 +222365,36 +222366,36 +222367,36 +222368,36 +222369,36 +222370,36 +222371,36 +222372,36 +222373,36 +222374,36 +222375,36 +222376,36 +222377,36 +222378,36 +222379,36 +222380,6 +222381,6 +222382,6 +222383,6 +222384,6 +222385,6 +222386,6 +222387,6 +222388,6 +222389,6 +222390,23 +222391,23 +222392,23 +222393,23 +222394,23 +222395,23 +222396,25 +222397,25 +222398,25 +222399,25 +222400,25 +222401,25 +222402,28 +222403,28 +222404,28 +222405,28 +222406,28 +222407,28 +222408,28 +222409,35 +222410,35 +222411,35 +222412,27 +222413,27 +222414,27 +222415,27 +222416,27 +222417,27 +222418,27 +222419,27 +222420,27 +222421,2 +222422,2 +222423,2 +222424,2 +222425,2 +222426,2 +222427,2 +222428,2 +222429,2 +222430,2 +222431,2 +222432,2 +222433,2 +222434,2 +222435,4 +222436,4 +222437,4 +222438,4 +222439,4 +222440,37 +222441,37 +222442,37 +222443,37 +222444,37 +222445,37 +222446,37 +222447,37 +222448,37 +222449,9 +222450,9 +222451,9 +222452,9 +222453,9 +222454,9 +222455,9 +222456,9 +222457,9 +222458,9 +222459,9 +222460,9 +222461,9 +222462,9 +222463,9 +222464,9 +222465,9 +222466,9 +222467,9 +222468,9 +222469,9 +222470,9 +222471,9 +222472,30 +222473,30 +222474,30 +222475,30 +222476,30 +222477,30 +222478,30 +222479,30 +222480,30 +222481,30 +222482,27 +222483,27 +222484,27 +222485,27 +222486,27 +222487,27 +222488,27 +222489,27 +222490,27 +222491,27 +222492,27 +222493,5 +222494,5 +222495,5 +222496,5 +222497,5 +222498,5 +222499,29 +222500,29 +222501,27 +222502,27 +222503,27 +222504,27 +222505,27 +222506,27 +222507,31 +222508,31 +222509,2 +222510,2 +222511,2 +222512,2 +222513,2 +222514,2 +222515,2 +222516,2 +222517,2 +222518,2 +222519,2 +222520,2 +222521,2 +222522,2 +222523,39 +222524,39 +222525,39 +222526,39 +222527,39 +222528,39 +222529,39 +222530,39 +222531,14 +222532,14 +222533,14 +222534,14 +222535,14 +222536,14 +222537,14 +222538,14 +222539,28 +222540,28 +222541,28 +222542,28 +222543,28 +222544,5 +222545,5 +222546,5 +222547,5 +222548,5 +222549,5 +222550,6 +222551,6 +222552,6 +222553,6 +222554,6 +222555,6 +222556,6 +222557,6 +222558,36 +222559,36 +222560,36 +222561,36 +222562,36 +222563,36 +222564,36 +222565,36 +222566,36 +222567,36 +222568,36 +222569,36 +222570,36 +222571,36 +222572,36 +222573,36 +222574,36 +222575,36 +222576,36 +222577,36 +222578,20 +222579,20 +222580,20 +222581,20 +222582,20 +222583,20 +222584,20 +222585,20 +222586,20 +222587,3 +222588,3 +222589,3 +222590,3 +222591,3 +222592,3 +222593,3 +222594,30 +222595,30 +222596,30 +222597,30 +222598,30 +222599,30 +222600,30 +222601,30 +222602,30 +222603,30 +222604,30 +222605,30 +222606,30 +222607,30 +222608,30 +222609,30 +222610,30 +222611,12 +222612,12 +222613,12 +222614,12 +222615,12 +222616,12 +222617,12 +222618,12 +222619,12 +222620,12 +222621,12 +222622,12 +222623,14 +222624,14 +222625,14 +222626,14 +222627,14 +222628,14 +222629,14 +222630,14 +222631,14 +222632,14 +222633,14 +222634,14 +222635,14 +222636,14 +222637,14 +222638,39 +222639,39 +222640,39 +222641,39 +222642,39 +222643,39 +222644,39 +222645,39 +222646,39 +222647,39 +222648,39 +222649,39 +222650,39 +222651,39 +222652,39 +222653,39 +222654,39 +222655,39 +222656,27 +222657,27 +222658,27 +222659,27 +222660,27 +222661,27 +222662,27 +222663,27 +222664,5 +222665,5 +222666,5 +222667,5 +222668,5 +222669,3 +222670,3 +222671,3 +222672,5 +222673,5 +222674,12 +222675,12 +222676,12 +222677,27 +222678,27 +222679,27 +222680,27 +222681,27 +222682,27 +222683,27 +222684,16 +222685,16 +222686,16 +222687,16 +222688,11 +222689,11 +222690,16 +222691,16 +222692,16 +222693,11 +222694,16 +222695,16 +222696,11 +222697,11 +222698,39 +222699,39 +222700,39 +222701,39 +222702,39 +222703,39 +222704,39 +222705,39 +222706,39 +222707,39 +222708,39 +222709,39 +222710,31 +222711,31 +222712,31 +222713,31 +222714,31 +222715,31 +222716,31 +222717,5 +222718,5 +222719,5 +222720,5 +222721,5 +222722,2 +222723,2 +222724,2 +222725,2 +222726,2 +222727,2 +222728,2 +222729,2 +222730,2 +222731,2 +222732,4 +222733,4 +222734,4 +222735,4 +222736,4 +222737,4 +222738,26 +222739,26 +222740,26 +222741,26 +222742,26 +222743,26 +222744,26 +222745,37 +222746,37 +222747,37 +222748,37 +222749,37 +222750,4 +222751,4 +222752,4 +222753,4 +222754,4 +222755,27 +222756,27 +222757,27 +222758,27 +222759,27 +222760,27 +222761,27 +222762,27 +222763,27 +222764,19 +222765,19 +222766,19 +222767,4 +222768,4 +222769,19 +222770,19 +222771,19 +222772,19 +222773,19 +222774,19 +222775,19 +222776,19 +222777,4 +222778,0 +222779,0 +222780,0 +222781,0 +222782,0 +222783,0 +222784,0 +222785,0 +222786,0 +222787,0 +222788,0 +222789,0 +222790,0 +222791,0 +222792,0 +222793,0 +222794,0 +222795,0 +222796,0 +222797,0 +222798,0 +222799,0 +222800,0 +222801,0 +222802,0 +222803,0 +222804,0 +222805,0 +222806,0 +222807,0 +222808,0 +222809,0 +222810,0 +222811,0 +222812,0 +222813,0 +222814,0 +222815,0 +222816,0 +222817,0 +222818,0 +222819,0 +222820,0 +222821,0 +222822,0 +222823,0 +222824,0 +222825,0 +222826,0 +222827,0 +222828,0 +222829,0 +222830,24 +222831,24 +222832,15 +222833,15 +222834,15 +222835,27 +222836,24 +222837,27 +222838,23 +222839,23 +222840,23 +222841,23 +222842,23 +222843,23 +222844,23 +222845,23 +222846,23 +222847,37 +222848,37 +222849,37 +222850,37 +222851,37 +222852,37 +222853,37 +222854,37 +222855,37 +222856,37 +222857,10 +222858,10 +222859,10 +222860,10 +222861,10 +222862,10 +222863,10 +222864,6 +222865,6 +222866,6 +222867,6 +222868,6 +222869,6 +222870,22 +222871,3 +222872,4 +222873,19 +222874,19 +222875,19 +222876,19 +222877,19 +222878,4 +222879,4 +222880,31 +222881,31 +222882,31 +222883,31 +222884,31 +222885,31 +222886,31 +222887,31 +222888,31 +222889,31 +222890,31 +222891,24 +222892,19 +222893,19 +222894,25 +222895,25 +222896,25 +222897,25 +222898,25 +222899,25 +222900,25 +222901,25 +222902,25 +222903,25 +222904,25 +222905,25 +222906,25 +222907,12 +222908,12 +222909,12 +222910,12 +222911,12 +222912,12 +222913,12 +222914,12 +222915,12 +222916,12 +222917,12 +222918,12 +222919,12 +222920,12 +222921,12 +222922,12 +222923,37 +222924,12 +222925,12 +222926,12 +222927,37 +222928,37 +222929,37 +222930,37 +222931,37 +222932,19 +222933,19 +222934,19 +222935,37 +222936,25 +222937,25 +222938,0 +222939,0 +222940,25 +222941,10 +222942,10 +222943,10 +222944,34 +222945,34 +222946,34 +222947,34 +222948,10 +222949,10 +222950,10 +222951,10 +222952,34 +222953,34 +222954,30 +222955,30 +222956,30 +222957,30 +222958,30 +222959,30 +222960,30 +222961,30 +222962,31 +222963,31 +222964,31 +222965,33 +222966,8 +222967,8 +222968,8 +222969,8 +222970,8 +222971,8 +222972,8 +222973,8 +222974,8 +222975,31 +222976,31 +222977,31 +222978,31 +222979,31 +222980,31 +222981,32 +222982,32 +222983,32 +222984,32 +222985,32 +222986,32 +222987,32 +222988,32 +222989,32 +222990,32 +222991,32 +222992,32 +222993,37 +222994,37 +222995,37 +222996,37 +222997,27 +222998,27 +222999,27 +223000,27 +223001,8 +223002,8 +223003,8 +223004,8 +223005,8 +223006,8 +223007,8 +223008,8 +223009,8 +223010,31 +223011,31 +223012,31 +223013,31 +223014,31 +223015,31 +223016,31 +223017,27 +223018,27 +223019,25 +223020,27 +223021,28 +223022,28 +223023,28 +223024,28 +223025,28 +223026,28 +223027,28 +223028,28 +223029,10 +223030,10 +223031,10 +223032,10 +223033,10 +223034,10 +223035,10 +223036,31 +223037,31 +223038,5 +223039,5 +223040,5 +223041,5 +223042,19 +223043,19 +223044,19 +223045,19 +223046,19 +223047,19 +223048,19 +223049,12 +223050,12 +223051,12 +223052,12 +223053,12 +223054,12 +223055,12 +223056,12 +223057,26 +223058,26 +223059,26 +223060,26 +223061,26 +223062,26 +223063,26 +223064,26 +223065,26 +223066,26 +223067,4 +223068,26 +223069,26 +223070,0 +223071,4 +223072,4 +223073,4 +223074,4 +223075,4 +223076,4 +223077,0 +223078,0 +223079,0 +223080,19 +223081,19 +223082,19 +223083,9 +223084,9 +223085,9 +223086,9 +223087,9 +223088,9 +223089,9 +223090,9 +223091,9 +223092,9 +223093,9 +223094,9 +223095,37 +223096,37 +223097,37 +223098,37 +223099,37 +223100,37 +223101,37 +223102,37 +223103,37 +223104,25 +223105,25 +223106,25 +223107,25 +223108,25 +223109,25 +223110,25 +223111,25 +223112,25 +223113,0 +223114,0 +223115,0 +223116,0 +223117,0 +223118,0 +223119,0 +223120,0 +223121,0 +223122,0 +223123,0 +223124,0 +223125,0 +223126,0 +223127,0 +223128,0 +223129,0 +223130,0 +223131,0 +223132,0 +223133,0 +223134,0 +223135,0 +223136,0 +223137,0 +223138,0 +223139,0 +223140,0 +223141,0 +223142,0 +223143,0 +223144,0 +223145,0 +223146,0 +223147,0 +223148,0 +223149,0 +223150,0 +223151,0 +223152,0 +223153,0 +223154,0 +223155,0 +223156,10 +223157,10 +223158,10 +223159,10 +223160,10 +223161,10 +223162,10 +223163,10 +223164,10 +223165,10 +223166,10 +223167,10 +223168,10 +223169,4 +223170,4 +223171,6 +223172,6 +223173,6 +223174,6 +223175,38 +223176,38 +223177,38 +223178,38 +223179,4 +223180,4 +223181,40 +223182,40 +223183,40 +223184,40 +223185,30 +223186,30 +223187,30 +223188,30 +223189,30 +223190,30 +223191,30 +223192,30 +223193,30 +223194,30 +223195,30 +223196,30 +223197,30 +223198,2 +223199,15 +223200,2 +223201,2 +223202,2 +223203,2 +223204,2 +223205,2 +223206,2 +223207,2 +223208,2 +223209,2 +223210,2 +223211,2 +223212,2 +223213,27 +223214,27 +223215,27 +223216,27 +223217,37 +223218,24 +223219,24 +223220,24 +223221,24 +223222,37 +223223,30 +223224,30 +223225,30 +223226,30 +223227,30 +223228,30 +223229,30 +223230,30 +223231,30 +223232,30 +223233,4 +223234,4 +223235,4 +223236,4 +223237,4 +223238,4 +223239,4 +223240,4 +223241,4 +223242,4 +223243,4 +223244,4 +223245,10 +223246,10 +223247,10 +223248,10 +223249,10 +223250,10 +223251,10 +223252,10 +223253,10 +223254,10 +223255,10 +223256,10 +223257,10 +223258,10 +223259,10 +223260,10 +223261,10 +223262,10 +223263,10 +223264,10 +223265,28 +223266,28 +223267,5 +223268,5 +223269,5 +223270,28 +223271,28 +223272,28 +223273,28 +223274,2 +223275,8 +223276,8 +223277,8 +223278,8 +223279,8 +223280,36 +223281,36 +223282,36 +223283,36 +223284,36 +223285,36 +223286,36 +223287,36 +223288,36 +223289,36 +223290,5 +223291,5 +223292,5 +223293,5 +223294,5 +223295,5 +223296,5 +223297,5 +223298,5 +223299,5 +223300,0 +223301,0 +223302,0 +223303,0 +223304,0 +223305,0 +223306,0 +223307,0 +223308,0 +223309,0 +223310,0 +223311,0 +223312,0 +223313,0 +223314,0 +223315,0 +223316,0 +223317,0 +223318,0 +223319,0 +223320,0 +223321,0 +223322,0 +223323,0 +223324,0 +223325,0 +223326,0 +223327,0 +223328,0 +223329,0 +223330,0 +223331,0 +223332,0 +223333,0 +223334,0 +223335,0 +223336,0 +223337,0 +223338,0 +223339,0 +223340,0 +223341,0 +223342,0 +223343,0 +223344,0 +223345,0 +223346,0 +223347,0 +223348,29 +223349,29 +223350,29 +223351,29 +223352,29 +223353,29 +223354,29 +223355,29 +223356,29 +223357,29 +223358,29 +223359,29 +223360,36 +223361,36 +223362,36 +223363,36 +223364,36 +223365,36 +223366,36 +223367,36 +223368,36 +223369,36 +223370,36 +223371,4 +223372,4 +223373,4 +223374,4 +223375,4 +223376,36 +223377,36 +223378,36 +223379,31 +223380,31 +223381,31 +223382,31 +223383,31 +223384,31 +223385,31 +223386,31 +223387,31 +223388,31 +223389,5 +223390,5 +223391,5 +223392,5 +223393,5 +223394,5 +223395,5 +223396,5 +223397,5 +223398,33 +223399,33 +223400,33 +223401,33 +223402,33 +223403,33 +223404,33 +223405,33 +223406,33 +223407,33 +223408,33 +223409,33 +223410,33 +223411,5 +223412,5 +223413,28 +223414,28 +223415,32 +223416,4 +223417,4 +223418,4 +223419,4 +223420,4 +223421,4 +223422,4 +223423,4 +223424,4 +223425,4 +223426,31 +223427,31 +223428,31 +223429,31 +223430,31 +223431,15 +223432,15 +223433,15 +223434,15 +223435,15 +223436,28 +223437,28 +223438,28 +223439,28 +223440,28 +223441,28 +223442,39 +223443,39 +223444,39 +223445,39 +223446,39 +223447,39 +223448,39 +223449,39 +223450,35 +223451,35 +223452,35 +223453,35 +223454,35 +223455,35 +223456,39 +223457,39 +223458,39 +223459,39 +223460,39 +223461,39 +223462,39 +223463,19 +223464,19 +223465,19 +223466,19 +223467,19 +223468,19 +223469,0 +223470,0 +223471,0 +223472,0 +223473,0 +223474,0 +223475,0 +223476,0 +223477,0 +223478,0 +223479,0 +223480,0 +223481,0 +223482,0 +223483,0 +223484,0 +223485,0 +223486,0 +223487,0 +223488,0 +223489,0 +223490,0 +223491,0 +223492,0 +223493,0 +223494,0 +223495,0 +223496,0 +223497,0 +223498,0 +223499,10 +223500,10 +223501,10 +223502,10 +223503,10 +223504,10 +223505,10 +223506,10 +223507,10 +223508,10 +223509,31 +223510,31 +223511,31 +223512,31 +223513,28 +223514,28 +223515,28 +223516,28 +223517,28 +223518,28 +223519,28 +223520,28 +223521,5 +223522,5 +223523,33 +223524,33 +223525,33 +223526,33 +223527,33 +223528,33 +223529,33 +223530,33 +223531,33 +223532,5 +223533,5 +223534,5 +223535,5 +223536,5 +223537,5 +223538,4 +223539,4 +223540,19 +223541,4 +223542,19 +223543,19 +223544,19 +223545,19 +223546,19 +223547,35 +223548,35 +223549,31 +223550,35 +223551,35 +223552,35 +223553,35 +223554,35 +223555,35 +223556,35 +223557,35 +223558,35 +223559,35 +223560,35 +223561,35 +223562,35 +223563,36 +223564,36 +223565,36 +223566,5 +223567,5 +223568,5 +223569,5 +223570,5 +223571,5 +223572,3 +223573,3 +223574,3 +223575,3 +223576,3 +223577,3 +223578,3 +223579,33 +223580,33 +223581,12 +223582,12 +223583,12 +223584,12 +223585,12 +223586,3 +223587,33 +223588,33 +223589,9 +223590,5 +223591,5 +223592,5 +223593,30 +223594,30 +223595,30 +223596,30 +223597,30 +223598,30 +223599,30 +223600,30 +223601,30 +223602,30 +223603,27 +223604,27 +223605,27 +223606,27 +223607,27 +223608,27 +223609,24 +223610,24 +223611,24 +223612,24 +223613,27 +223614,27 +223615,27 +223616,27 +223617,13 +223618,13 +223619,13 +223620,13 +223621,21 +223622,21 +223623,15 +223624,15 +223625,15 +223626,15 +223627,15 +223628,19 +223629,12 +223630,12 +223631,12 +223632,40 +223633,40 +223634,40 +223635,40 +223636,31 +223637,31 +223638,6 +223639,6 +223640,6 +223641,35 +223642,35 +223643,35 +223644,6 +223645,35 +223646,35 +223647,35 +223648,35 +223649,35 +223650,35 +223651,25 +223652,25 +223653,25 +223654,25 +223655,25 +223656,25 +223657,25 +223658,25 +223659,2 +223660,2 +223661,2 +223662,2 +223663,2 +223664,2 +223665,2 +223666,2 +223667,2 +223668,2 +223669,2 +223670,2 +223671,2 +223672,2 +223673,2 +223674,2 +223675,2 +223676,33 +223677,33 +223678,33 +223679,33 +223680,30 +223681,30 +223682,30 +223683,30 +223684,30 +223685,30 +223686,30 +223687,30 +223688,30 +223689,30 +223690,23 +223691,23 +223692,23 +223693,23 +223694,23 +223695,23 +223696,23 +223697,23 +223698,23 +223699,23 +223700,23 +223701,23 +223702,23 +223703,23 +223704,24 +223705,24 +223706,24 +223707,24 +223708,24 +223709,0 +223710,0 +223711,0 +223712,0 +223713,0 +223714,0 +223715,0 +223716,0 +223717,0 +223718,0 +223719,0 +223720,0 +223721,0 +223722,0 +223723,0 +223724,0 +223725,0 +223726,0 +223727,0 +223728,0 +223729,0 +223730,0 +223731,0 +223732,0 +223733,0 +223734,0 +223735,0 +223736,0 +223737,31 +223738,31 +223739,31 +223740,31 +223741,31 +223742,31 +223743,31 +223744,31 +223745,31 +223746,31 +223747,31 +223748,31 +223749,5 +223750,5 +223751,5 +223752,5 +223753,5 +223754,5 +223755,5 +223756,5 +223757,5 +223758,33 +223759,33 +223760,33 +223761,33 +223762,33 +223763,33 +223764,33 +223765,5 +223766,5 +223767,5 +223768,5 +223769,5 +223770,5 +223771,5 +223772,4 +223773,4 +223774,4 +223775,4 +223776,4 +223777,4 +223778,27 +223779,27 +223780,27 +223781,27 +223782,29 +223783,29 +223784,29 +223785,29 +223786,31 +223787,31 +223788,31 +223789,31 +223790,31 +223791,31 +223792,31 +223793,31 +223794,21 +223795,21 +223796,21 +223797,21 +223798,21 +223799,21 +223800,21 +223801,21 +223802,21 +223803,21 +223804,22 +223805,22 +223806,22 +223807,22 +223808,22 +223809,22 +223810,22 +223811,22 +223812,22 +223813,19 +223814,19 +223815,19 +223816,19 +223817,19 +223818,28 +223819,28 +223820,28 +223821,28 +223822,28 +223823,28 +223824,28 +223825,28 +223826,28 +223827,28 +223828,28 +223829,36 +223830,36 +223831,36 +223832,36 +223833,36 +223834,36 +223835,36 +223836,36 +223837,36 +223838,36 +223839,36 +223840,5 +223841,28 +223842,28 +223843,28 +223844,28 +223845,5 +223846,5 +223847,5 +223848,23 +223849,23 +223850,23 +223851,23 +223852,23 +223853,23 +223854,23 +223855,25 +223856,25 +223857,25 +223858,25 +223859,25 +223860,28 +223861,28 +223862,28 +223863,28 +223864,28 +223865,28 +223866,28 +223867,28 +223868,35 +223869,35 +223870,35 +223871,35 +223872,35 +223873,3 +223874,3 +223875,3 +223876,3 +223877,3 +223878,3 +223879,3 +223880,3 +223881,3 +223882,3 +223883,28 +223884,28 +223885,28 +223886,28 +223887,28 +223888,28 +223889,28 +223890,28 +223891,28 +223892,14 +223893,14 +223894,14 +223895,14 +223896,14 +223897,14 +223898,19 +223899,4 +223900,32 +223901,32 +223902,24 +223903,21 +223904,32 +223905,32 +223906,21 +223907,21 +223908,21 +223909,21 +223910,21 +223911,27 +223912,27 +223913,27 +223914,27 +223915,5 +223916,5 +223917,5 +223918,5 +223919,5 +223920,5 +223921,5 +223922,5 +223923,5 +223924,5 +223925,5 +223926,5 +223927,5 +223928,5 +223929,5 +223930,33 +223931,33 +223932,33 +223933,33 +223934,33 +223935,33 +223936,33 +223937,33 +223938,33 +223939,33 +223940,33 +223941,33 +223942,33 +223943,33 +223944,24 +223945,24 +223946,24 +223947,29 +223948,31 +223949,31 +223950,31 +223951,31 +223952,31 +223953,31 +223954,31 +223955,9 +223956,9 +223957,9 +223958,9 +223959,9 +223960,13 +223961,13 +223962,13 +223963,13 +223964,13 +223965,21 +223966,21 +223967,21 +223968,21 +223969,21 +223970,27 +223971,27 +223972,27 +223973,27 +223974,15 +223975,15 +223976,15 +223977,15 +223978,15 +223979,15 +223980,15 +223981,15 +223982,39 +223983,39 +223984,39 +223985,39 +223986,39 +223987,39 +223988,4 +223989,4 +223990,4 +223991,4 +223992,4 +223993,4 +223994,4 +223995,4 +223996,4 +223997,6 +223998,6 +223999,36 +224000,36 +224001,36 +224002,36 +224003,36 +224004,36 +224005,36 +224006,36 +224007,32 +224008,32 +224009,32 +224010,32 +224011,32 +224012,32 +224013,32 +224014,19 +224015,19 +224016,19 +224017,19 +224018,19 +224019,35 +224020,35 +224021,35 +224022,35 +224023,35 +224024,36 +224025,36 +224026,36 +224027,36 +224028,36 +224029,36 +224030,19 +224031,19 +224032,19 +224033,19 +224034,14 +224035,14 +224036,14 +224037,14 +224038,14 +224039,27 +224040,27 +224041,27 +224042,31 +224043,19 +224044,19 +224045,5 +224046,5 +224047,5 +224048,5 +224049,5 +224050,5 +224051,5 +224052,5 +224053,5 +224054,0 +224055,0 +224056,0 +224057,0 +224058,0 +224059,0 +224060,0 +224061,0 +224062,0 +224063,0 +224064,0 +224065,0 +224066,0 +224067,0 +224068,0 +224069,0 +224070,0 +224071,0 +224072,0 +224073,0 +224074,0 +224075,0 +224076,0 +224077,0 +224078,0 +224079,0 +224080,0 +224081,0 +224082,0 +224083,0 +224084,0 +224085,0 +224086,0 +224087,0 +224088,0 +224089,0 +224090,0 +224091,0 +224092,0 +224093,0 +224094,0 +224095,0 +224096,0 +224097,0 +224098,0 +224099,0 +224100,0 +224101,0 +224102,0 +224103,0 +224104,0 +224105,0 +224106,0 +224107,0 +224108,0 +224109,0 +224110,0 +224111,0 +224112,0 +224113,4 +224114,4 +224115,4 +224116,4 +224117,4 +224118,0 +224119,0 +224120,0 +224121,0 +224122,36 +224123,36 +224124,36 +224125,36 +224126,36 +224127,36 +224128,36 +224129,36 +224130,10 +224131,10 +224132,36 +224133,36 +224134,36 +224135,36 +224136,36 +224137,36 +224138,36 +224139,36 +224140,36 +224141,21 +224142,21 +224143,21 +224144,21 +224145,21 +224146,21 +224147,21 +224148,40 +224149,40 +224150,40 +224151,40 +224152,40 +224153,40 +224154,40 +224155,2 +224156,2 +224157,2 +224158,2 +224159,2 +224160,2 +224161,2 +224162,2 +224163,38 +224164,31 +224165,31 +224166,31 +224167,31 +224168,31 +224169,31 +224170,31 +224171,31 +224172,31 +224173,31 +224174,12 +224175,12 +224176,12 +224177,12 +224178,12 +224179,12 +224180,12 +224181,40 +224182,40 +224183,40 +224184,40 +224185,40 +224186,40 +224187,40 +224188,36 +224189,36 +224190,36 +224191,15 +224192,15 +224193,15 +224194,15 +224195,12 +224196,12 +224197,12 +224198,12 +224199,12 +224200,12 +224201,12 +224202,12 +224203,31 +224204,31 +224205,8 +224206,8 +224207,8 +224208,8 +224209,8 +224210,8 +224211,8 +224212,8 +224213,8 +224214,28 +224215,28 +224216,28 +224217,28 +224218,28 +224219,28 +224220,28 +224221,34 +224222,34 +224223,34 +224224,34 +224225,10 +224226,10 +224227,10 +224228,34 +224229,10 +224230,10 +224231,10 +224232,10 +224233,28 +224234,28 +224235,28 +224236,28 +224237,28 +224238,28 +224239,28 +224240,28 +224241,28 +224242,28 +224243,28 +224244,31 +224245,31 +224246,31 +224247,31 +224248,31 +224249,31 +224250,31 +224251,31 +224252,34 +224253,29 +224254,29 +224255,29 +224256,29 +224257,29 +224258,29 +224259,29 +224260,29 +224261,29 +224262,25 +224263,25 +224264,25 +224265,25 +224266,25 +224267,25 +224268,25 +224269,25 +224270,25 +224271,25 +224272,25 +224273,25 +224274,25 +224275,25 +224276,25 +224277,25 +224278,25 +224279,25 +224280,25 +224281,25 +224282,25 +224283,25 +224284,31 +224285,31 +224286,31 +224287,0 +224288,0 +224289,0 +224290,0 +224291,0 +224292,0 +224293,0 +224294,0 +224295,0 +224296,0 +224297,0 +224298,0 +224299,0 +224300,0 +224301,0 +224302,0 +224303,0 +224304,0 +224305,0 +224306,0 +224307,0 +224308,0 +224309,0 +224310,0 +224311,0 +224312,0 +224313,0 +224314,0 +224315,0 +224316,0 +224317,0 +224318,0 +224319,0 +224320,0 +224321,0 +224322,0 +224323,0 +224324,0 +224325,0 +224326,0 +224327,0 +224328,0 +224329,0 +224330,0 +224331,0 +224332,0 +224333,0 +224334,0 +224335,0 +224336,0 +224337,15 +224338,15 +224339,15 +224340,15 +224341,15 +224342,15 +224343,15 +224344,15 +224345,15 +224346,31 +224347,31 +224348,31 +224349,31 +224350,4 +224351,4 +224352,4 +224353,12 +224354,12 +224355,12 +224356,12 +224357,12 +224358,12 +224359,12 +224360,12 +224361,12 +224362,12 +224363,12 +224364,12 +224365,12 +224366,12 +224367,12 +224368,12 +224369,12 +224370,12 +224371,12 +224372,12 +224373,25 +224374,25 +224375,25 +224376,25 +224377,25 +224378,25 +224379,25 +224380,25 +224381,25 +224382,25 +224383,30 +224384,30 +224385,30 +224386,30 +224387,30 +224388,30 +224389,30 +224390,12 +224391,12 +224392,12 +224393,12 +224394,12 +224395,12 +224396,12 +224397,12 +224398,12 +224399,12 +224400,12 +224401,12 +224402,14 +224403,14 +224404,14 +224405,14 +224406,14 +224407,14 +224408,14 +224409,14 +224410,14 +224411,27 +224412,14 +224413,5 +224414,5 +224415,5 +224416,5 +224417,5 +224418,5 +224419,5 +224420,5 +224421,5 +224422,5 +224423,5 +224424,5 +224425,5 +224426,19 +224427,19 +224428,19 +224429,19 +224430,19 +224431,19 +224432,19 +224433,27 +224434,27 +224435,27 +224436,27 +224437,27 +224438,27 +224439,27 +224440,39 +224441,39 +224442,39 +224443,39 +224444,2 +224445,2 +224446,2 +224447,8 +224448,8 +224449,8 +224450,8 +224451,8 +224452,8 +224453,38 +224454,38 +224455,38 +224456,38 +224457,38 +224458,38 +224459,38 +224460,10 +224461,10 +224462,10 +224463,9 +224464,26 +224465,26 +224466,9 +224467,9 +224468,26 +224469,26 +224470,26 +224471,26 +224472,26 +224473,4 +224474,4 +224475,4 +224476,4 +224477,31 +224478,31 +224479,31 +224480,31 +224481,31 +224482,31 +224483,31 +224484,31 +224485,24 +224486,24 +224487,24 +224488,24 +224489,24 +224490,27 +224491,27 +224492,27 +224493,27 +224494,27 +224495,27 +224496,27 +224497,8 +224498,8 +224499,8 +224500,8 +224501,8 +224502,8 +224503,8 +224504,35 +224505,35 +224506,35 +224507,27 +224508,27 +224509,27 +224510,6 +224511,6 +224512,6 +224513,6 +224514,6 +224515,6 +224516,6 +224517,6 +224518,31 +224519,31 +224520,31 +224521,31 +224522,5 +224523,5 +224524,5 +224525,5 +224526,19 +224527,19 +224528,19 +224529,19 +224530,19 +224531,27 +224532,27 +224533,27 +224534,27 +224535,27 +224536,27 +224537,11 +224538,11 +224539,11 +224540,11 +224541,11 +224542,11 +224543,11 +224544,11 +224545,11 +224546,31 +224547,31 +224548,31 +224549,5 +224550,5 +224551,5 +224552,5 +224553,5 +224554,31 +224555,31 +224556,31 +224557,31 +224558,31 +224559,24 +224560,24 +224561,24 +224562,24 +224563,24 +224564,24 +224565,6 +224566,6 +224567,6 +224568,6 +224569,6 +224570,6 +224571,6 +224572,6 +224573,6 +224574,14 +224575,14 +224576,14 +224577,14 +224578,14 +224579,40 +224580,14 +224581,10 +224582,10 +224583,10 +224584,10 +224585,10 +224586,10 +224587,10 +224588,10 +224589,10 +224590,26 +224591,26 +224592,26 +224593,26 +224594,26 +224595,26 +224596,26 +224597,26 +224598,26 +224599,26 +224600,26 +224601,26 +224602,26 +224603,26 +224604,26 +224605,36 +224606,36 +224607,36 +224608,2 +224609,2 +224610,2 +224611,2 +224612,2 +224613,2 +224614,0 +224615,0 +224616,0 +224617,0 +224618,0 +224619,0 +224620,0 +224621,0 +224622,0 +224623,0 +224624,0 +224625,0 +224626,0 +224627,0 +224628,0 +224629,0 +224630,0 +224631,0 +224632,0 +224633,0 +224634,0 +224635,0 +224636,0 +224637,0 +224638,0 +224639,0 +224640,0 +224641,0 +224642,0 +224643,0 +224644,0 +224645,0 +224646,0 +224647,0 +224648,0 +224649,0 +224650,0 +224651,0 +224652,0 +224653,0 +224654,0 +224655,0 +224656,0 +224657,0 +224658,0 +224659,0 +224660,0 +224661,0 +224662,0 +224663,6 +224664,6 +224665,6 +224666,6 +224667,6 +224668,6 +224669,12 +224670,12 +224671,12 +224672,12 +224673,26 +224674,26 +224675,26 +224676,26 +224677,26 +224678,26 +224679,26 +224680,26 +224681,26 +224682,26 +224683,2 +224684,2 +224685,2 +224686,2 +224687,2 +224688,2 +224689,39 +224690,39 +224691,39 +224692,39 +224693,39 +224694,39 +224695,39 +224696,39 +224697,39 +224698,39 +224699,6 +224700,6 +224701,6 +224702,6 +224703,6 +224704,6 +224705,6 +224706,6 +224707,14 +224708,14 +224709,14 +224710,14 +224711,14 +224712,14 +224713,14 +224714,14 +224715,14 +224716,14 +224717,14 +224718,14 +224719,14 +224720,14 +224721,26 +224722,26 +224723,26 +224724,26 +224725,26 +224726,26 +224727,26 +224728,26 +224729,26 +224730,26 +224731,26 +224732,26 +224733,36 +224734,36 +224735,36 +224736,36 +224737,36 +224738,2 +224739,2 +224740,2 +224741,2 +224742,2 +224743,2 +224744,2 +224745,2 +224746,2 +224747,2 +224748,2 +224749,2 +224750,2 +224751,2 +224752,2 +224753,2 +224754,2 +224755,2 +224756,2 +224757,2 +224758,2 +224759,2 +224760,0 +224761,0 +224762,0 +224763,0 +224764,0 +224765,0 +224766,0 +224767,0 +224768,0 +224769,0 +224770,0 +224771,0 +224772,0 +224773,0 +224774,0 +224775,0 +224776,0 +224777,0 +224778,0 +224779,0 +224780,0 +224781,0 +224782,0 +224783,0 +224784,0 +224785,36 +224786,36 +224787,36 +224788,36 +224789,36 +224790,36 +224791,36 +224792,36 +224793,5 +224794,5 +224795,5 +224796,5 +224797,5 +224798,5 +224799,33 +224800,33 +224801,9 +224802,9 +224803,9 +224804,9 +224805,9 +224806,9 +224807,9 +224808,9 +224809,9 +224810,9 +224811,9 +224812,37 +224813,37 +224814,37 +224815,37 +224816,37 +224817,37 +224818,37 +224819,37 +224820,37 +224821,39 +224822,39 +224823,39 +224824,25 +224825,25 +224826,4 +224827,4 +224828,4 +224829,4 +224830,4 +224831,4 +224832,4 +224833,4 +224834,3 +224835,3 +224836,3 +224837,3 +224838,3 +224839,19 +224840,19 +224841,19 +224842,19 +224843,4 +224844,4 +224845,27 +224846,27 +224847,27 +224848,27 +224849,27 +224850,27 +224851,2 +224852,2 +224853,2 +224854,2 +224855,2 +224856,2 +224857,2 +224858,2 +224859,2 +224860,4 +224861,4 +224862,4 +224863,4 +224864,4 +224865,4 +224866,27 +224867,27 +224868,27 +224869,27 +224870,27 +224871,27 +224872,27 +224873,27 +224874,13 +224875,13 +224876,13 +224877,13 +224878,3 +224879,3 +224880,3 +224881,3 +224882,3 +224883,3 +224884,3 +224885,3 +224886,3 +224887,3 +224888,11 +224889,11 +224890,11 +224891,11 +224892,11 +224893,11 +224894,11 +224895,11 +224896,11 +224897,40 +224898,40 +224899,40 +224900,40 +224901,40 +224902,40 +224903,40 +224904,40 +224905,19 +224906,19 +224907,19 +224908,23 +224909,23 +224910,23 +224911,23 +224912,23 +224913,23 +224914,23 +224915,23 +224916,23 +224917,25 +224918,25 +224919,25 +224920,25 +224921,28 +224922,28 +224923,28 +224924,28 +224925,28 +224926,28 +224927,28 +224928,15 +224929,15 +224930,15 +224931,15 +224932,15 +224933,36 +224934,36 +224935,36 +224936,36 +224937,36 +224938,36 +224939,36 +224940,36 +224941,36 +224942,36 +224943,36 +224944,19 +224945,19 +224946,19 +224947,31 +224948,31 +224949,31 +224950,31 +224951,31 +224952,2 +224953,2 +224954,2 +224955,2 +224956,2 +224957,2 +224958,2 +224959,2 +224960,2 +224961,2 +224962,2 +224963,31 +224964,31 +224965,31 +224966,33 +224967,31 +224968,31 +224969,33 +224970,33 +224971,33 +224972,33 +224973,33 +224974,33 +224975,33 +224976,33 +224977,33 +224978,11 +224979,11 +224980,11 +224981,11 +224982,11 +224983,11 +224984,11 +224985,11 +224986,11 +224987,11 +224988,11 +224989,11 +224990,11 +224991,14 +224992,14 +224993,14 +224994,14 +224995,14 +224996,14 +224997,14 +224998,14 +224999,14 +225000,14 +225001,14 +225002,14 +225003,14 +225004,14 +225005,11 +225006,11 +225007,11 +225008,11 +225009,11 +225010,11 +225011,11 +225012,11 +225013,11 +225014,11 +225015,31 +225016,31 +225017,5 +225018,5 +225019,5 +225020,5 +225021,5 +225022,31 +225023,31 +225024,31 +225025,24 +225026,24 +225027,24 +225028,24 +225029,24 +225030,24 +225031,24 +225032,34 +225033,34 +225034,34 +225035,34 +225036,10 +225037,10 +225038,10 +225039,10 +225040,10 +225041,10 +225042,10 +225043,10 +225044,10 +225045,10 +225046,10 +225047,10 +225048,10 +225049,19 +225050,19 +225051,19 +225052,19 +225053,19 +225054,19 +225055,19 +225056,29 +225057,29 +225058,29 +225059,39 +225060,39 +225061,39 +225062,39 +225063,39 +225064,39 +225065,39 +225066,39 +225067,39 +225068,5 +225069,5 +225070,27 +225071,27 +225072,27 +225073,27 +225074,27 +225075,27 +225076,27 +225077,27 +225078,27 +225079,27 +225080,27 +225081,27 +225082,27 +225083,27 +225084,27 +225085,27 +225086,27 +225087,27 +225088,27 +225089,8 +225090,8 +225091,8 +225092,8 +225093,8 +225094,8 +225095,8 +225096,8 +225097,8 +225098,8 +225099,8 +225100,8 +225101,2 +225102,2 +225103,2 +225104,2 +225105,2 +225106,2 +225107,2 +225108,2 +225109,2 +225110,0 +225111,0 +225112,0 +225113,0 +225114,0 +225115,0 +225116,0 +225117,0 +225118,0 +225119,0 +225120,0 +225121,0 +225122,0 +225123,0 +225124,0 +225125,0 +225126,0 +225127,0 +225128,0 +225129,0 +225130,0 +225131,0 +225132,0 +225133,0 +225134,0 +225135,0 +225136,0 +225137,0 +225138,0 +225139,0 +225140,0 +225141,0 +225142,0 +225143,0 +225144,0 +225145,0 +225146,0 +225147,0 +225148,0 +225149,0 +225150,0 +225151,0 +225152,0 +225153,0 +225154,0 +225155,0 +225156,0 +225157,0 +225158,0 +225159,0 +225160,36 +225161,36 +225162,36 +225163,36 +225164,36 +225165,36 +225166,36 +225167,36 +225168,36 +225169,36 +225170,36 +225171,36 +225172,36 +225173,36 +225174,5 +225175,5 +225176,5 +225177,5 +225178,5 +225179,5 +225180,31 +225181,31 +225182,40 +225183,40 +225184,40 +225185,40 +225186,40 +225187,2 +225188,2 +225189,2 +225190,2 +225191,2 +225192,2 +225193,2 +225194,2 +225195,2 +225196,39 +225197,39 +225198,39 +225199,39 +225200,39 +225201,39 +225202,38 +225203,32 +225204,32 +225205,38 +225206,38 +225207,38 +225208,37 +225209,37 +225210,37 +225211,37 +225212,37 +225213,39 +225214,39 +225215,39 +225216,39 +225217,39 +225218,4 +225219,4 +225220,4 +225221,4 +225222,4 +225223,4 +225224,4 +225225,4 +225226,6 +225227,6 +225228,14 +225229,14 +225230,40 +225231,40 +225232,40 +225233,40 +225234,40 +225235,40 +225236,36 +225237,36 +225238,10 +225239,10 +225240,29 +225241,29 +225242,29 +225243,29 +225244,29 +225245,5 +225246,5 +225247,27 +225248,27 +225249,27 +225250,27 +225251,31 +225252,31 +225253,31 +225254,4 +225255,4 +225256,4 +225257,4 +225258,4 +225259,4 +225260,38 +225261,38 +225262,38 +225263,2 +225264,38 +225265,35 +225266,2 +225267,35 +225268,1 +225269,35 +225270,35 +225271,7 +225272,7 +225273,7 +225274,7 +225275,7 +225276,7 +225277,3 +225278,3 +225279,3 +225280,3 +225281,7 +225282,39 +225283,39 +225284,39 +225285,39 +225286,39 +225287,39 +225288,39 +225289,24 +225290,24 +225291,24 +225292,24 +225293,24 +225294,24 +225295,24 +225296,24 +225297,29 +225298,31 +225299,31 +225300,31 +225301,31 +225302,31 +225303,31 +225304,31 +225305,31 +225306,31 +225307,35 +225308,35 +225309,35 +225310,35 +225311,35 +225312,35 +225313,35 +225314,35 +225315,35 +225316,35 +225317,35 +225318,35 +225319,34 +225320,34 +225321,34 +225322,34 +225323,34 +225324,34 +225325,34 +225326,34 +225327,34 +225328,34 +225329,34 +225330,34 +225331,34 +225332,34 +225333,34 +225334,34 +225335,34 +225336,30 +225337,30 +225338,30 +225339,30 +225340,30 +225341,30 +225342,11 +225343,11 +225344,2 +225345,2 +225346,2 +225347,2 +225348,2 +225349,2 +225350,2 +225351,2 +225352,2 +225353,2 +225354,2 +225355,2 +225356,2 +225357,2 +225358,2 +225359,2 +225360,2 +225361,2 +225362,2 +225363,2 +225364,2 +225365,2 +225366,0 +225367,0 +225368,0 +225369,0 +225370,0 +225371,0 +225372,11 +225373,11 +225374,11 +225375,2 +225376,2 +225377,2 +225378,2 +225379,2 +225380,2 +225381,2 +225382,2 +225383,2 +225384,2 +225385,2 +225386,36 +225387,36 +225388,36 +225389,31 +225390,31 +225391,36 +225392,36 +225393,36 +225394,36 +225395,36 +225396,36 +225397,36 +225398,36 +225399,8 +225400,8 +225401,8 +225402,8 +225403,8 +225404,8 +225405,27 +225406,27 +225407,27 +225408,27 +225409,27 +225410,27 +225411,27 +225412,27 +225413,27 +225414,31 +225415,31 +225416,31 +225417,5 +225418,5 +225419,5 +225420,5 +225421,5 +225422,5 +225423,5 +225424,5 +225425,5 +225426,5 +225427,5 +225428,5 +225429,5 +225430,5 +225431,0 +225432,36 +225433,36 +225434,36 +225435,36 +225436,36 +225437,36 +225438,36 +225439,36 +225440,36 +225441,36 +225442,36 +225443,36 +225444,36 +225445,36 +225446,36 +225447,36 +225448,4 +225449,4 +225450,4 +225451,4 +225452,4 +225453,27 +225454,27 +225455,27 +225456,27 +225457,27 +225458,27 +225459,27 +225460,27 +225461,8 +225462,8 +225463,8 +225464,8 +225465,8 +225466,8 +225467,8 +225468,8 +225469,8 +225470,8 +225471,12 +225472,12 +225473,12 +225474,12 +225475,12 +225476,27 +225477,27 +225478,27 +225479,27 +225480,27 +225481,27 +225482,38 +225483,38 +225484,38 +225485,38 +225486,23 +225487,23 +225488,23 +225489,23 +225490,8 +225491,8 +225492,8 +225493,8 +225494,8 +225495,8 +225496,8 +225497,36 +225498,36 +225499,36 +225500,36 +225501,36 +225502,36 +225503,36 +225504,36 +225505,36 +225506,36 +225507,36 +225508,27 +225509,27 +225510,27 +225511,27 +225512,27 +225513,27 +225514,27 +225515,27 +225516,27 +225517,27 +225518,5 +225519,5 +225520,5 +225521,5 +225522,5 +225523,5 +225524,5 +225525,5 +225526,5 +225527,5 +225528,5 +225529,5 +225530,5 +225531,19 +225532,19 +225533,19 +225534,19 +225535,19 +225536,19 +225537,19 +225538,19 +225539,0 +225540,0 +225541,0 +225542,0 +225543,0 +225544,0 +225545,0 +225546,0 +225547,0 +225548,0 +225549,0 +225550,0 +225551,0 +225552,0 +225553,0 +225554,0 +225555,0 +225556,0 +225557,0 +225558,0 +225559,0 +225560,0 +225561,0 +225562,0 +225563,0 +225564,0 +225565,0 +225566,0 +225567,0 +225568,0 +225569,0 +225570,0 +225571,0 +225572,37 +225573,6 +225574,6 +225575,6 +225576,6 +225577,6 +225578,12 +225579,12 +225580,12 +225581,12 +225582,37 +225583,37 +225584,37 +225585,37 +225586,37 +225587,36 +225588,36 +225589,36 +225590,36 +225591,36 +225592,36 +225593,34 +225594,5 +225595,36 +225596,5 +225597,5 +225598,5 +225599,5 +225600,10 +225601,10 +225602,10 +225603,10 +225604,10 +225605,10 +225606,10 +225607,10 +225608,10 +225609,36 +225610,36 +225611,36 +225612,36 +225613,36 +225614,36 +225615,34 +225616,34 +225617,10 +225618,26 +225619,26 +225620,26 +225621,30 +225622,30 +225623,30 +225624,33 +225625,0 +225626,0 +225627,0 +225628,0 +225629,0 +225630,0 +225631,0 +225632,0 +225633,0 +225634,0 +225635,0 +225636,0 +225637,0 +225638,0 +225639,0 +225640,0 +225641,0 +225642,0 +225643,0 +225644,0 +225645,0 +225646,0 +225647,0 +225648,0 +225649,0 +225650,0 +225651,0 +225652,2 +225653,2 +225654,2 +225655,2 +225656,2 +225657,2 +225658,2 +225659,2 +225660,2 +225661,2 +225662,2 +225663,2 +225664,2 +225665,2 +225666,2 +225667,29 +225668,29 +225669,29 +225670,4 +225671,4 +225672,4 +225673,26 +225674,10 +225675,10 +225676,10 +225677,34 +225678,34 +225679,34 +225680,10 +225681,26 +225682,26 +225683,26 +225684,26 +225685,26 +225686,26 +225687,26 +225688,26 +225689,4 +225690,4 +225691,4 +225692,4 +225693,4 +225694,4 +225695,4 +225696,2 +225697,2 +225698,2 +225699,2 +225700,2 +225701,2 +225702,2 +225703,2 +225704,2 +225705,2 +225706,2 +225707,2 +225708,4 +225709,4 +225710,4 +225711,4 +225712,4 +225713,4 +225714,2 +225715,26 +225716,26 +225717,9 +225718,9 +225719,26 +225720,9 +225721,26 +225722,26 +225723,26 +225724,26 +225725,10 +225726,10 +225727,10 +225728,9 +225729,26 +225730,26 +225731,26 +225732,26 +225733,26 +225734,26 +225735,9 +225736,9 +225737,9 +225738,4 +225739,4 +225740,4 +225741,4 +225742,4 +225743,4 +225744,4 +225745,6 +225746,9 +225747,9 +225748,30 +225749,30 +225750,30 +225751,30 +225752,30 +225753,0 +225754,0 +225755,0 +225756,0 +225757,0 +225758,0 +225759,0 +225760,0 +225761,0 +225762,0 +225763,0 +225764,0 +225765,0 +225766,0 +225767,0 +225768,0 +225769,0 +225770,0 +225771,0 +225772,0 +225773,0 +225774,0 +225775,0 +225776,0 +225777,0 +225778,0 +225779,14 +225780,14 +225781,39 +225782,27 +225783,27 +225784,27 +225785,27 +225786,27 +225787,27 +225788,27 +225789,27 +225790,13 +225791,13 +225792,13 +225793,13 +225794,13 +225795,13 +225796,32 +225797,32 +225798,32 +225799,6 +225800,6 +225801,32 +225802,32 +225803,32 +225804,35 +225805,35 +225806,31 +225807,30 +225808,33 +225809,33 +225810,33 +225811,33 +225812,33 +225813,31 +225814,4 +225815,4 +225816,19 +225817,27 +225818,27 +225819,27 +225820,27 +225821,27 +225822,13 +225823,13 +225824,13 +225825,13 +225826,13 +225827,13 +225828,13 +225829,13 +225830,23 +225831,23 +225832,23 +225833,23 +225834,23 +225835,23 +225836,23 +225837,23 +225838,23 +225839,23 +225840,23 +225841,23 +225842,22 +225843,3 +225844,3 +225845,3 +225846,3 +225847,3 +225848,3 +225849,3 +225850,3 +225851,3 +225852,3 +225853,3 +225854,3 +225855,3 +225856,3 +225857,3 +225858,3 +225859,3 +225860,3 +225861,3 +225862,3 +225863,24 +225864,24 +225865,24 +225866,24 +225867,14 +225868,14 +225869,14 +225870,14 +225871,14 +225872,14 +225873,14 +225874,14 +225875,14 +225876,14 +225877,14 +225878,14 +225879,14 +225880,14 +225881,14 +225882,14 +225883,14 +225884,14 +225885,28 +225886,28 +225887,28 +225888,28 +225889,28 +225890,28 +225891,28 +225892,28 +225893,28 +225894,28 +225895,27 +225896,27 +225897,27 +225898,5 +225899,5 +225900,27 +225901,27 +225902,27 +225903,27 +225904,27 +225905,27 +225906,27 +225907,27 +225908,27 +225909,27 +225910,27 +225911,11 +225912,11 +225913,11 +225914,11 +225915,11 +225916,11 +225917,18 +225918,18 +225919,18 +225920,18 +225921,18 +225922,18 +225923,19 +225924,19 +225925,19 +225926,19 +225927,19 +225928,19 +225929,19 +225930,19 +225931,19 +225932,32 +225933,4 +225934,4 +225935,6 +225936,6 +225937,6 +225938,6 +225939,6 +225940,6 +225941,37 +225942,37 +225943,37 +225944,37 +225945,37 +225946,37 +225947,14 +225948,14 +225949,14 +225950,14 +225951,14 +225952,14 +225953,14 +225954,14 +225955,14 +225956,14 +225957,14 +225958,14 +225959,14 +225960,14 +225961,5 +225962,5 +225963,5 +225964,5 +225965,5 +225966,13 +225967,13 +225968,13 +225969,2 +225970,2 +225971,2 +225972,2 +225973,2 +225974,2 +225975,2 +225976,2 +225977,2 +225978,2 +225979,2 +225980,2 +225981,2 +225982,2 +225983,2 +225984,2 +225985,2 +225986,2 +225987,2 +225988,0 +225989,0 +225990,0 +225991,0 +225992,0 +225993,0 +225994,0 +225995,0 +225996,0 +225997,0 +225998,0 +225999,0 +226000,0 +226001,0 +226002,0 +226003,0 +226004,0 +226005,0 +226006,0 +226007,0 +226008,0 +226009,0 +226010,0 +226011,0 +226012,7 +226013,7 +226014,7 +226015,7 +226016,7 +226017,7 +226018,3 +226019,7 +226020,9 +226021,9 +226022,9 +226023,9 +226024,9 +226025,9 +226026,9 +226027,9 +226028,9 +226029,9 +226030,9 +226031,9 +226032,9 +226033,37 +226034,37 +226035,37 +226036,37 +226037,37 +226038,37 +226039,37 +226040,5 +226041,5 +226042,5 +226043,5 +226044,5 +226045,5 +226046,5 +226047,5 +226048,5 +226049,5 +226050,5 +226051,5 +226052,5 +226053,5 +226054,5 +226055,5 +226056,5 +226057,5 +226058,5 +226059,5 +226060,34 +226061,36 +226062,36 +226063,36 +226064,36 +226065,36 +226066,36 +226067,36 +226068,36 +226069,36 +226070,36 +226071,36 +226072,36 +226073,16 +226074,16 +226075,16 +226076,16 +226077,16 +226078,16 +226079,16 +226080,4 +226081,16 +226082,16 +226083,4 +226084,4 +226085,4 +226086,4 +226087,4 +226088,37 +226089,37 +226090,37 +226091,37 +226092,12 +226093,12 +226094,12 +226095,33 +226096,33 +226097,31 +226098,30 +226099,30 +226100,30 +226101,12 +226102,30 +226103,30 +226104,30 +226105,30 +226106,39 +226107,39 +226108,39 +226109,39 +226110,3 +226111,3 +226112,39 +226113,3 +226114,3 +226115,39 +226116,31 +226117,31 +226118,31 +226119,31 +226120,31 +226121,31 +226122,31 +226123,2 +226124,2 +226125,2 +226126,2 +226127,2 +226128,2 +226129,2 +226130,2 +226131,2 +226132,2 +226133,2 +226134,2 +226135,2 +226136,2 +226137,2 +226138,2 +226139,2 +226140,2 +226141,2 +226142,2 +226143,2 +226144,39 +226145,39 +226146,39 +226147,39 +226148,39 +226149,30 +226150,30 +226151,30 +226152,30 +226153,30 +226154,30 +226155,30 +226156,27 +226157,27 +226158,27 +226159,31 +226160,31 +226161,15 +226162,31 +226163,32 +226164,32 +226165,32 +226166,32 +226167,32 +226168,32 +226169,32 +226170,32 +226171,32 +226172,25 +226173,25 +226174,25 +226175,25 +226176,25 +226177,25 +226178,25 +226179,25 +226180,25 +226181,37 +226182,25 +226183,25 +226184,25 +226185,27 +226186,27 +226187,27 +226188,27 +226189,27 +226190,27 +226191,27 +226192,27 +226193,27 +226194,27 +226195,27 +226196,27 +226197,27 +226198,27 +226199,27 +226200,27 +226201,27 +226202,27 +226203,8 +226204,8 +226205,8 +226206,8 +226207,8 +226208,8 +226209,8 +226210,8 +226211,8 +226212,8 +226213,8 +226214,27 +226215,27 +226216,27 +226217,27 +226218,27 +226219,27 +226220,5 +226221,5 +226222,5 +226223,5 +226224,5 +226225,5 +226226,5 +226227,5 +226228,5 +226229,5 +226230,5 +226231,0 +226232,0 +226233,0 +226234,0 +226235,0 +226236,0 +226237,0 +226238,0 +226239,0 +226240,0 +226241,0 +226242,39 +226243,39 +226244,39 +226245,39 +226246,39 +226247,39 +226248,39 +226249,39 +226250,39 +226251,39 +226252,39 +226253,39 +226254,39 +226255,39 +226256,39 +226257,39 +226258,39 +226259,39 +226260,39 +226261,39 +226262,39 +226263,39 +226264,39 +226265,39 +226266,39 +226267,39 +226268,39 +226269,39 +226270,39 +226271,39 +226272,39 +226273,39 +226274,33 +226275,33 +226276,33 +226277,33 +226278,33 +226279,33 +226280,33 +226281,33 +226282,30 +226283,30 +226284,30 +226285,30 +226286,30 +226287,30 +226288,30 +226289,30 +226290,30 +226291,30 +226292,30 +226293,30 +226294,30 +226295,30 +226296,30 +226297,30 +226298,30 +226299,30 +226300,30 +226301,30 +226302,30 +226303,30 +226304,30 +226305,30 +226306,30 +226307,30 +226308,30 +226309,30 +226310,30 +226311,30 +226312,30 +226313,0 +226314,0 +226315,0 +226316,0 +226317,0 +226318,0 +226319,0 +226320,0 +226321,0 +226322,0 +226323,0 +226324,0 +226325,0 +226326,0 +226327,0 +226328,0 +226329,0 +226330,0 +226331,0 +226332,0 +226333,0 +226334,0 +226335,0 +226336,0 +226337,0 +226338,0 +226339,0 +226340,0 +226341,0 +226342,0 +226343,0 +226344,0 +226345,0 +226346,0 +226347,0 +226348,0 +226349,27 +226350,27 +226351,27 +226352,27 +226353,27 +226354,27 +226355,27 +226356,27 +226357,23 +226358,23 +226359,23 +226360,23 +226361,23 +226362,23 +226363,23 +226364,23 +226365,23 +226366,23 +226367,23 +226368,23 +226369,10 +226370,10 +226371,10 +226372,10 +226373,10 +226374,10 +226375,10 +226376,10 +226377,10 +226378,10 +226379,10 +226380,10 +226381,31 +226382,10 +226383,10 +226384,10 +226385,36 +226386,36 +226387,36 +226388,19 +226389,19 +226390,19 +226391,19 +226392,19 +226393,19 +226394,19 +226395,28 +226396,28 +226397,28 +226398,28 +226399,28 +226400,28 +226401,28 +226402,27 +226403,27 +226404,27 +226405,27 +226406,27 +226407,27 +226408,27 +226409,27 +226410,2 +226411,2 +226412,2 +226413,2 +226414,2 +226415,2 +226416,2 +226417,2 +226418,4 +226419,4 +226420,4 +226421,4 +226422,4 +226423,4 +226424,4 +226425,4 +226426,4 +226427,4 +226428,3 +226429,3 +226430,3 +226431,3 +226432,3 +226433,3 +226434,3 +226435,3 +226436,4 +226437,16 +226438,16 +226439,16 +226440,16 +226441,16 +226442,16 +226443,16 +226444,16 +226445,16 +226446,16 +226447,31 +226448,27 +226449,31 +226450,5 +226451,5 +226452,5 +226453,5 +226454,5 +226455,5 +226456,5 +226457,5 +226458,5 +226459,5 +226460,5 +226461,5 +226462,5 +226463,10 +226464,10 +226465,10 +226466,10 +226467,10 +226468,10 +226469,10 +226470,10 +226471,10 +226472,10 +226473,10 +226474,10 +226475,10 +226476,10 +226477,10 +226478,10 +226479,10 +226480,10 +226481,10 +226482,4 +226483,4 +226484,6 +226485,6 +226486,4 +226487,4 +226488,4 +226489,4 +226490,4 +226491,4 +226492,4 +226493,4 +226494,4 +226495,4 +226496,4 +226497,4 +226498,4 +226499,4 +226500,4 +226501,0 +226502,0 +226503,0 +226504,0 +226505,0 +226506,0 +226507,0 +226508,0 +226509,0 +226510,0 +226511,0 +226512,0 +226513,0 +226514,0 +226515,0 +226516,0 +226517,0 +226518,0 +226519,0 +226520,0 +226521,0 +226522,0 +226523,0 +226524,0 +226525,0 +226526,0 +226527,0 +226528,0 +226529,0 +226530,0 +226531,0 +226532,0 +226533,0 +226534,0 +226535,0 +226536,0 +226537,0 +226538,0 +226539,0 +226540,0 +226541,0 +226542,0 +226543,0 +226544,0 +226545,0 +226546,0 +226547,0 +226548,0 +226549,0 +226550,0 +226551,10 +226552,10 +226553,10 +226554,10 +226555,10 +226556,10 +226557,10 +226558,10 +226559,10 +226560,10 +226561,10 +226562,10 +226563,10 +226564,10 +226565,10 +226566,28 +226567,28 +226568,28 +226569,28 +226570,28 +226571,28 +226572,28 +226573,28 +226574,28 +226575,28 +226576,28 +226577,28 +226578,10 +226579,10 +226580,10 +226581,10 +226582,10 +226583,10 +226584,10 +226585,10 +226586,10 +226587,10 +226588,10 +226589,10 +226590,10 +226591,32 +226592,32 +226593,32 +226594,32 +226595,32 +226596,32 +226597,32 +226598,6 +226599,6 +226600,5 +226601,5 +226602,5 +226603,5 +226604,5 +226605,5 +226606,5 +226607,5 +226608,5 +226609,5 +226610,5 +226611,10 +226612,10 +226613,10 +226614,10 +226615,26 +226616,10 +226617,26 +226618,26 +226619,26 +226620,31 +226621,10 +226622,10 +226623,26 +226624,26 +226625,10 +226626,4 +226627,4 +226628,4 +226629,4 +226630,31 +226631,31 +226632,4 +226633,4 +226634,4 +226635,4 +226636,4 +226637,4 +226638,0 +226639,0 +226640,0 +226641,0 +226642,0 +226643,0 +226644,0 +226645,35 +226646,35 +226647,0 +226648,0 +226649,0 +226650,35 +226651,35 +226652,35 +226653,36 +226654,36 +226655,36 +226656,36 +226657,36 +226658,24 +226659,24 +226660,24 +226661,24 +226662,24 +226663,35 +226664,35 +226665,35 +226666,35 +226667,35 +226668,32 +226669,32 +226670,32 +226671,32 +226672,32 +226673,35 +226674,36 +226675,36 +226676,36 +226677,36 +226678,36 +226679,36 +226680,36 +226681,36 +226682,36 +226683,36 +226684,4 +226685,4 +226686,19 +226687,19 +226688,19 +226689,31 +226690,31 +226691,31 +226692,31 +226693,5 +226694,5 +226695,5 +226696,5 +226697,5 +226698,5 +226699,5 +226700,5 +226701,5 +226702,5 +226703,31 +226704,31 +226705,31 +226706,31 +226707,31 +226708,29 +226709,29 +226710,29 +226711,29 +226712,29 +226713,29 +226714,29 +226715,31 +226716,31 +226717,31 +226718,31 +226719,4 +226720,4 +226721,31 +226722,16 +226723,4 +226724,4 +226725,4 +226726,4 +226727,4 +226728,16 +226729,11 +226730,11 +226731,11 +226732,11 +226733,11 +226734,11 +226735,11 +226736,16 +226737,16 +226738,11 +226739,11 +226740,11 +226741,11 +226742,36 +226743,36 +226744,36 +226745,36 +226746,36 +226747,36 +226748,36 +226749,36 +226750,36 +226751,36 +226752,36 +226753,36 +226754,36 +226755,36 +226756,36 +226757,36 +226758,5 +226759,5 +226760,5 +226761,5 +226762,5 +226763,5 +226764,5 +226765,5 +226766,5 +226767,5 +226768,5 +226769,5 +226770,4 +226771,2 +226772,2 +226773,2 +226774,4 +226775,2 +226776,2 +226777,2 +226778,2 +226779,2 +226780,2 +226781,2 +226782,2 +226783,2 +226784,2 +226785,2 +226786,2 +226787,2 +226788,2 +226789,2 +226790,2 +226791,2 +226792,2 +226793,2 +226794,0 +226795,0 +226796,0 +226797,0 +226798,0 +226799,0 +226800,0 +226801,0 +226802,0 +226803,0 +226804,0 +226805,0 +226806,0 +226807,0 +226808,0 +226809,0 +226810,0 +226811,0 +226812,0 +226813,0 +226814,0 +226815,0 +226816,0 +226817,0 +226818,0 +226819,0 +226820,0 +226821,0 +226822,0 +226823,0 +226824,0 +226825,0 +226826,0 +226827,0 +226828,0 +226829,0 +226830,0 +226831,0 +226832,0 +226833,0 +226834,0 +226835,0 +226836,0 +226837,0 +226838,0 +226839,0 +226840,0 +226841,0 +226842,0 +226843,0 +226844,0 +226845,0 +226846,0 +226847,0 +226848,0 +226849,0 +226850,0 +226851,0 +226852,0 +226853,0 +226854,0 +226855,0 +226856,0 +226857,0 +226858,0 +226859,0 +226860,0 +226861,0 +226862,0 +226863,0 +226864,0 +226865,0 +226866,36 +226867,36 +226868,36 +226869,36 +226870,36 +226871,36 +226872,36 +226873,36 +226874,36 +226875,5 +226876,5 +226877,5 +226878,5 +226879,5 +226880,5 +226881,5 +226882,5 +226883,5 +226884,4 +226885,4 +226886,4 +226887,4 +226888,4 +226889,4 +226890,4 +226891,4 +226892,4 +226893,4 +226894,4 +226895,33 +226896,22 +226897,22 +226898,22 +226899,22 +226900,22 +226901,33 +226902,33 +226903,31 +226904,22 +226905,6 +226906,6 +226907,6 +226908,6 +226909,32 +226910,6 +226911,6 +226912,31 +226913,5 +226914,5 +226915,5 +226916,5 +226917,5 +226918,5 +226919,5 +226920,5 +226921,26 +226922,26 +226923,31 +226924,31 +226925,31 +226926,31 +226927,31 +226928,33 +226929,33 +226930,33 +226931,33 +226932,33 +226933,33 +226934,33 +226935,30 +226936,30 +226937,30 +226938,30 +226939,30 +226940,30 +226941,30 +226942,30 +226943,40 +226944,40 +226945,40 +226946,40 +226947,40 +226948,40 +226949,40 +226950,40 +226951,40 +226952,40 +226953,40 +226954,31 +226955,2 +226956,2 +226957,2 +226958,2 +226959,2 +226960,2 +226961,2 +226962,2 +226963,2 +226964,2 +226965,2 +226966,2 +226967,29 +226968,29 +226969,29 +226970,2 +226971,31 +226972,31 +226973,31 +226974,31 +226975,31 +226976,5 +226977,5 +226978,5 +226979,5 +226980,5 +226981,5 +226982,5 +226983,38 +226984,19 +226985,4 +226986,29 +226987,38 +226988,29 +226989,29 +226990,29 +226991,29 +226992,25 +226993,25 +226994,25 +226995,25 +226996,25 +226997,25 +226998,25 +226999,25 +227000,25 +227001,25 +227002,25 +227003,25 +227004,19 +227005,19 +227006,19 +227007,19 +227008,19 +227009,39 +227010,39 +227011,39 +227012,39 +227013,39 +227014,39 +227015,39 +227016,39 +227017,38 +227018,38 +227019,38 +227020,38 +227021,38 +227022,38 +227023,38 +227024,38 +227025,38 +227026,34 +227027,34 +227028,34 +227029,34 +227030,34 +227031,34 +227032,34 +227033,34 +227034,34 +227035,34 +227036,34 +227037,34 +227038,34 +227039,34 +227040,8 +227041,8 +227042,8 +227043,8 +227044,8 +227045,8 +227046,8 +227047,8 +227048,28 +227049,28 +227050,28 +227051,28 +227052,28 +227053,28 +227054,28 +227055,28 +227056,32 +227057,32 +227058,32 +227059,32 +227060,32 +227061,32 +227062,32 +227063,32 +227064,37 +227065,37 +227066,37 +227067,37 +227068,27 +227069,27 +227070,27 +227071,27 +227072,27 +227073,27 +227074,27 +227075,8 +227076,8 +227077,8 +227078,8 +227079,8 +227080,8 +227081,2 +227082,2 +227083,27 +227084,27 +227085,27 +227086,27 +227087,27 +227088,5 +227089,5 +227090,5 +227091,5 +227092,5 +227093,5 +227094,25 +227095,25 +227096,25 +227097,25 +227098,25 +227099,25 +227100,25 +227101,25 +227102,25 +227103,25 +227104,25 +227105,25 +227106,25 +227107,25 +227108,25 +227109,8 +227110,8 +227111,8 +227112,8 +227113,8 +227114,8 +227115,8 +227116,8 +227117,8 +227118,8 +227119,8 +227120,8 +227121,35 +227122,35 +227123,35 +227124,35 +227125,35 +227126,35 +227127,35 +227128,35 +227129,3 +227130,3 +227131,3 +227132,3 +227133,3 +227134,28 +227135,28 +227136,13 +227137,13 +227138,13 +227139,13 +227140,13 +227141,35 +227142,35 +227143,35 +227144,35 +227145,39 +227146,39 +227147,39 +227148,39 +227149,39 +227150,39 +227151,39 +227152,8 +227153,8 +227154,39 +227155,2 +227156,2 +227157,2 +227158,2 +227159,2 +227160,2 +227161,2 +227162,2 +227163,2 +227164,2 +227165,40 +227166,40 +227167,40 +227168,40 +227169,40 +227170,40 +227171,40 +227172,40 +227173,5 +227174,5 +227175,5 +227176,5 +227177,5 +227178,4 +227179,4 +227180,4 +227181,4 +227182,4 +227183,4 +227184,4 +227185,11 +227186,11 +227187,33 +227188,33 +227189,33 +227190,33 +227191,33 +227192,33 +227193,33 +227194,33 +227195,33 +227196,33 +227197,33 +227198,24 +227199,24 +227200,30 +227201,30 +227202,30 +227203,25 +227204,25 +227205,25 +227206,25 +227207,25 +227208,25 +227209,25 +227210,25 +227211,25 +227212,37 +227213,37 +227214,16 +227215,16 +227216,16 +227217,16 +227218,16 +227219,16 +227220,16 +227221,16 +227222,16 +227223,16 +227224,16 +227225,3 +227226,3 +227227,3 +227228,3 +227229,3 +227230,3 +227231,3 +227232,3 +227233,3 +227234,3 +227235,3 +227236,14 +227237,14 +227238,14 +227239,14 +227240,14 +227241,14 +227242,14 +227243,14 +227244,14 +227245,14 +227246,14 +227247,14 +227248,14 +227249,14 +227250,14 +227251,14 +227252,14 +227253,20 +227254,20 +227255,20 +227256,20 +227257,20 +227258,20 +227259,11 +227260,11 +227261,11 +227262,11 +227263,20 +227264,20 +227265,31 +227266,31 +227267,31 +227268,31 +227269,31 +227270,31 +227271,31 +227272,31 +227273,31 +227274,31 +227275,31 +227276,25 +227277,25 +227278,31 +227279,31 +227280,31 +227281,31 +227282,31 +227283,31 +227284,0 +227285,0 +227286,0 +227287,0 +227288,0 +227289,0 +227290,0 +227291,0 +227292,0 +227293,0 +227294,0 +227295,0 +227296,0 +227297,0 +227298,0 +227299,0 +227300,0 +227301,0 +227302,0 +227303,0 +227304,0 +227305,0 +227306,0 +227307,0 +227308,0 +227309,0 +227310,0 +227311,0 +227312,0 +227313,0 +227314,0 +227315,0 +227316,0 +227317,0 +227318,0 +227319,0 +227320,31 +227321,31 +227322,31 +227323,31 +227324,31 +227325,31 +227326,31 +227327,31 +227328,5 +227329,5 +227330,5 +227331,5 +227332,5 +227333,5 +227334,5 +227335,5 +227336,23 +227337,23 +227338,23 +227339,23 +227340,23 +227341,23 +227342,23 +227343,23 +227344,23 +227345,23 +227346,23 +227347,9 +227348,9 +227349,9 +227350,9 +227351,9 +227352,9 +227353,9 +227354,37 +227355,37 +227356,37 +227357,37 +227358,37 +227359,37 +227360,37 +227361,37 +227362,2 +227363,2 +227364,2 +227365,2 +227366,2 +227367,2 +227368,2 +227369,2 +227370,2 +227371,8 +227372,8 +227373,8 +227374,4 +227375,4 +227376,4 +227377,4 +227378,4 +227379,4 +227380,4 +227381,4 +227382,3 +227383,3 +227384,3 +227385,3 +227386,3 +227387,3 +227388,3 +227389,3 +227390,3 +227391,3 +227392,3 +227393,3 +227394,3 +227395,5 +227396,5 +227397,5 +227398,5 +227399,5 +227400,30 +227401,30 +227402,30 +227403,30 +227404,30 +227405,30 +227406,30 +227407,30 +227408,30 +227409,30 +227410,30 +227411,27 +227412,27 +227413,27 +227414,27 +227415,27 +227416,27 +227417,27 +227418,27 +227419,27 +227420,27 +227421,27 +227422,31 +227423,2 +227424,2 +227425,2 +227426,2 +227427,2 +227428,2 +227429,2 +227430,2 +227431,2 +227432,2 +227433,2 +227434,2 +227435,2 +227436,27 +227437,27 +227438,27 +227439,27 +227440,5 +227441,5 +227442,5 +227443,5 +227444,5 +227445,5 +227446,14 +227447,29 +227448,39 +227449,39 +227450,39 +227451,39 +227452,39 +227453,39 +227454,39 +227455,39 +227456,10 +227457,10 +227458,10 +227459,10 +227460,10 +227461,10 +227462,10 +227463,10 +227464,10 +227465,10 +227466,10 +227467,26 +227468,37 +227469,37 +227470,37 +227471,37 +227472,37 +227473,37 +227474,37 +227475,37 +227476,28 +227477,28 +227478,28 +227479,28 +227480,28 +227481,28 +227482,14 +227483,14 +227484,14 +227485,14 +227486,14 +227487,14 +227488,14 +227489,14 +227490,14 +227491,39 +227492,39 +227493,34 +227494,34 +227495,36 +227496,36 +227497,36 +227498,36 +227499,36 +227500,36 +227501,36 +227502,36 +227503,36 +227504,24 +227505,24 +227506,24 +227507,24 +227508,24 +227509,24 +227510,24 +227511,24 +227512,26 +227513,26 +227514,26 +227515,26 +227516,26 +227517,26 +227518,26 +227519,26 +227520,26 +227521,37 +227522,37 +227523,37 +227524,37 +227525,37 +227526,37 +227527,37 +227528,37 +227529,28 +227530,28 +227531,28 +227532,28 +227533,28 +227534,28 +227535,28 +227536,39 +227537,39 +227538,39 +227539,39 +227540,39 +227541,39 +227542,39 +227543,39 +227544,39 +227545,39 +227546,39 +227547,39 +227548,39 +227549,28 +227550,5 +227551,5 +227552,5 +227553,39 +227554,39 +227555,39 +227556,39 +227557,39 +227558,14 +227559,14 +227560,39 +227561,39 +227562,39 +227563,39 +227564,31 +227565,31 +227566,31 +227567,31 +227568,31 +227569,31 +227570,31 +227571,10 +227572,10 +227573,10 +227574,10 +227575,31 +227576,31 +227577,31 +227578,31 +227579,31 +227580,31 +227581,31 +227582,31 +227583,31 +227584,31 +227585,0 +227586,0 +227587,0 +227588,0 +227589,0 +227590,0 +227591,0 +227592,0 +227593,0 +227594,0 +227595,0 +227596,0 +227597,0 +227598,0 +227599,0 +227600,0 +227601,0 +227602,0 +227603,0 +227604,0 +227605,0 +227606,0 +227607,0 +227608,0 +227609,0 +227610,0 +227611,0 +227612,0 +227613,0 +227614,0 +227615,0 +227616,0 +227617,0 +227618,0 +227619,0 +227620,0 +227621,0 +227622,0 +227623,0 +227624,0 +227625,0 +227626,0 +227627,0 +227628,0 +227629,0 +227630,0 +227631,0 +227632,0 +227633,0 +227634,0 +227635,0 +227636,0 +227637,0 +227638,0 +227639,0 +227640,0 +227641,29 +227642,29 +227643,29 +227644,29 +227645,29 +227646,29 +227647,29 +227648,29 +227649,29 +227650,31 +227651,31 +227652,31 +227653,31 +227654,31 +227655,21 +227656,21 +227657,21 +227658,21 +227659,21 +227660,21 +227661,21 +227662,21 +227663,21 +227664,25 +227665,25 +227666,25 +227667,25 +227668,25 +227669,25 +227670,25 +227671,25 +227672,25 +227673,25 +227674,25 +227675,25 +227676,25 +227677,25 +227678,25 +227679,25 +227680,25 +227681,25 +227682,30 +227683,30 +227684,30 +227685,30 +227686,30 +227687,30 +227688,30 +227689,30 +227690,30 +227691,30 +227692,35 +227693,35 +227694,35 +227695,35 +227696,35 +227697,35 +227698,35 +227699,35 +227700,36 +227701,36 +227702,36 +227703,36 +227704,36 +227705,36 +227706,36 +227707,8 +227708,8 +227709,8 +227710,8 +227711,8 +227712,8 +227713,8 +227714,31 +227715,31 +227716,31 +227717,31 +227718,31 +227719,31 +227720,4 +227721,4 +227722,4 +227723,4 +227724,4 +227725,4 +227726,4 +227727,4 +227728,14 +227729,14 +227730,14 +227731,14 +227732,14 +227733,14 +227734,14 +227735,14 +227736,14 +227737,4 +227738,4 +227739,4 +227740,4 +227741,27 +227742,27 +227743,27 +227744,27 +227745,27 +227746,4 +227747,4 +227748,4 +227749,4 +227750,4 +227751,31 +227752,31 +227753,31 +227754,31 +227755,28 +227756,28 +227757,28 +227758,28 +227759,28 +227760,28 +227761,28 +227762,28 +227763,26 +227764,26 +227765,26 +227766,26 +227767,26 +227768,26 +227769,26 +227770,26 +227771,26 +227772,26 +227773,26 +227774,28 +227775,28 +227776,28 +227777,28 +227778,28 +227779,28 +227780,31 +227781,31 +227782,31 +227783,31 +227784,31 +227785,36 +227786,36 +227787,5 +227788,5 +227789,5 +227790,4 +227791,4 +227792,4 +227793,4 +227794,4 +227795,4 +227796,4 +227797,4 +227798,4 +227799,4 +227800,4 +227801,4 +227802,4 +227803,4 +227804,4 +227805,4 +227806,0 +227807,0 +227808,0 +227809,0 +227810,0 +227811,0 +227812,0 +227813,0 +227814,0 +227815,0 +227816,0 +227817,0 +227818,0 +227819,0 +227820,0 +227821,0 +227822,0 +227823,0 +227824,0 +227825,0 +227826,0 +227827,0 +227828,0 +227829,0 +227830,0 +227831,0 +227832,0 +227833,0 +227834,0 +227835,0 +227836,35 +227837,35 +227838,35 +227839,35 +227840,35 +227841,35 +227842,35 +227843,39 +227844,39 +227845,39 +227846,39 +227847,39 +227848,27 +227849,27 +227850,27 +227851,27 +227852,27 +227853,27 +227854,8 +227855,8 +227856,8 +227857,8 +227858,8 +227859,8 +227860,8 +227861,5 +227862,5 +227863,5 +227864,5 +227865,5 +227866,5 +227867,40 +227868,40 +227869,40 +227870,40 +227871,40 +227872,24 +227873,24 +227874,24 +227875,24 +227876,24 +227877,24 +227878,24 +227879,25 +227880,25 +227881,25 +227882,25 +227883,25 +227884,25 +227885,25 +227886,2 +227887,2 +227888,2 +227889,2 +227890,2 +227891,2 +227892,2 +227893,2 +227894,2 +227895,2 +227896,2 +227897,32 +227898,32 +227899,32 +227900,32 +227901,32 +227902,33 +227903,33 +227904,33 +227905,33 +227906,33 +227907,33 +227908,33 +227909,33 +227910,33 +227911,33 +227912,33 +227913,33 +227914,6 +227915,6 +227916,6 +227917,6 +227918,6 +227919,6 +227920,6 +227921,31 +227922,31 +227923,31 +227924,31 +227925,31 +227926,5 +227927,5 +227928,5 +227929,5 +227930,31 +227931,31 +227932,31 +227933,31 +227934,31 +227935,31 +227936,31 +227937,24 +227938,24 +227939,24 +227940,24 +227941,24 +227942,24 +227943,25 +227944,25 +227945,25 +227946,27 +227947,27 +227948,4 +227949,4 +227950,4 +227951,4 +227952,4 +227953,4 +227954,4 +227955,4 +227956,4 +227957,4 +227958,4 +227959,4 +227960,4 +227961,31 +227962,31 +227963,31 +227964,28 +227965,28 +227966,28 +227967,28 +227968,28 +227969,28 +227970,28 +227971,28 +227972,28 +227973,28 +227974,39 +227975,39 +227976,39 +227977,39 +227978,39 +227979,39 +227980,39 +227981,39 +227982,39 +227983,39 +227984,39 +227985,39 +227986,39 +227987,39 +227988,39 +227989,39 +227990,39 +227991,39 +227992,39 +227993,39 +227994,39 +227995,39 +227996,39 +227997,39 +227998,39 +227999,39 +228000,39 +228001,39 +228002,39 +228003,39 +228004,39 +228005,39 +228006,39 +228007,0 +228008,0 +228009,0 +228010,0 +228011,0 +228012,0 +228013,0 +228014,0 +228015,0 +228016,0 +228017,0 +228018,0 +228019,0 +228020,0 +228021,0 +228022,0 +228023,0 +228024,0 +228025,0 +228026,0 +228027,0 +228028,0 +228029,0 +228030,0 +228031,0 +228032,0 +228033,0 +228034,0 +228035,0 +228036,0 +228037,0 +228038,0 +228039,0 +228040,0 +228041,0 +228042,0 +228043,0 +228044,0 +228045,0 +228046,0 +228047,0 +228048,0 +228049,0 +228050,0 +228051,0 +228052,0 +228053,0 +228054,0 +228055,0 +228056,0 +228057,0 +228058,0 +228059,0 +228060,0 +228061,10 +228062,10 +228063,10 +228064,10 +228065,10 +228066,10 +228067,10 +228068,10 +228069,10 +228070,10 +228071,5 +228072,5 +228073,5 +228074,5 +228075,5 +228076,5 +228077,5 +228078,5 +228079,5 +228080,5 +228081,5 +228082,5 +228083,33 +228084,33 +228085,33 +228086,33 +228087,33 +228088,33 +228089,33 +228090,33 +228091,33 +228092,33 +228093,33 +228094,33 +228095,33 +228096,33 +228097,33 +228098,33 +228099,33 +228100,33 +228101,35 +228102,35 +228103,35 +228104,35 +228105,35 +228106,35 +228107,39 +228108,39 +228109,39 +228110,39 +228111,39 +228112,39 +228113,39 +228114,39 +228115,30 +228116,30 +228117,30 +228118,30 +228119,30 +228120,30 +228121,30 +228122,30 +228123,30 +228124,30 +228125,30 +228126,30 +228127,31 +228128,31 +228129,31 +228130,31 +228131,31 +228132,31 +228133,34 +228134,34 +228135,34 +228136,34 +228137,8 +228138,8 +228139,8 +228140,8 +228141,8 +228142,8 +228143,8 +228144,8 +228145,8 +228146,8 +228147,28 +228148,28 +228149,28 +228150,28 +228151,28 +228152,28 +228153,28 +228154,28 +228155,28 +228156,5 +228157,5 +228158,39 +228159,39 +228160,39 +228161,39 +228162,39 +228163,39 +228164,39 +228165,3 +228166,29 +228167,29 +228168,29 +228169,29 +228170,29 +228171,29 +228172,36 +228173,36 +228174,36 +228175,36 +228176,36 +228177,36 +228178,36 +228179,36 +228180,4 +228181,19 +228182,35 +228183,35 +228184,35 +228185,27 +228186,27 +228187,27 +228188,27 +228189,27 +228190,8 +228191,8 +228192,8 +228193,8 +228194,8 +228195,8 +228196,31 +228197,31 +228198,31 +228199,31 +228200,31 +228201,5 +228202,5 +228203,5 +228204,5 +228205,5 +228206,5 +228207,5 +228208,5 +228209,5 +228210,26 +228211,26 +228212,26 +228213,26 +228214,26 +228215,26 +228216,26 +228217,26 +228218,26 +228219,26 +228220,9 +228221,9 +228222,9 +228223,9 +228224,9 +228225,9 +228226,9 +228227,9 +228228,23 +228229,23 +228230,23 +228231,23 +228232,23 +228233,23 +228234,23 +228235,23 +228236,23 +228237,23 +228238,23 +228239,23 +228240,23 +228241,23 +228242,23 +228243,23 +228244,23 +228245,23 +228246,23 +228247,23 +228248,23 +228249,23 +228250,23 +228251,23 +228252,23 +228253,23 +228254,0 +228255,0 +228256,0 +228257,0 +228258,0 +228259,0 +228260,0 +228261,0 +228262,0 +228263,0 +228264,0 +228265,0 +228266,0 +228267,0 +228268,0 +228269,0 +228270,0 +228271,0 +228272,0 +228273,0 +228274,0 +228275,0 +228276,0 +228277,0 +228278,0 +228279,0 +228280,0 +228281,0 +228282,0 +228283,0 +228284,0 +228285,0 +228286,0 +228287,0 +228288,0 +228289,0 +228290,0 +228291,0 +228292,0 +228293,0 +228294,0 +228295,0 +228296,0 +228297,0 +228298,0 +228299,0 +228300,0 +228301,0 +228302,0 +228303,0 +228304,0 +228305,0 +228306,0 +228307,0 +228308,0 +228309,0 +228310,0 +228311,0 +228312,0 +228313,0 +228314,0 +228315,0 +228316,0 +228317,0 +228318,0 +228319,0 +228320,0 +228321,0 +228322,0 +228323,0 +228324,0 +228325,0 +228326,0 +228327,0 +228328,0 +228329,0 +228330,0 +228331,0 +228332,0 +228333,0 +228334,0 +228335,0 +228336,0 +228337,0 +228338,0 +228339,0 +228340,0 +228341,9 +228342,9 +228343,9 +228344,9 +228345,9 +228346,9 +228347,9 +228348,9 +228349,9 +228350,9 +228351,9 +228352,9 +228353,9 +228354,30 +228355,30 +228356,30 +228357,30 +228358,30 +228359,30 +228360,25 +228361,25 +228362,25 +228363,25 +228364,25 +228365,25 +228366,25 +228367,25 +228368,25 +228369,25 +228370,25 +228371,25 +228372,10 +228373,10 +228374,10 +228375,10 +228376,10 +228377,10 +228378,10 +228379,10 +228380,10 +228381,10 +228382,10 +228383,10 +228384,10 +228385,10 +228386,10 +228387,4 +228388,4 +228389,4 +228390,4 +228391,4 +228392,4 +228393,4 +228394,4 +228395,4 +228396,4 +228397,4 +228398,4 +228399,4 +228400,4 +228401,4 +228402,4 +228403,4 +228404,4 +228405,4 +228406,0 +228407,0 +228408,0 +228409,0 +228410,0 +228411,0 +228412,0 +228413,0 +228414,0 +228415,0 +228416,0 +228417,0 +228418,0 +228419,0 +228420,0 +228421,0 +228422,0 +228423,0 +228424,0 +228425,0 +228426,0 +228427,0 +228428,0 +228429,0 +228430,0 +228431,0 +228432,0 +228433,0 +228434,0 +228435,0 +228436,0 +228437,0 +228438,0 +228439,0 +228440,0 +228441,0 +228442,0 +228443,0 +228444,0 +228445,0 +228446,0 +228447,0 +228448,0 +228449,0 +228450,0 +228451,0 +228452,2 +228453,2 +228454,2 +228455,2 +228456,2 +228457,2 +228458,2 +228459,2 +228460,2 +228461,2 +228462,2 +228463,2 +228464,2 +228465,2 +228466,2 +228467,40 +228468,40 +228469,31 +228470,31 +228471,19 +228472,19 +228473,19 +228474,19 +228475,19 +228476,19 +228477,19 +228478,19 +228479,19 +228480,19 +228481,19 +228482,19 +228483,34 +228484,34 +228485,34 +228486,34 +228487,34 +228488,34 +228489,34 +228490,34 +228491,34 +228492,34 +228493,34 +228494,34 +228495,34 +228496,34 +228497,34 +228498,34 +228499,34 +228500,34 +228501,34 +228502,34 +228503,34 +228504,34 +228505,34 +228506,34 +228507,34 +228508,28 +228509,28 +228510,28 +228511,28 +228512,28 +228513,28 +228514,28 +228515,28 +228516,28 +228517,28 +228518,28 +228519,28 +228520,28 +228521,28 +228522,28 +228523,28 +228524,28 +228525,28 +228526,28 +228527,28 +228528,28 +228529,28 +228530,28 +228531,28 +228532,28 +228533,28 +228534,28 +228535,28 +228536,28 +228537,28 +228538,28 +228539,28 +228540,28 +228541,28 +228542,28 +228543,10 +228544,10 +228545,10 +228546,10 +228547,10 +228548,10 +228549,10 +228550,10 +228551,23 +228552,23 +228553,23 +228554,23 +228555,23 +228556,23 +228557,23 +228558,23 +228559,23 +228560,25 +228561,25 +228562,25 +228563,25 +228564,25 +228565,31 +228566,31 +228567,31 +228568,31 +228569,31 +228570,31 +228571,31 +228572,27 +228573,5 +228574,27 +228575,5 +228576,13 +228577,28 +228578,28 +228579,28 +228580,5 +228581,5 +228582,28 +228583,28 +228584,5 +228585,5 +228586,5 +228587,5 +228588,5 +228589,5 +228590,5 +228591,5 +228592,8 +228593,8 +228594,8 +228595,8 +228596,8 +228597,8 +228598,8 +228599,8 +228600,8 +228601,8 +228602,8 +228603,2 +228604,2 +228605,2 +228606,2 +228607,2 +228608,2 +228609,2 +228610,0 +228611,0 +228612,0 +228613,0 +228614,0 +228615,0 +228616,0 +228617,0 +228618,0 +228619,0 +228620,0 +228621,0 +228622,0 +228623,0 +228624,0 +228625,0 +228626,0 +228627,0 +228628,0 +228629,0 +228630,0 +228631,0 +228632,0 +228633,0 +228634,26 +228635,26 +228636,26 +228637,26 +228638,26 +228639,26 +228640,26 +228641,26 +228642,26 +228643,26 +228644,26 +228645,26 +228646,26 +228647,26 +228648,26 +228649,26 +228650,5 +228651,5 +228652,5 +228653,5 +228654,5 +228655,5 +228656,5 +228657,5 +228658,5 +228659,33 +228660,33 +228661,33 +228662,33 +228663,33 +228664,33 +228665,33 +228666,33 +228667,33 +228668,33 +228669,33 +228670,33 +228671,33 +228672,33 +228673,33 +228674,32 +228675,32 +228676,32 +228677,32 +228678,32 +228679,32 +228680,31 +228681,31 +228682,31 +228683,5 +228684,1 +228685,1 +228686,1 +228687,5 +228688,5 +228689,1 +228690,1 +228691,1 +228692,1 +228693,1 +228694,1 +228695,1 +228696,1 +228697,5 +228698,5 +228699,5 +228700,40 +228701,40 +228702,27 +228703,27 +228704,27 +228705,27 +228706,27 +228707,27 +228708,27 +228709,27 +228710,27 +228711,27 +228712,27 +228713,4 +228714,4 +228715,4 +228716,4 +228717,4 +228718,4 +228719,4 +228720,4 +228721,4 +228722,0 +228723,0 +228724,0 +228725,0 +228726,0 +228727,0 +228728,0 +228729,0 +228730,0 +228731,0 +228732,0 +228733,0 +228734,0 +228735,0 +228736,0 +228737,0 +228738,0 +228739,0 +228740,0 +228741,0 +228742,0 +228743,0 +228744,0 +228745,0 +228746,0 +228747,0 +228748,0 +228749,0 +228750,0 +228751,0 +228752,0 +228753,0 +228754,0 +228755,0 +228756,0 +228757,0 +228758,0 +228759,0 +228760,0 +228761,0 +228762,0 +228763,0 +228764,0 +228765,0 +228766,0 +228767,36 +228768,36 +228769,34 +228770,34 +228771,34 +228772,34 +228773,34 +228774,34 +228775,34 +228776,34 +228777,34 +228778,34 +228779,34 +228780,34 +228781,34 +228782,34 +228783,34 +228784,34 +228785,34 +228786,34 +228787,34 +228788,34 +228789,5 +228790,28 +228791,28 +228792,5 +228793,5 +228794,5 +228795,28 +228796,28 +228797,28 +228798,28 +228799,29 +228800,29 +228801,29 +228802,29 +228803,29 +228804,36 +228805,36 +228806,36 +228807,36 +228808,36 +228809,36 +228810,36 +228811,36 +228812,4 +228813,4 +228814,0 +228815,0 +228816,0 +228817,0 +228818,0 +228819,0 +228820,0 +228821,0 +228822,0 +228823,0 +228824,0 +228825,0 +228826,0 +228827,0 +228828,9 +228829,9 +228830,9 +228831,26 +228832,26 +228833,26 +228834,26 +228835,26 +228836,26 +228837,26 +228838,26 +228839,26 +228840,26 +228841,26 +228842,9 +228843,9 +228844,9 +228845,9 +228846,30 +228847,30 +228848,30 +228849,30 +228850,30 +228851,30 +228852,30 +228853,30 +228854,29 +228855,29 +228856,29 +228857,29 +228858,29 +228859,31 +228860,31 +228861,31 +228862,31 +228863,31 +228864,31 +228865,2 +228866,2 +228867,2 +228868,2 +228869,2 +228870,2 +228871,2 +228872,2 +228873,2 +228874,2 +228875,2 +228876,2 +228877,39 +228878,39 +228879,39 +228880,39 +228881,7 +228882,7 +228883,7 +228884,7 +228885,39 +228886,7 +228887,3 +228888,3 +228889,3 +228890,39 +228891,3 +228892,5 +228893,5 +228894,24 +228895,24 +228896,24 +228897,24 +228898,8 +228899,8 +228900,2 +228901,2 +228902,2 +228903,2 +228904,2 +228905,2 +228906,12 +228907,12 +228908,12 +228909,12 +228910,37 +228911,37 +228912,37 +228913,37 +228914,37 +228915,37 +228916,37 +228917,37 +228918,25 +228919,40 +228920,40 +228921,40 +228922,27 +228923,27 +228924,27 +228925,27 +228926,27 +228927,27 +228928,27 +228929,27 +228930,27 +228931,27 +228932,27 +228933,27 +228934,27 +228935,8 +228936,8 +228937,8 +228938,8 +228939,8 +228940,8 +228941,8 +228942,8 +228943,5 +228944,5 +228945,5 +228946,5 +228947,5 +228948,5 +228949,5 +228950,5 +228951,5 +228952,5 +228953,5 +228954,5 +228955,5 +228956,5 +228957,5 +228958,5 +228959,28 +228960,28 +228961,28 +228962,28 +228963,28 +228964,28 +228965,28 +228966,28 +228967,28 +228968,28 +228969,40 +228970,40 +228971,40 +228972,40 +228973,40 +228974,40 +228975,40 +228976,5 +228977,5 +228978,5 +228979,5 +228980,5 +228981,5 +228982,5 +228983,39 +228984,39 +228985,39 +228986,39 +228987,39 +228988,39 +228989,39 +228990,39 +228991,1 +228992,39 +228993,39 +228994,39 +228995,39 +228996,30 +228997,30 +228998,30 +228999,30 +229000,30 +229001,30 +229002,30 +229003,27 +229004,27 +229005,27 +229006,27 +229007,27 +229008,4 +229009,4 +229010,4 +229011,4 +229012,4 +229013,31 +229014,31 +229015,31 +229016,31 +229017,33 +229018,33 +229019,31 +229020,31 +229021,24 +229022,24 +229023,24 +229024,24 +229025,24 +229026,24 +229027,24 +229028,24 +229029,24 +229030,24 +229031,24 +229032,24 +229033,10 +229034,10 +229035,10 +229036,10 +229037,10 +229038,10 +229039,10 +229040,10 +229041,34 +229042,10 +229043,10 +229044,10 +229045,10 +229046,10 +229047,10 +229048,36 +229049,40 +229050,30 +229051,30 +229052,30 +229053,30 +229054,30 +229055,30 +229056,30 +229057,30 +229058,30 +229059,31 +229060,31 +229061,31 +229062,31 +229063,31 +229064,31 +229065,31 +229066,31 +229067,31 +229068,5 +229069,5 +229070,5 +229071,5 +229072,5 +229073,5 +229074,5 +229075,5 +229076,5 +229077,5 +229078,5 +229079,5 +229080,5 +229081,5 +229082,5 +229083,5 +229084,5 +229085,5 +229086,8 +229087,8 +229088,8 +229089,2 +229090,2 +229091,2 +229092,2 +229093,2 +229094,2 +229095,8 +229096,2 +229097,32 +229098,0 +229099,0 +229100,0 +229101,0 +229102,12 +229103,12 +229104,12 +229105,12 +229106,12 +229107,12 +229108,12 +229109,12 +229110,27 +229111,27 +229112,27 +229113,27 +229114,27 +229115,16 +229116,16 +229117,16 +229118,16 +229119,16 +229120,16 +229121,16 +229122,16 +229123,18 +229124,23 +229125,16 +229126,0 +229127,0 +229128,0 +229129,23 +229130,23 +229131,23 +229132,23 +229133,23 +229134,23 +229135,23 +229136,23 +229137,23 +229138,30 +229139,30 +229140,30 +229141,30 +229142,30 +229143,30 +229144,33 +229145,33 +229146,33 +229147,33 +229148,33 +229149,33 +229150,33 +229151,33 +229152,31 +229153,33 +229154,33 +229155,33 +229156,33 +229157,33 +229158,33 +229159,33 +229160,33 +229161,33 +229162,31 +229163,32 +229164,32 +229165,32 +229166,32 +229167,32 +229168,32 +229169,32 +229170,32 +229171,32 +229172,32 +229173,32 +229174,0 +229175,0 +229176,0 +229177,0 +229178,0 +229179,0 +229180,0 +229181,0 +229182,0 +229183,0 +229184,0 +229185,0 +229186,0 +229187,0 +229188,0 +229189,0 +229190,0 +229191,0 +229192,0 +229193,0 +229194,0 +229195,0 +229196,0 +229197,0 +229198,0 +229199,0 +229200,0 +229201,0 +229202,0 +229203,0 +229204,0 +229205,0 +229206,0 +229207,27 +229208,27 +229209,27 +229210,27 +229211,27 +229212,27 +229213,5 +229214,28 +229215,28 +229216,5 +229217,28 +229218,28 +229219,28 +229220,5 +229221,5 +229222,29 +229223,29 +229224,31 +229225,23 +229226,23 +229227,23 +229228,23 +229229,23 +229230,23 +229231,23 +229232,23 +229233,9 +229234,9 +229235,9 +229236,9 +229237,9 +229238,9 +229239,9 +229240,9 +229241,30 +229242,30 +229243,30 +229244,30 +229245,30 +229246,30 +229247,32 +229248,32 +229249,32 +229250,32 +229251,2 +229252,2 +229253,2 +229254,2 +229255,2 +229256,31 +229257,31 +229258,31 +229259,31 +229260,24 +229261,24 +229262,24 +229263,24 +229264,19 +229265,19 +229266,19 +229267,0 +229268,0 +229269,0 +229270,0 +229271,0 +229272,37 +229273,37 +229274,37 +229275,37 +229276,37 +229277,37 +229278,37 +229279,37 +229280,37 +229281,37 +229282,37 +229283,39 +229284,39 +229285,39 +229286,39 +229287,39 +229288,39 +229289,3 +229290,3 +229291,3 +229292,23 +229293,23 +229294,23 +229295,23 +229296,24 +229297,24 +229298,24 +229299,24 +229300,23 +229301,23 +229302,0 +229303,0 +229304,0 +229305,0 +229306,0 +229307,0 +229308,0 +229309,0 +229310,0 +229311,0 +229312,0 +229313,0 +229314,0 +229315,0 +229316,0 +229317,0 +229318,0 +229319,0 +229320,0 +229321,0 +229322,0 +229323,0 +229324,0 +229325,0 +229326,0 +229327,0 +229328,0 +229329,0 +229330,0 +229331,0 +229332,0 +229333,0 +229334,0 +229335,0 +229336,0 +229337,0 +229338,0 +229339,0 +229340,0 +229341,0 +229342,0 +229343,0 +229344,0 +229345,0 +229346,36 +229347,36 +229348,36 +229349,36 +229350,36 +229351,36 +229352,19 +229353,19 +229354,19 +229355,19 +229356,19 +229357,27 +229358,27 +229359,27 +229360,27 +229361,27 +229362,27 +229363,4 +229364,4 +229365,4 +229366,4 +229367,12 +229368,12 +229369,12 +229370,12 +229371,12 +229372,12 +229373,12 +229374,12 +229375,12 +229376,31 +229377,31 +229378,40 +229379,40 +229380,40 +229381,5 +229382,5 +229383,5 +229384,5 +229385,5 +229386,5 +229387,5 +229388,5 +229389,8 +229390,2 +229391,2 +229392,2 +229393,2 +229394,2 +229395,2 +229396,0 +229397,0 +229398,0 +229399,0 +229400,32 +229401,4 +229402,27 +229403,27 +229404,21 +229405,21 +229406,21 +229407,21 +229408,21 +229409,21 +229410,21 +229411,21 +229412,21 +229413,40 +229414,40 +229415,40 +229416,40 +229417,40 +229418,40 +229419,40 +229420,40 +229421,40 +229422,27 +229423,27 +229424,28 +229425,28 +229426,28 +229427,28 +229428,28 +229429,28 +229430,28 +229431,28 +229432,5 +229433,0 +229434,0 +229435,32 +229436,32 +229437,32 +229438,32 +229439,32 +229440,32 +229441,32 +229442,32 +229443,30 +229444,30 +229445,30 +229446,30 +229447,14 +229448,14 +229449,14 +229450,14 +229451,14 +229452,14 +229453,14 +229454,14 +229455,14 +229456,14 +229457,14 +229458,14 +229459,14 +229460,14 +229461,14 +229462,5 +229463,5 +229464,5 +229465,5 +229466,5 +229467,5 +229468,5 +229469,5 +229470,13 +229471,13 +229472,13 +229473,5 +229474,28 +229475,28 +229476,28 +229477,28 +229478,28 +229479,28 +229480,28 +229481,9 +229482,9 +229483,9 +229484,9 +229485,9 +229486,9 +229487,30 +229488,30 +229489,30 +229490,30 +229491,30 +229492,30 +229493,30 +229494,30 +229495,30 +229496,30 +229497,30 +229498,30 +229499,33 +229500,33 +229501,33 +229502,33 +229503,27 +229504,27 +229505,27 +229506,33 +229507,33 +229508,33 +229509,33 +229510,4 +229511,4 +229512,4 +229513,4 +229514,4 +229515,39 +229516,3 +229517,3 +229518,3 +229519,3 +229520,3 +229521,39 +229522,39 +229523,39 +229524,39 +229525,39 +229526,39 +229527,39 +229528,2 +229529,2 +229530,2 +229531,2 +229532,2 +229533,2 +229534,2 +229535,2 +229536,2 +229537,2 +229538,2 +229539,2 +229540,2 +229541,2 +229542,2 +229543,2 +229544,2 +229545,2 +229546,30 +229547,30 +229548,30 +229549,30 +229550,30 +229551,30 +229552,30 +229553,39 +229554,39 +229555,39 +229556,39 +229557,39 +229558,39 +229559,39 +229560,39 +229561,39 +229562,39 +229563,39 +229564,39 +229565,39 +229566,39 +229567,39 +229568,39 +229569,39 +229570,39 +229571,39 +229572,39 +229573,39 +229574,39 +229575,13 +229576,13 +229577,0 +229578,0 +229579,0 +229580,0 +229581,0 +229582,0 +229583,0 +229584,0 +229585,0 +229586,0 +229587,0 +229588,0 +229589,0 +229590,0 +229591,0 +229592,0 +229593,0 +229594,0 +229595,0 +229596,0 +229597,0 +229598,0 +229599,0 +229600,0 +229601,0 +229602,0 +229603,0 +229604,0 +229605,0 +229606,0 +229607,0 +229608,0 +229609,0 +229610,0 +229611,0 +229612,0 +229613,0 +229614,0 +229615,0 +229616,0 +229617,0 +229618,0 +229619,0 +229620,0 +229621,0 +229622,0 +229623,0 +229624,0 +229625,0 +229626,0 +229627,0 +229628,0 +229629,0 +229630,0 +229631,0 +229632,0 +229633,0 +229634,0 +229635,0 +229636,0 +229637,0 +229638,0 +229639,0 +229640,0 +229641,0 +229642,0 +229643,0 +229644,0 +229645,0 +229646,0 +229647,0 +229648,0 +229649,0 +229650,0 +229651,0 +229652,0 +229653,0 +229654,0 +229655,0 +229656,0 +229657,0 +229658,0 +229659,0 +229660,0 +229661,0 +229662,0 +229663,0 +229664,0 +229665,0 +229666,0 +229667,0 +229668,0 +229669,35 +229670,35 +229671,35 +229672,35 +229673,35 +229674,35 +229675,35 +229676,39 +229677,39 +229678,39 +229679,39 +229680,39 +229681,39 +229682,30 +229683,30 +229684,30 +229685,30 +229686,30 +229687,30 +229688,27 +229689,27 +229690,27 +229691,27 +229692,27 +229693,27 +229694,27 +229695,8 +229696,8 +229697,8 +229698,8 +229699,8 +229700,8 +229701,8 +229702,8 +229703,8 +229704,26 +229705,26 +229706,26 +229707,9 +229708,9 +229709,26 +229710,26 +229711,26 +229712,26 +229713,34 +229714,34 +229715,34 +229716,34 +229717,34 +229718,34 +229719,34 +229720,34 +229721,34 +229722,30 +229723,30 +229724,30 +229725,30 +229726,30 +229727,17 +229728,17 +229729,17 +229730,17 +229731,14 +229732,14 +229733,14 +229734,14 +229735,14 +229736,8 +229737,8 +229738,8 +229739,8 +229740,8 +229741,8 +229742,31 +229743,31 +229744,27 +229745,27 +229746,27 +229747,27 +229748,27 +229749,27 +229750,27 +229751,2 +229752,2 +229753,2 +229754,2 +229755,2 +229756,2 +229757,2 +229758,2 +229759,2 +229760,2 +229761,2 +229762,2 +229763,2 +229764,2 +229765,2 +229766,2 +229767,27 +229768,27 +229769,27 +229770,27 +229771,14 +229772,14 +229773,6 +229774,6 +229775,6 +229776,6 +229777,6 +229778,6 +229779,6 +229780,6 +229781,12 +229782,37 +229783,37 +229784,37 +229785,37 +229786,37 +229787,37 +229788,4 +229789,19 +229790,19 +229791,35 +229792,35 +229793,35 +229794,35 +229795,35 +229796,35 +229797,36 +229798,36 +229799,36 +229800,8 +229801,8 +229802,8 +229803,8 +229804,29 +229805,29 +229806,29 +229807,29 +229808,29 +229809,31 +229810,31 +229811,31 +229812,31 +229813,21 +229814,21 +229815,21 +229816,21 +229817,21 +229818,21 +229819,21 +229820,37 +229821,37 +229822,37 +229823,37 +229824,37 +229825,37 +229826,37 +229827,37 +229828,14 +229829,14 +229830,14 +229831,14 +229832,14 +229833,14 +229834,14 +229835,14 +229836,14 +229837,14 +229838,14 +229839,14 +229840,14 +229841,14 +229842,14 +229843,14 +229844,14 +229845,14 +229846,14 +229847,14 +229848,29 +229849,29 +229850,29 +229851,31 +229852,31 +229853,31 +229854,31 +229855,31 +229856,31 +229857,31 +229858,5 +229859,5 +229860,5 +229861,5 +229862,5 +229863,5 +229864,5 +229865,4 +229866,4 +229867,4 +229868,4 +229869,31 +229870,31 +229871,31 +229872,31 +229873,31 +229874,31 +229875,30 +229876,30 +229877,30 +229878,30 +229879,30 +229880,30 +229881,30 +229882,30 +229883,30 +229884,30 +229885,39 +229886,39 +229887,39 +229888,39 +229889,39 +229890,39 +229891,39 +229892,39 +229893,39 +229894,39 +229895,39 +229896,39 +229897,31 +229898,31 +229899,31 +229900,31 +229901,31 +229902,31 +229903,31 +229904,32 +229905,32 +229906,32 +229907,32 +229908,32 +229909,32 +229910,32 +229911,32 +229912,32 +229913,37 +229914,37 +229915,37 +229916,3 +229917,3 +229918,3 +229919,3 +229920,3 +229921,3 +229922,3 +229923,3 +229924,3 +229925,19 +229926,19 +229927,19 +229928,19 +229929,19 +229930,19 +229931,19 +229932,19 +229933,19 +229934,19 +229935,19 +229936,27 +229937,27 +229938,27 +229939,27 +229940,27 +229941,2 +229942,2 +229943,2 +229944,8 +229945,8 +229946,8 +229947,8 +229948,8 +229949,29 +229950,29 +229951,4 +229952,4 +229953,29 +229954,29 +229955,4 +229956,27 +229957,27 +229958,27 +229959,27 +229960,27 +229961,40 +229962,27 +229963,37 +229964,37 +229965,37 +229966,37 +229967,37 +229968,37 +229969,37 +229970,37 +229971,37 +229972,37 +229973,39 +229974,39 +229975,39 +229976,39 +229977,39 +229978,39 +229979,39 +229980,39 +229981,39 +229982,39 +229983,39 +229984,39 +229985,39 +229986,39 +229987,39 +229988,39 +229989,39 +229990,39 +229991,39 +229992,14 +229993,14 +229994,14 +229995,14 +229996,0 +229997,0 +229998,0 +229999,0 +230000,0 +230001,0 +230002,0 +230003,0 +230004,0 +230005,0 +230006,0 +230007,0 +230008,0 +230009,0 +230010,0 +230011,0 +230012,0 +230013,0 +230014,0 +230015,0 +230016,0 +230017,0 +230018,0 +230019,0 +230020,0 +230021,0 +230022,0 +230023,0 +230024,0 +230025,0 +230026,0 +230027,0 +230028,0 +230029,0 +230030,0 +230031,0 +230032,0 +230033,0 +230034,0 +230035,0 +230036,0 +230037,0 +230038,0 +230039,0 +230040,0 +230041,0 +230042,0 +230043,0 +230044,0 +230045,0 +230046,0 +230047,0 +230048,0 +230049,0 +230050,0 +230051,0 +230052,0 +230053,0 +230054,0 +230055,0 +230056,0 +230057,0 +230058,31 +230059,31 +230060,31 +230061,31 +230062,31 +230063,31 +230064,5 +230065,5 +230066,5 +230067,5 +230068,5 +230069,5 +230070,19 +230071,5 +230072,29 +230073,29 +230074,40 +230075,40 +230076,40 +230077,40 +230078,40 +230079,5 +230080,5 +230081,5 +230082,5 +230083,5 +230084,5 +230085,35 +230086,35 +230087,35 +230088,39 +230089,39 +230090,39 +230091,39 +230092,39 +230093,39 +230094,39 +230095,2 +230096,2 +230097,2 +230098,2 +230099,2 +230100,2 +230101,2 +230102,2 +230103,39 +230104,39 +230105,39 +230106,39 +230107,39 +230108,39 +230109,39 +230110,39 +230111,28 +230112,28 +230113,5 +230114,5 +230115,5 +230116,5 +230117,29 +230118,29 +230119,29 +230120,29 +230121,29 +230122,36 +230123,36 +230124,36 +230125,36 +230126,36 +230127,36 +230128,36 +230129,36 +230130,36 +230131,14 +230132,36 +230133,14 +230134,36 +230135,36 +230136,6 +230137,6 +230138,6 +230139,6 +230140,6 +230141,6 +230142,11 +230143,16 +230144,16 +230145,16 +230146,27 +230147,27 +230148,27 +230149,27 +230150,27 +230151,27 +230152,27 +230153,27 +230154,2 +230155,2 +230156,2 +230157,2 +230158,2 +230159,2 +230160,4 +230161,4 +230162,4 +230163,4 +230164,31 +230165,31 +230166,31 +230167,31 +230168,31 +230169,31 +230170,23 +230171,23 +230172,23 +230173,23 +230174,23 +230175,25 +230176,25 +230177,25 +230178,25 +230179,25 +230180,21 +230181,21 +230182,21 +230183,21 +230184,21 +230185,21 +230186,21 +230187,27 +230188,27 +230189,40 +230190,27 +230191,27 +230192,4 +230193,4 +230194,4 +230195,4 +230196,4 +230197,4 +230198,4 +230199,4 +230200,4 +230201,9 +230202,40 +230203,40 +230204,30 +230205,30 +230206,30 +230207,30 +230208,30 +230209,30 +230210,33 +230211,33 +230212,33 +230213,33 +230214,30 +230215,30 +230216,30 +230217,30 +230218,30 +230219,30 +230220,30 +230221,30 +230222,30 +230223,30 +230224,30 +230225,30 +230226,30 +230227,30 +230228,30 +230229,30 +230230,30 +230231,24 +230232,24 +230233,24 +230234,24 +230235,24 +230236,24 +230237,24 +230238,24 +230239,40 +230240,40 +230241,40 +230242,40 +230243,40 +230244,40 +230245,40 +230246,40 +230247,40 +230248,40 +230249,40 +230250,37 +230251,37 +230252,37 +230253,37 +230254,37 +230255,37 +230256,37 +230257,37 +230258,37 +230259,37 +230260,37 +230261,37 +230262,37 +230263,37 +230264,37 +230265,37 +230266,37 +230267,37 +230268,37 +230269,37 +230270,37 +230271,37 +230272,37 +230273,37 +230274,37 +230275,37 +230276,25 +230277,25 +230278,25 +230279,25 +230280,25 +230281,0 +230282,0 +230283,0 +230284,0 +230285,0 +230286,0 +230287,0 +230288,0 +230289,0 +230290,0 +230291,31 +230292,31 +230293,31 +230294,31 +230295,31 +230296,31 +230297,5 +230298,5 +230299,5 +230300,5 +230301,4 +230302,4 +230303,4 +230304,4 +230305,4 +230306,4 +230307,4 +230308,4 +230309,4 +230310,4 +230311,4 +230312,37 +230313,37 +230314,37 +230315,37 +230316,37 +230317,37 +230318,36 +230319,36 +230320,10 +230321,10 +230322,10 +230323,10 +230324,13 +230325,13 +230326,13 +230327,13 +230328,6 +230329,6 +230330,6 +230331,6 +230332,32 +230333,32 +230334,32 +230335,32 +230336,32 +230337,37 +230338,37 +230339,37 +230340,37 +230341,3 +230342,3 +230343,28 +230344,28 +230345,28 +230346,32 +230347,32 +230348,32 +230349,32 +230350,32 +230351,32 +230352,22 +230353,31 +230354,22 +230355,31 +230356,22 +230357,31 +230358,15 +230359,15 +230360,15 +230361,15 +230362,15 +230363,15 +230364,27 +230365,27 +230366,27 +230367,27 +230368,27 +230369,27 +230370,27 +230371,27 +230372,27 +230373,27 +230374,27 +230375,27 +230376,2 +230377,2 +230378,2 +230379,2 +230380,2 +230381,2 +230382,2 +230383,2 +230384,31 +230385,31 +230386,31 +230387,31 +230388,31 +230389,4 +230390,4 +230391,4 +230392,4 +230393,4 +230394,39 +230395,39 +230396,39 +230397,39 +230398,39 +230399,39 +230400,39 +230401,39 +230402,39 +230403,39 +230404,39 +230405,39 +230406,39 +230407,39 +230408,39 +230409,39 +230410,39 +230411,39 +230412,39 +230413,39 +230414,39 +230415,0 +230416,0 +230417,0 +230418,0 +230419,0 +230420,0 +230421,0 +230422,0 +230423,0 +230424,0 +230425,0 +230426,0 +230427,0 +230428,0 +230429,0 +230430,0 +230431,0 +230432,0 +230433,0 +230434,0 +230435,0 +230436,0 +230437,0 +230438,0 +230439,0 +230440,0 +230441,0 +230442,0 +230443,0 +230444,0 +230445,0 +230446,0 +230447,0 +230448,0 +230449,0 +230450,0 +230451,0 +230452,0 +230453,0 +230454,0 +230455,0 +230456,0 +230457,0 +230458,0 +230459,0 +230460,0 +230461,0 +230462,0 +230463,0 +230464,0 +230465,0 +230466,0 +230467,0 +230468,0 +230469,29 +230470,29 +230471,29 +230472,29 +230473,29 +230474,14 +230475,14 +230476,14 +230477,14 +230478,14 +230479,14 +230480,14 +230481,14 +230482,14 +230483,14 +230484,14 +230485,14 +230486,14 +230487,14 +230488,14 +230489,28 +230490,28 +230491,32 +230492,19 +230493,19 +230494,19 +230495,19 +230496,32 +230497,32 +230498,29 +230499,29 +230500,33 +230501,33 +230502,33 +230503,33 +230504,33 +230505,33 +230506,25 +230507,25 +230508,25 +230509,25 +230510,25 +230511,37 +230512,37 +230513,37 +230514,25 +230515,25 +230516,25 +230517,19 +230518,19 +230519,19 +230520,19 +230521,19 +230522,19 +230523,19 +230524,19 +230525,38 +230526,19 +230527,10 +230528,10 +230529,10 +230530,10 +230531,10 +230532,10 +230533,10 +230534,10 +230535,10 +230536,10 +230537,10 +230538,10 +230539,10 +230540,10 +230541,10 +230542,14 +230543,14 +230544,14 +230545,14 +230546,14 +230547,14 +230548,6 +230549,6 +230550,6 +230551,2 +230552,2 +230553,2 +230554,2 +230555,2 +230556,2 +230557,2 +230558,2 +230559,2 +230560,2 +230561,2 +230562,2 +230563,2 +230564,2 +230565,2 +230566,2 +230567,2 +230568,6 +230569,6 +230570,6 +230571,6 +230572,6 +230573,6 +230574,40 +230575,40 +230576,40 +230577,40 +230578,40 +230579,40 +230580,40 +230581,40 +230582,40 +230583,40 +230584,40 +230585,40 +230586,40 +230587,40 +230588,40 +230589,40 +230590,40 +230591,40 +230592,40 +230593,40 +230594,40 +230595,40 +230596,40 +230597,40 +230598,40 +230599,40 +230600,40 +230601,40 +230602,5 +230603,5 +230604,5 +230605,5 +230606,5 +230607,5 +230608,5 +230609,2 +230610,2 +230611,2 +230612,2 +230613,2 +230614,2 +230615,2 +230616,2 +230617,2 +230618,2 +230619,2 +230620,2 +230621,2 +230622,2 +230623,2 +230624,2 +230625,2 +230626,2 +230627,2 +230628,2 +230629,2 +230630,4 +230631,4 +230632,4 +230633,4 +230634,29 +230635,29 +230636,29 +230637,29 +230638,31 +230639,31 +230640,31 +230641,31 +230642,31 +230643,31 +230644,32 +230645,32 +230646,32 +230647,32 +230648,32 +230649,32 +230650,32 +230651,32 +230652,32 +230653,32 +230654,31 +230655,31 +230656,22 +230657,31 +230658,32 +230659,32 +230660,32 +230661,32 +230662,6 +230663,6 +230664,32 +230665,32 +230666,32 +230667,32 +230668,32 +230669,32 +230670,32 +230671,26 +230672,26 +230673,26 +230674,26 +230675,26 +230676,26 +230677,26 +230678,29 +230679,29 +230680,29 +230681,30 +230682,30 +230683,30 +230684,30 +230685,22 +230686,22 +230687,22 +230688,22 +230689,22 +230690,22 +230691,22 +230692,6 +230693,32 +230694,32 +230695,32 +230696,32 +230697,32 +230698,32 +230699,37 +230700,37 +230701,37 +230702,37 +230703,37 +230704,37 +230705,37 +230706,37 +230707,37 +230708,36 +230709,36 +230710,36 +230711,36 +230712,36 +230713,24 +230714,24 +230715,24 +230716,24 +230717,24 +230718,24 +230719,24 +230720,24 +230721,31 +230722,31 +230723,31 +230724,5 +230725,5 +230726,5 +230727,3 +230728,3 +230729,3 +230730,3 +230731,3 +230732,3 +230733,3 +230734,3 +230735,3 +230736,3 +230737,3 +230738,3 +230739,3 +230740,3 +230741,3 +230742,3 +230743,6 +230744,6 +230745,6 +230746,6 +230747,6 +230748,6 +230749,6 +230750,6 +230751,6 +230752,6 +230753,6 +230754,6 +230755,6 +230756,6 +230757,6 +230758,22 +230759,22 +230760,22 +230761,22 +230762,22 +230763,22 +230764,22 +230765,22 +230766,19 +230767,19 +230768,19 +230769,19 +230770,37 +230771,19 +230772,19 +230773,19 +230774,12 +230775,12 +230776,12 +230777,12 +230778,12 +230779,12 +230780,12 +230781,12 +230782,12 +230783,27 +230784,27 +230785,27 +230786,27 +230787,27 +230788,27 +230789,27 +230790,27 +230791,3 +230792,29 +230793,29 +230794,29 +230795,38 +230796,4 +230797,4 +230798,4 +230799,19 +230800,19 +230801,19 +230802,19 +230803,19 +230804,19 +230805,19 +230806,19 +230807,19 +230808,19 +230809,27 +230810,27 +230811,27 +230812,27 +230813,27 +230814,27 +230815,23 +230816,23 +230817,23 +230818,2 +230819,23 +230820,23 +230821,38 +230822,23 +230823,23 +230824,38 +230825,31 +230826,31 +230827,31 +230828,31 +230829,31 +230830,31 +230831,6 +230832,6 +230833,6 +230834,6 +230835,6 +230836,6 +230837,6 +230838,6 +230839,6 +230840,6 +230841,6 +230842,9 +230843,9 +230844,9 +230845,9 +230846,9 +230847,30 +230848,30 +230849,30 +230850,30 +230851,30 +230852,30 +230853,30 +230854,30 +230855,30 +230856,2 +230857,2 +230858,2 +230859,2 +230860,2 +230861,2 +230862,2 +230863,2 +230864,39 +230865,39 +230866,39 +230867,39 +230868,39 +230869,27 +230870,13 +230871,39 +230872,39 +230873,39 +230874,28 +230875,28 +230876,28 +230877,5 +230878,5 +230879,28 +230880,28 +230881,28 +230882,14 +230883,14 +230884,14 +230885,14 +230886,14 +230887,14 +230888,14 +230889,14 +230890,14 +230891,14 +230892,14 +230893,14 +230894,14 +230895,14 +230896,14 +230897,14 +230898,14 +230899,5 +230900,5 +230901,5 +230902,5 +230903,5 +230904,5 +230905,5 +230906,4 +230907,4 +230908,4 +230909,4 +230910,4 +230911,4 +230912,4 +230913,4 +230914,4 +230915,4 +230916,4 +230917,4 +230918,14 +230919,14 +230920,14 +230921,14 +230922,14 +230923,14 +230924,14 +230925,14 +230926,14 +230927,14 +230928,14 +230929,14 +230930,14 +230931,14 +230932,14 +230933,5 +230934,5 +230935,5 +230936,5 +230937,5 +230938,5 +230939,5 +230940,5 +230941,5 +230942,29 +230943,29 +230944,29 +230945,29 +230946,27 +230947,27 +230948,27 +230949,19 +230950,19 +230951,19 +230952,19 +230953,19 +230954,19 +230955,19 +230956,19 +230957,19 +230958,19 +230959,19 +230960,14 +230961,14 +230962,39 +230963,14 +230964,14 +230965,14 +230966,14 +230967,14 +230968,19 +230969,19 +230970,19 +230971,19 +230972,19 +230973,19 +230974,5 +230975,31 +230976,31 +230977,31 +230978,31 +230979,31 +230980,31 +230981,4 +230982,4 +230983,4 +230984,4 +230985,4 +230986,4 +230987,4 +230988,4 +230989,2 +230990,2 +230991,2 +230992,2 +230993,2 +230994,2 +230995,2 +230996,39 +230997,39 +230998,39 +230999,39 +231000,39 +231001,39 +231002,39 +231003,39 +231004,31 +231005,31 +231006,31 +231007,31 +231008,31 +231009,27 +231010,38 +231011,31 +231012,5 +231013,5 +231014,5 +231015,5 +231016,5 +231017,5 +231018,5 +231019,5 +231020,5 +231021,31 +231022,31 +231023,6 +231024,6 +231025,6 +231026,6 +231027,6 +231028,6 +231029,6 +231030,6 +231031,6 +231032,6 +231033,32 +231034,6 +231035,6 +231036,6 +231037,37 +231038,37 +231039,37 +231040,37 +231041,37 +231042,37 +231043,37 +231044,37 +231045,37 +231046,37 +231047,36 +231048,34 +231049,34 +231050,34 +231051,34 +231052,34 +231053,34 +231054,34 +231055,34 +231056,34 +231057,34 +231058,34 +231059,34 +231060,34 +231061,34 +231062,34 +231063,34 +231064,34 +231065,34 +231066,34 +231067,28 +231068,28 +231069,28 +231070,28 +231071,28 +231072,28 +231073,28 +231074,28 +231075,28 +231076,28 +231077,28 +231078,0 +231079,0 +231080,0 +231081,0 +231082,0 +231083,0 +231084,0 +231085,0 +231086,0 +231087,0 +231088,0 +231089,0 +231090,0 +231091,0 +231092,0 +231093,0 +231094,0 +231095,0 +231096,0 +231097,0 +231098,0 +231099,0 +231100,0 +231101,0 +231102,0 +231103,0 +231104,0 +231105,0 +231106,39 +231107,39 +231108,39 +231109,39 +231110,39 +231111,39 +231112,39 +231113,39 +231114,39 +231115,39 +231116,39 +231117,39 +231118,39 +231119,39 +231120,39 +231121,24 +231122,24 +231123,24 +231124,24 +231125,24 +231126,24 +231127,24 +231128,24 +231129,31 +231130,31 +231131,31 +231132,31 +231133,31 +231134,31 +231135,31 +231136,5 +231137,26 +231138,1 +231139,26 +231140,26 +231141,31 +231142,26 +231143,31 +231144,31 +231145,31 +231146,31 +231147,5 +231148,5 +231149,5 +231150,5 +231151,5 +231152,5 +231153,18 +231154,18 +231155,18 +231156,18 +231157,18 +231158,25 +231159,25 +231160,25 +231161,25 +231162,25 +231163,29 +231164,29 +231165,29 +231166,29 +231167,29 +231168,39 +231169,39 +231170,39 +231171,39 +231172,39 +231173,39 +231174,39 +231175,39 +231176,39 +231177,4 +231178,9 +231179,9 +231180,9 +231181,9 +231182,9 +231183,9 +231184,9 +231185,9 +231186,9 +231187,9 +231188,9 +231189,9 +231190,9 +231191,9 +231192,9 +231193,9 +231194,37 +231195,37 +231196,37 +231197,37 +231198,37 +231199,37 +231200,37 +231201,37 +231202,37 +231203,28 +231204,28 +231205,28 +231206,28 +231207,28 +231208,28 +231209,40 +231210,40 +231211,40 +231212,40 +231213,40 +231214,40 +231215,40 +231216,40 +231217,40 +231218,37 +231219,37 +231220,37 +231221,37 +231222,37 +231223,37 +231224,37 +231225,37 +231226,37 +231227,37 +231228,39 +231229,27 +231230,27 +231231,27 +231232,31 +231233,31 +231234,16 +231235,16 +231236,16 +231237,16 +231238,16 +231239,16 +231240,16 +231241,16 +231242,16 +231243,16 +231244,16 +231245,16 +231246,16 +231247,16 +231248,16 +231249,16 +231250,16 +231251,16 +231252,16 +231253,26 +231254,26 +231255,26 +231256,26 +231257,26 +231258,26 +231259,26 +231260,26 +231261,26 +231262,37 +231263,37 +231264,37 +231265,37 +231266,37 +231267,37 +231268,18 +231269,20 +231270,37 +231271,8 +231272,8 +231273,8 +231274,8 +231275,8 +231276,8 +231277,18 +231278,27 +231279,31 +231280,8 +231281,8 +231282,8 +231283,8 +231284,8 +231285,8 +231286,8 +231287,8 +231288,8 +231289,8 +231290,31 +231291,31 +231292,31 +231293,31 +231294,31 +231295,31 +231296,31 +231297,31 +231298,24 +231299,24 +231300,24 +231301,24 +231302,24 +231303,24 +231304,6 +231305,6 +231306,21 +231307,6 +231308,21 +231309,38 +231310,38 +231311,31 +231312,31 +231313,31 +231314,31 +231315,31 +231316,31 +231317,31 +231318,31 +231319,37 +231320,31 +231321,37 +231322,37 +231323,37 +231324,25 +231325,25 +231326,25 +231327,37 +231328,37 +231329,37 +231330,28 +231331,28 +231332,28 +231333,28 +231334,28 +231335,28 +231336,28 +231337,31 +231338,28 +231339,28 +231340,28 +231341,31 +231342,31 +231343,4 +231344,4 +231345,4 +231346,4 +231347,4 +231348,4 +231349,4 +231350,4 +231351,4 +231352,4 +231353,4 +231354,4 +231355,4 +231356,4 +231357,2 +231358,2 +231359,2 +231360,2 +231361,2 +231362,2 +231363,2 +231364,2 +231365,2 +231366,8 +231367,0 +231368,0 +231369,0 +231370,0 +231371,0 +231372,0 +231373,0 +231374,0 +231375,0 +231376,0 +231377,0 +231378,0 +231379,0 +231380,0 +231381,0 +231382,0 +231383,0 +231384,0 +231385,0 +231386,0 +231387,0 +231388,0 +231389,0 +231390,0 +231391,0 +231392,0 +231393,0 +231394,0 +231395,0 +231396,0 +231397,0 +231398,0 +231399,0 +231400,0 +231401,0 +231402,0 +231403,0 +231404,0 +231405,0 +231406,0 +231407,0 +231408,0 +231409,0 +231410,0 +231411,0 +231412,0 +231413,0 +231414,0 +231415,0 +231416,0 +231417,0 +231418,0 +231419,0 +231420,0 +231421,0 +231422,0 +231423,0 +231424,0 +231425,0 +231426,0 +231427,0 +231428,0 +231429,0 +231430,0 +231431,0 +231432,2 +231433,2 +231434,2 +231435,2 +231436,2 +231437,2 +231438,2 +231439,2 +231440,2 +231441,2 +231442,2 +231443,2 +231444,2 +231445,2 +231446,2 +231447,2 +231448,40 +231449,40 +231450,40 +231451,40 +231452,40 +231453,40 +231454,40 +231455,19 +231456,19 +231457,19 +231458,19 +231459,19 +231460,19 +231461,28 +231462,28 +231463,28 +231464,28 +231465,28 +231466,28 +231467,28 +231468,27 +231469,27 +231470,27 +231471,27 +231472,27 +231473,27 +231474,2 +231475,2 +231476,2 +231477,2 +231478,2 +231479,2 +231480,2 +231481,35 +231482,27 +231483,27 +231484,27 +231485,27 +231486,27 +231487,8 +231488,8 +231489,8 +231490,8 +231491,8 +231492,8 +231493,8 +231494,8 +231495,8 +231496,8 +231497,8 +231498,12 +231499,12 +231500,12 +231501,12 +231502,12 +231503,12 +231504,12 +231505,12 +231506,26 +231507,26 +231508,26 +231509,26 +231510,26 +231511,26 +231512,26 +231513,33 +231514,33 +231515,33 +231516,28 +231517,28 +231518,28 +231519,28 +231520,28 +231521,28 +231522,28 +231523,28 +231524,39 +231525,39 +231526,39 +231527,39 +231528,39 +231529,5 +231530,5 +231531,5 +231532,13 +231533,13 +231534,4 +231535,4 +231536,4 +231537,4 +231538,4 +231539,4 +231540,4 +231541,27 +231542,27 +231543,27 +231544,27 +231545,27 +231546,27 +231547,5 +231548,5 +231549,5 +231550,5 +231551,5 +231552,5 +231553,6 +231554,6 +231555,6 +231556,6 +231557,6 +231558,6 +231559,6 +231560,6 +231561,6 +231562,6 +231563,6 +231564,6 +231565,40 +231566,40 +231567,40 +231568,40 +231569,40 +231570,40 +231571,40 +231572,37 +231573,37 +231574,37 +231575,37 +231576,37 +231577,37 +231578,37 +231579,37 +231580,37 +231581,37 +231582,37 +231583,30 +231584,30 +231585,30 +231586,30 +231587,30 +231588,27 +231589,27 +231590,27 +231591,27 +231592,27 +231593,27 +231594,2 +231595,2 +231596,2 +231597,2 +231598,2 +231599,2 +231600,2 +231601,2 +231602,2 +231603,2 +231604,2 +231605,2 +231606,2 +231607,2 +231608,2 +231609,30 +231610,30 +231611,30 +231612,30 +231613,30 +231614,30 +231615,14 +231616,14 +231617,14 +231618,14 +231619,14 +231620,14 +231621,14 +231622,14 +231623,14 +231624,14 +231625,14 +231626,14 +231627,14 +231628,14 +231629,14 +231630,14 +231631,14 +231632,39 +231633,0 +231634,0 +231635,0 +231636,0 +231637,0 +231638,0 +231639,0 +231640,0 +231641,0 +231642,0 +231643,0 +231644,0 +231645,0 +231646,0 +231647,0 +231648,0 +231649,0 +231650,0 +231651,0 +231652,0 +231653,0 +231654,0 +231655,0 +231656,0 +231657,0 +231658,0 +231659,0 +231660,0 +231661,0 +231662,0 +231663,0 +231664,9 +231665,9 +231666,9 +231667,9 +231668,9 +231669,9 +231670,9 +231671,9 +231672,9 +231673,9 +231674,9 +231675,9 +231676,9 +231677,26 +231678,26 +231679,33 +231680,33 +231681,33 +231682,33 +231683,33 +231684,33 +231685,26 +231686,9 +231687,9 +231688,9 +231689,9 +231690,9 +231691,26 +231692,26 +231693,9 +231694,9 +231695,2 +231696,2 +231697,2 +231698,2 +231699,2 +231700,2 +231701,2 +231702,2 +231703,2 +231704,2 +231705,2 +231706,2 +231707,40 +231708,40 +231709,40 +231710,40 +231711,8 +231712,8 +231713,8 +231714,8 +231715,8 +231716,8 +231717,8 +231718,8 +231719,8 +231720,27 +231721,27 +231722,27 +231723,27 +231724,27 +231725,23 +231726,23 +231727,23 +231728,23 +231729,23 +231730,23 +231731,23 +231732,15 +231733,15 +231734,15 +231735,15 +231736,15 +231737,15 +231738,27 +231739,27 +231740,27 +231741,27 +231742,2 +231743,2 +231744,2 +231745,2 +231746,2 +231747,2 +231748,2 +231749,2 +231750,2 +231751,2 +231752,2 +231753,2 +231754,39 +231755,39 +231756,39 +231757,39 +231758,39 +231759,39 +231760,39 +231761,39 +231762,16 +231763,16 +231764,16 +231765,16 +231766,16 +231767,16 +231768,16 +231769,16 +231770,16 +231771,16 +231772,16 +231773,14 +231774,39 +231775,39 +231776,39 +231777,5 +231778,13 +231779,13 +231780,13 +231781,13 +231782,35 +231783,35 +231784,35 +231785,35 +231786,35 +231787,35 +231788,35 +231789,35 +231790,35 +231791,25 +231792,25 +231793,25 +231794,25 +231795,25 +231796,25 +231797,25 +231798,25 +231799,25 +231800,18 +231801,18 +231802,18 +231803,18 +231804,18 +231805,18 +231806,27 +231807,27 +231808,11 +231809,11 +231810,11 +231811,11 +231812,11 +231813,11 +231814,11 +231815,11 +231816,11 +231817,11 +231818,11 +231819,11 +231820,11 +231821,11 +231822,11 +231823,11 +231824,11 +231825,11 +231826,11 +231827,40 +231828,40 +231829,40 +231830,40 +231831,34 +231832,34 +231833,33 +231834,33 +231835,34 +231836,34 +231837,14 +231838,14 +231839,12 +231840,12 +231841,34 +231842,34 +231843,33 +231844,33 +231845,33 +231846,33 +231847,9 +231848,9 +231849,9 +231850,9 +231851,9 +231852,9 +231853,9 +231854,9 +231855,9 +231856,9 +231857,37 +231858,37 +231859,37 +231860,37 +231861,37 +231862,37 +231863,37 +231864,37 +231865,37 +231866,37 +231867,25 +231868,6 +231869,6 +231870,6 +231871,6 +231872,6 +231873,6 +231874,6 +231875,2 +231876,2 +231877,2 +231878,2 +231879,2 +231880,2 +231881,2 +231882,32 +231883,32 +231884,32 +231885,32 +231886,32 +231887,32 +231888,37 +231889,37 +231890,37 +231891,37 +231892,40 +231893,40 +231894,40 +231895,40 +231896,40 +231897,40 +231898,40 +231899,40 +231900,40 +231901,40 +231902,2 +231903,2 +231904,2 +231905,2 +231906,2 +231907,2 +231908,2 +231909,2 +231910,2 +231911,2 +231912,2 +231913,2 +231914,2 +231915,2 +231916,2 +231917,2 +231918,2 +231919,2 +231920,2 +231921,2 +231922,2 +231923,31 +231924,31 +231925,31 +231926,31 +231927,31 +231928,31 +231929,28 +231930,28 +231931,28 +231932,28 +231933,28 +231934,28 +231935,28 +231936,28 +231937,2 +231938,2 +231939,2 +231940,2 +231941,2 +231942,2 +231943,2 +231944,2 +231945,2 +231946,2 +231947,2 +231948,2 +231949,2 +231950,2 +231951,2 +231952,2 +231953,2 +231954,10 +231955,26 +231956,26 +231957,26 +231958,26 +231959,26 +231960,26 +231961,26 +231962,26 +231963,26 +231964,26 +231965,26 +231966,26 +231967,37 +231968,37 +231969,37 +231970,25 +231971,25 +231972,37 +231973,37 +231974,37 +231975,33 +231976,34 +231977,34 +231978,34 +231979,34 +231980,33 +231981,33 +231982,34 +231983,34 +231984,33 +231985,33 +231986,34 +231987,34 +231988,34 +231989,34 +231990,34 +231991,4 +231992,4 +231993,4 +231994,4 +231995,27 +231996,27 +231997,27 +231998,27 +231999,18 +232000,18 +232001,18 +232002,18 +232003,18 +232004,18 +232005,18 +232006,18 +232007,18 +232008,18 +232009,18 +232010,18 +232011,18 +232012,18 +232013,25 +232014,25 +232015,25 +232016,25 +232017,25 +232018,25 +232019,25 +232020,25 +232021,25 +232022,25 +232023,25 +232024,25 +232025,25 +232026,5 +232027,5 +232028,5 +232029,5 +232030,5 +232031,39 +232032,39 +232033,39 +232034,39 +232035,39 +232036,39 +232037,39 +232038,39 +232039,39 +232040,39 +232041,39 +232042,39 +232043,39 +232044,39 +232045,39 +232046,39 +232047,39 +232048,39 +232049,39 +232050,39 +232051,39 +232052,39 +232053,0 +232054,0 +232055,0 +232056,0 +232057,0 +232058,0 +232059,0 +232060,0 +232061,0 +232062,0 +232063,0 +232064,0 +232065,0 +232066,0 +232067,0 +232068,0 +232069,0 +232070,0 +232071,0 +232072,0 +232073,0 +232074,0 +232075,0 +232076,0 +232077,0 +232078,0 +232079,0 +232080,0 +232081,0 +232082,0 +232083,0 +232084,0 +232085,0 +232086,0 +232087,0 +232088,0 +232089,0 +232090,0 +232091,0 +232092,0 +232093,0 +232094,29 +232095,29 +232096,29 +232097,29 +232098,31 +232099,31 +232100,25 +232101,25 +232102,25 +232103,25 +232104,29 +232105,29 +232106,29 +232107,29 +232108,29 +232109,29 +232110,40 +232111,40 +232112,40 +232113,40 +232114,40 +232115,40 +232116,40 +232117,37 +232118,37 +232119,37 +232120,37 +232121,37 +232122,37 +232123,37 +232124,37 +232125,39 +232126,39 +232127,39 +232128,39 +232129,39 +232130,39 +232131,19 +232132,19 +232133,19 +232134,19 +232135,19 +232136,40 +232137,40 +232138,40 +232139,40 +232140,40 +232141,40 +232142,31 +232143,2 +232144,2 +232145,2 +232146,2 +232147,2 +232148,2 +232149,4 +232150,4 +232151,4 +232152,4 +232153,4 +232154,4 +232155,31 +232156,31 +232157,31 +232158,31 +232159,31 +232160,5 +232161,5 +232162,5 +232163,5 +232164,14 +232165,14 +232166,14 +232167,14 +232168,14 +232169,14 +232170,14 +232171,14 +232172,14 +232173,14 +232174,14 +232175,11 +232176,11 +232177,11 +232178,11 +232179,11 +232180,11 +232181,11 +232182,11 +232183,11 +232184,11 +232185,11 +232186,11 +232187,11 +232188,31 +232189,31 +232190,31 +232191,31 +232192,31 +232193,31 +232194,24 +232195,1 +232196,1 +232197,1 +232198,1 +232199,1 +232200,1 +232201,1 +232202,12 +232203,12 +232204,12 +232205,27 +232206,27 +232207,27 +232208,27 +232209,27 +232210,27 +232211,27 +232212,16 +232213,16 +232214,16 +232215,16 +232216,16 +232217,11 +232218,11 +232219,11 +232220,11 +232221,11 +232222,11 +232223,16 +232224,11 +232225,11 +232226,11 +232227,11 +232228,11 +232229,11 +232230,11 +232231,33 +232232,33 +232233,33 +232234,33 +232235,33 +232236,33 +232237,33 +232238,33 +232239,27 +232240,27 +232241,33 +232242,4 +232243,4 +232244,4 +232245,4 +232246,29 +232247,29 +232248,29 +232249,29 +232250,29 +232251,29 +232252,29 +232253,29 +232254,29 +232255,29 +232256,29 +232257,29 +232258,29 +232259,31 +232260,31 +232261,31 +232262,4 +232263,4 +232264,4 +232265,35 +232266,35 +232267,35 +232268,35 +232269,35 +232270,35 +232271,39 +232272,39 +232273,7 +232274,7 +232275,3 +232276,3 +232277,3 +232278,3 +232279,3 +232280,3 +232281,3 +232282,3 +232283,3 +232284,3 +232285,3 +232286,3 +232287,3 +232288,15 +232289,15 +232290,15 +232291,15 +232292,15 +232293,39 +232294,39 +232295,39 +232296,39 +232297,39 +232298,39 +232299,39 +232300,39 +232301,39 +232302,39 +232303,39 +232304,36 +232305,36 +232306,36 +232307,36 +232308,36 +232309,36 +232310,36 +232311,36 +232312,36 +232313,36 +232314,36 +232315,36 +232316,36 +232317,36 +232318,36 +232319,32 +232320,32 +232321,32 +232322,32 +232323,32 +232324,32 +232325,2 +232326,2 +232327,2 +232328,2 +232329,2 +232330,2 +232331,2 +232332,31 +232333,31 +232334,31 +232335,31 +232336,31 +232337,31 +232338,31 +232339,31 +232340,5 +232341,5 +232342,5 +232343,5 +232344,19 +232345,19 +232346,19 +232347,19 +232348,19 +232349,19 +232350,23 +232351,23 +232352,23 +232353,23 +232354,23 +232355,23 +232356,23 +232357,23 +232358,23 +232359,25 +232360,25 +232361,25 +232362,25 +232363,25 +232364,25 +232365,2 +232366,2 +232367,2 +232368,2 +232369,2 +232370,2 +232371,2 +232372,2 +232373,2 +232374,2 +232375,2 +232376,31 +232377,31 +232378,31 +232379,31 +232380,31 +232381,28 +232382,28 +232383,28 +232384,28 +232385,28 +232386,28 +232387,28 +232388,28 +232389,28 +232390,4 +232391,4 +232392,4 +232393,4 +232394,4 +232395,4 +232396,4 +232397,4 +232398,4 +232399,10 +232400,10 +232401,10 +232402,10 +232403,10 +232404,10 +232405,10 +232406,10 +232407,10 +232408,10 +232409,10 +232410,10 +232411,10 +232412,10 +232413,10 +232414,10 +232415,10 +232416,10 +232417,28 +232418,28 +232419,28 +232420,28 +232421,28 +232422,28 +232423,28 +232424,28 +232425,28 +232426,28 +232427,28 +232428,28 +232429,28 +232430,28 +232431,28 +232432,28 +232433,28 +232434,28 +232435,0 +232436,0 +232437,0 +232438,0 +232439,0 +232440,0 +232441,0 +232442,0 +232443,0 +232444,0 +232445,0 +232446,0 +232447,0 +232448,0 +232449,0 +232450,0 +232451,0 +232452,0 +232453,0 +232454,0 +232455,0 +232456,0 +232457,0 +232458,0 +232459,0 +232460,0 +232461,0 +232462,0 +232463,0 +232464,0 +232465,0 +232466,0 +232467,0 +232468,0 +232469,0 +232470,0 +232471,0 +232472,0 +232473,0 +232474,0 +232475,23 +232476,23 +232477,23 +232478,23 +232479,23 +232480,23 +232481,23 +232482,23 +232483,23 +232484,23 +232485,0 +232486,0 +232487,4 +232488,4 +232489,4 +232490,4 +232491,0 +232492,0 +232493,0 +232494,4 +232495,4 +232496,4 +232497,4 +232498,4 +232499,4 +232500,4 +232501,4 +232502,33 +232503,33 +232504,33 +232505,33 +232506,33 +232507,33 +232508,33 +232509,30 +232510,30 +232511,30 +232512,30 +232513,30 +232514,30 +232515,31 +232516,31 +232517,31 +232518,31 +232519,31 +232520,31 +232521,31 +232522,31 +232523,31 +232524,5 +232525,5 +232526,5 +232527,5 +232528,5 +232529,31 +232530,31 +232531,31 +232532,31 +232533,31 +232534,31 +232535,31 +232536,31 +232537,31 +232538,5 +232539,5 +232540,5 +232541,5 +232542,5 +232543,5 +232544,5 +232545,5 +232546,5 +232547,5 +232548,5 +232549,5 +232550,5 +232551,5 +232552,5 +232553,5 +232554,5 +232555,5 +232556,5 +232557,5 +232558,5 +232559,5 +232560,5 +232561,5 +232562,5 +232563,0 +232564,0 +232565,0 +232566,0 +232567,0 +232568,0 +232569,0 +232570,0 +232571,0 +232572,0 +232573,0 +232574,0 +232575,0 +232576,0 +232577,0 +232578,0 +232579,0 +232580,0 +232581,0 +232582,0 +232583,0 +232584,0 +232585,0 +232586,0 +232587,0 +232588,0 +232589,36 +232590,36 +232591,36 +232592,36 +232593,36 +232594,36 +232595,36 +232596,36 +232597,36 +232598,8 +232599,8 +232600,8 +232601,2 +232602,2 +232603,2 +232604,2 +232605,2 +232606,2 +232607,2 +232608,39 +232609,39 +232610,39 +232611,39 +232612,39 +232613,39 +232614,39 +232615,39 +232616,39 +232617,2 +232618,2 +232619,2 +232620,2 +232621,2 +232622,38 +232623,38 +232624,38 +232625,38 +232626,38 +232627,38 +232628,37 +232629,37 +232630,37 +232631,37 +232632,37 +232633,37 +232634,3 +232635,3 +232636,3 +232637,3 +232638,3 +232639,3 +232640,3 +232641,3 +232642,3 +232643,29 +232644,29 +232645,29 +232646,29 +232647,31 +232648,31 +232649,31 +232650,31 +232651,31 +232652,31 +232653,6 +232654,6 +232655,6 +232656,6 +232657,6 +232658,6 +232659,14 +232660,14 +232661,27 +232662,27 +232663,27 +232664,27 +232665,27 +232666,27 +232667,27 +232668,14 +232669,14 +232670,14 +232671,6 +232672,6 +232673,6 +232674,6 +232675,6 +232676,6 +232677,37 +232678,37 +232679,37 +232680,37 +232681,37 +232682,37 +232683,39 +232684,39 +232685,39 +232686,39 +232687,21 +232688,21 +232689,21 +232690,21 +232691,21 +232692,21 +232693,21 +232694,40 +232695,40 +232696,40 +232697,40 +232698,40 +232699,40 +232700,40 +232701,34 +232702,34 +232703,34 +232704,34 +232705,36 +232706,36 +232707,36 +232708,34 +232709,36 +232710,34 +232711,34 +232712,34 +232713,34 +232714,5 +232715,5 +232716,5 +232717,5 +232718,33 +232719,33 +232720,9 +232721,9 +232722,34 +232723,34 +232724,34 +232725,34 +232726,34 +232727,34 +232728,5 +232729,5 +232730,5 +232731,5 +232732,5 +232733,5 +232734,27 +232735,27 +232736,27 +232737,27 +232738,27 +232739,31 +232740,6 +232741,6 +232742,6 +232743,6 +232744,6 +232745,6 +232746,6 +232747,6 +232748,6 +232749,34 +232750,34 +232751,34 +232752,34 +232753,34 +232754,34 +232755,34 +232756,34 +232757,34 +232758,34 +232759,34 +232760,34 +232761,34 +232762,34 +232763,5 +232764,5 +232765,5 +232766,5 +232767,4 +232768,4 +232769,4 +232770,4 +232771,4 +232772,4 +232773,4 +232774,25 +232775,25 +232776,25 +232777,25 +232778,25 +232779,25 +232780,25 +232781,25 +232782,25 +232783,25 +232784,25 +232785,37 +232786,37 +232787,37 +232788,37 +232789,37 +232790,37 +232791,37 +232792,37 +232793,25 +232794,25 +232795,25 +232796,25 +232797,0 +232798,0 +232799,0 +232800,0 +232801,0 +232802,0 +232803,0 +232804,0 +232805,0 +232806,0 +232807,0 +232808,0 +232809,0 +232810,0 +232811,0 +232812,0 +232813,0 +232814,0 +232815,0 +232816,0 +232817,0 +232818,0 +232819,0 +232820,0 +232821,0 +232822,0 +232823,0 +232824,0 +232825,0 +232826,0 +232827,0 +232828,0 +232829,0 +232830,0 +232831,0 +232832,0 +232833,0 +232834,0 +232835,0 +232836,0 +232837,0 +232838,0 +232839,0 +232840,0 +232841,0 +232842,0 +232843,0 +232844,0 +232845,0 +232846,0 +232847,0 +232848,0 +232849,0 +232850,0 +232851,0 +232852,0 +232853,0 +232854,0 +232855,0 +232856,0 +232857,0 +232858,0 +232859,0 +232860,0 +232861,0 +232862,0 +232863,0 +232864,0 +232865,0 +232866,0 +232867,0 +232868,0 +232869,0 +232870,0 +232871,0 +232872,0 +232873,0 +232874,0 +232875,0 +232876,0 +232877,0 +232878,0 +232879,0 +232880,0 +232881,0 +232882,0 +232883,0 +232884,0 +232885,0 +232886,0 +232887,0 +232888,0 +232889,0 +232890,0 +232891,0 +232892,0 +232893,0 +232894,0 +232895,0 +232896,0 +232897,0 +232898,0 +232899,0 +232900,35 +232901,35 +232902,35 +232903,35 +232904,35 +232905,35 +232906,35 +232907,35 +232908,35 +232909,35 +232910,35 +232911,35 +232912,36 +232913,36 +232914,36 +232915,36 +232916,36 +232917,36 +232918,36 +232919,36 +232920,36 +232921,31 +232922,31 +232923,40 +232924,40 +232925,40 +232926,31 +232927,31 +232928,31 +232929,31 +232930,31 +232931,31 +232932,33 +232933,33 +232934,33 +232935,33 +232936,33 +232937,33 +232938,33 +232939,33 +232940,33 +232941,33 +232942,33 +232943,33 +232944,33 +232945,33 +232946,9 +232947,9 +232948,9 +232949,9 +232950,9 +232951,9 +232952,9 +232953,9 +232954,9 +232955,9 +232956,9 +232957,9 +232958,9 +232959,9 +232960,9 +232961,9 +232962,33 +232963,33 +232964,30 +232965,30 +232966,30 +232967,30 +232968,30 +232969,30 +232970,30 +232971,30 +232972,30 +232973,0 +232974,0 +232975,0 +232976,0 +232977,0 +232978,0 +232979,0 +232980,0 +232981,0 +232982,0 +232983,0 +232984,0 +232985,0 +232986,0 +232987,0 +232988,0 +232989,0 +232990,0 +232991,0 +232992,0 +232993,0 +232994,0 +232995,27 +232996,27 +232997,27 +232998,27 +232999,27 +233000,27 +233001,27 +233002,27 +233003,27 +233004,27 +233005,27 +233006,27 +233007,5 +233008,5 +233009,5 +233010,2 +233011,2 +233012,2 +233013,2 +233014,2 +233015,2 +233016,2 +233017,2 +233018,2 +233019,31 +233020,31 +233021,31 +233022,31 +233023,31 +233024,31 +233025,31 +233026,31 +233027,31 +233028,40 +233029,37 +233030,28 +233031,28 +233032,28 +233033,28 +233034,28 +233035,28 +233036,31 +233037,31 +233038,31 +233039,31 +233040,31 +233041,31 +233042,31 +233043,15 +233044,15 +233045,15 +233046,15 +233047,15 +233048,15 +233049,15 +233050,2 +233051,2 +233052,2 +233053,2 +233054,2 +233055,2 +233056,2 +233057,2 +233058,2 +233059,6 +233060,6 +233061,6 +233062,6 +233063,7 +233064,6 +233065,7 +233066,7 +233067,7 +233068,7 +233069,22 +233070,22 +233071,22 +233072,22 +233073,22 +233074,37 +233075,37 +233076,37 +233077,37 +233078,37 +233079,25 +233080,35 +233081,35 +233082,35 +233083,35 +233084,35 +233085,35 +233086,35 +233087,35 +233088,35 +233089,35 +233090,35 +233091,35 +233092,35 +233093,35 +233094,35 +233095,35 +233096,35 +233097,35 +233098,35 +233099,10 +233100,10 +233101,10 +233102,10 +233103,10 +233104,10 +233105,10 +233106,19 +233107,19 +233108,19 +233109,27 +233110,27 +233111,27 +233112,27 +233113,27 +233114,13 +233115,13 +233116,13 +233117,13 +233118,13 +233119,13 +233120,13 +233121,13 +233122,32 +233123,32 +233124,32 +233125,32 +233126,32 +233127,32 +233128,32 +233129,30 +233130,30 +233131,30 +233132,30 +233133,30 +233134,30 +233135,30 +233136,14 +233137,14 +233138,14 +233139,14 +233140,14 +233141,14 +233142,14 +233143,14 +233144,10 +233145,10 +233146,2 +233147,2 +233148,2 +233149,2 +233150,2 +233151,2 +233152,8 +233153,8 +233154,8 +233155,8 +233156,8 +233157,2 +233158,2 +233159,2 +233160,2 +233161,0 +233162,0 +233163,0 +233164,0 +233165,0 +233166,0 +233167,0 +233168,0 +233169,0 +233170,0 +233171,0 +233172,0 +233173,0 +233174,0 +233175,0 +233176,0 +233177,0 +233178,0 +233179,0 +233180,0 +233181,0 +233182,0 +233183,0 +233184,0 +233185,0 +233186,0 +233187,0 +233188,0 +233189,0 +233190,0 +233191,0 +233192,0 +233193,0 +233194,0 +233195,36 +233196,0 +233197,36 +233198,36 +233199,36 +233200,36 +233201,36 +233202,36 +233203,36 +233204,36 +233205,36 +233206,5 +233207,5 +233208,5 +233209,5 +233210,19 +233211,19 +233212,19 +233213,19 +233214,5 +233215,5 +233216,5 +233217,5 +233218,5 +233219,5 +233220,34 +233221,34 +233222,34 +233223,34 +233224,34 +233225,34 +233226,34 +233227,34 +233228,34 +233229,34 +233230,34 +233231,34 +233232,34 +233233,34 +233234,10 +233235,10 +233236,10 +233237,10 +233238,10 +233239,10 +233240,10 +233241,12 +233242,12 +233243,33 +233244,33 +233245,33 +233246,33 +233247,33 +233248,33 +233249,33 +233250,33 +233251,33 +233252,33 +233253,32 +233254,32 +233255,32 +233256,32 +233257,32 +233258,32 +233259,6 +233260,6 +233261,6 +233262,6 +233263,6 +233264,6 +233265,6 +233266,4 +233267,6 +233268,6 +233269,6 +233270,6 +233271,6 +233272,31 +233273,31 +233274,31 +233275,5 +233276,5 +233277,5 +233278,5 +233279,5 +233280,4 +233281,4 +233282,4 +233283,4 +233284,4 +233285,27 +233286,27 +233287,27 +233288,27 +233289,5 +233290,5 +233291,5 +233292,5 +233293,5 +233294,5 +233295,7 +233296,7 +233297,7 +233298,3 +233299,3 +233300,3 +233301,3 +233302,3 +233303,3 +233304,19 +233305,19 +233306,19 +233307,19 +233308,19 +233309,19 +233310,19 +233311,15 +233312,15 +233313,9 +233314,9 +233315,9 +233316,9 +233317,9 +233318,9 +233319,37 +233320,37 +233321,37 +233322,37 +233323,37 +233324,37 +233325,37 +233326,37 +233327,37 +233328,37 +233329,15 +233330,15 +233331,37 +233332,37 +233333,37 +233334,37 +233335,37 +233336,37 +233337,25 +233338,31 +233339,31 +233340,31 +233341,31 +233342,24 +233343,24 +233344,24 +233345,24 +233346,24 +233347,24 +233348,32 +233349,32 +233350,0 +233351,0 +233352,0 +233353,0 +233354,0 +233355,0 +233356,0 +233357,0 +233358,0 +233359,0 +233360,0 +233361,0 +233362,0 +233363,0 +233364,0 +233365,0 +233366,0 +233367,0 +233368,0 +233369,0 +233370,0 +233371,0 +233372,0 +233373,0 +233374,0 +233375,0 +233376,0 +233377,0 +233378,0 +233379,0 +233380,0 +233381,0 +233382,0 +233383,10 +233384,10 +233385,10 +233386,10 +233387,10 +233388,10 +233389,10 +233390,10 +233391,10 +233392,10 +233393,10 +233394,10 +233395,10 +233396,10 +233397,10 +233398,12 +233399,12 +233400,12 +233401,12 +233402,12 +233403,12 +233404,12 +233405,12 +233406,12 +233407,12 +233408,12 +233409,12 +233410,12 +233411,12 +233412,12 +233413,31 +233414,31 +233415,31 +233416,31 +233417,31 +233418,31 +233419,31 +233420,31 +233421,5 +233422,5 +233423,11 +233424,11 +233425,11 +233426,4 +233427,11 +233428,11 +233429,11 +233430,39 +233431,39 +233432,39 +233433,39 +233434,39 +233435,39 +233436,4 +233437,4 +233438,4 +233439,4 +233440,4 +233441,4 +233442,4 +233443,4 +233444,3 +233445,3 +233446,3 +233447,3 +233448,3 +233449,12 +233450,12 +233451,22 +233452,22 +233453,22 +233454,22 +233455,22 +233456,19 +233457,19 +233458,19 +233459,29 +233460,29 +233461,29 +233462,24 +233463,24 +233464,24 +233465,24 +233466,24 +233467,10 +233468,24 +233469,10 +233470,10 +233471,10 +233472,10 +233473,10 +233474,10 +233475,10 +233476,10 +233477,10 +233478,10 +233479,10 +233480,10 +233481,10 +233482,10 +233483,10 +233484,8 +233485,8 +233486,8 +233487,8 +233488,8 +233489,8 +233490,8 +233491,8 +233492,8 +233493,8 +233494,8 +233495,28 +233496,28 +233497,28 +233498,28 +233499,28 +233500,28 +233501,39 +233502,39 +233503,39 +233504,39 +233505,39 +233506,39 +233507,39 +233508,39 +233509,39 +233510,39 +233511,39 +233512,39 +233513,39 +233514,39 +233515,39 +233516,39 +233517,39 +233518,39 +233519,39 +233520,0 +233521,0 +233522,0 +233523,0 +233524,0 +233525,0 +233526,0 +233527,0 +233528,0 +233529,0 +233530,0 +233531,0 +233532,0 +233533,0 +233534,0 +233535,0 +233536,0 +233537,0 +233538,0 +233539,0 +233540,0 +233541,0 +233542,0 +233543,0 +233544,0 +233545,0 +233546,0 +233547,35 +233548,35 +233549,35 +233550,35 +233551,35 +233552,35 +233553,35 +233554,35 +233555,35 +233556,35 +233557,35 +233558,35 +233559,35 +233560,34 +233561,34 +233562,10 +233563,10 +233564,10 +233565,10 +233566,10 +233567,34 +233568,10 +233569,10 +233570,10 +233571,10 +233572,10 +233573,10 +233574,15 +233575,15 +233576,15 +233577,15 +233578,15 +233579,15 +233580,15 +233581,15 +233582,15 +233583,15 +233584,40 +233585,40 +233586,40 +233587,40 +233588,40 +233589,40 +233590,40 +233591,40 +233592,40 +233593,40 +233594,19 +233595,4 +233596,4 +233597,4 +233598,4 +233599,25 +233600,25 +233601,25 +233602,25 +233603,25 +233604,25 +233605,25 +233606,25 +233607,27 +233608,27 +233609,27 +233610,27 +233611,27 +233612,27 +233613,27 +233614,5 +233615,5 +233616,5 +233617,5 +233618,5 +233619,5 +233620,23 +233621,23 +233622,23 +233623,23 +233624,23 +233625,23 +233626,23 +233627,32 +233628,32 +233629,3 +233630,23 +233631,9 +233632,9 +233633,9 +233634,9 +233635,9 +233636,9 +233637,9 +233638,9 +233639,37 +233640,37 +233641,37 +233642,37 +233643,37 +233644,37 +233645,28 +233646,28 +233647,28 +233648,28 +233649,28 +233650,28 +233651,28 +233652,28 +233653,28 +233654,28 +233655,28 +233656,28 +233657,28 +233658,28 +233659,28 +233660,10 +233661,10 +233662,10 +233663,31 +233664,10 +233665,10 +233666,31 +233667,10 +233668,10 +233669,10 +233670,10 +233671,10 +233672,28 +233673,28 +233674,28 +233675,28 +233676,28 +233677,28 +233678,28 +233679,28 +233680,31 +233681,31 +233682,31 +233683,31 +233684,31 +233685,31 +233686,31 +233687,31 +233688,29 +233689,29 +233690,29 +233691,29 +233692,29 +233693,29 +233694,29 +233695,31 +233696,31 +233697,31 +233698,31 +233699,31 +233700,4 +233701,4 +233702,4 +233703,4 +233704,4 +233705,4 +233706,4 +233707,37 +233708,24 +233709,27 +233710,27 +233711,27 +233712,27 +233713,27 +233714,25 +233715,18 +233716,18 +233717,18 +233718,18 +233719,18 +233720,18 +233721,18 +233722,18 +233723,3 +233724,3 +233725,3 +233726,3 +233727,3 +233728,3 +233729,18 +233730,18 +233731,18 +233732,18 +233733,18 +233734,27 +233735,27 +233736,27 +233737,27 +233738,8 +233739,8 +233740,8 +233741,8 +233742,8 +233743,8 +233744,8 +233745,35 +233746,35 +233747,35 +233748,35 +233749,35 +233750,35 +233751,35 +233752,35 +233753,35 +233754,35 +233755,35 +233756,35 +233757,35 +233758,35 +233759,35 +233760,39 +233761,39 +233762,39 +233763,39 +233764,39 +233765,39 +233766,39 +233767,39 +233768,37 +233769,37 +233770,37 +233771,37 +233772,37 +233773,37 +233774,37 +233775,37 +233776,37 +233777,37 +233778,37 +233779,25 +233780,25 +233781,25 +233782,25 +233783,25 +233784,25 +233785,25 +233786,25 +233787,25 +233788,25 +233789,25 +233790,25 +233791,25 +233792,25 +233793,37 +233794,37 +233795,37 +233796,5 +233797,0 +233798,0 +233799,0 +233800,0 +233801,0 +233802,0 +233803,0 +233804,0 +233805,0 +233806,0 +233807,0 +233808,0 +233809,0 +233810,0 +233811,0 +233812,0 +233813,0 +233814,9 +233815,9 +233816,9 +233817,9 +233818,9 +233819,9 +233820,37 +233821,37 +233822,37 +233823,37 +233824,37 +233825,37 +233826,37 +233827,5 +233828,5 +233829,5 +233830,5 +233831,5 +233832,5 +233833,5 +233834,5 +233835,5 +233836,5 +233837,26 +233838,34 +233839,34 +233840,26 +233841,10 +233842,10 +233843,10 +233844,10 +233845,10 +233846,10 +233847,10 +233848,10 +233849,10 +233850,26 +233851,26 +233852,26 +233853,26 +233854,26 +233855,26 +233856,26 +233857,26 +233858,4 +233859,4 +233860,4 +233861,4 +233862,4 +233863,4 +233864,4 +233865,4 +233866,4 +233867,4 +233868,4 +233869,4 +233870,4 +233871,4 +233872,4 +233873,0 +233874,0 +233875,0 +233876,0 +233877,0 +233878,0 +233879,0 +233880,0 +233881,0 +233882,0 +233883,0 +233884,0 +233885,0 +233886,0 +233887,0 +233888,0 +233889,0 +233890,0 +233891,0 +233892,0 +233893,0 +233894,0 +233895,0 +233896,0 +233897,0 +233898,0 +233899,0 +233900,0 +233901,0 +233902,0 +233903,0 +233904,0 +233905,0 +233906,0 +233907,0 +233908,0 +233909,0 +233910,0 +233911,0 +233912,0 +233913,0 +233914,31 +233915,31 +233916,31 +233917,31 +233918,31 +233919,31 +233920,31 +233921,31 +233922,30 +233923,30 +233924,30 +233925,30 +233926,30 +233927,30 +233928,30 +233929,30 +233930,30 +233931,27 +233932,27 +233933,27 +233934,27 +233935,27 +233936,30 +233937,30 +233938,30 +233939,30 +233940,30 +233941,30 +233942,30 +233943,30 +233944,30 +233945,30 +233946,3 +233947,3 +233948,30 +233949,30 +233950,30 +233951,30 +233952,30 +233953,31 +233954,30 +233955,31 +233956,31 +233957,30 +233958,30 +233959,30 +233960,30 +233961,30 +233962,30 +233963,30 +233964,9 +233965,9 +233966,9 +233967,9 +233968,9 +233969,26 +233970,26 +233971,26 +233972,10 +233973,10 +233974,26 +233975,26 +233976,26 +233977,1 +233978,1 +233979,1 +233980,1 +233981,1 +233982,1 +233983,1 +233984,1 +233985,1 +233986,1 +233987,1 +233988,1 +233989,28 +233990,28 +233991,28 +233992,28 +233993,19 +233994,19 +233995,19 +233996,19 +233997,19 +233998,31 +233999,31 +234000,31 +234001,31 +234002,31 +234003,5 +234004,5 +234005,5 +234006,5 +234007,5 +234008,31 +234009,31 +234010,31 +234011,31 +234012,31 +234013,31 +234014,31 +234015,31 +234016,31 +234017,31 +234018,5 +234019,5 +234020,5 +234021,5 +234022,5 +234023,5 +234024,39 +234025,39 +234026,39 +234027,39 +234028,39 +234029,39 +234030,39 +234031,39 +234032,39 +234033,39 +234034,39 +234035,39 +234036,39 +234037,39 +234038,8 +234039,8 +234040,8 +234041,8 +234042,8 +234043,8 +234044,8 +234045,8 +234046,39 +234047,39 +234048,39 +234049,39 +234050,39 +234051,39 +234052,39 +234053,39 +234054,39 +234055,39 +234056,39 +234057,39 +234058,39 +234059,39 +234060,39 +234061,39 +234062,39 +234063,39 +234064,39 +234065,39 +234066,39 +234067,39 +234068,0 +234069,39 +234070,0 +234071,0 +234072,0 +234073,0 +234074,0 +234075,0 +234076,0 +234077,0 +234078,0 +234079,0 +234080,0 +234081,0 +234082,0 +234083,0 +234084,0 +234085,0 +234086,0 +234087,0 +234088,0 +234089,0 +234090,0 +234091,0 +234092,0 +234093,0 +234094,0 +234095,0 +234096,0 +234097,0 +234098,0 +234099,0 +234100,0 +234101,0 +234102,0 +234103,0 +234104,0 +234105,0 +234106,0 +234107,0 +234108,0 +234109,0 +234110,15 +234111,15 +234112,31 +234113,31 +234114,31 +234115,31 +234116,31 +234117,31 +234118,5 +234119,5 +234120,5 +234121,5 +234122,5 +234123,5 +234124,5 +234125,5 +234126,5 +234127,5 +234128,5 +234129,26 +234130,26 +234131,26 +234132,26 +234133,26 +234134,26 +234135,26 +234136,26 +234137,26 +234138,26 +234139,26 +234140,26 +234141,5 +234142,26 +234143,4 +234144,4 +234145,4 +234146,4 +234147,4 +234148,4 +234149,4 +234150,12 +234151,12 +234152,12 +234153,27 +234154,27 +234155,27 +234156,27 +234157,38 +234158,38 +234159,38 +234160,38 +234161,38 +234162,38 +234163,38 +234164,38 +234165,38 +234166,34 +234167,34 +234168,34 +234169,34 +234170,34 +234171,34 +234172,34 +234173,34 +234174,34 +234175,34 +234176,34 +234177,4 +234178,4 +234179,4 +234180,4 +234181,4 +234182,4 +234183,4 +234184,4 +234185,2 +234186,2 +234187,2 +234188,2 +234189,2 +234190,2 +234191,2 +234192,2 +234193,2 +234194,2 +234195,2 +234196,2 +234197,2 +234198,2 +234199,31 +234200,31 +234201,31 +234202,31 +234203,31 +234204,31 +234205,31 +234206,31 +234207,34 +234208,34 +234209,5 +234210,5 +234211,5 +234212,5 +234213,5 +234214,5 +234215,5 +234216,4 +234217,4 +234218,4 +234219,4 +234220,4 +234221,4 +234222,4 +234223,4 +234224,4 +234225,37 +234226,37 +234227,37 +234228,37 +234229,10 +234230,10 +234231,10 +234232,10 +234233,10 +234234,10 +234235,10 +234236,10 +234237,10 +234238,10 +234239,10 +234240,10 +234241,36 +234242,36 +234243,36 +234244,36 +234245,28 +234246,28 +234247,28 +234248,28 +234249,28 +234250,28 +234251,28 +234252,28 +234253,28 +234254,29 +234255,29 +234256,29 +234257,31 +234258,31 +234259,31 +234260,31 +234261,5 +234262,5 +234263,5 +234264,5 +234265,31 +234266,31 +234267,31 +234268,31 +234269,31 +234270,31 +234271,31 +234272,28 +234273,28 +234274,28 +234275,28 +234276,28 +234277,28 +234278,28 +234279,28 +234280,28 +234281,39 +234282,39 +234283,39 +234284,39 +234285,39 +234286,39 +234287,39 +234288,39 +234289,39 +234290,39 +234291,39 +234292,39 +234293,39 +234294,39 +234295,8 +234296,8 +234297,8 +234298,8 +234299,8 +234300,8 +234301,8 +234302,8 +234303,8 +234304,8 +234305,28 +234306,28 +234307,28 +234308,28 +234309,31 +234310,31 +234311,31 +234312,31 +234313,5 +234314,5 +234315,5 +234316,5 +234317,40 +234318,31 +234319,36 +234320,36 +234321,36 +234322,40 +234323,40 +234324,40 +234325,40 +234326,40 +234327,40 +234328,19 +234329,19 +234330,19 +234331,35 +234332,35 +234333,35 +234334,35 +234335,35 +234336,35 +234337,35 +234338,27 +234339,27 +234340,27 +234341,27 +234342,27 +234343,8 +234344,8 +234345,8 +234346,8 +234347,8 +234348,8 +234349,8 +234350,8 +234351,8 +234352,8 +234353,8 +234354,12 +234355,12 +234356,12 +234357,12 +234358,12 +234359,12 +234360,12 +234361,12 +234362,10 +234363,10 +234364,10 +234365,10 +234366,10 +234367,10 +234368,10 +234369,10 +234370,10 +234371,10 +234372,10 +234373,23 +234374,23 +234375,23 +234376,23 +234377,23 +234378,23 +234379,2 +234380,2 +234381,2 +234382,2 +234383,2 +234384,2 +234385,2 +234386,2 +234387,2 +234388,2 +234389,2 +234390,34 +234391,34 +234392,34 +234393,34 +234394,34 +234395,34 +234396,34 +234397,34 +234398,34 +234399,34 +234400,34 +234401,34 +234402,34 +234403,34 +234404,34 +234405,34 +234406,34 +234407,32 +234408,32 +234409,32 +234410,32 +234411,32 +234412,32 +234413,32 +234414,32 +234415,32 +234416,37 +234417,37 +234418,37 +234419,37 +234420,37 +234421,37 +234422,14 +234423,14 +234424,14 +234425,14 +234426,14 +234427,14 +234428,14 +234429,14 +234430,14 +234431,14 +234432,6 +234433,6 +234434,6 +234435,6 +234436,6 +234437,6 +234438,6 +234439,6 +234440,6 +234441,6 +234442,6 +234443,6 +234444,6 +234445,6 +234446,6 +234447,6 +234448,6 +234449,6 +234450,0 +234451,0 +234452,0 +234453,0 +234454,0 +234455,0 +234456,0 +234457,0 +234458,0 +234459,0 +234460,0 +234461,0 +234462,0 +234463,0 +234464,0 +234465,0 +234466,0 +234467,0 +234468,0 +234469,0 +234470,0 +234471,0 +234472,0 +234473,0 +234474,0 +234475,0 +234476,0 +234477,0 +234478,0 +234479,0 +234480,0 +234481,0 +234482,0 +234483,0 +234484,0 +234485,0 +234486,0 +234487,0 +234488,0 +234489,0 +234490,0 +234491,0 +234492,0 +234493,0 +234494,0 +234495,0 +234496,0 +234497,0 +234498,0 +234499,0 +234500,0 +234501,0 +234502,0 +234503,0 +234504,0 +234505,0 +234506,0 +234507,0 +234508,0 +234509,0 +234510,0 +234511,0 +234512,0 +234513,0 +234514,0 +234515,0 +234516,0 +234517,0 +234518,0 +234519,0 +234520,0 +234521,0 +234522,0 +234523,0 +234524,0 +234525,0 +234526,0 +234527,0 +234528,0 +234529,0 +234530,0 +234531,0 +234532,2 +234533,0 +234534,0 +234535,0 +234536,0 +234537,0 +234538,0 +234539,0 +234540,2 +234541,0 +234542,0 +234543,0 +234544,0 +234545,0 +234546,0 +234547,0 +234548,0 +234549,0 +234550,0 +234551,0 +234552,7 +234553,7 +234554,7 +234555,7 +234556,7 +234557,7 +234558,7 +234559,7 +234560,7 +234561,7 +234562,40 +234563,40 +234564,40 +234565,40 +234566,40 +234567,40 +234568,40 +234569,39 +234570,36 +234571,36 +234572,36 +234573,14 +234574,14 +234575,14 +234576,14 +234577,14 +234578,36 +234579,36 +234580,36 +234581,36 +234582,36 +234583,36 +234584,40 +234585,40 +234586,2 +234587,2 +234588,2 +234589,2 +234590,2 +234591,2 +234592,2 +234593,2 +234594,2 +234595,2 +234596,2 +234597,2 +234598,2 +234599,2 +234600,2 +234601,2 +234602,26 +234603,26 +234604,26 +234605,26 +234606,26 +234607,26 +234608,26 +234609,26 +234610,26 +234611,10 +234612,10 +234613,10 +234614,10 +234615,10 +234616,10 +234617,10 +234618,10 +234619,10 +234620,10 +234621,10 +234622,10 +234623,10 +234624,10 +234625,10 +234626,10 +234627,5 +234628,5 +234629,5 +234630,5 +234631,5 +234632,5 +234633,5 +234634,5 +234635,5 +234636,5 +234637,33 +234638,33 +234639,33 +234640,33 +234641,33 +234642,33 +234643,33 +234644,33 +234645,33 +234646,34 +234647,34 +234648,34 +234649,34 +234650,34 +234651,34 +234652,34 +234653,34 +234654,10 +234655,10 +234656,10 +234657,10 +234658,10 +234659,10 +234660,10 +234661,10 +234662,10 +234663,10 +234664,10 +234665,6 +234666,6 +234667,6 +234668,6 +234669,6 +234670,6 +234671,6 +234672,6 +234673,6 +234674,4 +234675,4 +234676,4 +234677,19 +234678,19 +234679,19 +234680,19 +234681,19 +234682,26 +234683,26 +234684,26 +234685,26 +234686,26 +234687,26 +234688,26 +234689,26 +234690,31 +234691,5 +234692,5 +234693,5 +234694,5 +234695,5 +234696,5 +234697,27 +234698,27 +234699,27 +234700,27 +234701,27 +234702,27 +234703,27 +234704,27 +234705,27 +234706,27 +234707,27 +234708,4 +234709,4 +234710,4 +234711,4 +234712,4 +234713,4 +234714,4 +234715,4 +234716,4 +234717,4 +234718,4 +234719,4 +234720,4 +234721,4 +234722,4 +234723,4 +234724,4 +234725,4 +234726,4 +234727,4 +234728,0 +234729,0 +234730,0 +234731,0 +234732,0 +234733,2 +234734,2 +234735,0 +234736,0 +234737,0 +234738,2 +234739,2 +234740,2 +234741,2 +234742,2 +234743,2 +234744,2 +234745,2 +234746,2 +234747,2 +234748,2 +234749,2 +234750,31 +234751,31 +234752,31 +234753,31 +234754,5 +234755,5 +234756,5 +234757,5 +234758,28 +234759,28 +234760,28 +234761,28 +234762,28 +234763,27 +234764,27 +234765,27 +234766,31 +234767,2 +234768,2 +234769,2 +234770,2 +234771,2 +234772,2 +234773,2 +234774,2 +234775,8 +234776,8 +234777,2 +234778,27 +234779,27 +234780,27 +234781,8 +234782,8 +234783,8 +234784,8 +234785,8 +234786,8 +234787,2 +234788,8 +234789,8 +234790,32 +234791,32 +234792,32 +234793,32 +234794,32 +234795,32 +234796,32 +234797,32 +234798,32 +234799,32 +234800,17 +234801,17 +234802,17 +234803,17 +234804,17 +234805,17 +234806,17 +234807,17 +234808,40 +234809,5 +234810,5 +234811,5 +234812,5 +234813,5 +234814,5 +234815,5 +234816,2 +234817,2 +234818,2 +234819,2 +234820,2 +234821,2 +234822,25 +234823,2 +234824,2 +234825,2 +234826,25 +234827,25 +234828,25 +234829,25 +234830,25 +234831,25 +234832,25 +234833,25 +234834,25 +234835,25 +234836,25 +234837,25 +234838,25 +234839,0 +234840,0 +234841,0 +234842,0 +234843,0 +234844,0 +234845,0 +234846,0 +234847,0 +234848,0 +234849,0 +234850,0 +234851,0 +234852,0 +234853,0 +234854,0 +234855,0 +234856,0 +234857,0 +234858,0 +234859,0 +234860,0 +234861,0 +234862,0 +234863,0 +234864,0 +234865,0 +234866,0 +234867,0 +234868,0 +234869,0 +234870,29 +234871,29 +234872,29 +234873,14 +234874,14 +234875,39 +234876,39 +234877,39 +234878,39 +234879,30 +234880,30 +234881,30 +234882,30 +234883,30 +234884,33 +234885,33 +234886,33 +234887,33 +234888,30 +234889,30 +234890,30 +234891,30 +234892,30 +234893,30 +234894,5 +234895,30 +234896,30 +234897,14 +234898,14 +234899,14 +234900,14 +234901,14 +234902,14 +234903,2 +234904,2 +234905,2 +234906,2 +234907,2 +234908,2 +234909,2 +234910,2 +234911,2 +234912,2 +234913,2 +234914,2 +234915,2 +234916,2 +234917,34 +234918,10 +234919,10 +234920,10 +234921,10 +234922,10 +234923,10 +234924,10 +234925,34 +234926,34 +234927,34 +234928,34 +234929,34 +234930,34 +234931,34 +234932,34 +234933,34 +234934,34 +234935,34 +234936,34 +234937,5 +234938,5 +234939,5 +234940,5 +234941,5 +234942,5 +234943,5 +234944,12 +234945,12 +234946,12 +234947,12 +234948,12 +234949,12 +234950,27 +234951,27 +234952,27 +234953,27 +234954,27 +234955,16 +234956,16 +234957,16 +234958,16 +234959,2 +234960,2 +234961,2 +234962,4 +234963,4 +234964,4 +234965,4 +234966,27 +234967,27 +234968,27 +234969,27 +234970,27 +234971,31 +234972,31 +234973,31 +234974,2 +234975,2 +234976,2 +234977,2 +234978,2 +234979,2 +234980,2 +234981,2 +234982,2 +234983,2 +234984,2 +234985,2 +234986,2 +234987,25 +234988,25 +234989,25 +234990,25 +234991,25 +234992,25 +234993,25 +234994,25 +234995,25 +234996,25 +234997,25 +234998,19 +234999,19 +235000,19 +235001,19 +235002,19 +235003,31 +235004,31 +235005,31 +235006,31 +235007,31 +235008,31 +235009,31 +235010,31 +235011,31 +235012,2 +235013,2 +235014,2 +235015,2 +235016,2 +235017,2 +235018,2 +235019,2 +235020,4 +235021,4 +235022,4 +235023,4 +235024,27 +235025,27 +235026,27 +235027,27 +235028,27 +235029,30 +235030,30 +235031,30 +235032,30 +235033,30 +235034,30 +235035,1 +235036,1 +235037,30 +235038,5 +235039,5 +235040,5 +235041,1 +235042,1 +235043,1 +235044,1 +235045,1 +235046,1 +235047,31 +235048,31 +235049,31 +235050,31 +235051,31 +235052,31 +235053,31 +235054,31 +235055,2 +235056,2 +235057,2 +235058,2 +235059,2 +235060,2 +235061,2 +235062,8 +235063,8 +235064,12 +235065,12 +235066,12 +235067,12 +235068,12 +235069,31 +235070,31 +235071,31 +235072,31 +235073,31 +235074,8 +235075,8 +235076,8 +235077,8 +235078,27 +235079,27 +235080,27 +235081,27 +235082,27 +235083,31 +235084,27 +235085,31 +235086,31 +235087,2 +235088,2 +235089,2 +235090,2 +235091,2 +235092,2 +235093,2 +235094,2 +235095,2 +235096,2 +235097,10 +235098,10 +235099,10 +235100,34 +235101,34 +235102,34 +235103,34 +235104,34 +235105,34 +235106,34 +235107,34 +235108,34 +235109,34 +235110,34 +235111,34 +235112,31 +235113,31 +235114,31 +235115,31 +235116,29 +235117,29 +235118,29 +235119,29 +235120,29 +235121,29 +235122,25 +235123,25 +235124,31 +235125,31 +235126,31 +235127,31 +235128,31 +235129,31 +235130,31 +235131,25 +235132,25 +235133,14 +235134,14 +235135,14 +235136,14 +235137,14 +235138,14 +235139,14 +235140,14 +235141,14 +235142,5 +235143,5 +235144,5 +235145,5 +235146,5 +235147,5 +235148,5 +235149,15 +235150,15 +235151,15 +235152,15 +235153,15 +235154,15 +235155,39 +235156,39 +235157,39 +235158,39 +235159,39 +235160,39 +235161,39 +235162,39 +235163,39 +235164,39 +235165,4 +235166,4 +235167,19 +235168,27 +235169,27 +235170,27 +235171,27 +235172,27 +235173,39 +235174,39 +235175,14 +235176,14 +235177,14 +235178,14 +235179,14 +235180,14 +235181,14 +235182,14 +235183,14 +235184,14 +235185,14 +235186,14 +235187,5 +235188,5 +235189,13 +235190,13 +235191,13 +235192,13 +235193,21 +235194,21 +235195,21 +235196,21 +235197,21 +235198,21 +235199,21 +235200,21 +235201,36 +235202,36 +235203,36 +235204,36 +235205,36 +235206,36 +235207,36 +235208,36 +235209,10 +235210,36 +235211,36 +235212,2 +235213,2 +235214,2 +235215,2 +235216,2 +235217,2 +235218,2 +235219,2 +235220,2 +235221,2 +235222,2 +235223,4 +235224,4 +235225,4 +235226,4 +235227,4 +235228,4 +235229,36 +235230,36 +235231,36 +235232,36 +235233,36 +235234,36 +235235,36 +235236,21 +235237,21 +235238,21 +235239,21 +235240,21 +235241,21 +235242,21 +235243,21 +235244,40 +235245,40 +235246,40 +235247,40 +235248,40 +235249,40 +235250,40 +235251,40 +235252,40 +235253,5 +235254,5 +235255,5 +235256,5 +235257,2 +235258,2 +235259,2 +235260,2 +235261,2 +235262,2 +235263,2 +235264,2 +235265,2 +235266,2 +235267,2 +235268,2 +235269,29 +235270,29 +235271,29 +235272,29 +235273,31 +235274,31 +235275,31 +235276,31 +235277,31 +235278,12 +235279,12 +235280,12 +235281,12 +235282,12 +235283,31 +235284,12 +235285,40 +235286,40 +235287,40 +235288,40 +235289,40 +235290,5 +235291,5 +235292,5 +235293,5 +235294,5 +235295,5 +235296,5 +235297,5 +235298,5 +235299,5 +235300,5 +235301,33 +235302,33 +235303,33 +235304,33 +235305,33 +235306,31 +235307,31 +235308,27 +235309,27 +235310,27 +235311,5 +235312,5 +235313,5 +235314,5 +235315,5 +235316,5 +235317,5 +235318,5 +235319,5 +235320,5 +235321,8 +235322,8 +235323,24 +235324,24 +235325,24 +235326,24 +235327,24 +235328,4 +235329,4 +235330,4 +235331,4 +235332,2 +235333,4 +235334,4 +235335,4 +235336,4 +235337,4 +235338,0 +235339,0 +235340,0 +235341,0 +235342,0 +235343,0 +235344,0 +235345,0 +235346,0 +235347,0 +235348,0 +235349,0 +235350,0 +235351,0 +235352,0 +235353,0 +235354,0 +235355,0 +235356,0 +235357,0 +235358,0 +235359,0 +235360,0 +235361,0 +235362,0 +235363,0 +235364,0 +235365,0 +235366,0 +235367,0 +235368,0 +235369,0 +235370,0 +235371,0 +235372,0 +235373,0 +235374,0 +235375,0 +235376,0 +235377,0 +235378,0 +235379,0 +235380,0 +235381,0 +235382,0 +235383,0 +235384,0 +235385,0 +235386,0 +235387,0 +235388,0 +235389,0 +235390,0 +235391,0 +235392,0 +235393,0 +235394,0 +235395,32 +235396,32 +235397,32 +235398,32 +235399,32 +235400,32 +235401,32 +235402,32 +235403,30 +235404,30 +235405,36 +235406,36 +235407,36 +235408,36 +235409,34 +235410,34 +235411,35 +235412,35 +235413,35 +235414,35 +235415,32 +235416,32 +235417,32 +235418,32 +235419,35 +235420,35 +235421,36 +235422,36 +235423,36 +235424,36 +235425,36 +235426,36 +235427,36 +235428,36 +235429,36 +235430,36 +235431,16 +235432,32 +235433,32 +235434,32 +235435,32 +235436,32 +235437,11 +235438,11 +235439,11 +235440,11 +235441,11 +235442,11 +235443,11 +235444,11 +235445,11 +235446,11 +235447,11 +235448,39 +235449,39 +235450,39 +235451,39 +235452,39 +235453,39 +235454,39 +235455,39 +235456,8 +235457,8 +235458,8 +235459,8 +235460,8 +235461,8 +235462,8 +235463,8 +235464,8 +235465,33 +235466,33 +235467,33 +235468,33 +235469,33 +235470,33 +235471,33 +235472,30 +235473,30 +235474,30 +235475,30 +235476,30 +235477,30 +235478,30 +235479,30 +235480,19 +235481,19 +235482,19 +235483,19 +235484,19 +235485,19 +235486,27 +235487,27 +235488,27 +235489,27 +235490,31 +235491,5 +235492,5 +235493,5 +235494,5 +235495,5 +235496,5 +235497,31 +235498,31 +235499,31 +235500,31 +235501,31 +235502,31 +235503,31 +235504,31 +235505,23 +235506,23 +235507,23 +235508,23 +235509,23 +235510,23 +235511,4 +235512,4 +235513,4 +235514,4 +235515,4 +235516,4 +235517,27 +235518,27 +235519,27 +235520,19 +235521,19 +235522,19 +235523,15 +235524,15 +235525,15 +235526,39 +235527,39 +235528,39 +235529,39 +235530,39 +235531,39 +235532,39 +235533,39 +235534,39 +235535,2 +235536,2 +235537,2 +235538,2 +235539,2 +235540,2 +235541,2 +235542,2 +235543,2 +235544,2 +235545,2 +235546,2 +235547,2 +235548,2 +235549,2 +235550,2 +235551,2 +235552,40 +235553,40 +235554,40 +235555,40 +235556,40 +235557,36 +235558,36 +235559,5 +235560,5 +235561,5 +235562,5 +235563,5 +235564,5 +235565,5 +235566,5 +235567,2 +235568,2 +235569,2 +235570,2 +235571,2 +235572,2 +235573,2 +235574,31 +235575,31 +235576,31 +235577,15 +235578,15 +235579,15 +235580,15 +235581,15 +235582,15 +235583,15 +235584,26 +235585,9 +235586,9 +235587,9 +235588,9 +235589,9 +235590,9 +235591,9 +235592,9 +235593,30 +235594,30 +235595,30 +235596,30 +235597,30 +235598,30 +235599,30 +235600,30 +235601,32 +235602,32 +235603,32 +235604,30 +235605,30 +235606,30 +235607,30 +235608,30 +235609,32 +235610,32 +235611,32 +235612,32 +235613,32 +235614,32 +235615,32 +235616,32 +235617,32 +235618,2 +235619,2 +235620,2 +235621,2 +235622,2 +235623,2 +235624,2 +235625,2 +235626,2 +235627,2 +235628,27 +235629,27 +235630,27 +235631,27 +235632,27 +235633,18 +235634,18 +235635,18 +235636,18 +235637,18 +235638,18 +235639,18 +235640,18 +235641,18 +235642,18 +235643,18 +235644,18 +235645,18 +235646,18 +235647,18 +235648,40 +235649,40 +235650,40 +235651,40 +235652,40 +235653,40 +235654,40 +235655,40 +235656,40 +235657,2 +235658,2 +235659,2 +235660,2 +235661,2 +235662,2 +235663,2 +235664,2 +235665,4 +235666,4 +235667,4 +235668,4 +235669,4 +235670,4 +235671,31 +235672,31 +235673,31 +235674,31 +235675,31 +235676,19 +235677,19 +235678,19 +235679,19 +235680,19 +235681,29 +235682,29 +235683,29 +235684,31 +235685,31 +235686,5 +235687,5 +235688,5 +235689,5 +235690,5 +235691,5 +235692,5 +235693,5 +235694,5 +235695,14 +235696,14 +235697,14 +235698,14 +235699,14 +235700,14 +235701,14 +235702,14 +235703,14 +235704,14 +235705,14 +235706,14 +235707,14 +235708,14 +235709,14 +235710,14 +235711,16 +235712,16 +235713,16 +235714,16 +235715,16 +235716,16 +235717,16 +235718,16 +235719,16 +235720,16 +235721,25 +235722,25 +235723,25 +235724,25 +235725,25 +235726,25 +235727,25 +235728,25 +235729,25 +235730,25 +235731,25 +235732,25 +235733,25 +235734,25 +235735,25 +235736,25 +235737,25 +235738,25 +235739,25 +235740,0 +235741,0 +235742,0 +235743,0 +235744,0 +235745,0 +235746,0 +235747,0 +235748,0 +235749,0 +235750,0 +235751,0 +235752,0 +235753,0 +235754,0 +235755,0 +235756,0 +235757,0 +235758,0 +235759,0 +235760,0 +235761,0 +235762,0 +235763,0 +235764,0 +235765,0 +235766,0 +235767,0 +235768,0 +235769,0 +235770,0 +235771,0 +235772,0 +235773,0 +235774,0 +235775,0 +235776,0 +235777,0 +235778,0 +235779,0 +235780,0 +235781,0 +235782,0 +235783,0 +235784,0 +235785,0 +235786,0 +235787,0 +235788,0 +235789,0 +235790,0 +235791,0 +235792,0 +235793,35 +235794,0 +235795,0 +235796,0 +235797,0 +235798,0 +235799,0 +235800,0 +235801,0 +235802,12 +235803,12 +235804,12 +235805,12 +235806,12 +235807,12 +235808,12 +235809,12 +235810,12 +235811,12 +235812,12 +235813,12 +235814,40 +235815,40 +235816,10 +235817,10 +235818,10 +235819,10 +235820,10 +235821,10 +235822,34 +235823,10 +235824,34 +235825,34 +235826,34 +235827,10 +235828,10 +235829,10 +235830,34 +235831,34 +235832,34 +235833,34 +235834,34 +235835,34 +235836,34 +235837,34 +235838,5 +235839,5 +235840,5 +235841,5 +235842,6 +235843,30 +235844,30 +235845,30 +235846,30 +235847,30 +235848,30 +235849,30 +235850,30 +235851,0 +235852,0 +235853,0 +235854,0 +235855,0 +235856,0 +235857,0 +235858,0 +235859,0 +235860,0 +235861,0 +235862,0 +235863,0 +235864,0 +235865,0 +235866,0 +235867,0 +235868,0 +235869,0 +235870,0 +235871,9 +235872,9 +235873,26 +235874,26 +235875,26 +235876,26 +235877,26 +235878,26 +235879,26 +235880,26 +235881,26 +235882,30 +235883,30 +235884,30 +235885,30 +235886,30 +235887,30 +235888,30 +235889,30 +235890,2 +235891,2 +235892,2 +235893,2 +235894,2 +235895,2 +235896,2 +235897,2 +235898,2 +235899,2 +235900,2 +235901,2 +235902,39 +235903,39 +235904,39 +235905,39 +235906,39 +235907,39 +235908,39 +235909,39 +235910,39 +235911,39 +235912,39 +235913,35 +235914,35 +235915,35 +235916,35 +235917,35 +235918,35 +235919,35 +235920,35 +235921,35 +235922,35 +235923,25 +235924,25 +235925,25 +235926,25 +235927,25 +235928,25 +235929,25 +235930,25 +235931,25 +235932,25 +235933,25 +235934,25 +235935,25 +235936,25 +235937,25 +235938,5 +235939,5 +235940,5 +235941,5 +235942,5 +235943,35 +235944,35 +235945,35 +235946,35 +235947,35 +235948,35 +235949,35 +235950,35 +235951,25 +235952,25 +235953,25 +235954,25 +235955,25 +235956,28 +235957,28 +235958,28 +235959,28 +235960,28 +235961,28 +235962,28 +235963,31 +235964,31 +235965,31 +235966,31 +235967,31 +235968,29 +235969,29 +235970,29 +235971,29 +235972,29 +235973,29 +235974,25 +235975,25 +235976,40 +235977,37 +235978,37 +235979,37 +235980,37 +235981,37 +235982,37 +235983,37 +235984,4 +235985,4 +235986,4 +235987,4 +235988,4 +235989,4 +235990,31 +235991,31 +235992,31 +235993,31 +235994,28 +235995,28 +235996,28 +235997,28 +235998,28 +235999,28 +236000,26 +236001,26 +236002,26 +236003,26 +236004,26 +236005,26 +236006,26 +236007,26 +236008,26 +236009,26 +236010,26 +236011,26 +236012,26 +236013,26 +236014,26 +236015,26 +236016,26 +236017,26 +236018,26 +236019,26 +236020,31 +236021,31 +236022,31 +236023,26 +236024,28 +236025,28 +236026,28 +236027,28 +236028,28 +236029,28 +236030,28 +236031,28 +236032,28 +236033,28 +236034,9 +236035,9 +236036,9 +236037,9 +236038,9 +236039,9 +236040,9 +236041,37 +236042,37 +236043,37 +236044,37 +236045,37 +236046,37 +236047,37 +236048,5 +236049,5 +236050,5 +236051,5 +236052,5 +236053,39 +236054,27 +236055,27 +236056,27 +236057,27 +236058,27 +236059,27 +236060,27 +236061,13 +236062,13 +236063,13 +236064,13 +236065,13 +236066,13 +236067,13 +236068,13 +236069,19 +236070,19 +236071,19 +236072,19 +236073,19 +236074,27 +236075,27 +236076,27 +236077,27 +236078,27 +236079,27 +236080,27 +236081,2 +236082,2 +236083,2 +236084,2 +236085,2 +236086,2 +236087,2 +236088,2 +236089,2 +236090,2 +236091,10 +236092,10 +236093,10 +236094,10 +236095,10 +236096,10 +236097,10 +236098,10 +236099,10 +236100,10 +236101,10 +236102,10 +236103,19 +236104,19 +236105,19 +236106,19 +236107,27 +236108,27 +236109,27 +236110,27 +236111,27 +236112,27 +236113,4 +236114,19 +236115,19 +236116,19 +236117,19 +236118,19 +236119,31 +236120,31 +236121,31 +236122,31 +236123,31 +236124,28 +236125,28 +236126,5 +236127,28 +236128,28 +236129,6 +236130,6 +236131,6 +236132,6 +236133,6 +236134,31 +236135,31 +236136,31 +236137,31 +236138,31 +236139,30 +236140,30 +236141,30 +236142,30 +236143,30 +236144,30 +236145,30 +236146,18 +236147,18 +236148,18 +236149,18 +236150,18 +236151,18 +236152,18 +236153,18 +236154,18 +236155,18 +236156,18 +236157,26 +236158,26 +236159,26 +236160,26 +236161,26 +236162,26 +236163,26 +236164,10 +236165,10 +236166,10 +236167,10 +236168,10 +236169,10 +236170,10 +236171,10 +236172,10 +236173,10 +236174,10 +236175,10 +236176,28 +236177,28 +236178,28 +236179,28 +236180,28 +236181,28 +236182,28 +236183,5 +236184,5 +236185,5 +236186,0 +236187,0 +236188,0 +236189,0 +236190,0 +236191,0 +236192,0 +236193,0 +236194,0 +236195,0 +236196,0 +236197,0 +236198,0 +236199,0 +236200,0 +236201,0 +236202,0 +236203,0 +236204,0 +236205,0 +236206,0 +236207,0 +236208,0 +236209,0 +236210,0 +236211,0 +236212,0 +236213,0 +236214,0 +236215,0 +236216,0 +236217,0 +236218,0 +236219,0 +236220,0 +236221,0 +236222,0 +236223,0 +236224,0 +236225,0 +236226,21 +236227,21 +236228,21 +236229,21 +236230,21 +236231,35 +236232,35 +236233,35 +236234,35 +236235,35 +236236,35 +236237,3 +236238,3 +236239,3 +236240,3 +236241,3 +236242,3 +236243,3 +236244,3 +236245,3 +236246,3 +236247,3 +236248,3 +236249,3 +236250,3 +236251,3 +236252,3 +236253,3 +236254,35 +236255,0 +236256,0 +236257,0 +236258,0 +236259,0 +236260,26 +236261,6 +236262,6 +236263,6 +236264,26 +236265,26 +236266,26 +236267,26 +236268,26 +236269,26 +236270,26 +236271,26 +236272,26 +236273,26 +236274,37 +236275,37 +236276,37 +236277,37 +236278,37 +236279,37 +236280,37 +236281,37 +236282,37 +236283,37 +236284,37 +236285,39 +236286,39 +236287,39 +236288,39 +236289,39 +236290,39 +236291,39 +236292,39 +236293,39 +236294,39 +236295,39 +236296,3 +236297,3 +236298,3 +236299,3 +236300,3 +236301,3 +236302,3 +236303,3 +236304,3 +236305,3 +236306,3 +236307,3 +236308,3 +236309,3 +236310,3 +236311,3 +236312,3 +236313,3 +236314,3 +236315,3 +236316,3 +236317,0 +236318,0 +236319,0 +236320,0 +236321,0 +236322,0 +236323,0 +236324,0 +236325,0 +236326,0 +236327,0 +236328,0 +236329,0 +236330,0 +236331,0 +236332,36 +236333,36 +236334,36 +236335,36 +236336,36 +236337,36 +236338,36 +236339,36 +236340,36 +236341,36 +236342,36 +236343,36 +236344,36 +236345,36 +236346,36 +236347,36 +236348,36 +236349,36 +236350,5 +236351,5 +236352,5 +236353,5 +236354,5 +236355,12 +236356,12 +236357,12 +236358,12 +236359,12 +236360,12 +236361,12 +236362,12 +236363,12 +236364,12 +236365,12 +236366,12 +236367,12 +236368,12 +236369,12 +236370,12 +236371,40 +236372,40 +236373,40 +236374,40 +236375,40 +236376,40 +236377,40 +236378,40 +236379,37 +236380,37 +236381,37 +236382,37 +236383,37 +236384,37 +236385,37 +236386,37 +236387,37 +236388,25 +236389,25 +236390,25 +236391,25 +236392,25 +236393,25 +236394,25 +236395,25 +236396,25 +236397,25 +236398,25 +236399,25 +236400,25 +236401,25 +236402,0 +236403,0 +236404,0 +236405,0 +236406,0 +236407,0 +236408,0 +236409,0 +236410,0 +236411,0 +236412,0 +236413,0 +236414,0 +236415,0 +236416,0 +236417,0 +236418,0 +236419,0 +236420,0 +236421,0 +236422,0 +236423,0 +236424,0 +236425,0 +236426,0 +236427,0 +236428,0 +236429,0 +236430,0 +236431,0 +236432,0 +236433,0 +236434,0 +236435,0 +236436,0 +236437,0 +236438,0 +236439,0 +236440,0 +236441,0 +236442,0 +236443,0 +236444,0 +236445,0 +236446,0 +236447,0 +236448,0 +236449,0 +236450,0 +236451,0 +236452,0 +236453,0 +236454,0 +236455,0 +236456,0 +236457,0 +236458,7 +236459,3 +236460,0 +236461,30 +236462,30 +236463,30 +236464,30 +236465,30 +236466,30 +236467,30 +236468,3 +236469,3 +236470,3 +236471,3 +236472,3 +236473,3 +236474,3 +236475,3 +236476,4 +236477,4 +236478,4 +236479,4 +236480,4 +236481,4 +236482,4 +236483,4 +236484,4 +236485,4 +236486,4 +236487,4 +236488,40 +236489,40 +236490,40 +236491,40 +236492,40 +236493,5 +236494,5 +236495,5 +236496,5 +236497,5 +236498,5 +236499,36 +236500,36 +236501,36 +236502,36 +236503,40 +236504,32 +236505,32 +236506,32 +236507,28 +236508,28 +236509,28 +236510,28 +236511,28 +236512,28 +236513,28 +236514,28 +236515,28 +236516,36 +236517,36 +236518,36 +236519,36 +236520,36 +236521,36 +236522,36 +236523,36 +236524,36 +236525,36 +236526,36 +236527,36 +236528,36 +236529,36 +236530,36 +236531,36 +236532,38 +236533,38 +236534,29 +236535,31 +236536,27 +236537,27 +236538,27 +236539,5 +236540,5 +236541,5 +236542,5 +236543,5 +236544,5 +236545,5 +236546,5 +236547,2 +236548,2 +236549,2 +236550,2 +236551,2 +236552,2 +236553,2 +236554,40 +236555,40 +236556,40 +236557,40 +236558,40 +236559,40 +236560,5 +236561,5 +236562,5 +236563,5 +236564,5 +236565,5 +236566,5 +236567,5 +236568,5 +236569,5 +236570,29 +236571,29 +236572,31 +236573,31 +236574,31 +236575,31 +236576,28 +236577,28 +236578,28 +236579,28 +236580,28 +236581,28 +236582,40 +236583,40 +236584,40 +236585,40 +236586,40 +236587,40 +236588,40 +236589,2 +236590,2 +236591,2 +236592,2 +236593,2 +236594,2 +236595,2 +236596,2 +236597,2 +236598,2 +236599,2 +236600,27 +236601,27 +236602,27 +236603,27 +236604,19 +236605,19 +236606,8 +236607,8 +236608,8 +236609,8 +236610,8 +236611,8 +236612,8 +236613,19 +236614,19 +236615,19 +236616,19 +236617,19 +236618,19 +236619,19 +236620,19 +236621,19 +236622,19 +236623,19 +236624,19 +236625,6 +236626,6 +236627,6 +236628,11 +236629,18 +236630,18 +236631,18 +236632,31 +236633,31 +236634,31 +236635,31 +236636,31 +236637,31 +236638,5 +236639,5 +236640,5 +236641,5 +236642,5 +236643,5 +236644,4 +236645,4 +236646,4 +236647,4 +236648,4 +236649,4 +236650,4 +236651,4 +236652,4 +236653,4 +236654,4 +236655,4 +236656,4 +236657,31 +236658,31 +236659,31 +236660,31 +236661,31 +236662,28 +236663,28 +236664,28 +236665,28 +236666,28 +236667,28 +236668,28 +236669,28 +236670,28 +236671,28 +236672,28 +236673,15 +236674,15 +236675,15 +236676,36 +236677,36 +236678,36 +236679,36 +236680,36 +236681,36 +236682,36 +236683,36 +236684,36 +236685,36 +236686,36 +236687,36 +236688,36 +236689,36 +236690,36 +236691,36 +236692,36 +236693,36 +236694,36 +236695,36 +236696,0 +236697,0 +236698,0 +236699,0 +236700,0 +236701,0 +236702,0 +236703,0 +236704,0 +236705,0 +236706,0 +236707,0 +236708,0 +236709,0 +236710,0 +236711,0 +236712,0 +236713,0 +236714,0 +236715,0 +236716,0 +236717,0 +236718,0 +236719,0 +236720,0 +236721,0 +236722,0 +236723,0 +236724,0 +236725,0 +236726,0 +236727,0 +236728,0 +236729,0 +236730,29 +236731,29 +236732,29 +236733,29 +236734,29 +236735,29 +236736,29 +236737,27 +236738,27 +236739,27 +236740,27 +236741,27 +236742,27 +236743,27 +236744,27 +236745,27 +236746,27 +236747,27 +236748,27 +236749,27 +236750,27 +236751,29 +236752,29 +236753,29 +236754,29 +236755,31 +236756,31 +236757,31 +236758,31 +236759,31 +236760,31 +236761,12 +236762,12 +236763,12 +236764,12 +236765,12 +236766,12 +236767,12 +236768,12 +236769,12 +236770,12 +236771,12 +236772,12 +236773,25 +236774,25 +236775,25 +236776,25 +236777,25 +236778,25 +236779,25 +236780,37 +236781,37 +236782,37 +236783,19 +236784,19 +236785,19 +236786,35 +236787,35 +236788,35 +236789,35 +236790,35 +236791,35 +236792,35 +236793,35 +236794,35 +236795,36 +236796,36 +236797,36 +236798,36 +236799,32 +236800,32 +236801,32 +236802,32 +236803,32 +236804,32 +236805,31 +236806,31 +236807,31 +236808,31 +236809,5 +236810,5 +236811,5 +236812,27 +236813,27 +236814,27 +236815,27 +236816,1 +236817,1 +236818,1 +236819,1 +236820,1 +236821,1 +236822,5 +236823,5 +236824,7 +236825,27 +236826,27 +236827,27 +236828,27 +236829,2 +236830,2 +236831,8 +236832,8 +236833,2 +236834,2 +236835,4 +236836,4 +236837,4 +236838,8 +236839,37 +236840,37 +236841,37 +236842,37 +236843,37 +236844,37 +236845,37 +236846,37 +236847,10 +236848,10 +236849,10 +236850,10 +236851,10 +236852,10 +236853,10 +236854,10 +236855,10 +236856,10 +236857,10 +236858,10 +236859,10 +236860,10 +236861,4 +236862,4 +236863,4 +236864,4 +236865,4 +236866,4 +236867,4 +236868,4 +236869,4 +236870,4 +236871,4 +236872,4 +236873,4 +236874,4 +236875,4 +236876,4 +236877,4 +236878,37 +236879,37 +236880,37 +236881,37 +236882,37 +236883,31 +236884,31 +236885,31 +236886,31 +236887,31 +236888,31 +236889,5 +236890,5 +236891,5 +236892,5 +236893,5 +236894,5 +236895,5 +236896,5 +236897,5 +236898,5 +236899,5 +236900,5 +236901,0 +236902,0 +236903,0 +236904,0 +236905,0 +236906,0 +236907,0 +236908,0 +236909,0 +236910,0 +236911,0 +236912,0 +236913,0 +236914,0 +236915,0 +236916,0 +236917,0 +236918,0 +236919,0 +236920,0 +236921,0 +236922,0 +236923,0 +236924,0 +236925,0 +236926,0 +236927,0 +236928,0 +236929,0 +236930,0 +236931,0 +236932,0 +236933,0 +236934,32 +236935,32 +236936,32 +236937,32 +236938,32 +236939,37 +236940,37 +236941,37 +236942,37 +236943,37 +236944,10 +236945,10 +236946,10 +236947,10 +236948,36 +236949,10 +236950,10 +236951,24 +236952,24 +236953,24 +236954,24 +236955,24 +236956,24 +236957,24 +236958,24 +236959,26 +236960,26 +236961,10 +236962,10 +236963,34 +236964,10 +236965,34 +236966,34 +236967,34 +236968,34 +236969,10 +236970,30 +236971,30 +236972,30 +236973,30 +236974,34 +236975,6 +236976,4 +236977,4 +236978,6 +236979,6 +236980,6 +236981,31 +236982,31 +236983,31 +236984,31 +236985,31 +236986,31 +236987,4 +236988,4 +236989,4 +236990,4 +236991,4 +236992,4 +236993,2 +236994,2 +236995,2 +236996,2 +236997,2 +236998,33 +236999,33 +237000,33 +237001,33 +237002,33 +237003,33 +237004,33 +237005,30 +237006,33 +237007,30 +237008,33 +237009,33 +237010,33 +237011,33 +237012,33 +237013,39 +237014,39 +237015,3 +237016,3 +237017,3 +237018,3 +237019,3 +237020,3 +237021,39 +237022,39 +237023,0 +237024,0 +237025,0 +237026,0 +237027,0 +237028,0 +237029,0 +237030,0 +237031,0 +237032,0 +237033,0 +237034,0 +237035,0 +237036,0 +237037,0 +237038,0 +237039,0 +237040,0 +237041,0 +237042,0 +237043,0 +237044,0 +237045,0 +237046,0 +237047,0 +237048,0 +237049,0 +237050,0 +237051,0 +237052,0 +237053,36 +237054,36 +237055,36 +237056,36 +237057,36 +237058,36 +237059,36 +237060,36 +237061,36 +237062,36 +237063,36 +237064,5 +237065,19 +237066,5 +237067,5 +237068,5 +237069,35 +237070,35 +237071,35 +237072,35 +237073,35 +237074,35 +237075,35 +237076,35 +237077,36 +237078,40 +237079,40 +237080,40 +237081,40 +237082,40 +237083,40 +237084,40 +237085,8 +237086,8 +237087,8 +237088,8 +237089,8 +237090,8 +237091,8 +237092,8 +237093,8 +237094,31 +237095,31 +237096,31 +237097,31 +237098,31 +237099,4 +237100,4 +237101,4 +237102,4 +237103,4 +237104,4 +237105,4 +237106,4 +237107,4 +237108,4 +237109,4 +237110,14 +237111,14 +237112,14 +237113,14 +237114,14 +237115,14 +237116,14 +237117,14 +237118,14 +237119,14 +237120,14 +237121,4 +237122,4 +237123,4 +237124,4 +237125,4 +237126,4 +237127,4 +237128,4 +237129,5 +237130,5 +237131,5 +237132,5 +237133,5 +237134,5 +237135,5 +237136,5 +237137,26 +237138,26 +237139,26 +237140,26 +237141,26 +237142,26 +237143,26 +237144,26 +237145,9 +237146,9 +237147,9 +237148,9 +237149,9 +237150,4 +237151,4 +237152,4 +237153,4 +237154,4 +237155,4 +237156,4 +237157,4 +237158,4 +237159,4 +237160,4 +237161,4 +237162,4 +237163,3 +237164,3 +237165,3 +237166,3 +237167,3 +237168,3 +237169,3 +237170,3 +237171,3 +237172,3 +237173,31 +237174,31 +237175,31 +237176,31 +237177,31 +237178,33 +237179,33 +237180,33 +237181,23 +237182,23 +237183,23 +237184,23 +237185,23 +237186,23 +237187,23 +237188,23 +237189,23 +237190,23 +237191,23 +237192,23 +237193,23 +237194,23 +237195,25 +237196,25 +237197,25 +237198,25 +237199,25 +237200,25 +237201,25 +237202,25 +237203,27 +237204,27 +237205,37 +237206,37 +237207,27 +237208,27 +237209,27 +237210,27 +237211,27 +237212,27 +237213,27 +237214,27 +237215,28 +237216,28 +237217,28 +237218,28 +237219,28 +237220,28 +237221,29 +237222,29 +237223,29 +237224,29 +237225,40 +237226,40 +237227,31 +237228,31 +237229,31 +237230,31 +237231,4 +237232,4 +237233,4 +237234,19 +237235,27 +237236,27 +237237,27 +237238,27 +237239,27 +237240,23 +237241,23 +237242,23 +237243,23 +237244,23 +237245,23 +237246,23 +237247,23 +237248,23 +237249,23 +237250,23 +237251,23 +237252,29 +237253,29 +237254,29 +237255,31 +237256,31 +237257,31 +237258,31 +237259,31 +237260,28 +237261,28 +237262,28 +237263,28 +237264,28 +237265,28 +237266,28 +237267,28 +237268,28 +237269,28 +237270,28 +237271,28 +237272,28 +237273,28 +237274,36 +237275,36 +237276,36 +237277,36 +237278,36 +237279,36 +237280,36 +237281,36 +237282,5 +237283,5 +237284,5 +237285,5 +237286,25 +237287,1 +237288,1 +237289,1 +237290,1 +237291,1 +237292,1 +237293,25 +237294,25 +237295,25 +237296,25 +237297,25 +237298,25 +237299,25 +237300,40 +237301,40 +237302,40 +237303,40 +237304,24 +237305,24 +237306,24 +237307,24 +237308,24 +237309,24 +237310,31 +237311,31 +237312,31 +237313,31 +237314,27 +237315,19 +237316,19 +237317,19 +237318,19 +237319,4 +237320,15 +237321,15 +237322,15 +237323,15 +237324,15 +237325,15 +237326,15 +237327,15 +237328,15 +237329,15 +237330,39 +237331,39 +237332,39 +237333,39 +237334,39 +237335,39 +237336,5 +237337,5 +237338,5 +237339,5 +237340,5 +237341,5 +237342,5 +237343,5 +237344,5 +237345,9 +237346,9 +237347,26 +237348,9 +237349,9 +237350,9 +237351,9 +237352,9 +237353,31 +237354,31 +237355,4 +237356,31 +237357,4 +237358,32 +237359,32 +237360,32 +237361,32 +237362,32 +237363,0 +237364,32 +237365,32 +237366,32 +237367,32 +237368,35 +237369,35 +237370,4 +237371,4 +237372,4 +237373,25 +237374,25 +237375,25 +237376,25 +237377,25 +237378,25 +237379,25 +237380,25 +237381,25 +237382,25 +237383,25 +237384,25 +237385,23 +237386,23 +237387,23 +237388,23 +237389,27 +237390,27 +237391,27 +237392,27 +237393,27 +237394,6 +237395,6 +237396,6 +237397,6 +237398,6 +237399,6 +237400,6 +237401,6 +237402,4 +237403,4 +237404,4 +237405,4 +237406,4 +237407,4 +237408,4 +237409,0 +237410,0 +237411,0 +237412,0 +237413,0 +237414,0 +237415,0 +237416,0 +237417,0 +237418,0 +237419,0 +237420,0 +237421,0 +237422,0 +237423,0 +237424,0 +237425,0 +237426,0 +237427,0 +237428,0 +237429,0 +237430,0 +237431,27 +237432,27 +237433,27 +237434,27 +237435,27 +237436,27 +237437,27 +237438,27 +237439,27 +237440,27 +237441,27 +237442,27 +237443,4 +237444,4 +237445,27 +237446,27 +237447,27 +237448,27 +237449,27 +237450,8 +237451,8 +237452,8 +237453,8 +237454,8 +237455,8 +237456,8 +237457,8 +237458,8 +237459,31 +237460,31 +237461,31 +237462,31 +237463,31 +237464,31 +237465,4 +237466,4 +237467,4 +237468,4 +237469,4 +237470,30 +237471,30 +237472,30 +237473,30 +237474,30 +237475,30 +237476,30 +237477,30 +237478,30 +237479,30 +237480,30 +237481,30 +237482,39 +237483,39 +237484,39 +237485,39 +237486,39 +237487,39 +237488,39 +237489,39 +237490,39 +237491,39 +237492,2 +237493,2 +237494,2 +237495,2 +237496,2 +237497,2 +237498,2 +237499,4 +237500,4 +237501,4 +237502,4 +237503,4 +237504,0 +237505,0 +237506,4 +237507,4 +237508,0 +237509,0 +237510,0 +237511,0 +237512,0 +237513,36 +237514,36 +237515,36 +237516,36 +237517,36 +237518,36 +237519,36 +237520,36 +237521,36 +237522,36 +237523,36 +237524,6 +237525,6 +237526,6 +237527,6 +237528,6 +237529,6 +237530,6 +237531,6 +237532,6 +237533,2 +237534,2 +237535,2 +237536,2 +237537,2 +237538,2 +237539,2 +237540,2 +237541,33 +237542,33 +237543,33 +237544,33 +237545,33 +237546,33 +237547,33 +237548,33 +237549,33 +237550,33 +237551,33 +237552,33 +237553,33 +237554,33 +237555,19 +237556,19 +237557,19 +237558,4 +237559,4 +237560,4 +237561,4 +237562,4 +237563,4 +237564,4 +237565,4 +237566,4 +237567,4 +237568,4 +237569,4 +237570,4 +237571,0 +237572,0 +237573,0 +237574,0 +237575,0 +237576,0 +237577,0 +237578,0 +237579,0 +237580,0 +237581,0 +237582,0 +237583,0 +237584,0 +237585,0 +237586,0 +237587,0 +237588,0 +237589,0 +237590,0 +237591,0 +237592,0 +237593,0 +237594,0 +237595,0 +237596,0 +237597,0 +237598,0 +237599,0 +237600,0 +237601,0 +237602,0 +237603,0 +237604,0 +237605,0 +237606,0 +237607,0 +237608,0 +237609,0 +237610,0 +237611,0 +237612,0 +237613,0 +237614,0 +237615,0 +237616,0 +237617,0 +237618,0 +237619,0 +237620,0 +237621,0 +237622,0 +237623,0 +237624,0 +237625,0 +237626,10 +237627,10 +237628,10 +237629,10 +237630,10 +237631,10 +237632,10 +237633,10 +237634,10 +237635,10 +237636,10 +237637,10 +237638,10 +237639,19 +237640,19 +237641,19 +237642,19 +237643,12 +237644,12 +237645,12 +237646,33 +237647,33 +237648,33 +237649,33 +237650,33 +237651,33 +237652,28 +237653,28 +237654,28 +237655,28 +237656,28 +237657,28 +237658,28 +237659,28 +237660,28 +237661,28 +237662,10 +237663,10 +237664,10 +237665,10 +237666,10 +237667,10 +237668,10 +237669,10 +237670,10 +237671,10 +237672,10 +237673,10 +237674,10 +237675,10 +237676,5 +237677,5 +237678,5 +237679,5 +237680,5 +237681,5 +237682,5 +237683,5 +237684,5 +237685,5 +237686,5 +237687,4 +237688,4 +237689,4 +237690,4 +237691,4 +237692,4 +237693,19 +237694,32 +237695,32 +237696,4 +237697,4 +237698,4 +237699,4 +237700,4 +237701,31 +237702,32 +237703,26 +237704,26 +237705,31 +237706,31 +237707,31 +237708,31 +237709,31 +237710,31 +237711,31 +237712,21 +237713,21 +237714,21 +237715,21 +237716,21 +237717,30 +237718,30 +237719,30 +237720,30 +237721,30 +237722,30 +237723,40 +237724,40 +237725,40 +237726,40 +237727,40 +237728,40 +237729,36 +237730,19 +237731,19 +237732,19 +237733,19 +237734,7 +237735,7 +237736,37 +237737,37 +237738,37 +237739,37 +237740,37 +237741,37 +237742,37 +237743,25 +237744,25 +237745,25 +237746,26 +237747,26 +237748,30 +237749,30 +237750,30 +237751,10 +237752,30 +237753,30 +237754,31 +237755,37 +237756,37 +237757,37 +237758,37 +237759,31 +237760,24 +237761,24 +237762,24 +237763,24 +237764,24 +237765,24 +237766,24 +237767,36 +237768,36 +237769,31 +237770,27 +237771,27 +237772,27 +237773,5 +237774,0 +237775,0 +237776,0 +237777,0 +237778,0 +237779,0 +237780,0 +237781,0 +237782,0 +237783,0 +237784,0 +237785,0 +237786,0 +237787,0 +237788,0 +237789,0 +237790,0 +237791,0 +237792,0 +237793,0 +237794,0 +237795,0 +237796,0 +237797,0 +237798,0 +237799,0 +237800,0 +237801,0 +237802,0 +237803,0 +237804,0 +237805,0 +237806,0 +237807,0 +237808,0 +237809,0 +237810,0 +237811,0 +237812,0 +237813,0 +237814,0 +237815,0 +237816,0 +237817,0 +237818,0 +237819,0 +237820,0 +237821,0 +237822,0 +237823,0 +237824,0 +237825,0 +237826,0 +237827,0 +237828,0 +237829,0 +237830,0 +237831,0 +237832,0 +237833,0 +237834,0 +237835,0 +237836,0 +237837,2 +237838,2 +237839,2 +237840,2 +237841,23 +237842,23 +237843,23 +237844,23 +237845,23 +237846,23 +237847,23 +237848,23 +237849,30 +237850,30 +237851,30 +237852,30 +237853,30 +237854,30 +237855,30 +237856,30 +237857,30 +237858,22 +237859,22 +237860,22 +237861,22 +237862,22 +237863,37 +237864,37 +237865,37 +237866,37 +237867,12 +237868,12 +237869,12 +237870,12 +237871,12 +237872,37 +237873,12 +237874,27 +237875,27 +237876,27 +237877,27 +237878,27 +237879,27 +237880,27 +237881,27 +237882,27 +237883,27 +237884,27 +237885,5 +237886,5 +237887,5 +237888,5 +237889,5 +237890,5 +237891,5 +237892,5 +237893,19 +237894,19 +237895,19 +237896,19 +237897,19 +237898,19 +237899,19 +237900,31 +237901,31 +237902,31 +237903,31 +237904,31 +237905,31 +237906,31 +237907,31 +237908,31 +237909,31 +237910,5 +237911,5 +237912,5 +237913,5 +237914,5 +237915,5 +237916,5 +237917,5 +237918,5 +237919,29 +237920,31 +237921,31 +237922,31 +237923,31 +237924,31 +237925,34 +237926,34 +237927,34 +237928,34 +237929,34 +237930,34 +237931,29 +237932,29 +237933,29 +237934,29 +237935,31 +237936,31 +237937,31 +237938,31 +237939,31 +237940,15 +237941,15 +237942,15 +237943,15 +237944,15 +237945,15 +237946,15 +237947,40 +237948,40 +237949,40 +237950,40 +237951,40 +237952,40 +237953,40 +237954,40 +237955,4 +237956,4 +237957,4 +237958,4 +237959,4 +237960,4 +237961,25 +237962,25 +237963,25 +237964,25 +237965,25 +237966,25 +237967,37 +237968,35 +237969,35 +237970,35 +237971,35 +237972,35 +237973,35 +237974,35 +237975,35 +237976,36 +237977,36 +237978,36 +237979,36 +237980,36 +237981,36 +237982,36 +237983,36 +237984,36 +237985,36 +237986,36 +237987,36 +237988,36 +237989,36 +237990,36 +237991,36 +237992,23 +237993,23 +237994,23 +237995,23 +237996,23 +237997,23 +237998,38 +237999,23 +238000,31 +238001,31 +238002,34 +238003,34 +238004,34 +238005,34 +238006,31 +238007,31 +238008,34 +238009,24 +238010,15 +238011,29 +238012,4 +238013,24 +238014,35 +238015,35 +238016,35 +238017,35 +238018,35 +238019,35 +238020,35 +238021,39 +238022,8 +238023,8 +238024,8 +238025,8 +238026,8 +238027,8 +238028,8 +238029,8 +238030,8 +238031,8 +238032,30 +238033,30 +238034,30 +238035,30 +238036,30 +238037,30 +238038,30 +238039,10 +238040,10 +238041,10 +238042,10 +238043,10 +238044,10 +238045,10 +238046,10 +238047,10 +238048,10 +238049,10 +238050,10 +238051,10 +238052,10 +238053,10 +238054,10 +238055,23 +238056,23 +238057,23 +238058,23 +238059,23 +238060,23 +238061,23 +238062,23 +238063,35 +238064,27 +238065,27 +238066,27 +238067,27 +238068,27 +238069,27 +238070,27 +238071,27 +238072,27 +238073,27 +238074,27 +238075,27 +238076,27 +238077,27 +238078,27 +238079,8 +238080,8 +238081,8 +238082,2 +238083,2 +238084,2 +238085,2 +238086,2 +238087,2 +238088,8 +238089,8 +238090,8 +238091,2 +238092,2 +238093,2 +238094,2 +238095,2 +238096,0 +238097,0 +238098,0 +238099,0 +238100,0 +238101,0 +238102,0 +238103,0 +238104,0 +238105,0 +238106,0 +238107,0 +238108,0 +238109,0 +238110,0 +238111,0 +238112,31 +238113,31 +238114,31 +238115,31 +238116,31 +238117,31 +238118,31 +238119,31 +238120,31 +238121,23 +238122,23 +238123,23 +238124,23 +238125,23 +238126,23 +238127,23 +238128,23 +238129,40 +238130,40 +238131,40 +238132,40 +238133,40 +238134,40 +238135,36 +238136,40 +238137,40 +238138,6 +238139,6 +238140,6 +238141,6 +238142,6 +238143,6 +238144,6 +238145,29 +238146,29 +238147,29 +238148,29 +238149,31 +238150,31 +238151,27 +238152,27 +238153,27 +238154,19 +238155,19 +238156,19 +238157,19 +238158,19 +238159,19 +238160,19 +238161,29 +238162,29 +238163,31 +238164,31 +238165,31 +238166,31 +238167,31 +238168,31 +238169,4 +238170,4 +238171,4 +238172,4 +238173,4 +238174,4 +238175,4 +238176,4 +238177,4 +238178,4 +238179,4 +238180,37 +238181,37 +238182,37 +238183,37 +238184,40 +238185,40 +238186,40 +238187,36 +238188,36 +238189,36 +238190,36 +238191,36 +238192,5 +238193,5 +238194,5 +238195,5 +238196,5 +238197,5 +238198,2 +238199,2 +238200,2 +238201,2 +238202,2 +238203,2 +238204,23 +238205,23 +238206,23 +238207,23 +238208,23 +238209,25 +238210,25 +238211,25 +238212,25 +238213,25 +238214,25 +238215,25 +238216,25 +238217,28 +238218,28 +238219,28 +238220,28 +238221,28 +238222,28 +238223,28 +238224,28 +238225,28 +238226,28 +238227,14 +238228,14 +238229,14 +238230,14 +238231,14 +238232,14 +238233,14 +238234,14 +238235,14 +238236,14 +238237,11 +238238,11 +238239,11 +238240,11 +238241,11 +238242,11 +238243,11 +238244,11 +238245,11 +238246,11 +238247,11 +238248,11 +238249,11 +238250,31 +238251,31 +238252,31 +238253,31 +238254,31 +238255,5 +238256,5 +238257,5 +238258,5 +238259,5 +238260,5 +238261,5 +238262,5 +238263,5 +238264,5 +238265,5 +238266,5 +238267,5 +238268,5 +238269,5 +238270,5 +238271,5 +238272,5 +238273,5 +238274,5 +238275,5 +238276,0 +238277,0 +238278,0 +238279,0 +238280,0 +238281,0 +238282,0 +238283,0 +238284,0 +238285,0 +238286,0 +238287,0 +238288,0 +238289,0 +238290,0 +238291,0 +238292,0 +238293,0 +238294,0 +238295,0 +238296,0 +238297,0 +238298,0 +238299,0 +238300,0 +238301,0 +238302,0 +238303,0 +238304,0 +238305,0 +238306,0 +238307,0 +238308,0 +238309,0 +238310,0 +238311,0 +238312,0 +238313,0 +238314,0 +238315,0 +238316,0 +238317,0 +238318,0 +238319,0 +238320,0 +238321,0 +238322,0 +238323,0 +238324,0 +238325,0 +238326,0 +238327,0 +238328,0 +238329,0 +238330,0 +238331,29 +238332,29 +238333,29 +238334,29 +238335,29 +238336,39 +238337,39 +238338,39 +238339,39 +238340,39 +238341,39 +238342,39 +238343,39 +238344,9 +238345,9 +238346,9 +238347,9 +238348,9 +238349,10 +238350,10 +238351,12 +238352,12 +238353,12 +238354,12 +238355,12 +238356,12 +238357,12 +238358,12 +238359,12 +238360,12 +238361,12 +238362,12 +238363,12 +238364,28 +238365,28 +238366,9 +238367,9 +238368,9 +238369,9 +238370,9 +238371,9 +238372,9 +238373,9 +238374,9 +238375,5 +238376,5 +238377,5 +238378,5 +238379,5 +238380,5 +238381,28 +238382,28 +238383,28 +238384,40 +238385,40 +238386,40 +238387,40 +238388,40 +238389,40 +238390,5 +238391,5 +238392,5 +238393,5 +238394,5 +238395,5 +238396,5 +238397,5 +238398,5 +238399,5 +238400,5 +238401,5 +238402,28 +238403,28 +238404,0 +238405,0 +238406,0 +238407,0 +238408,0 +238409,0 +238410,0 +238411,0 +238412,0 +238413,0 +238414,0 +238415,0 +238416,0 +238417,0 +238418,0 +238419,0 +238420,0 +238421,0 +238422,0 +238423,0 +238424,0 +238425,28 +238426,28 +238427,28 +238428,28 +238429,12 +238430,12 +238431,28 +238432,12 +238433,40 +238434,40 +238435,10 +238436,10 +238437,5 +238438,5 +238439,5 +238440,5 +238441,11 +238442,11 +238443,11 +238444,11 +238445,11 +238446,11 +238447,11 +238448,11 +238449,16 +238450,16 +238451,39 +238452,39 +238453,14 +238454,14 +238455,14 +238456,14 +238457,33 +238458,33 +238459,34 +238460,34 +238461,30 +238462,30 +238463,30 +238464,4 +238465,4 +238466,4 +238467,32 +238468,32 +238469,32 +238470,32 +238471,31 +238472,31 +238473,31 +238474,5 +238475,5 +238476,5 +238477,5 +238478,5 +238479,29 +238480,31 +238481,31 +238482,31 +238483,31 +238484,31 +238485,19 +238486,19 +238487,19 +238488,19 +238489,19 +238490,19 +238491,19 +238492,19 +238493,9 +238494,9 +238495,9 +238496,9 +238497,9 +238498,9 +238499,9 +238500,9 +238501,9 +238502,9 +238503,9 +238504,9 +238505,37 +238506,37 +238507,37 +238508,37 +238509,37 +238510,37 +238511,37 +238512,27 +238513,27 +238514,27 +238515,27 +238516,27 +238517,5 +238518,5 +238519,5 +238520,5 +238521,29 +238522,29 +238523,31 +238524,31 +238525,31 +238526,28 +238527,28 +238528,28 +238529,28 +238530,28 +238531,28 +238532,28 +238533,28 +238534,9 +238535,9 +238536,9 +238537,9 +238538,9 +238539,9 +238540,9 +238541,9 +238542,9 +238543,9 +238544,37 +238545,37 +238546,37 +238547,37 +238548,5 +238549,5 +238550,5 +238551,27 +238552,27 +238553,27 +238554,27 +238555,27 +238556,27 +238557,27 +238558,13 +238559,13 +238560,13 +238561,13 +238562,13 +238563,13 +238564,13 +238565,13 +238566,13 +238567,13 +238568,13 +238569,13 +238570,0 +238571,0 +238572,0 +238573,0 +238574,0 +238575,0 +238576,0 +238577,0 +238578,0 +238579,0 +238580,0 +238581,0 +238582,0 +238583,0 +238584,0 +238585,0 +238586,0 +238587,0 +238588,0 +238589,0 +238590,0 +238591,0 +238592,0 +238593,0 +238594,0 +238595,0 +238596,0 +238597,0 +238598,0 +238599,4 +238600,4 +238601,4 +238602,4 +238603,4 +238604,4 +238605,3 +238606,3 +238607,3 +238608,3 +238609,3 +238610,28 +238611,28 +238612,28 +238613,28 +238614,28 +238615,28 +238616,28 +238617,28 +238618,28 +238619,28 +238620,28 +238621,28 +238622,14 +238623,14 +238624,14 +238625,14 +238626,14 +238627,14 +238628,14 +238629,14 +238630,14 +238631,14 +238632,6 +238633,6 +238634,6 +238635,6 +238636,6 +238637,0 +238638,0 +238639,39 +238640,39 +238641,39 +238642,32 +238643,39 +238644,39 +238645,39 +238646,7 +238647,7 +238648,7 +238649,7 +238650,7 +238651,7 +238652,7 +238653,7 +238654,7 +238655,3 +238656,3 +238657,3 +238658,3 +238659,3 +238660,3 +238661,3 +238662,3 +238663,3 +238664,3 +238665,3 +238666,3 +238667,3 +238668,27 +238669,2 +238670,2 +238671,2 +238672,2 +238673,2 +238674,2 +238675,2 +238676,2 +238677,2 +238678,2 +238679,2 +238680,2 +238681,2 +238682,2 +238683,0 +238684,0 +238685,0 +238686,0 +238687,0 +238688,0 +238689,0 +238690,0 +238691,31 +238692,31 +238693,31 +238694,31 +238695,31 +238696,31 +238697,31 +238698,31 +238699,31 +238700,31 +238701,31 +238702,31 +238703,31 +238704,2 +238705,2 +238706,2 +238707,2 +238708,2 +238709,2 +238710,2 +238711,2 +238712,2 +238713,2 +238714,31 +238715,31 +238716,31 +238717,31 +238718,31 +238719,31 +238720,31 +238721,31 +238722,16 +238723,16 +238724,16 +238725,16 +238726,16 +238727,16 +238728,16 +238729,16 +238730,16 +238731,31 +238732,31 +238733,31 +238734,5 +238735,5 +238736,5 +238737,5 +238738,5 +238739,31 +238740,31 +238741,40 +238742,40 +238743,40 +238744,6 +238745,6 +238746,6 +238747,6 +238748,6 +238749,6 +238750,6 +238751,2 +238752,2 +238753,2 +238754,2 +238755,32 +238756,2 +238757,2 +238758,32 +238759,32 +238760,32 +238761,15 +238762,15 +238763,37 +238764,37 +238765,37 +238766,37 +238767,40 +238768,40 +238769,40 +238770,40 +238771,40 +238772,40 +238773,11 +238774,11 +238775,11 +238776,11 +238777,11 +238778,11 +238779,11 +238780,11 +238781,11 +238782,11 +238783,31 +238784,31 +238785,31 +238786,31 +238787,31 +238788,31 +238789,31 +238790,28 +238791,28 +238792,28 +238793,28 +238794,28 +238795,28 +238796,28 +238797,28 +238798,28 +238799,28 +238800,13 +238801,13 +238802,13 +238803,13 +238804,13 +238805,13 +238806,13 +238807,13 +238808,0 +238809,0 +238810,0 +238811,0 +238812,0 +238813,0 +238814,0 +238815,0 +238816,0 +238817,0 +238818,0 +238819,0 +238820,0 +238821,0 +238822,0 +238823,0 +238824,0 +238825,0 +238826,0 +238827,0 +238828,0 +238829,0 +238830,0 +238831,0 +238832,0 +238833,0 +238834,0 +238835,0 +238836,0 +238837,0 +238838,0 +238839,0 +238840,0 +238841,0 +238842,0 +238843,0 +238844,0 +238845,0 +238846,0 +238847,0 +238848,0 +238849,0 +238850,0 +238851,0 +238852,0 +238853,0 +238854,0 +238855,0 +238856,0 +238857,0 +238858,0 +238859,12 +238860,12 +238861,12 +238862,12 +238863,12 +238864,12 +238865,12 +238866,12 +238867,12 +238868,12 +238869,31 +238870,31 +238871,31 +238872,31 +238873,4 +238874,4 +238875,4 +238876,4 +238877,4 +238878,4 +238879,4 +238880,4 +238881,4 +238882,27 +238883,27 +238884,27 +238885,27 +238886,27 +238887,19 +238888,19 +238889,19 +238890,19 +238891,19 +238892,19 +238893,3 +238894,3 +238895,3 +238896,3 +238897,3 +238898,3 +238899,3 +238900,3 +238901,3 +238902,3 +238903,3 +238904,3 +238905,2 +238906,2 +238907,2 +238908,2 +238909,2 +238910,2 +238911,2 +238912,2 +238913,2 +238914,2 +238915,2 +238916,40 +238917,40 +238918,14 +238919,14 +238920,14 +238921,14 +238922,14 +238923,14 +238924,14 +238925,14 +238926,14 +238927,14 +238928,14 +238929,14 +238930,14 +238931,14 +238932,14 +238933,14 +238934,14 +238935,14 +238936,14 +238937,14 +238938,14 +238939,14 +238940,14 +238941,14 +238942,14 +238943,14 +238944,14 +238945,14 +238946,14 +238947,14 +238948,39 +238949,39 +238950,0 +238951,0 +238952,0 +238953,0 +238954,0 +238955,0 +238956,0 +238957,0 +238958,0 +238959,0 +238960,0 +238961,0 +238962,0 +238963,0 +238964,0 +238965,0 +238966,0 +238967,0 +238968,0 +238969,0 +238970,0 +238971,0 +238972,0 +238973,0 +238974,9 +238975,12 +238976,12 +238977,12 +238978,12 +238979,25 +238980,25 +238981,25 +238982,25 +238983,25 +238984,25 +238985,16 +238986,4 +238987,4 +238988,4 +238989,4 +238990,4 +238991,4 +238992,4 +238993,4 +238994,4 +238995,37 +238996,37 +238997,37 +238998,37 +238999,37 +239000,34 +239001,34 +239002,34 +239003,34 +239004,34 +239005,34 +239006,34 +239007,34 +239008,34 +239009,34 +239010,34 +239011,34 +239012,4 +239013,4 +239014,4 +239015,31 +239016,31 +239017,31 +239018,31 +239019,30 +239020,30 +239021,30 +239022,30 +239023,27 +239024,27 +239025,27 +239026,27 +239027,5 +239028,5 +239029,5 +239030,5 +239031,19 +239032,19 +239033,19 +239034,19 +239035,37 +239036,37 +239037,37 +239038,37 +239039,37 +239040,37 +239041,37 +239042,37 +239043,37 +239044,31 +239045,31 +239046,31 +239047,31 +239048,31 +239049,31 +239050,31 +239051,31 +239052,2 +239053,2 +239054,2 +239055,8 +239056,8 +239057,8 +239058,8 +239059,8 +239060,8 +239061,27 +239062,27 +239063,27 +239064,27 +239065,27 +239066,27 +239067,27 +239068,27 +239069,27 +239070,27 +239071,27 +239072,8 +239073,8 +239074,8 +239075,8 +239076,8 +239077,8 +239078,8 +239079,8 +239080,8 +239081,8 +239082,8 +239083,2 +239084,2 +239085,2 +239086,2 +239087,2 +239088,2 +239089,8 +239090,0 +239091,0 +239092,0 +239093,0 +239094,0 +239095,15 +239096,15 +239097,15 +239098,15 +239099,15 +239100,31 +239101,31 +239102,31 +239103,31 +239104,4 +239105,4 +239106,4 +239107,4 +239108,4 +239109,4 +239110,9 +239111,9 +239112,9 +239113,9 +239114,9 +239115,9 +239116,9 +239117,9 +239118,9 +239119,9 +239120,9 +239121,9 +239122,9 +239123,30 +239124,30 +239125,30 +239126,29 +239127,29 +239128,29 +239129,29 +239130,29 +239131,29 +239132,29 +239133,25 +239134,25 +239135,25 +239136,12 +239137,12 +239138,25 +239139,30 +239140,30 +239141,30 +239142,36 +239143,36 +239144,36 +239145,40 +239146,40 +239147,40 +239148,40 +239149,36 +239150,40 +239151,40 +239152,36 +239153,36 +239154,36 +239155,2 +239156,2 +239157,2 +239158,2 +239159,2 +239160,2 +239161,2 +239162,2 +239163,2 +239164,2 +239165,4 +239166,4 +239167,4 +239168,4 +239169,4 +239170,4 +239171,4 +239172,4 +239173,25 +239174,25 +239175,25 +239176,25 +239177,25 +239178,25 +239179,25 +239180,25 +239181,25 +239182,6 +239183,6 +239184,6 +239185,6 +239186,6 +239187,6 +239188,6 +239189,6 +239190,6 +239191,6 +239192,6 +239193,6 +239194,30 +239195,30 +239196,30 +239197,30 +239198,30 +239199,27 +239200,33 +239201,33 +239202,33 +239203,33 +239204,33 +239205,33 +239206,33 +239207,33 +239208,33 +239209,33 +239210,33 +239211,33 +239212,33 +239213,33 +239214,33 +239215,33 +239216,33 +239217,4 +239218,4 +239219,4 +239220,4 +239221,4 +239222,4 +239223,4 +239224,4 +239225,27 +239226,27 +239227,27 +239228,5 +239229,5 +239230,5 +239231,5 +239232,5 +239233,5 +239234,5 +239235,12 +239236,12 +239237,12 +239238,12 +239239,12 +239240,12 +239241,12 +239242,12 +239243,12 +239244,12 +239245,33 +239246,33 +239247,33 +239248,33 +239249,33 +239250,33 +239251,33 +239252,33 +239253,33 +239254,34 +239255,34 +239256,34 +239257,34 +239258,33 +239259,33 +239260,33 +239261,10 +239262,10 +239263,10 +239264,10 +239265,10 +239266,10 +239267,10 +239268,10 +239269,10 +239270,10 +239271,10 +239272,4 +239273,0 +239274,6 +239275,6 +239276,19 +239277,19 +239278,19 +239279,19 +239280,19 +239281,19 +239282,19 +239283,19 +239284,5 +239285,19 +239286,19 +239287,19 +239288,19 +239289,19 +239290,5 +239291,19 +239292,5 +239293,5 +239294,5 +239295,10 +239296,10 +239297,34 +239298,34 +239299,36 +239300,36 +239301,36 +239302,36 +239303,36 +239304,36 +239305,36 +239306,36 +239307,36 +239308,36 +239309,32 +239310,32 +239311,32 +239312,32 +239313,32 +239314,32 +239315,32 +239316,32 +239317,30 +239318,30 +239319,30 +239320,30 +239321,30 +239322,30 +239323,30 +239324,30 +239325,30 +239326,30 +239327,30 +239328,30 +239329,30 +239330,39 +239331,39 +239332,39 +239333,39 +239334,39 +239335,39 +239336,39 +239337,39 +239338,39 +239339,39 +239340,39 +239341,39 +239342,39 +239343,39 +239344,39 +239345,0 +239346,0 +239347,0 +239348,0 +239349,0 +239350,0 +239351,0 +239352,0 +239353,0 +239354,0 +239355,0 +239356,0 +239357,0 +239358,0 +239359,0 +239360,0 +239361,0 +239362,0 +239363,0 +239364,0 +239365,0 +239366,0 +239367,0 +239368,0 +239369,0 +239370,0 +239371,0 +239372,0 +239373,0 +239374,0 +239375,0 +239376,0 +239377,0 +239378,0 +239379,0 +239380,0 +239381,0 +239382,0 +239383,0 +239384,0 +239385,0 +239386,0 +239387,5 +239388,5 +239389,5 +239390,5 +239391,5 +239392,5 +239393,5 +239394,33 +239395,33 +239396,33 +239397,33 +239398,33 +239399,33 +239400,33 +239401,33 +239402,30 +239403,15 +239404,15 +239405,15 +239406,15 +239407,15 +239408,15 +239409,15 +239410,30 +239411,30 +239412,30 +239413,30 +239414,30 +239415,30 +239416,30 +239417,30 +239418,31 +239419,31 +239420,31 +239421,40 +239422,40 +239423,19 +239424,19 +239425,19 +239426,19 +239427,19 +239428,19 +239429,19 +239430,19 +239431,2 +239432,2 +239433,2 +239434,2 +239435,2 +239436,2 +239437,2 +239438,2 +239439,2 +239440,2 +239441,2 +239442,2 +239443,32 +239444,32 +239445,32 +239446,32 +239447,32 +239448,32 +239449,32 +239450,32 +239451,32 +239452,26 +239453,26 +239454,26 +239455,26 +239456,26 +239457,26 +239458,26 +239459,9 +239460,9 +239461,9 +239462,4 +239463,4 +239464,4 +239465,4 +239466,4 +239467,4 +239468,4 +239469,4 +239470,12 +239471,35 +239472,35 +239473,12 +239474,12 +239475,12 +239476,12 +239477,27 +239478,27 +239479,27 +239480,27 +239481,19 +239482,19 +239483,19 +239484,19 +239485,19 +239486,14 +239487,27 +239488,27 +239489,27 +239490,27 +239491,27 +239492,27 +239493,36 +239494,24 +239495,15 +239496,15 +239497,15 +239498,15 +239499,24 +239500,24 +239501,15 +239502,15 +239503,15 +239504,12 +239505,25 +239506,25 +239507,25 +239508,25 +239509,25 +239510,25 +239511,25 +239512,25 +239513,25 +239514,25 +239515,25 +239516,25 +239517,25 +239518,25 +239519,25 +239520,25 +239521,25 +239522,0 +239523,0 +239524,0 +239525,0 +239526,0 +239527,0 +239528,0 +239529,0 +239530,0 +239531,0 +239532,0 +239533,0 +239534,0 +239535,0 +239536,0 +239537,0 +239538,0 +239539,0 +239540,0 +239541,0 +239542,0 +239543,0 +239544,0 +239545,0 +239546,0 +239547,0 +239548,0 +239549,0 +239550,0 +239551,0 +239552,0 +239553,0 +239554,0 +239555,0 +239556,0 +239557,0 +239558,0 +239559,0 +239560,0 +239561,0 +239562,0 +239563,0 +239564,0 +239565,0 +239566,0 +239567,0 +239568,0 +239569,0 +239570,0 +239571,0 +239572,0 +239573,0 +239574,0 +239575,0 +239576,0 +239577,0 +239578,0 +239579,0 +239580,0 +239581,10 +239582,10 +239583,10 +239584,10 +239585,10 +239586,10 +239587,10 +239588,10 +239589,10 +239590,35 +239591,35 +239592,35 +239593,35 +239594,35 +239595,14 +239596,14 +239597,14 +239598,14 +239599,14 +239600,14 +239601,14 +239602,14 +239603,15 +239604,15 +239605,15 +239606,15 +239607,15 +239608,15 +239609,15 +239610,15 +239611,27 +239612,27 +239613,27 +239614,27 +239615,27 +239616,27 +239617,5 +239618,5 +239619,5 +239620,5 +239621,5 +239622,5 +239623,5 +239624,5 +239625,5 +239626,4 +239627,4 +239628,4 +239629,4 +239630,4 +239631,4 +239632,4 +239633,4 +239634,4 +239635,4 +239636,4 +239637,4 +239638,4 +239639,4 +239640,3 +239641,3 +239642,3 +239643,3 +239644,3 +239645,3 +239646,3 +239647,3 +239648,3 +239649,3 +239650,3 +239651,12 +239652,12 +239653,12 +239654,12 +239655,12 +239656,12 +239657,12 +239658,12 +239659,40 +239660,40 +239661,40 +239662,40 +239663,40 +239664,40 +239665,40 +239666,40 +239667,37 +239668,37 +239669,37 +239670,37 +239671,37 +239672,37 +239673,37 +239674,37 +239675,37 +239676,37 +239677,37 +239678,39 +239679,39 +239680,39 +239681,39 +239682,39 +239683,39 +239684,39 +239685,39 +239686,39 +239687,39 +239688,23 +239689,23 +239690,23 +239691,23 +239692,23 +239693,23 +239694,23 +239695,23 +239696,23 +239697,25 +239698,25 +239699,25 +239700,25 +239701,25 +239702,25 +239703,29 +239704,29 +239705,29 +239706,29 +239707,29 +239708,29 +239709,29 +239710,29 +239711,29 +239712,36 +239713,36 +239714,36 +239715,36 +239716,36 +239717,36 +239718,36 +239719,36 +239720,36 +239721,36 +239722,36 +239723,36 +239724,36 +239725,36 +239726,36 +239727,36 +239728,36 +239729,5 +239730,36 +239731,10 +239732,4 +239733,4 +239734,4 +239735,4 +239736,4 +239737,4 +239738,4 +239739,4 +239740,4 +239741,4 +239742,4 +239743,4 +239744,4 +239745,0 +239746,0 +239747,0 +239748,0 +239749,0 +239750,0 +239751,0 +239752,0 +239753,0 +239754,0 +239755,0 +239756,0 +239757,0 +239758,0 +239759,0 +239760,0 +239761,0 +239762,0 +239763,0 +239764,0 +239765,0 +239766,0 +239767,0 +239768,0 +239769,0 +239770,0 +239771,31 +239772,31 +239773,10 +239774,10 +239775,10 +239776,10 +239777,10 +239778,10 +239779,10 +239780,10 +239781,10 +239782,10 +239783,10 +239784,4 +239785,4 +239786,4 +239787,4 +239788,4 +239789,4 +239790,4 +239791,4 +239792,4 +239793,4 +239794,4 +239795,16 +239796,16 +239797,16 +239798,16 +239799,16 +239800,31 +239801,31 +239802,31 +239803,31 +239804,31 +239805,31 +239806,31 +239807,31 +239808,31 +239809,31 +239810,31 +239811,32 +239812,32 +239813,32 +239814,32 +239815,32 +239816,32 +239817,32 +239818,32 +239819,32 +239820,31 +239821,31 +239822,31 +239823,31 +239824,31 +239825,19 +239826,19 +239827,19 +239828,19 +239829,19 +239830,6 +239831,6 +239832,6 +239833,6 +239834,6 +239835,6 +239836,6 +239837,6 +239838,6 +239839,6 +239840,6 +239841,6 +239842,26 +239843,26 +239844,26 +239845,26 +239846,26 +239847,26 +239848,26 +239849,26 +239850,26 +239851,26 +239852,26 +239853,26 +239854,26 +239855,4 +239856,4 +239857,4 +239858,4 +239859,4 +239860,9 +239861,9 +239862,9 +239863,9 +239864,9 +239865,9 +239866,9 +239867,9 +239868,9 +239869,9 +239870,9 +239871,9 +239872,9 +239873,9 +239874,9 +239875,9 +239876,9 +239877,9 +239878,9 +239879,9 +239880,9 +239881,9 +239882,9 +239883,9 +239884,9 +239885,9 +239886,9 +239887,9 +239888,9 +239889,9 +239890,9 +239891,9 +239892,9 +239893,35 +239894,35 +239895,35 +239896,35 +239897,35 +239898,35 +239899,35 +239900,35 +239901,0 +239902,30 +239903,0 +239904,0 +239905,0 +239906,0 +239907,0 +239908,0 +239909,0 +239910,0 +239911,0 +239912,0 +239913,0 +239914,0 +239915,0 +239916,24 +239917,24 +239918,0 +239919,35 +239920,31 +239921,31 +239922,31 +239923,31 +239924,31 +239925,35 +239926,32 +239927,31 +239928,31 +239929,31 +239930,31 +239931,31 +239932,31 +239933,31 +239934,32 +239935,32 +239936,32 +239937,32 +239938,32 +239939,32 +239940,32 +239941,32 +239942,31 +239943,31 +239944,26 +239945,26 +239946,9 +239947,9 +239948,26 +239949,26 +239950,26 +239951,26 +239952,26 +239953,26 +239954,26 +239955,26 +239956,26 +239957,26 +239958,26 +239959,26 +239960,26 +239961,37 +239962,37 +239963,37 +239964,37 +239965,37 +239966,37 +239967,37 +239968,37 +239969,37 +239970,37 +239971,37 +239972,37 +239973,37 +239974,37 +239975,37 +239976,37 +239977,0 +239978,0 +239979,0 +239980,0 +239981,0 +239982,0 +239983,0 +239984,0 +239985,0 +239986,0 +239987,0 +239988,0 +239989,0 +239990,0 +239991,0 +239992,0 +239993,0 +239994,0 +239995,0 +239996,0 +239997,0 +239998,0 +239999,0 +240000,0 +240001,0 +240002,0 +240003,0 +240004,0 +240005,0 +240006,0 +240007,0 +240008,0 +240009,0 +240010,0 +240011,0 +240012,0 +240013,0 +240014,0 +240015,0 +240016,0 +240017,0 +240018,0 +240019,0 +240020,0 +240021,0 +240022,0 +240023,0 +240024,0 +240025,0 +240026,0 +240027,0 +240028,0 +240029,0 +240030,0 +240031,0 +240032,0 +240033,0 +240034,0 +240035,0 +240036,0 +240037,0 +240038,0 +240039,0 +240040,0 +240041,0 +240042,0 +240043,0 +240044,15 +240045,15 +240046,15 +240047,31 +240048,31 +240049,31 +240050,31 +240051,19 +240052,19 +240053,19 +240054,19 +240055,19 +240056,19 +240057,19 +240058,19 +240059,27 +240060,27 +240061,27 +240062,27 +240063,27 +240064,27 +240065,27 +240066,27 +240067,27 +240068,27 +240069,27 +240070,27 +240071,27 +240072,6 +240073,6 +240074,6 +240075,6 +240076,6 +240077,2 +240078,2 +240079,2 +240080,2 +240081,2 +240082,2 +240083,2 +240084,2 +240085,4 +240086,4 +240087,4 +240088,4 +240089,4 +240090,4 +240091,37 +240092,37 +240093,37 +240094,37 +240095,39 +240096,39 +240097,39 +240098,39 +240099,39 +240100,39 +240101,30 +240102,31 +240103,30 +240104,3 +240105,28 +240106,28 +240107,28 +240108,28 +240109,1 +240110,5 +240111,27 +240112,27 +240113,27 +240114,27 +240115,27 +240116,27 +240117,27 +240118,28 +240119,28 +240120,28 +240121,28 +240122,28 +240123,28 +240124,28 +240125,28 +240126,28 +240127,32 +240128,32 +240129,32 +240130,32 +240131,32 +240132,32 +240133,32 +240134,32 +240135,32 +240136,32 +240137,32 +240138,32 +240139,32 +240140,25 +240141,25 +240142,25 +240143,25 +240144,25 +240145,25 +240146,25 +240147,25 +240148,25 +240149,25 +240150,25 +240151,25 +240152,4 +240153,4 +240154,4 +240155,4 +240156,4 +240157,5 +240158,5 +240159,5 +240160,5 +240161,5 +240162,5 +240163,5 +240164,5 +240165,31 +240166,31 +240167,31 +240168,31 +240169,31 +240170,31 +240171,5 +240172,5 +240173,5 +240174,5 +240175,5 +240176,5 +240177,5 +240178,2 +240179,2 +240180,2 +240181,2 +240182,2 +240183,2 +240184,2 +240185,31 +240186,31 +240187,31 +240188,31 +240189,31 +240190,24 +240191,24 +240192,24 +240193,24 +240194,24 +240195,29 +240196,29 +240197,29 +240198,31 +240199,31 +240200,31 +240201,24 +240202,24 +240203,24 +240204,24 +240205,24 +240206,24 +240207,24 +240208,24 +240209,24 +240210,24 +240211,40 +240212,40 +240213,40 +240214,40 +240215,40 +240216,40 +240217,37 +240218,37 +240219,37 +240220,37 +240221,37 +240222,37 +240223,37 +240224,37 +240225,37 +240226,37 +240227,37 +240228,37 +240229,37 +240230,25 +240231,25 +240232,25 +240233,31 +240234,31 +240235,25 +240236,5 +240237,5 +240238,5 +240239,5 +240240,5 +240241,5 +240242,5 +240243,5 +240244,19 +240245,19 +240246,19 +240247,19 +240248,19 +240249,27 +240250,27 +240251,27 +240252,27 +240253,19 +240254,19 +240255,19 +240256,31 +240257,4 +240258,4 +240259,4 +240260,4 +240261,4 +240262,4 +240263,4 +240264,4 +240265,4 +240266,4 +240267,4 +240268,4 +240269,4 +240270,4 +240271,4 +240272,4 +240273,4 +240274,4 +240275,6 +240276,6 +240277,25 +240278,25 +240279,25 +240280,25 +240281,25 +240282,25 +240283,25 +240284,25 +240285,25 +240286,28 +240287,28 +240288,28 +240289,28 +240290,28 +240291,28 +240292,40 +240293,40 +240294,40 +240295,5 +240296,5 +240297,5 +240298,5 +240299,5 +240300,5 +240301,4 +240302,4 +240303,4 +240304,4 +240305,4 +240306,4 +240307,4 +240308,4 +240309,4 +240310,4 +240311,31 +240312,31 +240313,31 +240314,31 +240315,5 +240316,5 +240317,5 +240318,5 +240319,5 +240320,5 +240321,5 +240322,5 +240323,5 +240324,4 +240325,4 +240326,4 +240327,4 +240328,4 +240329,4 +240330,27 +240331,27 +240332,27 +240333,6 +240334,6 +240335,6 +240336,6 +240337,6 +240338,6 +240339,6 +240340,6 +240341,31 +240342,31 +240343,31 +240344,27 +240345,31 +240346,5 +240347,5 +240348,13 +240349,13 +240350,13 +240351,13 +240352,13 +240353,13 +240354,13 +240355,13 +240356,5 +240357,6 +240358,6 +240359,6 +240360,6 +240361,6 +240362,6 +240363,6 +240364,6 +240365,6 +240366,30 +240367,30 +240368,30 +240369,30 +240370,30 +240371,30 +240372,3 +240373,3 +240374,3 +240375,3 +240376,3 +240377,3 +240378,3 +240379,3 +240380,3 +240381,3 +240382,3 +240383,3 +240384,3 +240385,24 +240386,19 +240387,24 +240388,19 +240389,19 +240390,24 +240391,29 +240392,29 +240393,31 +240394,31 +240395,31 +240396,31 +240397,28 +240398,28 +240399,28 +240400,28 +240401,28 +240402,28 +240403,28 +240404,28 +240405,28 +240406,36 +240407,36 +240408,36 +240409,36 +240410,36 +240411,36 +240412,36 +240413,36 +240414,36 +240415,36 +240416,36 +240417,36 +240418,36 +240419,36 +240420,36 +240421,36 +240422,36 +240423,36 +240424,18 +240425,18 +240426,18 +240427,19 +240428,19 +240429,16 +240430,16 +240431,18 +240432,18 +240433,18 +240434,18 +240435,18 +240436,18 +240437,18 +240438,0 +240439,0 +240440,0 +240441,0 +240442,0 +240443,0 +240444,0 +240445,0 +240446,0 +240447,0 +240448,0 +240449,0 +240450,0 +240451,0 +240452,0 +240453,0 +240454,0 +240455,0 +240456,0 +240457,0 +240458,0 +240459,0 +240460,0 +240461,0 +240462,0 +240463,0 +240464,0 +240465,0 +240466,0 +240467,0 +240468,0 +240469,0 +240470,0 +240471,0 +240472,0 +240473,0 +240474,0 +240475,0 +240476,40 +240477,40 +240478,40 +240479,40 +240480,40 +240481,40 +240482,40 +240483,40 +240484,8 +240485,8 +240486,8 +240487,8 +240488,2 +240489,2 +240490,2 +240491,2 +240492,2 +240493,2 +240494,2 +240495,2 +240496,2 +240497,2 +240498,2 +240499,3 +240500,3 +240501,3 +240502,3 +240503,27 +240504,27 +240505,5 +240506,5 +240507,5 +240508,5 +240509,5 +240510,8 +240511,8 +240512,8 +240513,8 +240514,8 +240515,8 +240516,8 +240517,8 +240518,8 +240519,8 +240520,29 +240521,29 +240522,29 +240523,31 +240524,31 +240525,31 +240526,24 +240527,24 +240528,15 +240529,15 +240530,15 +240531,15 +240532,15 +240533,15 +240534,15 +240535,30 +240536,31 +240537,30 +240538,30 +240539,30 +240540,30 +240541,31 +240542,31 +240543,31 +240544,31 +240545,31 +240546,24 +240547,15 +240548,15 +240549,15 +240550,15 +240551,25 +240552,25 +240553,25 +240554,25 +240555,12 +240556,25 +240557,25 +240558,25 +240559,25 +240560,12 +240561,12 +240562,12 +240563,12 +240564,12 +240565,12 +240566,12 +240567,31 +240568,31 +240569,31 +240570,31 +240571,8 +240572,8 +240573,8 +240574,8 +240575,8 +240576,8 +240577,8 +240578,15 +240579,15 +240580,15 +240581,15 +240582,15 +240583,15 +240584,15 +240585,37 +240586,37 +240587,37 +240588,37 +240589,37 +240590,9 +240591,9 +240592,9 +240593,9 +240594,9 +240595,9 +240596,9 +240597,9 +240598,26 +240599,9 +240600,9 +240601,9 +240602,4 +240603,4 +240604,4 +240605,4 +240606,27 +240607,27 +240608,27 +240609,27 +240610,27 +240611,27 +240612,27 +240613,27 +240614,27 +240615,5 +240616,5 +240617,5 +240618,4 +240619,4 +240620,4 +240621,4 +240622,4 +240623,4 +240624,4 +240625,4 +240626,4 +240627,3 +240628,3 +240629,3 +240630,3 +240631,12 +240632,31 +240633,31 +240634,12 +240635,12 +240636,31 +240637,31 +240638,12 +240639,12 +240640,12 +240641,12 +240642,12 +240643,12 +240644,12 +240645,12 +240646,12 +240647,12 +240648,12 +240649,14 +240650,14 +240651,14 +240652,14 +240653,14 +240654,15 +240655,15 +240656,15 +240657,15 +240658,15 +240659,15 +240660,15 +240661,15 +240662,15 +240663,15 +240664,15 +240665,34 +240666,34 +240667,34 +240668,34 +240669,34 +240670,34 +240671,34 +240672,34 +240673,34 +240674,34 +240675,34 +240676,34 +240677,34 +240678,34 +240679,34 +240680,34 +240681,31 +240682,28 +240683,28 +240684,28 +240685,28 +240686,28 +240687,28 +240688,28 +240689,28 +240690,28 +240691,28 +240692,28 +240693,28 +240694,28 +240695,0 +240696,0 +240697,0 +240698,0 +240699,0 +240700,0 +240701,0 +240702,0 +240703,0 +240704,0 +240705,0 +240706,0 +240707,0 +240708,0 +240709,0 +240710,0 +240711,0 +240712,0 +240713,31 +240714,31 +240715,31 +240716,31 +240717,31 +240718,31 +240719,31 +240720,31 +240721,31 +240722,5 +240723,5 +240724,5 +240725,5 +240726,5 +240727,5 +240728,33 +240729,33 +240730,33 +240731,33 +240732,33 +240733,33 +240734,33 +240735,33 +240736,30 +240737,30 +240738,30 +240739,30 +240740,30 +240741,30 +240742,30 +240743,19 +240744,19 +240745,19 +240746,19 +240747,19 +240748,28 +240749,28 +240750,28 +240751,28 +240752,28 +240753,36 +240754,36 +240755,36 +240756,36 +240757,36 +240758,36 +240759,36 +240760,36 +240761,36 +240762,36 +240763,36 +240764,36 +240765,36 +240766,36 +240767,5 +240768,5 +240769,5 +240770,5 +240771,5 +240772,5 +240773,5 +240774,6 +240775,6 +240776,6 +240777,6 +240778,6 +240779,6 +240780,6 +240781,6 +240782,6 +240783,6 +240784,6 +240785,6 +240786,31 +240787,31 +240788,31 +240789,31 +240790,4 +240791,19 +240792,4 +240793,4 +240794,26 +240795,26 +240796,9 +240797,31 +240798,9 +240799,9 +240800,26 +240801,36 +240802,36 +240803,36 +240804,36 +240805,23 +240806,23 +240807,23 +240808,23 +240809,23 +240810,23 +240811,23 +240812,23 +240813,23 +240814,23 +240815,23 +240816,23 +240817,23 +240818,23 +240819,23 +240820,27 +240821,27 +240822,27 +240823,27 +240824,27 +240825,27 +240826,5 +240827,5 +240828,5 +240829,5 +240830,5 +240831,5 +240832,5 +240833,5 +240834,2 +240835,2 +240836,2 +240837,2 +240838,2 +240839,2 +240840,2 +240841,2 +240842,6 +240843,6 +240844,6 +240845,30 +240846,30 +240847,30 +240848,30 +240849,30 +240850,10 +240851,10 +240852,10 +240853,10 +240854,10 +240855,10 +240856,10 +240857,10 +240858,10 +240859,10 +240860,10 +240861,10 +240862,10 +240863,2 +240864,2 +240865,2 +240866,2 +240867,2 +240868,2 +240869,2 +240870,8 +240871,8 +240872,8 +240873,27 +240874,31 +240875,27 +240876,27 +240877,27 +240878,27 +240879,27 +240880,27 +240881,27 +240882,8 +240883,8 +240884,8 +240885,8 +240886,8 +240887,8 +240888,8 +240889,8 +240890,8 +240891,8 +240892,8 +240893,8 +240894,8 +240895,8 +240896,8 +240897,8 +240898,8 +240899,8 +240900,0 +240901,0 +240902,0 +240903,0 +240904,0 +240905,0 +240906,0 +240907,0 +240908,31 +240909,31 +240910,31 +240911,31 +240912,31 +240913,31 +240914,31 +240915,31 +240916,5 +240917,5 +240918,5 +240919,5 +240920,5 +240921,5 +240922,5 +240923,5 +240924,5 +240925,5 +240926,5 +240927,28 +240928,28 +240929,28 +240930,28 +240931,28 +240932,28 +240933,28 +240934,28 +240935,10 +240936,10 +240937,26 +240938,26 +240939,26 +240940,26 +240941,4 +240942,4 +240943,4 +240944,4 +240945,4 +240946,4 +240947,4 +240948,4 +240949,4 +240950,25 +240951,25 +240952,25 +240953,25 +240954,25 +240955,27 +240956,27 +240957,27 +240958,27 +240959,13 +240960,13 +240961,13 +240962,13 +240963,13 +240964,13 +240965,13 +240966,33 +240967,33 +240968,30 +240969,30 +240970,30 +240971,33 +240972,33 +240973,33 +240974,24 +240975,24 +240976,24 +240977,24 +240978,24 +240979,24 +240980,25 +240981,25 +240982,25 +240983,25 +240984,25 +240985,25 +240986,25 +240987,29 +240988,29 +240989,29 +240990,29 +240991,29 +240992,31 +240993,31 +240994,31 +240995,31 +240996,31 +240997,31 +240998,28 +240999,28 +241000,28 +241001,28 +241002,28 +241003,28 +241004,28 +241005,28 +241006,28 +241007,28 +241008,28 +241009,28 +241010,28 +241011,28 +241012,28 +241013,0 +241014,0 +241015,0 +241016,0 +241017,0 +241018,0 +241019,0 +241020,0 +241021,0 +241022,0 +241023,0 +241024,0 +241025,0 +241026,0 +241027,0 +241028,0 +241029,0 +241030,0 +241031,0 +241032,0 +241033,0 +241034,0 +241035,0 +241036,15 +241037,15 +241038,15 +241039,15 +241040,15 +241041,15 +241042,25 +241043,25 +241044,25 +241045,25 +241046,25 +241047,25 +241048,25 +241049,25 +241050,25 +241051,25 +241052,25 +241053,25 +241054,25 +241055,25 +241056,25 +241057,25 +241058,30 +241059,30 +241060,30 +241061,30 +241062,30 +241063,30 +241064,30 +241065,30 +241066,30 +241067,29 +241068,29 +241069,29 +241070,29 +241071,29 +241072,29 +241073,31 +241074,31 +241075,31 +241076,31 +241077,28 +241078,28 +241079,28 +241080,28 +241081,28 +241082,28 +241083,28 +241084,28 +241085,23 +241086,23 +241087,23 +241088,23 +241089,23 +241090,23 +241091,23 +241092,24 +241093,24 +241094,25 +241095,25 +241096,25 +241097,25 +241098,25 +241099,25 +241100,25 +241101,28 +241102,28 +241103,28 +241104,28 +241105,28 +241106,28 +241107,28 +241108,27 +241109,27 +241110,27 +241111,14 +241112,14 +241113,14 +241114,27 +241115,27 +241116,27 +241117,27 +241118,27 +241119,27 +241120,27 +241121,27 +241122,27 +241123,4 +241124,4 +241125,4 +241126,4 +241127,4 +241128,4 +241129,4 +241130,4 +241131,4 +241132,4 +241133,4 +241134,0 +241135,0 +241136,0 +241137,0 +241138,0 +241139,0 +241140,0 +241141,0 +241142,0 +241143,0 +241144,0 +241145,0 +241146,0 +241147,0 +241148,0 +241149,0 +241150,0 +241151,0 +241152,0 +241153,0 +241154,0 +241155,0 +241156,0 +241157,0 +241158,0 +241159,0 +241160,0 +241161,0 +241162,0 +241163,0 +241164,0 +241165,0 +241166,0 +241167,0 +241168,0 +241169,0 +241170,0 +241171,0 +241172,0 +241173,0 +241174,0 +241175,0 +241176,0 +241177,0 +241178,0 +241179,0 +241180,0 +241181,0 +241182,0 +241183,0 +241184,0 +241185,0 +241186,0 +241187,0 +241188,0 +241189,0 +241190,0 +241191,0 +241192,0 +241193,0 +241194,0 +241195,0 +241196,0 +241197,0 +241198,0 +241199,0 +241200,0 +241201,15 +241202,15 +241203,31 +241204,31 +241205,31 +241206,31 +241207,31 +241208,4 +241209,4 +241210,4 +241211,4 +241212,4 +241213,3 +241214,3 +241215,3 +241216,3 +241217,3 +241218,3 +241219,3 +241220,3 +241221,3 +241222,12 +241223,12 +241224,12 +241225,12 +241226,12 +241227,12 +241228,12 +241229,31 +241230,31 +241231,31 +241232,31 +241233,31 +241234,8 +241235,8 +241236,8 +241237,8 +241238,8 +241239,8 +241240,8 +241241,29 +241242,29 +241243,29 +241244,40 +241245,40 +241246,40 +241247,40 +241248,40 +241249,40 +241250,28 +241251,28 +241252,28 +241253,28 +241254,28 +241255,28 +241256,28 +241257,28 +241258,36 +241259,36 +241260,36 +241261,36 +241262,36 +241263,36 +241264,36 +241265,36 +241266,36 +241267,36 +241268,36 +241269,5 +241270,5 +241271,5 +241272,5 +241273,5 +241274,19 +241275,19 +241276,35 +241277,35 +241278,35 +241279,35 +241280,27 +241281,3 +241282,28 +241283,28 +241284,28 +241285,28 +241286,28 +241287,28 +241288,32 +241289,32 +241290,32 +241291,32 +241292,32 +241293,37 +241294,37 +241295,37 +241296,37 +241297,37 +241298,26 +241299,26 +241300,26 +241301,40 +241302,40 +241303,40 +241304,40 +241305,4 +241306,4 +241307,4 +241308,4 +241309,4 +241310,32 +241311,32 +241312,32 +241313,27 +241314,27 +241315,27 +241316,27 +241317,27 +241318,27 +241319,28 +241320,28 +241321,28 +241322,28 +241323,28 +241324,28 +241325,28 +241326,23 +241327,23 +241328,23 +241329,23 +241330,23 +241331,23 +241332,23 +241333,25 +241334,25 +241335,25 +241336,25 +241337,28 +241338,28 +241339,28 +241340,28 +241341,28 +241342,28 +241343,28 +241344,28 +241345,28 +241346,28 +241347,3 +241348,3 +241349,3 +241350,3 +241351,3 +241352,3 +241353,3 +241354,3 +241355,3 +241356,3 +241357,3 +241358,6 +241359,6 +241360,6 +241361,6 +241362,6 +241363,6 +241364,31 +241365,31 +241366,31 +241367,31 +241368,31 +241369,31 +241370,31 +241371,31 +241372,10 +241373,10 +241374,31 +241375,31 +241376,31 +241377,31 +241378,31 +241379,31 +241380,31 +241381,31 +241382,31 +241383,31 +241384,31 +241385,31 +241386,31 +241387,31 +241388,31 +241389,0 +241390,0 +241391,0 +241392,0 +241393,0 +241394,0 +241395,0 +241396,0 +241397,0 +241398,0 +241399,0 +241400,0 +241401,0 +241402,0 +241403,0 +241404,0 +241405,0 +241406,0 +241407,0 +241408,0 +241409,0 +241410,0 +241411,0 +241412,0 +241413,0 +241414,0 +241415,0 +241416,0 +241417,0 +241418,0 +241419,0 +241420,0 +241421,0 +241422,0 +241423,0 +241424,0 +241425,0 +241426,0 +241427,0 +241428,0 +241429,0 +241430,0 +241431,0 +241432,0 +241433,0 +241434,0 +241435,0 +241436,0 +241437,0 +241438,0 +241439,0 +241440,0 +241441,0 +241442,0 +241443,0 +241444,0 +241445,0 +241446,0 +241447,0 +241448,0 +241449,0 +241450,0 +241451,0 +241452,0 +241453,0 +241454,0 +241455,0 +241456,0 +241457,0 +241458,0 +241459,0 +241460,0 +241461,31 +241462,31 +241463,31 +241464,31 +241465,31 +241466,31 +241467,31 +241468,5 +241469,5 +241470,5 +241471,5 +241472,5 +241473,5 +241474,31 +241475,31 +241476,31 +241477,31 +241478,31 +241479,31 +241480,24 +241481,24 +241482,24 +241483,24 +241484,24 +241485,24 +241486,25 +241487,25 +241488,37 +241489,37 +241490,37 +241491,37 +241492,37 +241493,25 +241494,25 +241495,25 +241496,25 +241497,25 +241498,25 +241499,25 +241500,25 +241501,25 +241502,25 +241503,25 +241504,9 +241505,26 +241506,26 +241507,26 +241508,26 +241509,26 +241510,26 +241511,2 +241512,2 +241513,2 +241514,2 +241515,2 +241516,2 +241517,2 +241518,2 +241519,2 +241520,2 +241521,6 +241522,6 +241523,6 +241524,6 +241525,31 +241526,31 +241527,31 +241528,31 +241529,31 +241530,31 +241531,31 +241532,30 +241533,30 +241534,30 +241535,30 +241536,30 +241537,10 +241538,10 +241539,10 +241540,10 +241541,10 +241542,10 +241543,10 +241544,6 +241545,6 +241546,6 +241547,6 +241548,6 +241549,6 +241550,31 +241551,31 +241552,28 +241553,28 +241554,28 +241555,28 +241556,28 +241557,28 +241558,28 +241559,28 +241560,28 +241561,28 +241562,2 +241563,2 +241564,2 +241565,2 +241566,2 +241567,2 +241568,2 +241569,2 +241570,2 +241571,40 +241572,40 +241573,40 +241574,40 +241575,40 +241576,40 +241577,30 +241578,30 +241579,30 +241580,30 +241581,30 +241582,30 +241583,30 +241584,30 +241585,30 +241586,30 +241587,30 +241588,30 +241589,23 +241590,23 +241591,23 +241592,23 +241593,23 +241594,23 +241595,23 +241596,23 +241597,23 +241598,23 +241599,23 +241600,23 +241601,23 +241602,23 +241603,23 +241604,23 +241605,23 +241606,23 +241607,0 +241608,0 +241609,0 +241610,0 +241611,0 +241612,0 +241613,0 +241614,0 +241615,0 +241616,0 +241617,0 +241618,0 +241619,0 +241620,0 +241621,0 +241622,0 +241623,0 +241624,0 +241625,0 +241626,0 +241627,0 +241628,0 +241629,0 +241630,0 +241631,0 +241632,0 +241633,0 +241634,0 +241635,0 +241636,0 +241637,0 +241638,0 +241639,0 +241640,0 +241641,0 +241642,0 +241643,0 +241644,0 +241645,0 +241646,0 +241647,0 +241648,0 +241649,0 +241650,0 +241651,0 +241652,0 +241653,0 +241654,0 +241655,32 +241656,32 +241657,32 +241658,32 +241659,32 +241660,32 +241661,32 +241662,32 +241663,32 +241664,32 +241665,32 +241666,36 +241667,36 +241668,35 +241669,36 +241670,36 +241671,36 +241672,36 +241673,36 +241674,36 +241675,36 +241676,36 +241677,36 +241678,36 +241679,32 +241680,32 +241681,32 +241682,32 +241683,32 +241684,32 +241685,2 +241686,2 +241687,2 +241688,2 +241689,2 +241690,27 +241691,27 +241692,27 +241693,27 +241694,8 +241695,8 +241696,8 +241697,8 +241698,8 +241699,8 +241700,8 +241701,27 +241702,27 +241703,27 +241704,27 +241705,6 +241706,6 +241707,6 +241708,6 +241709,6 +241710,6 +241711,6 +241712,6 +241713,6 +241714,6 +241715,26 +241716,26 +241717,26 +241718,26 +241719,26 +241720,26 +241721,26 +241722,28 +241723,28 +241724,28 +241725,28 +241726,28 +241727,28 +241728,28 +241729,32 +241730,32 +241731,32 +241732,32 +241733,32 +241734,32 +241735,32 +241736,32 +241737,30 +241738,30 +241739,30 +241740,30 +241741,27 +241742,27 +241743,31 +241744,31 +241745,31 +241746,31 +241747,31 +241748,31 +241749,2 +241750,2 +241751,2 +241752,2 +241753,2 +241754,2 +241755,2 +241756,2 +241757,2 +241758,2 +241759,2 +241760,2 +241761,2 +241762,2 +241763,2 +241764,2 +241765,2 +241766,2 +241767,0 +241768,0 +241769,0 +241770,0 +241771,0 +241772,0 +241773,0 +241774,0 +241775,0 +241776,0 +241777,0 +241778,0 +241779,0 +241780,0 +241781,0 +241782,0 +241783,0 +241784,0 +241785,0 +241786,0 +241787,0 +241788,0 +241789,0 +241790,0 +241791,0 +241792,0 +241793,0 +241794,0 +241795,0 +241796,0 +241797,0 +241798,0 +241799,0 +241800,0 +241801,0 +241802,0 +241803,0 +241804,0 +241805,0 +241806,0 +241807,0 +241808,0 +241809,0 +241810,0 +241811,0 +241812,0 +241813,0 +241814,0 +241815,0 +241816,0 +241817,0 +241818,0 +241819,0 +241820,0 +241821,0 +241822,0 +241823,0 +241824,0 +241825,0 +241826,0 +241827,0 +241828,0 +241829,0 +241830,0 +241831,0 +241832,0 +241833,0 +241834,0 +241835,0 +241836,0 +241837,0 +241838,0 +241839,0 +241840,0 +241841,0 +241842,0 +241843,0 +241844,0 +241845,0 +241846,0 +241847,0 +241848,0 +241849,0 +241850,0 +241851,0 +241852,0 +241853,0 +241854,0 +241855,0 +241856,0 +241857,0 +241858,0 +241859,0 +241860,0 +241861,0 +241862,0 +241863,0 +241864,0 +241865,0 +241866,0 +241867,0 +241868,0 +241869,0 +241870,0 +241871,0 +241872,0 +241873,0 +241874,0 +241875,0 +241876,0 +241877,0 +241878,0 +241879,0 +241880,0 +241881,0 +241882,29 +241883,29 +241884,29 +241885,31 +241886,31 +241887,31 +241888,19 +241889,19 +241890,19 +241891,19 +241892,19 +241893,24 +241894,40 +241895,40 +241896,40 +241897,40 +241898,40 +241899,40 +241900,37 +241901,37 +241902,37 +241903,37 +241904,37 +241905,37 +241906,37 +241907,25 +241908,25 +241909,25 +241910,25 +241911,5 +241912,5 +241913,5 +241914,5 +241915,40 +241916,40 +241917,40 +241918,40 +241919,40 +241920,40 +241921,40 +241922,40 +241923,40 +241924,40 +241925,2 +241926,2 +241927,2 +241928,2 +241929,2 +241930,2 +241931,2 +241932,2 +241933,2 +241934,6 +241935,6 +241936,6 +241937,6 +241938,6 +241939,6 +241940,6 +241941,12 +241942,30 +241943,30 +241944,30 +241945,31 +241946,31 +241947,31 +241948,31 +241949,36 +241950,36 +241951,36 +241952,36 +241953,31 +241954,31 +241955,31 +241956,31 +241957,31 +241958,2 +241959,2 +241960,2 +241961,2 +241962,2 +241963,2 +241964,2 +241965,2 +241966,2 +241967,2 +241968,2 +241969,2 +241970,2 +241971,2 +241972,4 +241973,4 +241974,4 +241975,4 +241976,4 +241977,4 +241978,25 +241979,25 +241980,25 +241981,25 +241982,25 +241983,25 +241984,25 +241985,25 +241986,25 +241987,35 +241988,35 +241989,35 +241990,35 +241991,35 +241992,35 +241993,36 +241994,36 +241995,36 +241996,36 +241997,36 +241998,36 +241999,36 +242000,36 +242001,36 +242002,36 +242003,36 +242004,36 +242005,36 +242006,36 +242007,36 +242008,36 +242009,36 +242010,5 +242011,5 +242012,5 +242013,5 +242014,5 +242015,5 +242016,5 +242017,5 +242018,5 +242019,5 +242020,5 +242021,2 +242022,2 +242023,2 +242024,2 +242025,2 +242026,2 +242027,2 +242028,2 +242029,2 +242030,2 +242031,2 +242032,2 +242033,2 +242034,2 +242035,2 +242036,2 +242037,2 +242038,2 +242039,2 +242040,2 +242041,0 +242042,0 +242043,0 +242044,0 +242045,0 +242046,0 +242047,0 +242048,0 +242049,0 +242050,0 +242051,0 +242052,0 +242053,0 +242054,0 +242055,0 +242056,0 +242057,0 +242058,0 +242059,0 +242060,0 +242061,0 +242062,0 +242063,0 +242064,0 +242065,0 +242066,0 +242067,0 +242068,0 +242069,0 +242070,0 +242071,0 +242072,0 +242073,0 +242074,0 +242075,0 +242076,0 +242077,0 +242078,0 +242079,0 +242080,0 +242081,0 +242082,0 +242083,0 +242084,0 +242085,0 +242086,0 +242087,0 +242088,0 +242089,0 +242090,0 +242091,0 +242092,0 +242093,0 +242094,0 +242095,0 +242096,29 +242097,31 +242098,31 +242099,31 +242100,31 +242101,29 +242102,29 +242103,29 +242104,29 +242105,29 +242106,29 +242107,29 +242108,31 +242109,31 +242110,31 +242111,31 +242112,31 +242113,31 +242114,23 +242115,23 +242116,23 +242117,23 +242118,23 +242119,23 +242120,23 +242121,23 +242122,23 +242123,23 +242124,23 +242125,23 +242126,10 +242127,26 +242128,26 +242129,26 +242130,26 +242131,26 +242132,26 +242133,37 +242134,37 +242135,37 +242136,37 +242137,28 +242138,28 +242139,28 +242140,28 +242141,28 +242142,28 +242143,27 +242144,27 +242145,27 +242146,27 +242147,8 +242148,8 +242149,8 +242150,8 +242151,8 +242152,8 +242153,8 +242154,21 +242155,21 +242156,21 +242157,21 +242158,21 +242159,21 +242160,21 +242161,37 +242162,37 +242163,37 +242164,37 +242165,37 +242166,37 +242167,14 +242168,14 +242169,14 +242170,14 +242171,14 +242172,14 +242173,14 +242174,14 +242175,14 +242176,1 +242177,14 +242178,14 +242179,14 +242180,14 +242181,14 +242182,14 +242183,1 +242184,1 +242185,1 +242186,1 +242187,1 +242188,5 +242189,5 +242190,5 +242191,5 +242192,5 +242193,26 +242194,26 +242195,26 +242196,26 +242197,26 +242198,26 +242199,37 +242200,37 +242201,37 +242202,37 +242203,37 +242204,37 +242205,37 +242206,23 +242207,23 +242208,23 +242209,23 +242210,23 +242211,23 +242212,23 +242213,23 +242214,23 +242215,23 +242216,23 +242217,37 +242218,37 +242219,37 +242220,37 +242221,36 +242222,36 +242223,36 +242224,36 +242225,36 +242226,36 +242227,36 +242228,36 +242229,36 +242230,36 +242231,11 +242232,11 +242233,11 +242234,11 +242235,11 +242236,11 +242237,11 +242238,11 +242239,11 +242240,11 +242241,11 +242242,11 +242243,11 +242244,11 +242245,11 +242246,11 +242247,11 +242248,11 +242249,11 +242250,11 +242251,11 +242252,11 +242253,11 +242254,11 +242255,11 +242256,11 +242257,11 +242258,11 +242259,0 +242260,0 +242261,0 +242262,0 +242263,0 +242264,0 +242265,0 +242266,0 +242267,0 +242268,0 +242269,0 +242270,0 +242271,31 +242272,36 +242273,0 +242274,36 +242275,36 +242276,36 +242277,36 +242278,36 +242279,36 +242280,36 +242281,36 +242282,36 +242283,36 +242284,36 +242285,36 +242286,8 +242287,8 +242288,8 +242289,8 +242290,8 +242291,8 +242292,8 +242293,8 +242294,31 +242295,31 +242296,31 +242297,31 +242298,31 +242299,31 +242300,23 +242301,23 +242302,23 +242303,23 +242304,23 +242305,23 +242306,23 +242307,23 +242308,23 +242309,23 +242310,23 +242311,23 +242312,23 +242313,23 +242314,30 +242315,30 +242316,30 +242317,30 +242318,30 +242319,30 +242320,10 +242321,10 +242322,10 +242323,10 +242324,10 +242325,10 +242326,38 +242327,38 +242328,38 +242329,38 +242330,38 +242331,38 +242332,38 +242333,38 +242334,38 +242335,29 +242336,31 +242337,31 +242338,31 +242339,31 +242340,31 +242341,31 +242342,2 +242343,2 +242344,2 +242345,2 +242346,2 +242347,2 +242348,2 +242349,2 +242350,8 +242351,2 +242352,5 +242353,5 +242354,5 +242355,5 +242356,5 +242357,5 +242358,33 +242359,33 +242360,33 +242361,33 +242362,33 +242363,33 +242364,33 +242365,33 +242366,33 +242367,33 +242368,33 +242369,33 +242370,33 +242371,33 +242372,33 +242373,33 +242374,33 +242375,33 +242376,33 +242377,33 +242378,33 +242379,33 +242380,33 +242381,33 +242382,33 +242383,33 +242384,33 +242385,33 +242386,33 +242387,0 +242388,0 +242389,0 +242390,0 +242391,0 +242392,0 +242393,0 +242394,0 +242395,0 +242396,0 +242397,0 +242398,0 +242399,0 +242400,0 +242401,0 +242402,0 +242403,0 +242404,0 +242405,0 +242406,0 +242407,0 +242408,0 +242409,0 +242410,0 +242411,0 +242412,0 +242413,0 +242414,0 +242415,0 +242416,0 +242417,0 +242418,0 +242419,0 +242420,0 +242421,0 +242422,0 +242423,0 +242424,0 +242425,0 +242426,0 +242427,0 +242428,0 +242429,0 +242430,14 +242431,14 +242432,14 +242433,14 +242434,14 +242435,14 +242436,14 +242437,14 +242438,14 +242439,14 +242440,14 +242441,4 +242442,4 +242443,14 +242444,36 +242445,36 +242446,14 +242447,14 +242448,13 +242449,13 +242450,14 +242451,5 +242452,31 +242453,5 +242454,5 +242455,6 +242456,6 +242457,6 +242458,6 +242459,6 +242460,6 +242461,6 +242462,6 +242463,6 +242464,6 +242465,6 +242466,31 +242467,31 +242468,31 +242469,31 +242470,31 +242471,31 +242472,28 +242473,28 +242474,28 +242475,28 +242476,28 +242477,28 +242478,31 +242479,31 +242480,31 +242481,31 +242482,31 +242483,31 +242484,31 +242485,31 +242486,31 +242487,5 +242488,5 +242489,5 +242490,5 +242491,31 +242492,31 +242493,31 +242494,31 +242495,24 +242496,24 +242497,24 +242498,24 +242499,24 +242500,24 +242501,35 +242502,35 +242503,35 +242504,35 +242505,35 +242506,36 +242507,36 +242508,36 +242509,36 +242510,36 +242511,36 +242512,36 +242513,24 +242514,24 +242515,24 +242516,24 +242517,24 +242518,24 +242519,24 +242520,31 +242521,31 +242522,5 +242523,5 +242524,5 +242525,5 +242526,5 +242527,5 +242528,5 +242529,5 +242530,5 +242531,5 +242532,5 +242533,0 +242534,0 +242535,0 +242536,0 +242537,0 +242538,0 +242539,0 +242540,0 +242541,0 +242542,0 +242543,0 +242544,0 +242545,0 +242546,0 +242547,0 +242548,0 +242549,0 +242550,0 +242551,0 +242552,0 +242553,0 +242554,0 +242555,0 +242556,0 +242557,0 +242558,0 +242559,0 +242560,0 +242561,0 +242562,0 +242563,0 +242564,0 +242565,0 +242566,0 +242567,0 +242568,0 +242569,0 +242570,0 +242571,0 +242572,35 +242573,35 +242574,35 +242575,35 +242576,35 +242577,35 +242578,39 +242579,39 +242580,39 +242581,39 +242582,39 +242583,39 +242584,39 +242585,39 +242586,39 +242587,39 +242588,32 +242589,32 +242590,32 +242591,32 +242592,32 +242593,32 +242594,32 +242595,32 +242596,32 +242597,32 +242598,32 +242599,32 +242600,37 +242601,37 +242602,37 +242603,37 +242604,39 +242605,39 +242606,8 +242607,8 +242608,8 +242609,8 +242610,2 +242611,8 +242612,8 +242613,2 +242614,2 +242615,2 +242616,2 +242617,2 +242618,2 +242619,2 +242620,2 +242621,39 +242622,39 +242623,39 +242624,39 +242625,39 +242626,39 +242627,4 +242628,19 +242629,4 +242630,19 +242631,19 +242632,27 +242633,27 +242634,27 +242635,27 +242636,27 +242637,27 +242638,27 +242639,4 +242640,6 +242641,6 +242642,4 +242643,6 +242644,4 +242645,4 +242646,4 +242647,4 +242648,19 +242649,19 +242650,19 +242651,19 +242652,0 +242653,0 +242654,0 +242655,0 +242656,23 +242657,0 +242658,23 +242659,23 +242660,23 +242661,23 +242662,23 +242663,23 +242664,9 +242665,9 +242666,9 +242667,9 +242668,9 +242669,9 +242670,37 +242671,37 +242672,37 +242673,37 +242674,37 +242675,37 +242676,37 +242677,37 +242678,37 +242679,37 +242680,37 +242681,25 +242682,25 +242683,32 +242684,23 +242685,38 +242686,38 +242687,38 +242688,23 +242689,23 +242690,23 +242691,23 +242692,10 +242693,10 +242694,10 +242695,10 +242696,10 +242697,10 +242698,10 +242699,10 +242700,10 +242701,10 +242702,10 +242703,10 +242704,10 +242705,10 +242706,37 +242707,37 +242708,37 +242709,37 +242710,37 +242711,37 +242712,37 +242713,37 +242714,37 +242715,37 +242716,37 +242717,37 +242718,9 +242719,9 +242720,9 +242721,9 +242722,9 +242723,26 +242724,26 +242725,26 +242726,26 +242727,26 +242728,26 +242729,26 +242730,5 +242731,5 +242732,5 +242733,5 +242734,5 +242735,5 +242736,30 +242737,30 +242738,36 +242739,36 +242740,36 +242741,31 +242742,31 +242743,31 +242744,31 +242745,31 +242746,31 +242747,31 +242748,31 +242749,31 +242750,31 +242751,31 +242752,31 +242753,31 +242754,31 +242755,31 +242756,0 +242757,0 +242758,0 +242759,0 +242760,0 +242761,0 +242762,0 +242763,0 +242764,0 +242765,0 +242766,0 +242767,0 +242768,0 +242769,0 +242770,0 +242771,0 +242772,0 +242773,0 +242774,0 +242775,0 +242776,0 +242777,0 +242778,31 +242779,31 +242780,31 +242781,31 +242782,31 +242783,31 +242784,31 +242785,31 +242786,31 +242787,0 +242788,0 +242789,16 +242790,16 +242791,23 +242792,23 +242793,32 +242794,23 +242795,23 +242796,23 +242797,23 +242798,23 +242799,7 +242800,7 +242801,7 +242802,7 +242803,7 +242804,39 +242805,39 +242806,39 +242807,39 +242808,39 +242809,39 +242810,39 +242811,39 +242812,12 +242813,12 +242814,12 +242815,12 +242816,12 +242817,12 +242818,12 +242819,12 +242820,10 +242821,10 +242822,10 +242823,10 +242824,36 +242825,36 +242826,36 +242827,36 +242828,36 +242829,34 +242830,36 +242831,36 +242832,36 +242833,36 +242834,36 +242835,36 +242836,36 +242837,36 +242838,36 +242839,2 +242840,2 +242841,2 +242842,2 +242843,2 +242844,2 +242845,2 +242846,2 +242847,2 +242848,2 +242849,4 +242850,4 +242851,4 +242852,4 +242853,4 +242854,4 +242855,27 +242856,27 +242857,27 +242858,29 +242859,29 +242860,29 +242861,29 +242862,29 +242863,29 +242864,31 +242865,31 +242866,31 +242867,31 +242868,5 +242869,5 +242870,5 +242871,5 +242872,5 +242873,25 +242874,25 +242875,25 +242876,25 +242877,25 +242878,25 +242879,25 +242880,25 +242881,25 +242882,25 +242883,25 +242884,25 +242885,25 +242886,32 +242887,32 +242888,32 +242889,32 +242890,32 +242891,31 +242892,31 +242893,27 +242894,27 +242895,19 +242896,19 +242897,18 +242898,19 +242899,19 +242900,19 +242901,24 +242902,4 +242903,4 +242904,19 +242905,19 +242906,19 +242907,37 +242908,3 +242909,3 +242910,37 +242911,37 +242912,3 +242913,37 +242914,37 +242915,37 +242916,37 +242917,37 +242918,37 +242919,37 +242920,37 +242921,37 +242922,37 +242923,3 +242924,3 +242925,3 +242926,3 +242927,3 +242928,3 +242929,3 +242930,3 +242931,3 +242932,3 +242933,2 +242934,2 +242935,2 +242936,2 +242937,2 +242938,2 +242939,2 +242940,2 +242941,2 +242942,2 +242943,2 +242944,2 +242945,2 +242946,30 +242947,30 +242948,30 +242949,30 +242950,30 +242951,30 +242952,31 +242953,31 +242954,31 +242955,31 +242956,31 +242957,31 +242958,31 +242959,5 +242960,5 +242961,5 +242962,5 +242963,5 +242964,5 +242965,5 +242966,5 +242967,5 +242968,5 +242969,5 +242970,5 +242971,5 +242972,5 +242973,5 +242974,5 +242975,5 +242976,5 +242977,5 +242978,5 +242979,5 +242980,13 +242981,0 +242982,0 +242983,0 +242984,0 +242985,0 +242986,0 +242987,0 +242988,0 +242989,0 +242990,0 +242991,0 +242992,0 +242993,0 +242994,0 +242995,0 +242996,0 +242997,0 +242998,0 +242999,0 +243000,0 +243001,0 +243002,0 +243003,29 +243004,29 +243005,29 +243006,29 +243007,29 +243008,31 +243009,31 +243010,31 +243011,31 +243012,6 +243013,6 +243014,6 +243015,6 +243016,6 +243017,6 +243018,6 +243019,6 +243020,6 +243021,36 +243022,36 +243023,36 +243024,36 +243025,36 +243026,36 +243027,36 +243028,36 +243029,36 +243030,36 +243031,36 +243032,36 +243033,36 +243034,36 +243035,32 +243036,32 +243037,32 +243038,32 +243039,32 +243040,32 +243041,32 +243042,31 +243043,31 +243044,31 +243045,31 +243046,31 +243047,31 +243048,8 +243049,8 +243050,8 +243051,8 +243052,8 +243053,8 +243054,15 +243055,15 +243056,15 +243057,15 +243058,15 +243059,15 +243060,15 +243061,37 +243062,37 +243063,37 +243064,37 +243065,37 +243066,37 +243067,37 +243068,36 +243069,36 +243070,36 +243071,36 +243072,36 +243073,34 +243074,34 +243075,34 +243076,34 +243077,34 +243078,34 +243079,27 +243080,27 +243081,27 +243082,27 +243083,27 +243084,27 +243085,27 +243086,27 +243087,27 +243088,27 +243089,5 +243090,13 +243091,13 +243092,13 +243093,13 +243094,32 +243095,32 +243096,32 +243097,32 +243098,32 +243099,32 +243100,32 +243101,25 +243102,37 +243103,25 +243104,25 +243105,25 +243106,25 +243107,25 +243108,32 +243109,32 +243110,32 +243111,32 +243112,32 +243113,32 +243114,37 +243115,37 +243116,37 +243117,27 +243118,27 +243119,27 +243120,27 +243121,27 +243122,27 +243123,27 +243124,5 +243125,5 +243126,5 +243127,5 +243128,2 +243129,2 +243130,2 +243131,2 +243132,2 +243133,2 +243134,2 +243135,2 +243136,31 +243137,40 +243138,40 +243139,40 +243140,40 +243141,19 +243142,19 +243143,19 +243144,4 +243145,4 +243146,4 +243147,4 +243148,39 +243149,39 +243150,39 +243151,39 +243152,39 +243153,39 +243154,39 +243155,39 +243156,39 +243157,39 +243158,39 +243159,39 +243160,39 +243161,39 +243162,39 +243163,39 +243164,39 +243165,39 +243166,8 +243167,2 +243168,2 +243169,2 +243170,2 +243171,2 +243172,8 +243173,2 +243174,8 +243175,2 +243176,2 +243177,6 +243178,6 +243179,6 +243180,6 +243181,12 +243182,12 +243183,12 +243184,12 +243185,12 +243186,12 +243187,12 +243188,12 +243189,12 +243190,25 +243191,25 +243192,25 +243193,25 +243194,25 +243195,37 +243196,40 +243197,40 +243198,40 +243199,40 +243200,40 +243201,40 +243202,40 +243203,40 +243204,40 +243205,40 +243206,40 +243207,6 +243208,6 +243209,6 +243210,6 +243211,6 +243212,11 +243213,11 +243214,11 +243215,16 +243216,16 +243217,25 +243218,25 +243219,25 +243220,25 +243221,25 +243222,25 +243223,25 +243224,25 +243225,25 +243226,2 +243227,2 +243228,2 +243229,2 +243230,2 +243231,2 +243232,2 +243233,9 +243234,9 +243235,9 +243236,9 +243237,9 +243238,26 +243239,26 +243240,10 +243241,26 +243242,26 +243243,26 +243244,26 +243245,26 +243246,26 +243247,26 +243248,26 +243249,26 +243250,26 +243251,26 +243252,26 +243253,26 +243254,4 +243255,4 +243256,19 +243257,19 +243258,19 +243259,19 +243260,38 +243261,38 +243262,38 +243263,38 +243264,27 +243265,27 +243266,5 +243267,31 +243268,31 +243269,5 +243270,5 +243271,19 +243272,19 +243273,19 +243274,19 +243275,19 +243276,6 +243277,6 +243278,6 +243279,6 +243280,6 +243281,6 +243282,6 +243283,6 +243284,37 +243285,37 +243286,37 +243287,37 +243288,37 +243289,36 +243290,36 +243291,36 +243292,36 +243293,36 +243294,36 +243295,36 +243296,36 +243297,36 +243298,6 +243299,6 +243300,6 +243301,6 +243302,6 +243303,6 +243304,6 +243305,6 +243306,6 +243307,6 +243308,27 +243309,27 +243310,27 +243311,27 +243312,27 +243313,5 +243314,5 +243315,5 +243316,5 +243317,5 +243318,31 +243319,31 +243320,31 +243321,31 +243322,31 +243323,31 +243324,31 +243325,31 +243326,32 +243327,32 +243328,32 +243329,32 +243330,32 +243331,32 +243332,32 +243333,32 +243334,27 +243335,27 +243336,27 +243337,27 +243338,27 +243339,27 +243340,2 +243341,2 +243342,2 +243343,2 +243344,2 +243345,2 +243346,2 +243347,2 +243348,2 +243349,2 +243350,2 +243351,32 +243352,15 +243353,15 +243354,15 +243355,15 +243356,15 +243357,15 +243358,15 +243359,39 +243360,39 +243361,39 +243362,39 +243363,39 +243364,39 +243365,39 +243366,39 +243367,4 +243368,4 +243369,4 +243370,4 +243371,4 +243372,4 +243373,31 +243374,35 +243375,12 +243376,12 +243377,12 +243378,12 +243379,12 +243380,12 +243381,27 +243382,27 +243383,27 +243384,27 +243385,27 +243386,8 +243387,8 +243388,8 +243389,8 +243390,8 +243391,8 +243392,8 +243393,8 +243394,8 +243395,15 +243396,15 +243397,15 +243398,15 +243399,15 +243400,15 +243401,15 +243402,31 +243403,31 +243404,31 +243405,31 +243406,31 +243407,31 +243408,31 +243409,34 +243410,34 +243411,34 +243412,34 +243413,34 +243414,34 +243415,34 +243416,34 +243417,33 +243418,33 +243419,33 +243420,33 +243421,33 +243422,33 +243423,33 +243424,3 +243425,3 +243426,3 +243427,3 +243428,3 +243429,3 +243430,0 +243431,0 +243432,0 +243433,0 +243434,0 +243435,0 +243436,0 +243437,0 +243438,0 +243439,0 +243440,0 +243441,0 +243442,0 +243443,0 +243444,0 +243445,0 +243446,0 +243447,0 +243448,0 +243449,0 +243450,0 +243451,0 +243452,0 +243453,0 +243454,0 +243455,0 +243456,0 +243457,0 +243458,0 +243459,0 +243460,0 +243461,0 +243462,0 +243463,0 +243464,0 +243465,0 +243466,0 +243467,0 +243468,0 +243469,0 +243470,0 +243471,0 +243472,0 +243473,0 +243474,0 +243475,0 +243476,0 +243477,0 +243478,0 +243479,0 +243480,0 +243481,12 +243482,12 +243483,12 +243484,12 +243485,12 +243486,12 +243487,12 +243488,12 +243489,12 +243490,12 +243491,12 +243492,12 +243493,12 +243494,14 +243495,14 +243496,14 +243497,14 +243498,14 +243499,14 +243500,40 +243501,40 +243502,40 +243503,40 +243504,40 +243505,40 +243506,40 +243507,37 +243508,40 +243509,37 +243510,27 +243511,16 +243512,16 +243513,16 +243514,16 +243515,16 +243516,16 +243517,16 +243518,16 +243519,16 +243520,16 +243521,16 +243522,16 +243523,16 +243524,16 +243525,16 +243526,16 +243527,16 +243528,0 +243529,0 +243530,0 +243531,0 +243532,0 +243533,0 +243534,0 +243535,0 +243536,0 +243537,0 +243538,0 +243539,0 +243540,0 +243541,0 +243542,0 +243543,0 +243544,0 +243545,0 +243546,15 +243547,15 +243548,15 +243549,15 +243550,15 +243551,15 +243552,15 +243553,15 +243554,10 +243555,10 +243556,10 +243557,10 +243558,10 +243559,10 +243560,10 +243561,10 +243562,10 +243563,10 +243564,10 +243565,10 +243566,10 +243567,35 +243568,35 +243569,35 +243570,35 +243571,35 +243572,27 +243573,27 +243574,27 +243575,27 +243576,27 +243577,27 +243578,27 +243579,27 +243580,27 +243581,27 +243582,27 +243583,8 +243584,8 +243585,8 +243586,8 +243587,8 +243588,8 +243589,8 +243590,8 +243591,37 +243592,37 +243593,37 +243594,37 +243595,37 +243596,37 +243597,37 +243598,37 +243599,37 +243600,40 +243601,40 +243602,40 +243603,40 +243604,40 +243605,40 +243606,6 +243607,6 +243608,6 +243609,6 +243610,6 +243611,6 +243612,6 +243613,27 +243614,27 +243615,31 +243616,27 +243617,27 +243618,5 +243619,5 +243620,5 +243621,27 +243622,27 +243623,27 +243624,27 +243625,27 +243626,27 +243627,27 +243628,13 +243629,13 +243630,13 +243631,13 +243632,13 +243633,13 +243634,13 +243635,13 +243636,13 +243637,13 +243638,13 +243639,13 +243640,13 +243641,13 +243642,13 +243643,5 +243644,0 +243645,0 +243646,0 +243647,0 +243648,0 +243649,0 +243650,0 +243651,0 +243652,0 +243653,0 +243654,0 +243655,0 +243656,0 +243657,0 +243658,0 +243659,0 +243660,0 +243661,0 +243662,0 +243663,0 +243664,0 +243665,0 +243666,0 +243667,0 +243668,0 +243669,15 +243670,15 +243671,15 +243672,15 +243673,31 +243674,31 +243675,31 +243676,31 +243677,31 +243678,31 +243679,31 +243680,4 +243681,4 +243682,4 +243683,4 +243684,33 +243685,33 +243686,33 +243687,33 +243688,33 +243689,33 +243690,31 +243691,31 +243692,30 +243693,30 +243694,30 +243695,30 +243696,30 +243697,30 +243698,30 +243699,30 +243700,30 +243701,30 +243702,30 +243703,30 +243704,34 +243705,34 +243706,34 +243707,34 +243708,34 +243709,34 +243710,36 +243711,10 +243712,10 +243713,10 +243714,10 +243715,10 +243716,10 +243717,10 +243718,31 +243719,31 +243720,31 +243721,36 +243722,36 +243723,36 +243724,36 +243725,36 +243726,36 +243727,36 +243728,36 +243729,36 +243730,36 +243731,2 +243732,2 +243733,2 +243734,2 +243735,2 +243736,2 +243737,2 +243738,2 +243739,2 +243740,2 +243741,2 +243742,2 +243743,2 +243744,2 +243745,2 +243746,2 +243747,2 +243748,2 +243749,2 +243750,2 +243751,2 +243752,2 +243753,2 +243754,8 +243755,0 +243756,0 +243757,0 +243758,0 +243759,0 +243760,0 +243761,12 +243762,35 +243763,33 +243764,33 +243765,33 +243766,33 +243767,33 +243768,33 +243769,33 +243770,33 +243771,33 +243772,33 +243773,12 +243774,12 +243775,31 +243776,31 +243777,31 +243778,31 +243779,31 +243780,31 +243781,31 +243782,31 +243783,31 +243784,4 +243785,4 +243786,2 +243787,2 +243788,2 +243789,2 +243790,2 +243791,2 +243792,2 +243793,2 +243794,2 +243795,2 +243796,2 +243797,2 +243798,2 +243799,2 +243800,2 +243801,2 +243802,2 +243803,27 +243804,27 +243805,27 +243806,39 +243807,39 +243808,6 +243809,6 +243810,6 +243811,6 +243812,6 +243813,6 +243814,6 +243815,6 +243816,6 +243817,6 +243818,6 +243819,6 +243820,23 +243821,23 +243822,23 +243823,23 +243824,7 +243825,7 +243826,7 +243827,7 +243828,7 +243829,22 +243830,22 +243831,25 +243832,25 +243833,25 +243834,25 +243835,25 +243836,25 +243837,25 +243838,25 +243839,25 +243840,25 +243841,25 +243842,25 +243843,25 +243844,25 +243845,25 +243846,19 +243847,19 +243848,19 +243849,19 +243850,39 +243851,39 +243852,39 +243853,39 +243854,39 +243855,39 +243856,39 +243857,39 +243858,39 +243859,39 +243860,39 +243861,39 +243862,39 +243863,35 +243864,35 +243865,35 +243866,35 +243867,35 +243868,35 +243869,35 +243870,35 +243871,36 +243872,36 +243873,36 +243874,36 +243875,36 +243876,36 +243877,36 +243878,18 +243879,18 +243880,18 +243881,18 +243882,18 +243883,18 +243884,19 +243885,19 +243886,11 +243887,11 +243888,11 +243889,11 +243890,11 +243891,11 +243892,11 +243893,11 +243894,11 +243895,11 +243896,11 +243897,11 +243898,11 +243899,11 +243900,39 +243901,39 +243902,39 +243903,39 +243904,39 +243905,39 +243906,39 +243907,39 +243908,39 +243909,39 +243910,39 +243911,39 +243912,39 +243913,39 +243914,39 +243915,39 +243916,39 +243917,39 +243918,39 +243919,39 +243920,39 +243921,39 +243922,39 +243923,39 +243924,39 +243925,39 +243926,39 +243927,0 +243928,0 +243929,0 +243930,0 +243931,0 +243932,0 +243933,0 +243934,0 +243935,0 +243936,0 +243937,29 +243938,29 +243939,29 +243940,29 +243941,31 +243942,31 +243943,31 +243944,31 +243945,31 +243946,4 +243947,31 +243948,31 +243949,31 +243950,31 +243951,31 +243952,31 +243953,31 +243954,31 +243955,31 +243956,31 +243957,28 +243958,28 +243959,28 +243960,28 +243961,28 +243962,28 +243963,28 +243964,28 +243965,28 +243966,28 +243967,28 +243968,28 +243969,28 +243970,36 +243971,36 +243972,36 +243973,36 +243974,36 +243975,36 +243976,36 +243977,36 +243978,36 +243979,36 +243980,36 +243981,36 +243982,36 +243983,36 +243984,36 +243985,36 +243986,36 +243987,36 +243988,5 +243989,5 +243990,5 +243991,5 +243992,5 +243993,5 +243994,5 +243995,5 +243996,5 +243997,6 +243998,6 +243999,6 +244000,6 +244001,6 +244002,6 +244003,6 +244004,6 +244005,6 +244006,6 +244007,6 +244008,14 +244009,14 +244010,14 +244011,14 +244012,14 +244013,14 +244014,14 +244015,14 +244016,14 +244017,32 +244018,15 +244019,15 +244020,15 +244021,15 +244022,15 +244023,15 +244024,15 +244025,15 +244026,15 +244027,15 +244028,15 +244029,15 +244030,15 +244031,15 +244032,15 +244033,15 +244034,15 +244035,31 +244036,31 +244037,31 +244038,31 +244039,30 +244040,30 +244041,31 +244042,31 +244043,31 +244044,31 +244045,31 +244046,31 +244047,31 +244048,31 +244049,31 +244050,31 +244051,31 +244052,24 +244053,24 +244054,24 +244055,24 +244056,24 +244057,24 +244058,24 +244059,24 +244060,24 +244061,2 +244062,2 +244063,2 +244064,2 +244065,2 +244066,2 +244067,2 +244068,2 +244069,2 +244070,31 +244071,31 +244072,31 +244073,31 +244074,31 +244075,31 +244076,31 +244077,31 +244078,16 +244079,16 +244080,16 +244081,16 +244082,16 +244083,16 +244084,16 +244085,16 +244086,16 +244087,16 +244088,16 +244089,16 +244090,16 +244091,16 +244092,0 +244093,0 +244094,0 +244095,0 +244096,0 +244097,32 +244098,32 +244099,32 +244100,32 +244101,32 +244102,32 +244103,32 +244104,32 +244105,32 +244106,32 +244107,32 +244108,32 +244109,32 +244110,37 +244111,37 +244112,37 +244113,37 +244114,37 +244115,37 +244116,37 +244117,37 +244118,39 +244119,39 +244120,39 +244121,39 +244122,39 +244123,39 +244124,39 +244125,39 +244126,2 +244127,2 +244128,2 +244129,2 +244130,2 +244131,2 +244132,2 +244133,2 +244134,2 +244135,4 +244136,4 +244137,4 +244138,4 +244139,4 +244140,4 +244141,30 +244142,30 +244143,30 +244144,30 +244145,30 +244146,30 +244147,30 +244148,30 +244149,39 +244150,39 +244151,39 +244152,39 +244153,39 +244154,39 +244155,39 +244156,39 +244157,39 +244158,39 +244159,39 +244160,39 +244161,39 +244162,39 +244163,31 +244164,31 +244165,31 +244166,31 +244167,31 +244168,31 +244169,31 +244170,39 +244171,4 +244172,4 +244173,4 +244174,4 +244175,4 +244176,0 +244177,0 +244178,0 +244179,0 +244180,0 +244181,0 +244182,0 +244183,2 +244184,2 +244185,2 +244186,2 +244187,2 +244188,2 +244189,2 +244190,2 +244191,2 +244192,2 +244193,2 +244194,2 +244195,2 +244196,2 +244197,2 +244198,2 +244199,2 +244200,31 +244201,31 +244202,31 +244203,31 +244204,31 +244205,24 +244206,24 +244207,24 +244208,24 +244209,24 +244210,24 +244211,24 +244212,24 +244213,27 +244214,27 +244215,27 +244216,27 +244217,27 +244218,27 +244219,27 +244220,27 +244221,27 +244222,27 +244223,27 +244224,27 +244225,37 +244226,37 +244227,37 +244228,25 +244229,25 +244230,25 +244231,25 +244232,25 +244233,25 +244234,19 +244235,19 +244236,19 +244237,4 +244238,4 +244239,4 +244240,4 +244241,4 +244242,4 +244243,1 +244244,1 +244245,1 +244246,1 +244247,1 +244248,39 +244249,39 +244250,39 +244251,39 +244252,39 +244253,39 +244254,39 +244255,39 +244256,39 +244257,39 +244258,39 +244259,39 +244260,39 +244261,36 +244262,36 +244263,36 +244264,36 +244265,36 +244266,36 +244267,36 +244268,36 +244269,5 +244270,5 +244271,5 +244272,5 +244273,5 +244274,5 +244275,35 +244276,35 +244277,35 +244278,35 +244279,35 +244280,35 +244281,35 +244282,35 +244283,35 +244284,35 +244285,35 +244286,35 +244287,26 +244288,26 +244289,26 +244290,26 +244291,26 +244292,37 +244293,37 +244294,37 +244295,37 +244296,37 +244297,37 +244298,4 +244299,4 +244300,4 +244301,4 +244302,4 +244303,4 +244304,4 +244305,30 +244306,30 +244307,30 +244308,30 +244309,30 +244310,27 +244311,27 +244312,27 +244313,27 +244314,27 +244315,27 +244316,2 +244317,2 +244318,2 +244319,2 +244320,2 +244321,2 +244322,2 +244323,2 +244324,2 +244325,2 +244326,5 +244327,5 +244328,5 +244329,5 +244330,31 +244331,31 +244332,31 +244333,31 +244334,31 +244335,31 +244336,31 +244337,31 +244338,31 +244339,31 +244340,31 +244341,31 +244342,31 +244343,31 +244344,31 +244345,2 +244346,2 +244347,2 +244348,2 +244349,2 +244350,2 +244351,2 +244352,2 +244353,8 +244354,8 +244355,2 +244356,2 +244357,2 +244358,2 +244359,2 +244360,2 +244361,2 +244362,2 +244363,8 +244364,8 +244365,8 +244366,8 +244367,2 +244368,0 +244369,0 +244370,0 +244371,0 +244372,0 +244373,0 +244374,0 +244375,0 +244376,0 +244377,0 +244378,0 +244379,0 +244380,0 +244381,0 +244382,0 +244383,0 +244384,0 +244385,0 +244386,0 +244387,0 +244388,0 +244389,0 +244390,0 +244391,0 +244392,0 +244393,0 +244394,0 +244395,0 +244396,0 +244397,0 +244398,0 +244399,0 +244400,0 +244401,0 +244402,0 +244403,0 +244404,0 +244405,0 +244406,0 +244407,0 +244408,0 +244409,0 +244410,0 +244411,0 +244412,0 +244413,0 +244414,0 +244415,12 +244416,12 +244417,12 +244418,12 +244419,12 +244420,27 +244421,27 +244422,5 +244423,5 +244424,5 +244425,5 +244426,27 +244427,27 +244428,27 +244429,27 +244430,31 +244431,30 +244432,30 +244433,31 +244434,31 +244435,30 +244436,30 +244437,30 +244438,30 +244439,30 +244440,30 +244441,30 +244442,30 +244443,30 +244444,30 +244445,30 +244446,30 +244447,36 +244448,36 +244449,36 +244450,36 +244451,36 +244452,36 +244453,36 +244454,36 +244455,36 +244456,36 +244457,36 +244458,36 +244459,36 +244460,36 +244461,2 +244462,2 +244463,2 +244464,2 +244465,2 +244466,2 +244467,2 +244468,2 +244469,2 +244470,2 +244471,2 +244472,2 +244473,32 +244474,32 +244475,37 +244476,6 +244477,37 +244478,37 +244479,37 +244480,37 +244481,37 +244482,33 +244483,33 +244484,31 +244485,31 +244486,31 +244487,31 +244488,31 +244489,1 +244490,1 +244491,31 +244492,31 +244493,31 +244494,31 +244495,31 +244496,31 +244497,31 +244498,31 +244499,19 +244500,19 +244501,19 +244502,19 +244503,19 +244504,19 +244505,27 +244506,27 +244507,27 +244508,27 +244509,27 +244510,27 +244511,27 +244512,2 +244513,2 +244514,2 +244515,2 +244516,2 +244517,2 +244518,2 +244519,2 +244520,2 +244521,27 +244522,31 +244523,31 +244524,31 +244525,38 +244526,38 +244527,38 +244528,38 +244529,38 +244530,38 +244531,38 +244532,32 +244533,32 +244534,32 +244535,32 +244536,32 +244537,27 +244538,27 +244539,27 +244540,27 +244541,27 +244542,27 +244543,27 +244544,27 +244545,37 +244546,37 +244547,37 +244548,37 +244549,37 +244550,37 +244551,37 +244552,37 +244553,37 +244554,37 +244555,37 +244556,37 +244557,25 +244558,25 +244559,25 +244560,25 +244561,25 +244562,19 +244563,19 +244564,19 +244565,19 +244566,19 +244567,19 +244568,19 +244569,19 +244570,19 +244571,19 +244572,19 +244573,5 +244574,5 +244575,19 +244576,0 +244577,0 +244578,0 +244579,0 +244580,0 +244581,0 +244582,0 +244583,0 +244584,29 +244585,29 +244586,31 +244587,31 +244588,31 +244589,31 +244590,32 +244591,32 +244592,32 +244593,32 +244594,32 +244595,32 +244596,32 +244597,32 +244598,32 +244599,37 +244600,37 +244601,37 +244602,37 +244603,40 +244604,40 +244605,40 +244606,40 +244607,5 +244608,5 +244609,5 +244610,5 +244611,5 +244612,8 +244613,8 +244614,8 +244615,8 +244616,8 +244617,8 +244618,8 +244619,8 +244620,2 +244621,8 +244622,12 +244623,32 +244624,30 +244625,30 +244626,30 +244627,30 +244628,30 +244629,30 +244630,31 +244631,31 +244632,30 +244633,30 +244634,30 +244635,4 +244636,4 +244637,4 +244638,4 +244639,4 +244640,4 +244641,4 +244642,4 +244643,4 +244644,4 +244645,4 +244646,25 +244647,25 +244648,25 +244649,25 +244650,25 +244651,25 +244652,25 +244653,25 +244654,5 +244655,5 +244656,5 +244657,19 +244658,19 +244659,19 +244660,19 +244661,19 +244662,19 +244663,19 +244664,36 +244665,40 +244666,31 +244667,31 +244668,31 +244669,36 +244670,36 +244671,34 +244672,34 +244673,34 +244674,34 +244675,34 +244676,34 +244677,34 +244678,34 +244679,34 +244680,34 +244681,34 +244682,34 +244683,34 +244684,34 +244685,34 +244686,34 +244687,34 +244688,34 +244689,33 +244690,33 +244691,33 +244692,28 +244693,28 +244694,5 +244695,5 +244696,25 +244697,25 +244698,9 +244699,9 +244700,9 +244701,9 +244702,9 +244703,9 +244704,9 +244705,37 +244706,37 +244707,37 +244708,37 +244709,30 +244710,30 +244711,30 +244712,30 +244713,30 +244714,34 +244715,34 +244716,34 +244717,34 +244718,37 +244719,0 +244720,0 +244721,0 +244722,0 +244723,0 +244724,0 +244725,0 +244726,0 +244727,0 +244728,0 +244729,0 +244730,0 +244731,0 +244732,0 +244733,0 +244734,0 +244735,0 +244736,0 +244737,0 +244738,0 +244739,0 +244740,0 +244741,0 +244742,0 +244743,0 +244744,0 +244745,0 +244746,0 +244747,0 +244748,0 +244749,0 +244750,0 +244751,0 +244752,0 +244753,0 +244754,0 +244755,0 +244756,0 +244757,0 +244758,0 +244759,0 +244760,0 +244761,0 +244762,0 +244763,0 +244764,0 +244765,0 +244766,0 +244767,0 +244768,0 +244769,0 +244770,0 +244771,0 +244772,0 +244773,0 +244774,0 +244775,0 +244776,0 +244777,0 +244778,0 +244779,0 +244780,0 +244781,0 +244782,0 +244783,0 +244784,0 +244785,0 +244786,0 +244787,0 +244788,0 +244789,0 +244790,0 +244791,0 +244792,0 +244793,0 +244794,0 +244795,0 +244796,0 +244797,0 +244798,0 +244799,0 +244800,0 +244801,0 +244802,0 +244803,0 +244804,0 +244805,7 +244806,7 +244807,7 +244808,7 +244809,7 +244810,7 +244811,7 +244812,7 +244813,7 +244814,7 +244815,7 +244816,39 +244817,39 +244818,3 +244819,3 +244820,39 +244821,24 +244822,24 +244823,24 +244824,24 +244825,24 +244826,24 +244827,24 +244828,24 +244829,24 +244830,24 +244831,24 +244832,21 +244833,21 +244834,21 +244835,21 +244836,21 +244837,21 +244838,21 +244839,26 +244840,26 +244841,26 +244842,26 +244843,26 +244844,26 +244845,26 +244846,26 +244847,36 +244848,36 +244849,36 +244850,24 +244851,24 +244852,24 +244853,31 +244854,25 +244855,25 +244856,25 +244857,25 +244858,24 +244859,24 +244860,24 +244861,24 +244862,24 +244863,24 +244864,31 +244865,31 +244866,31 +244867,31 +244868,31 +244869,15 +244870,15 +244871,15 +244872,15 +244873,15 +244874,15 +244875,15 +244876,34 +244877,34 +244878,40 +244879,40 +244880,40 +244881,40 +244882,40 +244883,34 +244884,30 +244885,30 +244886,30 +244887,30 +244888,30 +244889,30 +244890,30 +244891,30 +244892,30 +244893,2 +244894,2 +244895,2 +244896,2 +244897,2 +244898,2 +244899,2 +244900,2 +244901,2 +244902,2 +244903,2 +244904,2 +244905,4 +244906,4 +244907,4 +244908,4 +244909,4 +244910,4 +244911,4 +244912,4 +244913,37 +244914,37 +244915,37 +244916,37 +244917,14 +244918,14 +244919,14 +244920,14 +244921,10 +244922,10 +244923,10 +244924,10 +244925,10 +244926,10 +244927,10 +244928,10 +244929,4 +244930,4 +244931,4 +244932,4 +244933,4 +244934,4 +244935,32 +244936,4 +244937,19 +244938,19 +244939,19 +244940,19 +244941,19 +244942,32 +244943,30 +244944,30 +244945,30 +244946,30 +244947,30 +244948,30 +244949,30 +244950,30 +244951,10 +244952,10 +244953,26 +244954,26 +244955,26 +244956,26 +244957,26 +244958,26 +244959,9 +244960,9 +244961,9 +244962,9 +244963,9 +244964,9 +244965,9 +244966,9 +244967,23 +244968,23 +244969,23 +244970,23 +244971,23 +244972,23 +244973,23 +244974,23 +244975,23 +244976,23 +244977,23 +244978,23 +244979,23 +244980,23 +244981,23 +244982,23 +244983,23 +244984,23 +244985,0 +244986,23 +244987,0 +244988,0 +244989,0 +244990,0 +244991,0 +244992,0 +244993,0 +244994,0 +244995,0 +244996,0 +244997,0 +244998,0 +244999,0 +245000,0 +245001,0 +245002,0 +245003,23 +245004,23 +245005,23 +245006,23 +245007,23 +245008,23 +245009,23 +245010,37 +245011,37 +245012,37 +245013,36 +245014,36 +245015,36 +245016,36 +245017,36 +245018,13 +245019,13 +245020,13 +245021,13 +245022,13 +245023,13 +245024,13 +245025,13 +245026,13 +245027,6 +245028,6 +245029,6 +245030,6 +245031,6 +245032,22 +245033,31 +245034,22 +245035,22 +245036,19 +245037,19 +245038,19 +245039,19 +245040,4 +245041,4 +245042,6 +245043,6 +245044,6 +245045,28 +245046,28 +245047,28 +245048,28 +245049,28 +245050,28 +245051,28 +245052,28 +245053,31 +245054,31 +245055,31 +245056,31 +245057,5 +245058,5 +245059,19 +245060,19 +245061,19 +245062,19 +245063,27 +245064,27 +245065,27 +245066,27 +245067,27 +245068,27 +245069,19 +245070,19 +245071,19 +245072,19 +245073,19 +245074,19 +245075,19 +245076,19 +245077,19 +245078,19 +245079,19 +245080,19 +245081,19 +245082,0 +245083,0 +245084,0 +245085,0 +245086,0 +245087,0 +245088,0 +245089,0 +245090,0 +245091,0 +245092,0 +245093,0 +245094,0 +245095,0 +245096,0 +245097,0 +245098,0 +245099,0 +245100,0 +245101,0 +245102,0 +245103,0 +245104,0 +245105,0 +245106,0 +245107,0 +245108,0 +245109,0 +245110,0 +245111,0 +245112,0 +245113,0 +245114,0 +245115,0 +245116,0 +245117,0 +245118,0 +245119,0 +245120,0 +245121,0 +245122,0 +245123,0 +245124,0 +245125,0 +245126,0 +245127,31 +245128,31 +245129,31 +245130,31 +245131,31 +245132,31 +245133,31 +245134,24 +245135,24 +245136,24 +245137,24 +245138,24 +245139,24 +245140,24 +245141,24 +245142,24 +245143,24 +245144,6 +245145,6 +245146,6 +245147,6 +245148,6 +245149,6 +245150,9 +245151,9 +245152,9 +245153,12 +245154,9 +245155,12 +245156,12 +245157,37 +245158,37 +245159,37 +245160,37 +245161,37 +245162,37 +245163,37 +245164,2 +245165,2 +245166,2 +245167,2 +245168,2 +245169,2 +245170,2 +245171,2 +245172,2 +245173,2 +245174,10 +245175,10 +245176,10 +245177,10 +245178,10 +245179,10 +245180,10 +245181,10 +245182,10 +245183,10 +245184,10 +245185,10 +245186,28 +245187,28 +245188,28 +245189,28 +245190,28 +245191,28 +245192,9 +245193,9 +245194,9 +245195,9 +245196,9 +245197,5 +245198,30 +245199,5 +245200,5 +245201,5 +245202,5 +245203,5 +245204,30 +245205,30 +245206,5 +245207,30 +245208,30 +245209,30 +245210,39 +245211,39 +245212,39 +245213,27 +245214,31 +245215,31 +245216,31 +245217,21 +245218,21 +245219,21 +245220,21 +245221,21 +245222,21 +245223,21 +245224,21 +245225,40 +245226,40 +245227,40 +245228,40 +245229,40 +245230,40 +245231,40 +245232,40 +245233,40 +245234,40 +245235,40 +245236,2 +245237,2 +245238,2 +245239,2 +245240,2 +245241,2 +245242,2 +245243,2 +245244,2 +245245,2 +245246,2 +245247,2 +245248,27 +245249,27 +245250,27 +245251,13 +245252,13 +245253,13 +245254,13 +245255,13 +245256,13 +245257,13 +245258,26 +245259,26 +245260,26 +245261,26 +245262,26 +245263,26 +245264,26 +245265,26 +245266,26 +245267,26 +245268,30 +245269,30 +245270,9 +245271,9 +245272,9 +245273,9 +245274,30 +245275,30 +245276,30 +245277,29 +245278,29 +245279,29 +245280,29 +245281,29 +245282,29 +245283,40 +245284,40 +245285,40 +245286,40 +245287,40 +245288,40 +245289,40 +245290,40 +245291,40 +245292,40 +245293,8 +245294,8 +245295,8 +245296,8 +245297,8 +245298,8 +245299,8 +245300,2 +245301,2 +245302,23 +245303,23 +245304,23 +245305,23 +245306,25 +245307,25 +245308,25 +245309,25 +245310,25 +245311,25 +245312,25 +245313,28 +245314,28 +245315,28 +245316,28 +245317,28 +245318,28 +245319,28 +245320,40 +245321,40 +245322,40 +245323,40 +245324,40 +245325,40 +245326,40 +245327,40 +245328,40 +245329,28 +245330,28 +245331,28 +245332,28 +245333,28 +245334,28 +245335,28 +245336,28 +245337,15 +245338,15 +245339,15 +245340,15 +245341,25 +245342,25 +245343,25 +245344,25 +245345,25 +245346,25 +245347,25 +245348,25 +245349,25 +245350,25 +245351,25 +245352,25 +245353,25 +245354,25 +245355,25 +245356,25 +245357,25 +245358,25 +245359,25 +245360,0 +245361,0 +245362,0 +245363,0 +245364,0 +245365,0 +245366,0 +245367,0 +245368,0 +245369,0 +245370,0 +245371,0 +245372,0 +245373,0 +245374,0 +245375,0 +245376,0 +245377,0 +245378,0 +245379,0 +245380,0 +245381,0 +245382,0 +245383,0 +245384,0 +245385,0 +245386,0 +245387,0 +245388,0 +245389,0 +245390,0 +245391,0 +245392,0 +245393,0 +245394,0 +245395,0 +245396,0 +245397,0 +245398,0 +245399,0 +245400,0 +245401,0 +245402,0 +245403,0 +245404,0 +245405,0 +245406,0 +245407,0 +245408,0 +245409,0 +245410,0 +245411,0 +245412,0 +245413,0 +245414,0 +245415,0 +245416,0 +245417,29 +245418,29 +245419,29 +245420,29 +245421,39 +245422,39 +245423,39 +245424,39 +245425,39 +245426,39 +245427,39 +245428,39 +245429,39 +245430,39 +245431,12 +245432,12 +245433,12 +245434,12 +245435,12 +245436,12 +245437,12 +245438,12 +245439,12 +245440,12 +245441,12 +245442,12 +245443,12 +245444,12 +245445,12 +245446,12 +245447,12 +245448,10 +245449,10 +245450,10 +245451,10 +245452,10 +245453,10 +245454,10 +245455,10 +245456,10 +245457,10 +245458,10 +245459,10 +245460,10 +245461,10 +245462,10 +245463,10 +245464,10 +245465,10 +245466,14 +245467,14 +245468,14 +245469,23 +245470,23 +245471,23 +245472,23 +245473,23 +245474,23 +245475,0 +245476,0 +245477,0 +245478,0 +245479,0 +245480,0 +245481,0 +245482,0 +245483,0 +245484,0 +245485,0 +245486,0 +245487,0 +245488,0 +245489,0 +245490,0 +245491,11 +245492,11 +245493,11 +245494,11 +245495,11 +245496,11 +245497,11 +245498,11 +245499,11 +245500,11 +245501,33 +245502,33 +245503,33 +245504,33 +245505,33 +245506,33 +245507,33 +245508,33 +245509,33 +245510,35 +245511,35 +245512,35 +245513,35 +245514,35 +245515,35 +245516,35 +245517,35 +245518,35 +245519,35 +245520,36 +245521,36 +245522,36 +245523,36 +245524,36 +245525,36 +245526,36 +245527,36 +245528,36 +245529,36 +245530,36 +245531,36 +245532,24 +245533,24 +245534,24 +245535,24 +245536,24 +245537,24 +245538,29 +245539,29 +245540,29 +245541,31 +245542,31 +245543,31 +245544,31 +245545,31 +245546,31 +245547,31 +245548,37 +245549,37 +245550,37 +245551,37 +245552,37 +245553,37 +245554,37 +245555,37 +245556,37 +245557,37 +245558,37 +245559,10 +245560,10 +245561,10 +245562,10 +245563,10 +245564,10 +245565,10 +245566,10 +245567,10 +245568,10 +245569,10 +245570,10 +245571,10 +245572,10 +245573,10 +245574,4 +245575,4 +245576,4 +245577,4 +245578,4 +245579,4 +245580,19 +245581,19 +245582,19 +245583,19 +245584,19 +245585,19 +245586,19 +245587,0 +245588,0 +245589,0 +245590,0 +245591,0 +245592,0 +245593,0 +245594,0 +245595,0 +245596,0 +245597,31 +245598,31 +245599,31 +245600,31 +245601,31 +245602,31 +245603,31 +245604,31 +245605,31 +245606,31 +245607,31 +245608,31 +245609,24 +245610,24 +245611,24 +245612,24 +245613,24 +245614,24 +245615,24 +245616,24 +245617,29 +245618,29 +245619,29 +245620,27 +245621,27 +245622,27 +245623,27 +245624,27 +245625,27 +245626,2 +245627,2 +245628,2 +245629,2 +245630,2 +245631,2 +245632,2 +245633,2 +245634,2 +245635,2 +245636,2 +245637,2 +245638,2 +245639,32 +245640,32 +245641,32 +245642,32 +245643,32 +245644,32 +245645,32 +245646,15 +245647,33 +245648,33 +245649,33 +245650,33 +245651,33 +245652,33 +245653,33 +245654,33 +245655,33 +245656,33 +245657,33 +245658,33 +245659,27 +245660,27 +245661,8 +245662,8 +245663,8 +245664,8 +245665,8 +245666,8 +245667,27 +245668,27 +245669,27 +245670,27 +245671,27 +245672,27 +245673,13 +245674,13 +245675,13 +245676,13 +245677,13 +245678,13 +245679,13 +245680,13 +245681,13 +245682,13 +245683,13 +245684,13 +245685,13 +245686,0 +245687,0 +245688,0 +245689,0 +245690,31 +245691,31 +245692,31 +245693,31 +245694,31 +245695,31 +245696,0 +245697,31 +245698,31 +245699,31 +245700,31 +245701,31 +245702,31 +245703,31 +245704,31 +245705,24 +245706,24 +245707,24 +245708,24 +245709,24 +245710,24 +245711,24 +245712,35 +245713,35 +245714,35 +245715,35 +245716,35 +245717,25 +245718,25 +245719,25 +245720,25 +245721,25 +245722,25 +245723,25 +245724,25 +245725,25 +245726,25 +245727,25 +245728,25 +245729,9 +245730,9 +245731,9 +245732,9 +245733,9 +245734,9 +245735,9 +245736,9 +245737,9 +245738,9 +245739,9 +245740,9 +245741,9 +245742,9 +245743,9 +245744,9 +245745,9 +245746,9 +245747,30 +245748,30 +245749,9 +245750,33 +245751,33 +245752,33 +245753,33 +245754,33 +245755,33 +245756,33 +245757,33 +245758,5 +245759,5 +245760,5 +245761,30 +245762,30 +245763,5 +245764,5 +245765,5 +245766,13 +245767,28 +245768,28 +245769,28 +245770,28 +245771,28 +245772,28 +245773,28 +245774,28 +245775,28 +245776,28 +245777,28 +245778,28 +245779,0 +245780,32 +245781,32 +245782,32 +245783,32 +245784,32 +245785,32 +245786,0 +245787,0 +245788,32 +245789,32 +245790,32 +245791,32 +245792,32 +245793,37 +245794,37 +245795,37 +245796,37 +245797,37 +245798,37 +245799,31 +245800,31 +245801,31 +245802,31 +245803,31 +245804,31 +245805,31 +245806,26 +245807,15 +245808,15 +245809,15 +245810,15 +245811,15 +245812,15 +245813,15 +245814,25 +245815,25 +245816,25 +245817,25 +245818,25 +245819,25 +245820,19 +245821,19 +245822,4 +245823,4 +245824,39 +245825,39 +245826,39 +245827,39 +245828,39 +245829,39 +245830,39 +245831,39 +245832,35 +245833,35 +245834,35 +245835,35 +245836,35 +245837,35 +245838,35 +245839,35 +245840,35 +245841,35 +245842,35 +245843,39 +245844,39 +245845,0 +245846,0 +245847,0 +245848,0 +245849,0 +245850,0 +245851,0 +245852,0 +245853,0 +245854,0 +245855,0 +245856,0 +245857,0 +245858,0 +245859,0 +245860,0 +245861,0 +245862,0 +245863,0 +245864,0 +245865,0 +245866,0 +245867,0 +245868,0 +245869,0 +245870,0 +245871,0 +245872,0 +245873,0 +245874,0 +245875,0 +245876,0 +245877,0 +245878,0 +245879,0 +245880,0 +245881,0 +245882,0 +245883,0 +245884,0 +245885,0 +245886,0 +245887,0 +245888,0 +245889,0 +245890,0 +245891,0 +245892,0 +245893,0 +245894,0 +245895,0 +245896,0 +245897,0 +245898,0 +245899,0 +245900,0 +245901,0 +245902,0 +245903,0 +245904,0 +245905,0 +245906,0 +245907,0 +245908,0 +245909,0 +245910,0 +245911,0 +245912,0 +245913,0 +245914,0 +245915,0 +245916,0 +245917,10 +245918,10 +245919,10 +245920,10 +245921,10 +245922,10 +245923,10 +245924,10 +245925,10 +245926,10 +245927,10 +245928,10 +245929,10 +245930,10 +245931,10 +245932,10 +245933,10 +245934,10 +245935,10 +245936,10 +245937,6 +245938,6 +245939,6 +245940,6 +245941,6 +245942,6 +245943,6 +245944,6 +245945,6 +245946,6 +245947,31 +245948,31 +245949,31 +245950,31 +245951,31 +245952,5 +245953,5 +245954,5 +245955,5 +245956,5 +245957,5 +245958,4 +245959,4 +245960,4 +245961,4 +245962,32 +245963,32 +245964,32 +245965,32 +245966,33 +245967,33 +245968,33 +245969,33 +245970,33 +245971,33 +245972,8 +245973,8 +245974,8 +245975,8 +245976,8 +245977,8 +245978,8 +245979,8 +245980,8 +245981,40 +245982,36 +245983,36 +245984,40 +245985,40 +245986,40 +245987,40 +245988,40 +245989,40 +245990,40 +245991,40 +245992,40 +245993,40 +245994,40 +245995,40 +245996,2 +245997,2 +245998,2 +245999,2 +246000,2 +246001,2 +246002,2 +246003,2 +246004,2 +246005,2 +246006,2 +246007,15 +246008,15 +246009,15 +246010,15 +246011,15 +246012,15 +246013,15 +246014,15 +246015,15 +246016,15 +246017,15 +246018,15 +246019,10 +246020,10 +246021,10 +246022,10 +246023,10 +246024,10 +246025,10 +246026,10 +246027,10 +246028,10 +246029,10 +246030,2 +246031,2 +246032,2 +246033,2 +246034,2 +246035,2 +246036,2 +246037,2 +246038,2 +246039,2 +246040,2 +246041,2 +246042,2 +246043,2 +246044,2 +246045,2 +246046,2 +246047,2 +246048,2 +246049,40 +246050,40 +246051,40 +246052,40 +246053,40 +246054,40 +246055,37 +246056,37 +246057,37 +246058,37 +246059,37 +246060,37 +246061,37 +246062,37 +246063,37 +246064,37 +246065,37 +246066,24 +246067,31 +246068,25 +246069,25 +246070,25 +246071,30 +246072,30 +246073,30 +246074,30 +246075,30 +246076,30 +246077,30 +246078,30 +246079,6 +246080,4 +246081,32 +246082,23 +246083,6 +246084,6 +246085,6 +246086,6 +246087,6 +246088,6 +246089,6 +246090,6 +246091,6 +246092,6 +246093,6 +246094,10 +246095,10 +246096,10 +246097,10 +246098,10 +246099,10 +246100,10 +246101,10 +246102,10 +246103,10 +246104,10 +246105,10 +246106,19 +246107,19 +246108,19 +246109,4 +246110,12 +246111,12 +246112,12 +246113,12 +246114,31 +246115,31 +246116,31 +246117,30 +246118,30 +246119,32 +246120,30 +246121,19 +246122,30 +246123,4 +246124,4 +246125,4 +246126,4 +246127,4 +246128,2 +246129,2 +246130,2 +246131,2 +246132,2 +246133,2 +246134,2 +246135,2 +246136,2 +246137,2 +246138,2 +246139,2 +246140,2 +246141,2 +246142,2 +246143,2 +246144,2 +246145,2 +246146,2 +246147,2 +246148,0 +246149,0 +246150,0 +246151,0 +246152,0 +246153,0 +246154,0 +246155,0 +246156,0 +246157,0 +246158,0 +246159,0 +246160,0 +246161,0 +246162,0 +246163,0 +246164,0 +246165,0 +246166,0 +246167,0 +246168,0 +246169,0 +246170,0 +246171,0 +246172,0 +246173,0 +246174,0 +246175,0 +246176,0 +246177,0 +246178,0 +246179,0 +246180,0 +246181,0 +246182,0 +246183,0 +246184,0 +246185,0 +246186,0 +246187,0 +246188,0 +246189,0 +246190,0 +246191,0 +246192,31 +246193,31 +246194,31 +246195,31 +246196,31 +246197,31 +246198,31 +246199,31 +246200,31 +246201,31 +246202,31 +246203,31 +246204,31 +246205,31 +246206,6 +246207,6 +246208,6 +246209,6 +246210,6 +246211,6 +246212,6 +246213,31 +246214,31 +246215,31 +246216,5 +246217,5 +246218,5 +246219,5 +246220,5 +246221,15 +246222,15 +246223,15 +246224,15 +246225,15 +246226,39 +246227,39 +246228,39 +246229,39 +246230,39 +246231,39 +246232,39 +246233,6 +246234,6 +246235,6 +246236,6 +246237,6 +246238,6 +246239,6 +246240,6 +246241,6 +246242,31 +246243,31 +246244,31 +246245,31 +246246,31 +246247,31 +246248,31 +246249,31 +246250,31 +246251,31 +246252,28 +246253,28 +246254,28 +246255,28 +246256,28 +246257,28 +246258,32 +246259,32 +246260,32 +246261,32 +246262,32 +246263,32 +246264,32 +246265,32 +246266,27 +246267,27 +246268,27 +246269,27 +246270,27 +246271,27 +246272,32 +246273,32 +246274,32 +246275,32 +246276,32 +246277,32 +246278,32 +246279,32 +246280,32 +246281,32 +246282,32 +246283,32 +246284,32 +246285,37 +246286,37 +246287,37 +246288,37 +246289,37 +246290,26 +246291,26 +246292,26 +246293,26 +246294,26 +246295,26 +246296,26 +246297,26 +246298,26 +246299,26 +246300,37 +246301,37 +246302,37 +246303,37 +246304,37 +246305,37 +246306,37 +246307,37 +246308,37 +246309,37 +246310,37 +246311,37 +246312,37 +246313,4 +246314,4 +246315,4 +246316,4 +246317,4 +246318,4 +246319,4 +246320,4 +246321,25 +246322,25 +246323,25 +246324,25 +246325,25 +246326,25 +246327,25 +246328,25 +246329,25 +246330,25 +246331,25 +246332,25 +246333,25 +246334,25 +246335,25 +246336,25 +246337,25 +246338,25 +246339,0 +246340,0 +246341,0 +246342,5 +246343,0 +246344,0 +246345,0 +246346,0 +246347,0 +246348,29 +246349,29 +246350,15 +246351,15 +246352,15 +246353,15 +246354,15 +246355,15 +246356,15 +246357,15 +246358,10 +246359,10 +246360,10 +246361,10 +246362,10 +246363,10 +246364,10 +246365,10 +246366,10 +246367,10 +246368,10 +246369,10 +246370,10 +246371,10 +246372,31 +246373,4 +246374,31 +246375,31 +246376,31 +246377,3 +246378,3 +246379,3 +246380,3 +246381,17 +246382,5 +246383,30 +246384,30 +246385,30 +246386,30 +246387,30 +246388,30 +246389,30 +246390,30 +246391,30 +246392,30 +246393,39 +246394,39 +246395,39 +246396,39 +246397,39 +246398,39 +246399,39 +246400,12 +246401,12 +246402,12 +246403,12 +246404,12 +246405,12 +246406,12 +246407,12 +246408,12 +246409,12 +246410,12 +246411,12 +246412,12 +246413,12 +246414,12 +246415,12 +246416,31 +246417,34 +246418,34 +246419,34 +246420,34 +246421,34 +246422,5 +246423,5 +246424,5 +246425,5 +246426,5 +246427,5 +246428,28 +246429,28 +246430,28 +246431,28 +246432,28 +246433,28 +246434,28 +246435,28 +246436,28 +246437,28 +246438,28 +246439,28 +246440,0 +246441,0 +246442,0 +246443,0 +246444,0 +246445,0 +246446,0 +246447,0 +246448,0 +246449,0 +246450,0 +246451,0 +246452,0 +246453,0 +246454,0 +246455,0 +246456,0 +246457,0 +246458,0 +246459,0 +246460,0 +246461,0 +246462,0 +246463,0 +246464,0 +246465,0 +246466,0 +246467,0 +246468,0 +246469,0 +246470,0 +246471,0 +246472,0 +246473,0 +246474,0 +246475,0 +246476,0 +246477,0 +246478,0 +246479,0 +246480,0 +246481,0 +246482,0 +246483,0 +246484,0 +246485,0 +246486,0 +246487,0 +246488,0 +246489,0 +246490,0 +246491,0 +246492,0 +246493,0 +246494,0 +246495,0 +246496,0 +246497,0 +246498,0 +246499,0 +246500,0 +246501,0 +246502,0 +246503,0 +246504,0 +246505,0 +246506,0 +246507,0 +246508,0 +246509,0 +246510,0 +246511,0 +246512,0 +246513,0 +246514,0 +246515,0 +246516,29 +246517,29 +246518,29 +246519,29 +246520,29 +246521,31 +246522,31 +246523,31 +246524,28 +246525,28 +246526,28 +246527,28 +246528,28 +246529,28 +246530,37 +246531,37 +246532,37 +246533,26 +246534,26 +246535,37 +246536,37 +246537,37 +246538,37 +246539,37 +246540,37 +246541,37 +246542,16 +246543,16 +246544,16 +246545,16 +246546,16 +246547,16 +246548,16 +246549,16 +246550,16 +246551,27 +246552,27 +246553,27 +246554,27 +246555,27 +246556,27 +246557,5 +246558,24 +246559,24 +246560,24 +246561,24 +246562,24 +246563,24 +246564,24 +246565,24 +246566,24 +246567,24 +246568,24 +246569,15 +246570,15 +246571,39 +246572,39 +246573,14 +246574,14 +246575,14 +246576,14 +246577,14 +246578,14 +246579,14 +246580,39 +246581,39 +246582,39 +246583,39 +246584,14 +246585,28 +246586,28 +246587,28 +246588,9 +246589,9 +246590,9 +246591,9 +246592,9 +246593,37 +246594,37 +246595,37 +246596,37 +246597,37 +246598,37 +246599,39 +246600,39 +246601,39 +246602,39 +246603,6 +246604,6 +246605,6 +246606,6 +246607,6 +246608,6 +246609,6 +246610,6 +246611,6 +246612,31 +246613,31 +246614,31 +246615,31 +246616,31 +246617,31 +246618,31 +246619,31 +246620,24 +246621,24 +246622,24 +246623,24 +246624,24 +246625,24 +246626,31 +246627,31 +246628,31 +246629,25 +246630,25 +246631,37 +246632,19 +246633,19 +246634,19 +246635,19 +246636,19 +246637,19 +246638,23 +246639,23 +246640,23 +246641,23 +246642,23 +246643,23 +246644,23 +246645,23 +246646,25 +246647,25 +246648,25 +246649,25 +246650,25 +246651,25 +246652,28 +246653,28 +246654,28 +246655,24 +246656,24 +246657,24 +246658,35 +246659,35 +246660,35 +246661,35 +246662,35 +246663,27 +246664,27 +246665,27 +246666,27 +246667,27 +246668,27 +246669,8 +246670,8 +246671,8 +246672,8 +246673,2 +246674,2 +246675,2 +246676,2 +246677,2 +246678,2 +246679,2 +246680,2 +246681,2 +246682,2 +246683,2 +246684,2 +246685,2 +246686,40 +246687,40 +246688,40 +246689,40 +246690,40 +246691,40 +246692,40 +246693,40 +246694,40 +246695,37 +246696,37 +246697,37 +246698,37 +246699,37 +246700,37 +246701,37 +246702,37 +246703,37 +246704,37 +246705,37 +246706,37 +246707,37 +246708,37 +246709,37 +246710,37 +246711,37 +246712,27 +246713,28 +246714,28 +246715,28 +246716,28 +246717,28 +246718,28 +246719,28 +246720,28 +246721,28 +246722,26 +246723,26 +246724,26 +246725,26 +246726,26 +246727,26 +246728,26 +246729,26 +246730,26 +246731,26 +246732,26 +246733,26 +246734,26 +246735,26 +246736,4 +246737,4 +246738,4 +246739,4 +246740,4 +246741,4 +246742,4 +246743,27 +246744,27 +246745,27 +246746,27 +246747,27 +246748,27 +246749,19 +246750,19 +246751,19 +246752,19 +246753,4 +246754,4 +246755,4 +246756,27 +246757,27 +246758,27 +246759,27 +246760,27 +246761,27 +246762,27 +246763,27 +246764,8 +246765,8 +246766,8 +246767,8 +246768,8 +246769,8 +246770,35 +246771,35 +246772,35 +246773,35 +246774,35 +246775,35 +246776,33 +246777,33 +246778,9 +246779,33 +246780,9 +246781,9 +246782,9 +246783,9 +246784,9 +246785,9 +246786,9 +246787,9 +246788,37 +246789,37 +246790,37 +246791,37 +246792,37 +246793,37 +246794,37 +246795,37 +246796,31 +246797,31 +246798,2 +246799,2 +246800,2 +246801,2 +246802,2 +246803,2 +246804,2 +246805,2 +246806,2 +246807,2 +246808,2 +246809,2 +246810,2 +246811,2 +246812,2 +246813,2 +246814,2 +246815,2 +246816,0 +246817,0 +246818,0 +246819,0 +246820,0 +246821,0 +246822,0 +246823,0 +246824,0 +246825,0 +246826,36 +246827,36 +246828,36 +246829,36 +246830,36 +246831,36 +246832,36 +246833,36 +246834,36 +246835,36 +246836,5 +246837,5 +246838,5 +246839,5 +246840,5 +246841,32 +246842,32 +246843,32 +246844,32 +246845,32 +246846,32 +246847,31 +246848,31 +246849,25 +246850,25 +246851,25 +246852,25 +246853,8 +246854,8 +246855,8 +246856,8 +246857,8 +246858,8 +246859,8 +246860,8 +246861,8 +246862,8 +246863,35 +246864,35 +246865,35 +246866,39 +246867,39 +246868,39 +246869,39 +246870,39 +246871,39 +246872,39 +246873,39 +246874,39 +246875,19 +246876,19 +246877,19 +246878,19 +246879,19 +246880,27 +246881,27 +246882,27 +246883,27 +246884,27 +246885,27 +246886,19 +246887,19 +246888,19 +246889,19 +246890,19 +246891,9 +246892,9 +246893,26 +246894,9 +246895,9 +246896,9 +246897,9 +246898,9 +246899,9 +246900,9 +246901,9 +246902,9 +246903,5 +246904,5 +246905,5 +246906,5 +246907,35 +246908,35 +246909,35 +246910,35 +246911,35 +246912,35 +246913,35 +246914,35 +246915,27 +246916,27 +246917,27 +246918,27 +246919,27 +246920,8 +246921,8 +246922,8 +246923,8 +246924,8 +246925,8 +246926,18 +246927,18 +246928,18 +246929,18 +246930,18 +246931,18 +246932,18 +246933,18 +246934,18 +246935,18 +246936,18 +246937,25 +246938,25 +246939,25 +246940,25 +246941,25 +246942,31 +246943,31 +246944,27 +246945,27 +246946,31 +246947,31 +246948,5 +246949,28 +246950,5 +246951,5 +246952,39 +246953,39 +246954,39 +246955,39 +246956,39 +246957,39 +246958,39 +246959,39 +246960,39 +246961,39 +246962,39 +246963,39 +246964,39 +246965,39 +246966,39 +246967,39 +246968,39 +246969,39 +246970,39 +246971,0 +246972,0 +246973,0 +246974,0 +246975,0 +246976,0 +246977,0 +246978,0 +246979,0 +246980,0 +246981,0 +246982,0 +246983,0 +246984,0 +246985,0 +246986,0 +246987,0 +246988,0 +246989,0 +246990,0 +246991,0 +246992,0 +246993,0 +246994,0 +246995,0 +246996,0 +246997,0 +246998,0 +246999,0 +247000,0 +247001,0 +247002,0 +247003,0 +247004,0 +247005,0 +247006,0 +247007,19 +247008,19 +247009,19 +247010,19 +247011,19 +247012,19 +247013,19 +247014,19 +247015,19 +247016,19 +247017,36 +247018,36 +247019,36 +247020,36 +247021,36 +247022,36 +247023,36 +247024,36 +247025,36 +247026,36 +247027,36 +247028,36 +247029,36 +247030,36 +247031,36 +247032,36 +247033,36 +247034,36 +247035,36 +247036,36 +247037,36 +247038,5 +247039,5 +247040,5 +247041,5 +247042,5 +247043,5 +247044,5 +247045,5 +247046,5 +247047,5 +247048,5 +247049,21 +247050,21 +247051,21 +247052,21 +247053,21 +247054,37 +247055,37 +247056,37 +247057,37 +247058,37 +247059,37 +247060,37 +247061,37 +247062,37 +247063,9 +247064,9 +247065,9 +247066,9 +247067,9 +247068,9 +247069,9 +247070,9 +247071,9 +247072,26 +247073,10 +247074,10 +247075,10 +247076,10 +247077,10 +247078,10 +247079,37 +247080,37 +247081,14 +247082,14 +247083,14 +247084,14 +247085,40 +247086,40 +247087,40 +247088,40 +247089,40 +247090,5 +247091,5 +247092,28 +247093,28 +247094,28 +247095,28 +247096,28 +247097,19 +247098,19 +247099,19 +247100,31 +247101,31 +247102,31 +247103,31 +247104,31 +247105,5 +247106,28 +247107,28 +247108,28 +247109,5 +247110,5 +247111,28 +247112,28 +247113,28 +247114,28 +247115,28 +247116,36 +247117,36 +247118,36 +247119,36 +247120,36 +247121,36 +247122,36 +247123,36 +247124,36 +247125,36 +247126,36 +247127,36 +247128,36 +247129,36 +247130,36 +247131,36 +247132,36 +247133,36 +247134,36 +247135,5 +247136,5 +247137,5 +247138,5 +247139,5 +247140,15 +247141,15 +247142,15 +247143,31 +247144,31 +247145,30 +247146,31 +247147,31 +247148,31 +247149,30 +247150,31 +247151,30 +247152,30 +247153,15 +247154,15 +247155,15 +247156,15 +247157,15 +247158,15 +247159,2 +247160,2 +247161,2 +247162,2 +247163,2 +247164,2 +247165,2 +247166,2 +247167,2 +247168,2 +247169,2 +247170,23 +247171,23 +247172,23 +247173,23 +247174,23 +247175,23 +247176,2 +247177,33 +247178,33 +247179,33 +247180,33 +247181,33 +247182,33 +247183,33 +247184,33 +247185,33 +247186,33 +247187,33 +247188,33 +247189,33 +247190,33 +247191,33 +247192,33 +247193,30 +247194,30 +247195,30 +247196,30 +247197,30 +247198,30 +247199,30 +247200,39 +247201,39 +247202,39 +247203,39 +247204,39 +247205,39 +247206,39 +247207,39 +247208,31 +247209,31 +247210,31 +247211,31 +247212,31 +247213,31 +247214,37 +247215,37 +247216,37 +247217,37 +247218,37 +247219,37 +247220,37 +247221,37 +247222,34 +247223,34 +247224,34 +247225,34 +247226,34 +247227,34 +247228,34 +247229,31 +247230,31 +247231,31 +247232,31 +247233,31 +247234,31 +247235,31 +247236,5 +247237,5 +247238,5 +247239,5 +247240,5 +247241,5 +247242,4 +247243,4 +247244,4 +247245,4 +247246,4 +247247,31 +247248,31 +247249,31 +247250,31 +247251,31 +247252,31 +247253,37 +247254,37 +247255,37 +247256,37 +247257,12 +247258,37 +247259,37 +247260,37 +247261,37 +247262,40 +247263,37 +247264,37 +247265,37 +247266,37 +247267,3 +247268,37 +247269,37 +247270,37 +247271,37 +247272,37 +247273,37 +247274,33 +247275,34 +247276,34 +247277,34 +247278,34 +247279,34 +247280,34 +247281,33 +247282,9 +247283,9 +247284,13 +247285,13 +247286,13 +247287,13 +247288,5 +247289,6 +247290,6 +247291,6 +247292,6 +247293,6 +247294,31 +247295,31 +247296,31 +247297,31 +247298,30 +247299,30 +247300,30 +247301,30 +247302,30 +247303,30 +247304,30 +247305,30 +247306,18 +247307,18 +247308,18 +247309,18 +247310,18 +247311,18 +247312,18 +247313,18 +247314,18 +247315,18 +247316,26 +247317,26 +247318,26 +247319,26 +247320,26 +247321,26 +247322,26 +247323,26 +247324,26 +247325,26 +247326,26 +247327,26 +247328,26 +247329,26 +247330,9 +247331,9 +247332,26 +247333,26 +247334,26 +247335,5 +247336,5 +247337,5 +247338,5 +247339,5 +247340,5 +247341,5 +247342,5 +247343,2 +247344,2 +247345,2 +247346,2 +247347,2 +247348,2 +247349,2 +247350,2 +247351,2 +247352,2 +247353,2 +247354,2 +247355,4 +247356,4 +247357,4 +247358,4 +247359,4 +247360,4 +247361,3 +247362,3 +247363,3 +247364,3 +247365,3 +247366,3 +247367,3 +247368,3 +247369,3 +247370,3 +247371,3 +247372,3 +247373,3 +247374,3 +247375,3 +247376,3 +247377,4 +247378,19 +247379,19 +247380,19 +247381,19 +247382,31 +247383,31 +247384,31 +247385,31 +247386,31 +247387,31 +247388,31 +247389,12 +247390,12 +247391,12 +247392,12 +247393,12 +247394,12 +247395,12 +247396,12 +247397,12 +247398,12 +247399,14 +247400,14 +247401,14 +247402,14 +247403,14 +247404,14 +247405,14 +247406,14 +247407,14 +247408,14 +247409,4 +247410,4 +247411,4 +247412,4 +247413,4 +247414,4 +247415,4 +247416,27 +247417,27 +247418,27 +247419,27 +247420,13 +247421,13 +247422,13 +247423,13 +247424,13 +247425,13 +247426,28 +247427,28 +247428,28 +247429,13 +247430,35 +247431,35 +247432,35 +247433,35 +247434,35 +247435,35 +247436,27 +247437,27 +247438,27 +247439,27 +247440,27 +247441,27 +247442,27 +247443,27 +247444,8 +247445,8 +247446,8 +247447,8 +247448,8 +247449,8 +247450,8 +247451,5 +247452,5 +247453,5 +247454,5 +247455,5 +247456,5 +247457,5 +247458,39 +247459,39 +247460,39 +247461,39 +247462,39 +247463,39 +247464,39 +247465,39 +247466,39 +247467,39 +247468,39 +247469,39 +247470,39 +247471,39 +247472,39 +247473,39 +247474,8 +247475,8 +247476,8 +247477,8 +247478,2 +247479,2 +247480,2 +247481,2 +247482,2 +247483,2 +247484,2 +247485,2 +247486,2 +247487,2 +247488,2 +247489,2 +247490,2 +247491,2 +247492,2 +247493,2 +247494,2 +247495,2 +247496,2 +247497,2 +247498,2 +247499,2 +247500,2 +247501,8 +247502,8 +247503,2 +247504,2 +247505,2 +247506,0 +247507,0 +247508,0 +247509,0 +247510,0 +247511,0 +247512,0 +247513,0 +247514,0 +247515,0 +247516,0 +247517,0 +247518,0 +247519,0 +247520,0 +247521,0 +247522,0 +247523,0 +247524,0 +247525,0 +247526,0 +247527,0 +247528,0 +247529,0 +247530,0 +247531,0 +247532,0 +247533,0 +247534,0 +247535,0 +247536,0 +247537,0 +247538,0 +247539,0 +247540,0 +247541,0 +247542,0 +247543,0 +247544,0 +247545,0 +247546,0 +247547,0 +247548,0 +247549,0 +247550,0 +247551,0 +247552,0 +247553,0 +247554,0 +247555,0 +247556,0 +247557,0 +247558,0 +247559,0 +247560,0 +247561,0 +247562,0 +247563,0 +247564,0 +247565,0 +247566,0 +247567,0 +247568,0 +247569,0 +247570,36 +247571,36 +247572,36 +247573,36 +247574,36 +247575,36 +247576,36 +247577,36 +247578,36 +247579,36 +247580,36 +247581,36 +247582,5 +247583,5 +247584,5 +247585,5 +247586,5 +247587,5 +247588,31 +247589,31 +247590,31 +247591,31 +247592,31 +247593,31 +247594,30 +247595,30 +247596,30 +247597,30 +247598,30 +247599,30 +247600,30 +247601,30 +247602,30 +247603,30 +247604,30 +247605,22 +247606,22 +247607,22 +247608,33 +247609,33 +247610,33 +247611,33 +247612,33 +247613,33 +247614,4 +247615,4 +247616,4 +247617,4 +247618,3 +247619,3 +247620,3 +247621,3 +247622,3 +247623,3 +247624,3 +247625,19 +247626,19 +247627,19 +247628,19 +247629,19 +247630,19 +247631,19 +247632,28 +247633,28 +247634,28 +247635,28 +247636,31 +247637,31 +247638,31 +247639,31 +247640,31 +247641,31 +247642,31 +247643,31 +247644,31 +247645,31 +247646,2 +247647,2 +247648,2 +247649,2 +247650,2 +247651,2 +247652,2 +247653,6 +247654,6 +247655,6 +247656,6 +247657,6 +247658,6 +247659,22 +247660,31 +247661,22 +247662,22 +247663,22 +247664,22 +247665,22 +247666,19 +247667,19 +247668,19 +247669,19 +247670,4 +247671,19 +247672,31 +247673,31 +247674,31 +247675,31 +247676,31 +247677,6 +247678,6 +247679,6 +247680,6 +247681,6 +247682,6 +247683,6 +247684,6 +247685,37 +247686,37 +247687,37 +247688,37 +247689,26 +247690,31 +247691,26 +247692,31 +247693,31 +247694,31 +247695,31 +247696,26 +247697,31 +247698,26 +247699,26 +247700,2 +247701,2 +247702,2 +247703,2 +247704,2 +247705,2 +247706,2 +247707,2 +247708,2 +247709,31 +247710,31 +247711,27 +247712,27 +247713,27 +247714,27 +247715,31 +247716,29 +247717,29 +247718,4 +247719,4 +247720,29 +247721,4 +247722,4 +247723,4 +247724,4 +247725,38 +247726,28 +247727,5 +247728,5 +247729,5 +247730,5 +247731,39 +247732,39 +247733,39 +247734,39 +247735,39 +247736,39 +247737,39 +247738,39 +247739,39 +247740,39 +247741,39 +247742,39 +247743,39 +247744,39 +247745,39 +247746,39 +247747,39 +247748,39 +247749,39 +247750,39 +247751,5 +247752,5 +247753,39 +247754,8 +247755,8 +247756,8 +247757,8 +247758,8 +247759,8 +247760,2 +247761,2 +247762,2 +247763,2 +247764,2 +247765,2 +247766,2 +247767,2 +247768,2 +247769,2 +247770,0 +247771,0 +247772,0 +247773,0 +247774,0 +247775,0 +247776,0 +247777,0 +247778,0 +247779,0 +247780,0 +247781,0 +247782,0 +247783,0 +247784,0 +247785,0 +247786,0 +247787,0 +247788,0 +247789,0 +247790,0 +247791,0 +247792,0 +247793,0 +247794,0 +247795,0 +247796,0 +247797,0 +247798,0 +247799,0 +247800,0 +247801,0 +247802,0 +247803,0 +247804,0 +247805,0 +247806,0 +247807,0 +247808,0 +247809,0 +247810,0 +247811,29 +247812,29 +247813,29 +247814,31 +247815,31 +247816,31 +247817,31 +247818,12 +247819,12 +247820,12 +247821,12 +247822,12 +247823,12 +247824,12 +247825,12 +247826,12 +247827,14 +247828,14 +247829,14 +247830,14 +247831,14 +247832,14 +247833,17 +247834,19 +247835,19 +247836,4 +247837,19 +247838,19 +247839,19 +247840,19 +247841,26 +247842,26 +247843,26 +247844,26 +247845,26 +247846,26 +247847,26 +247848,26 +247849,26 +247850,26 +247851,26 +247852,26 +247853,26 +247854,26 +247855,26 +247856,18 +247857,15 +247858,15 +247859,15 +247860,15 +247861,15 +247862,18 +247863,18 +247864,18 +247865,18 +247866,18 +247867,18 +247868,18 +247869,40 +247870,40 +247871,40 +247872,40 +247873,40 +247874,40 +247875,40 +247876,40 +247877,40 +247878,6 +247879,6 +247880,6 +247881,6 +247882,6 +247883,6 +247884,6 +247885,6 +247886,6 +247887,6 +247888,6 +247889,32 +247890,37 +247891,37 +247892,37 +247893,37 +247894,37 +247895,39 +247896,39 +247897,39 +247898,39 +247899,3 +247900,4 +247901,4 +247902,4 +247903,4 +247904,4 +247905,4 +247906,4 +247907,4 +247908,4 +247909,4 +247910,4 +247911,4 +247912,35 +247913,40 +247914,36 +247915,36 +247916,36 +247917,36 +247918,36 +247919,36 +247920,36 +247921,36 +247922,36 +247923,40 +247924,19 +247925,19 +247926,19 +247927,19 +247928,19 +247929,19 +247930,19 +247931,5 +247932,5 +247933,5 +247934,5 +247935,5 +247936,5 +247937,5 +247938,5 +247939,5 +247940,5 +247941,5 +247942,5 +247943,5 +247944,5 +247945,5 +247946,5 +247947,5 +247948,5 +247949,2 +247950,2 +247951,2 +247952,2 +247953,2 +247954,2 +247955,2 +247956,2 +247957,2 +247958,2 +247959,39 +247960,39 +247961,39 +247962,39 +247963,39 +247964,39 +247965,39 +247966,39 +247967,39 +247968,39 +247969,39 +247970,5 +247971,5 +247972,5 +247973,5 +247974,5 +247975,5 +247976,5 +247977,15 +247978,15 +247979,15 +247980,15 +247981,15 +247982,15 +247983,10 +247984,10 +247985,36 +247986,36 +247987,36 +247988,10 +247989,10 +247990,10 +247991,10 +247992,10 +247993,29 +247994,29 +247995,29 +247996,29 +247997,24 +247998,29 +247999,31 +248000,31 +248001,31 +248002,24 +248003,24 +248004,28 +248005,28 +248006,28 +248007,28 +248008,28 +248009,28 +248010,28 +248011,28 +248012,28 +248013,36 +248014,36 +248015,40 +248016,40 +248017,40 +248018,40 +248019,40 +248020,40 +248021,40 +248022,40 +248023,5 +248024,5 +248025,5 +248026,5 +248027,5 +248028,5 +248029,5 +248030,5 +248031,5 +248032,5 +248033,5 +248034,5 +248035,5 +248036,5 +248037,5 +248038,5 +248039,5 +248040,5 +248041,5 +248042,5 +248043,5 +248044,5 +248045,5 +248046,5 +248047,5 +248048,5 +248049,31 +248050,31 +248051,31 +248052,31 +248053,31 +248054,12 +248055,12 +248056,12 +248057,12 +248058,12 +248059,12 +248060,12 +248061,14 +248062,14 +248063,14 +248064,14 +248065,14 +248066,14 +248067,14 +248068,14 +248069,14 +248070,14 +248071,30 +248072,30 +248073,30 +248074,30 +248075,30 +248076,30 +248077,30 +248078,33 +248079,33 +248080,15 +248081,15 +248082,15 +248083,15 +248084,33 +248085,33 +248086,33 +248087,33 +248088,33 +248089,33 +248090,33 +248091,33 +248092,33 +248093,33 +248094,33 +248095,33 +248096,33 +248097,33 +248098,33 +248099,33 +248100,33 +248101,33 +248102,33 +248103,33 +248104,4 +248105,4 +248106,4 +248107,4 +248108,4 +248109,3 +248110,3 +248111,3 +248112,3 +248113,0 +248114,0 +248115,0 +248116,0 +248117,0 +248118,0 +248119,0 +248120,0 +248121,0 +248122,0 +248123,0 +248124,0 +248125,0 +248126,0 +248127,0 +248128,0 +248129,0 +248130,0 +248131,0 +248132,0 +248133,0 +248134,0 +248135,0 +248136,0 +248137,0 +248138,0 +248139,0 +248140,12 +248141,12 +248142,12 +248143,12 +248144,12 +248145,12 +248146,12 +248147,31 +248148,31 +248149,31 +248150,31 +248151,31 +248152,31 +248153,8 +248154,8 +248155,8 +248156,8 +248157,8 +248158,8 +248159,8 +248160,30 +248161,30 +248162,30 +248163,30 +248164,30 +248165,30 +248166,30 +248167,30 +248168,30 +248169,30 +248170,31 +248171,31 +248172,31 +248173,30 +248174,30 +248175,26 +248176,26 +248177,26 +248178,26 +248179,26 +248180,26 +248181,26 +248182,26 +248183,26 +248184,26 +248185,37 +248186,37 +248187,37 +248188,37 +248189,37 +248190,37 +248191,37 +248192,37 +248193,19 +248194,19 +248195,19 +248196,19 +248197,19 +248198,19 +248199,37 +248200,37 +248201,37 +248202,37 +248203,37 +248204,37 +248205,37 +248206,37 +248207,12 +248208,12 +248209,12 +248210,12 +248211,14 +248212,14 +248213,14 +248214,14 +248215,14 +248216,14 +248217,14 +248218,14 +248219,14 +248220,14 +248221,16 +248222,16 +248223,16 +248224,4 +248225,4 +248226,16 +248227,11 +248228,11 +248229,11 +248230,11 +248231,11 +248232,16 +248233,11 +248234,11 +248235,11 +248236,11 +248237,11 +248238,9 +248239,9 +248240,9 +248241,9 +248242,9 +248243,9 +248244,9 +248245,9 +248246,9 +248247,26 +248248,26 +248249,26 +248250,26 +248251,26 +248252,26 +248253,26 +248254,26 +248255,26 +248256,26 +248257,26 +248258,30 +248259,30 +248260,30 +248261,30 +248262,30 +248263,30 +248264,30 +248265,30 +248266,12 +248267,12 +248268,12 +248269,12 +248270,12 +248271,12 +248272,12 +248273,27 +248274,27 +248275,27 +248276,27 +248277,27 +248278,16 +248279,16 +248280,16 +248281,16 +248282,16 +248283,16 +248284,16 +248285,16 +248286,4 +248287,4 +248288,4 +248289,4 +248290,4 +248291,4 +248292,4 +248293,4 +248294,4 +248295,37 +248296,37 +248297,37 +248298,37 +248299,37 +248300,37 +248301,37 +248302,37 +248303,37 +248304,34 +248305,34 +248306,36 +248307,36 +248308,36 +248309,36 +248310,36 +248311,36 +248312,36 +248313,36 +248314,36 +248315,36 +248316,36 +248317,32 +248318,32 +248319,32 +248320,32 +248321,32 +248322,32 +248323,32 +248324,32 +248325,4 +248326,4 +248327,4 +248328,4 +248329,4 +248330,4 +248331,4 +248332,28 +248333,28 +248334,28 +248335,28 +248336,28 +248337,28 +248338,5 +248339,31 +248340,31 +248341,31 +248342,31 +248343,27 +248344,8 +248345,8 +248346,8 +248347,8 +248348,8 +248349,8 +248350,27 +248351,27 +248352,27 +248353,27 +248354,27 +248355,27 +248356,27 +248357,27 +248358,27 +248359,27 +248360,27 +248361,27 +248362,27 +248363,8 +248364,24 +248365,24 +248366,24 +248367,24 +248368,24 +248369,24 +248370,24 +248371,27 +248372,27 +248373,27 +248374,27 +248375,27 +248376,27 +248377,27 +248378,27 +248379,6 +248380,6 +248381,6 +248382,6 +248383,6 +248384,6 +248385,6 +248386,37 +248387,37 +248388,37 +248389,37 +248390,37 +248391,37 +248392,37 +248393,37 +248394,37 +248395,37 +248396,37 +248397,37 +248398,37 +248399,37 +248400,8 +248401,8 +248402,8 +248403,8 +248404,8 +248405,8 +248406,8 +248407,8 +248408,31 +248409,31 +248410,31 +248411,31 +248412,31 +248413,31 +248414,31 +248415,5 +248416,5 +248417,5 +248418,5 +248419,5 +248420,5 +248421,5 +248422,5 +248423,5 +248424,2 +248425,2 +248426,2 +248427,2 +248428,2 +248429,2 +248430,2 +248431,2 +248432,27 +248433,27 +248434,27 +248435,27 +248436,27 +248437,27 +248438,30 +248439,30 +248440,30 +248441,30 +248442,30 +248443,30 +248444,30 +248445,30 +248446,30 +248447,29 +248448,29 +248449,29 +248450,29 +248451,29 +248452,29 +248453,39 +248454,39 +248455,39 +248456,39 +248457,39 +248458,39 +248459,39 +248460,39 +248461,39 +248462,39 +248463,39 +248464,31 +248465,31 +248466,31 +248467,31 +248468,31 +248469,10 +248470,10 +248471,10 +248472,31 +248473,31 +248474,19 +248475,31 +248476,31 +248477,31 +248478,38 +248479,0 +248480,0 +248481,0 +248482,0 +248483,0 +248484,0 +248485,0 +248486,0 +248487,0 +248488,0 +248489,0 +248490,0 +248491,0 +248492,0 +248493,0 +248494,0 +248495,0 +248496,0 +248497,0 +248498,0 +248499,0 +248500,0 +248501,0 +248502,0 +248503,0 +248504,0 +248505,0 +248506,0 +248507,0 +248508,0 +248509,0 +248510,0 +248511,0 +248512,0 +248513,0 +248514,0 +248515,0 +248516,0 +248517,0 +248518,0 +248519,0 +248520,0 +248521,0 +248522,0 +248523,0 +248524,0 +248525,0 +248526,0 +248527,0 +248528,0 +248529,0 +248530,0 +248531,0 +248532,0 +248533,0 +248534,0 +248535,0 +248536,0 +248537,0 +248538,0 +248539,0 +248540,0 +248541,0 +248542,0 +248543,0 +248544,0 +248545,0 +248546,0 +248547,0 +248548,0 +248549,0 +248550,0 +248551,0 +248552,0 +248553,0 +248554,0 +248555,0 +248556,0 +248557,0 +248558,0 +248559,29 +248560,29 +248561,29 +248562,29 +248563,29 +248564,29 +248565,29 +248566,29 +248567,14 +248568,14 +248569,40 +248570,40 +248571,40 +248572,40 +248573,40 +248574,40 +248575,40 +248576,40 +248577,40 +248578,40 +248579,40 +248580,40 +248581,40 +248582,37 +248583,37 +248584,37 +248585,37 +248586,37 +248587,37 +248588,37 +248589,37 +248590,37 +248591,40 +248592,40 +248593,40 +248594,40 +248595,40 +248596,40 +248597,40 +248598,40 +248599,40 +248600,40 +248601,40 +248602,40 +248603,40 +248604,27 +248605,8 +248606,8 +248607,8 +248608,8 +248609,8 +248610,8 +248611,8 +248612,8 +248613,29 +248614,29 +248615,29 +248616,29 +248617,31 +248618,31 +248619,31 +248620,31 +248621,31 +248622,31 +248623,31 +248624,31 +248625,31 +248626,4 +248627,4 +248628,4 +248629,4 +248630,4 +248631,4 +248632,4 +248633,4 +248634,4 +248635,4 +248636,4 +248637,4 +248638,4 +248639,10 +248640,10 +248641,10 +248642,10 +248643,10 +248644,10 +248645,10 +248646,10 +248647,10 +248648,10 +248649,10 +248650,10 +248651,10 +248652,10 +248653,25 +248654,25 +248655,25 +248656,37 +248657,37 +248658,37 +248659,37 +248660,37 +248661,25 +248662,27 +248663,27 +248664,27 +248665,27 +248666,27 +248667,27 +248668,27 +248669,13 +248670,5 +248671,5 +248672,5 +248673,5 +248674,5 +248675,5 +248676,4 +248677,4 +248678,4 +248679,4 +248680,4 +248681,4 +248682,4 +248683,4 +248684,4 +248685,4 +248686,4 +248687,4 +248688,4 +248689,35 +248690,39 +248691,39 +248692,39 +248693,39 +248694,39 +248695,39 +248696,6 +248697,6 +248698,6 +248699,6 +248700,6 +248701,6 +248702,6 +248703,31 +248704,31 +248705,5 +248706,31 +248707,5 +248708,5 +248709,5 +248710,5 +248711,5 +248712,5 +248713,2 +248714,2 +248715,2 +248716,2 +248717,2 +248718,2 +248719,2 +248720,2 +248721,2 +248722,2 +248723,2 +248724,2 +248725,39 +248726,39 +248727,39 +248728,39 +248729,39 +248730,39 +248731,39 +248732,39 +248733,39 +248734,39 +248735,30 +248736,30 +248737,30 +248738,30 +248739,30 +248740,30 +248741,30 +248742,2 +248743,2 +248744,2 +248745,2 +248746,2 +248747,2 +248748,2 +248749,2 +248750,2 +248751,31 +248752,31 +248753,31 +248754,31 +248755,31 +248756,31 +248757,31 +248758,35 +248759,35 +248760,31 +248761,31 +248762,31 +248763,31 +248764,31 +248765,2 +248766,2 +248767,2 +248768,2 +248769,2 +248770,2 +248771,2 +248772,2 +248773,2 +248774,40 +248775,40 +248776,40 +248777,40 +248778,40 +248779,40 +248780,40 +248781,33 +248782,33 +248783,33 +248784,33 +248785,33 +248786,33 +248787,33 +248788,33 +248789,33 +248790,33 +248791,33 +248792,33 +248793,30 +248794,30 +248795,30 +248796,23 +248797,23 +248798,23 +248799,23 +248800,23 +248801,23 +248802,23 +248803,23 +248804,23 +248805,23 +248806,23 +248807,23 +248808,0 +248809,0 +248810,0 +248811,0 +248812,0 +248813,0 +248814,0 +248815,0 +248816,0 +248817,0 +248818,0 +248819,0 +248820,0 +248821,0 +248822,0 +248823,0 +248824,0 +248825,0 +248826,0 +248827,0 +248828,0 +248829,0 +248830,0 +248831,0 +248832,0 +248833,0 +248834,0 +248835,0 +248836,0 +248837,0 +248838,0 +248839,0 +248840,0 +248841,0 +248842,0 +248843,0 +248844,0 +248845,0 +248846,0 +248847,0 +248848,0 +248849,0 +248850,0 +248851,0 +248852,0 +248853,0 +248854,0 +248855,0 +248856,0 +248857,15 +248858,15 +248859,15 +248860,15 +248861,15 +248862,30 +248863,30 +248864,30 +248865,10 +248866,10 +248867,10 +248868,10 +248869,10 +248870,10 +248871,10 +248872,10 +248873,10 +248874,10 +248875,10 +248876,10 +248877,4 +248878,4 +248879,4 +248880,4 +248881,4 +248882,4 +248883,4 +248884,4 +248885,4 +248886,4 +248887,4 +248888,10 +248889,10 +248890,10 +248891,10 +248892,10 +248893,10 +248894,10 +248895,36 +248896,19 +248897,19 +248898,19 +248899,19 +248900,19 +248901,19 +248902,19 +248903,39 +248904,27 +248905,27 +248906,27 +248907,27 +248908,27 +248909,27 +248910,27 +248911,27 +248912,27 +248913,27 +248914,37 +248915,37 +248916,37 +248917,37 +248918,37 +248919,37 +248920,37 +248921,37 +248922,39 +248923,39 +248924,39 +248925,39 +248926,39 +248927,39 +248928,39 +248929,39 +248930,31 +248931,31 +248932,31 +248933,31 +248934,31 +248935,31 +248936,31 +248937,31 +248938,31 +248939,31 +248940,31 +248941,31 +248942,2 +248943,2 +248944,2 +248945,2 +248946,2 +248947,2 +248948,2 +248949,2 +248950,2 +248951,2 +248952,2 +248953,2 +248954,2 +248955,2 +248956,2 +248957,2 +248958,2 +248959,2 +248960,2 +248961,2 +248962,8 +248963,8 +248964,2 +248965,0 +248966,0 +248967,0 +248968,0 +248969,0 +248970,0 +248971,0 +248972,0 +248973,0 +248974,0 +248975,0 +248976,0 +248977,0 +248978,0 +248979,0 +248980,0 +248981,0 +248982,0 +248983,0 +248984,0 +248985,0 +248986,0 +248987,0 +248988,0 +248989,0 +248990,0 +248991,31 +248992,31 +248993,31 +248994,31 +248995,31 +248996,31 +248997,5 +248998,5 +248999,5 +249000,5 +249001,5 +249002,5 +249003,5 +249004,27 +249005,27 +249006,31 +249007,31 +249008,31 +249009,31 +249010,31 +249011,4 +249012,4 +249013,4 +249014,4 +249015,4 +249016,4 +249017,4 +249018,4 +249019,4 +249020,4 +249021,4 +249022,40 +249023,40 +249024,40 +249025,40 +249026,40 +249027,34 +249028,34 +249029,34 +249030,25 +249031,25 +249032,25 +249033,25 +249034,25 +249035,25 +249036,25 +249037,25 +249038,25 +249039,25 +249040,25 +249041,31 +249042,31 +249043,31 +249044,31 +249045,5 +249046,5 +249047,5 +249048,5 +249049,5 +249050,35 +249051,35 +249052,35 +249053,35 +249054,35 +249055,35 +249056,3 +249057,3 +249058,3 +249059,3 +249060,3 +249061,3 +249062,3 +249063,19 +249064,19 +249065,19 +249066,19 +249067,19 +249068,19 +249069,27 +249070,27 +249071,27 +249072,27 +249073,27 +249074,2 +249075,2 +249076,2 +249077,2 +249078,2 +249079,2 +249080,2 +249081,2 +249082,8 +249083,2 +249084,23 +249085,23 +249086,23 +249087,23 +249088,23 +249089,32 +249090,30 +249091,30 +249092,30 +249093,30 +249094,30 +249095,30 +249096,30 +249097,14 +249098,14 +249099,14 +249100,14 +249101,14 +249102,14 +249103,14 +249104,14 +249105,14 +249106,2 +249107,2 +249108,2 +249109,2 +249110,2 +249111,2 +249112,2 +249113,2 +249114,2 +249115,31 +249116,31 +249117,31 +249118,31 +249119,31 +249120,31 +249121,31 +249122,31 +249123,31 +249124,31 +249125,31 +249126,31 +249127,31 +249128,31 +249129,2 +249130,2 +249131,2 +249132,2 +249133,2 +249134,2 +249135,2 +249136,2 +249137,2 +249138,2 +249139,2 +249140,2 +249141,33 +249142,33 +249143,33 +249144,33 +249145,33 +249146,33 +249147,33 +249148,33 +249149,33 +249150,33 +249151,33 +249152,33 +249153,33 +249154,33 +249155,33 +249156,33 +249157,33 +249158,33 +249159,33 +249160,33 +249161,30 +249162,30 +249163,30 +249164,0 +249165,0 +249166,0 +249167,0 +249168,0 +249169,0 +249170,0 +249171,0 +249172,0 +249173,0 +249174,0 +249175,0 +249176,0 +249177,0 +249178,0 +249179,0 +249180,0 +249181,0 +249182,0 +249183,0 +249184,0 +249185,0 +249186,0 +249187,0 +249188,0 +249189,0 +249190,0 +249191,0 +249192,0 +249193,0 +249194,0 +249195,0 +249196,0 +249197,0 +249198,0 +249199,27 +249200,27 +249201,27 +249202,27 +249203,27 +249204,27 +249205,27 +249206,27 +249207,27 +249208,27 +249209,27 +249210,27 +249211,5 +249212,5 +249213,5 +249214,5 +249215,28 +249216,32 +249217,32 +249218,32 +249219,24 +249220,32 +249221,40 +249222,40 +249223,40 +249224,40 +249225,37 +249226,37 +249227,37 +249228,37 +249229,37 +249230,37 +249231,37 +249232,37 +249233,37 +249234,39 +249235,39 +249236,39 +249237,39 +249238,39 +249239,31 +249240,31 +249241,31 +249242,31 +249243,31 +249244,2 +249245,2 +249246,2 +249247,2 +249248,2 +249249,2 +249250,2 +249251,8 +249252,2 +249253,2 +249254,12 +249255,12 +249256,12 +249257,12 +249258,12 +249259,12 +249260,12 +249261,12 +249262,12 +249263,12 +249264,12 +249265,31 +249266,31 +249267,31 +249268,14 +249269,14 +249270,14 +249271,14 +249272,14 +249273,17 +249274,17 +249275,33 +249276,33 +249277,14 +249278,14 +249279,14 +249280,14 +249281,14 +249282,14 +249283,14 +249284,14 +249285,14 +249286,14 +249287,14 +249288,14 +249289,14 +249290,8 +249291,8 +249292,8 +249293,8 +249294,8 +249295,8 +249296,8 +249297,8 +249298,8 +249299,8 +249300,8 +249301,8 +249302,8 +249303,2 +249304,8 +249305,8 +249306,8 +249307,0 +249308,0 +249309,0 +249310,0 +249311,0 +249312,0 +249313,0 +249314,0 +249315,0 +249316,0 +249317,0 +249318,0 +249319,0 +249320,0 +249321,0 +249322,0 +249323,0 +249324,0 +249325,0 +249326,0 +249327,0 +249328,0 +249329,0 +249330,0 +249331,0 +249332,0 +249333,0 +249334,0 +249335,0 +249336,0 +249337,0 +249338,0 +249339,0 +249340,0 +249341,0 +249342,0 +249343,0 +249344,0 +249345,0 +249346,0 +249347,0 +249348,0 +249349,0 +249350,0 +249351,0 +249352,0 +249353,0 +249354,0 +249355,0 +249356,0 +249357,0 +249358,0 +249359,0 +249360,0 +249361,0 +249362,0 +249363,0 +249364,0 +249365,0 +249366,0 +249367,0 +249368,0 +249369,0 +249370,0 +249371,0 +249372,0 +249373,0 +249374,0 +249375,0 +249376,0 +249377,0 +249378,0 +249379,0 +249380,0 +249381,0 +249382,0 +249383,0 +249384,0 +249385,0 +249386,0 +249387,0 +249388,0 +249389,27 +249390,27 +249391,27 +249392,27 +249393,27 +249394,27 +249395,27 +249396,27 +249397,27 +249398,27 +249399,27 +249400,27 +249401,27 +249402,31 +249403,27 +249404,27 +249405,27 +249406,8 +249407,8 +249408,8 +249409,8 +249410,8 +249411,8 +249412,8 +249413,8 +249414,8 +249415,31 +249416,31 +249417,31 +249418,31 +249419,31 +249420,31 +249421,32 +249422,32 +249423,32 +249424,32 +249425,32 +249426,32 +249427,32 +249428,32 +249429,32 +249430,32 +249431,32 +249432,32 +249433,32 +249434,32 +249435,32 +249436,32 +249437,32 +249438,37 +249439,37 +249440,37 +249441,37 +249442,37 +249443,37 +249444,31 +249445,31 +249446,31 +249447,31 +249448,31 +249449,31 +249450,31 +249451,24 +249452,24 +249453,24 +249454,24 +249455,24 +249456,24 +249457,24 +249458,30 +249459,30 +249460,30 +249461,30 +249462,30 +249463,30 +249464,30 +249465,30 +249466,31 +249467,31 +249468,31 +249469,31 +249470,31 +249471,31 +249472,28 +249473,28 +249474,28 +249475,28 +249476,28 +249477,4 +249478,4 +249479,4 +249480,31 +249481,31 +249482,31 +249483,31 +249484,32 +249485,32 +249486,32 +249487,32 +249488,32 +249489,32 +249490,32 +249491,32 +249492,32 +249493,32 +249494,32 +249495,32 +249496,32 +249497,32 +249498,32 +249499,32 +249500,32 +249501,27 +249502,27 +249503,31 +249504,31 +249505,31 +249506,3 +249507,5 +249508,5 +249509,5 +249510,5 +249511,5 +249512,5 +249513,5 +249514,27 +249515,27 +249516,27 +249517,27 +249518,27 +249519,27 +249520,27 +249521,5 +249522,5 +249523,5 +249524,5 +249525,35 +249526,35 +249527,35 +249528,35 +249529,35 +249530,35 +249531,35 +249532,35 +249533,35 +249534,35 +249535,35 +249536,34 +249537,34 +249538,34 +249539,34 +249540,34 +249541,34 +249542,12 +249543,12 +249544,12 +249545,12 +249546,12 +249547,12 +249548,12 +249549,12 +249550,12 +249551,12 +249552,12 +249553,12 +249554,12 +249555,9 +249556,9 +249557,25 +249558,25 +249559,25 +249560,33 +249561,33 +249562,33 +249563,33 +249564,33 +249565,33 +249566,33 +249567,37 +249568,37 +249569,24 +249570,24 +249571,24 +249572,25 +249573,25 +249574,37 +249575,25 +249576,25 +249577,37 +249578,37 +249579,37 +249580,37 +249581,37 +249582,37 +249583,37 +249584,37 +249585,25 +249586,25 +249587,25 +249588,25 +249589,25 +249590,0 +249591,0 +249592,0 +249593,0 +249594,0 +249595,0 +249596,0 +249597,0 +249598,0 +249599,0 +249600,0 +249601,0 +249602,0 +249603,0 +249604,0 +249605,0 +249606,0 +249607,0 +249608,0 +249609,0 +249610,0 +249611,0 +249612,0 +249613,0 +249614,0 +249615,0 +249616,0 +249617,0 +249618,0 +249619,0 +249620,0 +249621,0 +249622,0 +249623,0 +249624,0 +249625,0 +249626,0 +249627,0 +249628,0 +249629,0 +249630,0 +249631,0 +249632,0 +249633,0 +249634,0 +249635,0 +249636,0 +249637,0 +249638,0 +249639,0 +249640,0 +249641,0 +249642,0 +249643,0 +249644,0 +249645,0 +249646,0 +249647,0 +249648,0 +249649,0 +249650,0 +249651,0 +249652,0 +249653,0 +249654,0 +249655,0 +249656,0 +249657,0 +249658,0 +249659,0 +249660,0 +249661,29 +249662,29 +249663,29 +249664,29 +249665,29 +249666,29 +249667,32 +249668,31 +249669,31 +249670,31 +249671,31 +249672,15 +249673,15 +249674,15 +249675,15 +249676,15 +249677,15 +249678,15 +249679,15 +249680,33 +249681,33 +249682,33 +249683,33 +249684,33 +249685,33 +249686,33 +249687,33 +249688,33 +249689,33 +249690,33 +249691,33 +249692,33 +249693,33 +249694,17 +249695,17 +249696,17 +249697,33 +249698,33 +249699,17 +249700,17 +249701,17 +249702,17 +249703,14 +249704,14 +249705,14 +249706,14 +249707,14 +249708,14 +249709,14 +249710,39 +249711,14 +249712,14 +249713,14 +249714,14 +249715,14 +249716,39 +249717,39 +249718,39 +249719,39 +249720,39 +249721,39 +249722,39 +249723,39 +249724,39 +249725,0 +249726,0 +249727,0 +249728,0 +249729,0 +249730,0 +249731,0 +249732,0 +249733,0 +249734,0 +249735,0 +249736,0 +249737,0 +249738,0 +249739,0 +249740,0 +249741,0 +249742,0 +249743,0 +249744,0 +249745,0 +249746,0 +249747,0 +249748,0 +249749,0 +249750,0 +249751,0 +249752,0 +249753,0 +249754,0 +249755,0 +249756,0 +249757,0 +249758,0 +249759,0 +249760,0 +249761,0 +249762,0 +249763,0 +249764,0 +249765,0 +249766,0 +249767,0 +249768,0 +249769,0 +249770,0 +249771,0 +249772,0 +249773,0 +249774,0 +249775,0 +249776,15 +249777,15 +249778,15 +249779,15 +249780,10 +249781,10 +249782,10 +249783,10 +249784,10 +249785,10 +249786,10 +249787,10 +249788,10 +249789,10 +249790,10 +249791,10 +249792,5 +249793,5 +249794,5 +249795,5 +249796,39 +249797,39 +249798,39 +249799,39 +249800,39 +249801,39 +249802,39 +249803,39 +249804,39 +249805,39 +249806,39 +249807,14 +249808,14 +249809,28 +249810,28 +249811,28 +249812,28 +249813,28 +249814,28 +249815,28 +249816,28 +249817,16 +249818,11 +249819,16 +249820,16 +249821,16 +249822,4 +249823,4 +249824,4 +249825,4 +249826,4 +249827,4 +249828,4 +249829,4 +249830,37 +249831,37 +249832,37 +249833,37 +249834,26 +249835,26 +249836,37 +249837,26 +249838,26 +249839,26 +249840,26 +249841,26 +249842,26 +249843,26 +249844,26 +249845,26 +249846,26 +249847,26 +249848,26 +249849,26 +249850,26 +249851,26 +249852,26 +249853,26 +249854,26 +249855,26 +249856,26 +249857,26 +249858,26 +249859,26 +249860,26 +249861,26 +249862,26 +249863,26 +249864,34 +249865,34 +249866,34 +249867,2 +249868,2 +249869,2 +249870,2 +249871,8 +249872,8 +249873,2 +249874,8 +249875,8 +249876,8 +249877,2 +249878,2 +249879,2 +249880,0 +249881,0 +249882,0 +249883,0 +249884,4 +249885,4 +249886,4 +249887,19 +249888,0 +249889,0 +249890,0 +249891,0 +249892,0 +249893,0 +249894,0 +249895,0 +249896,0 +249897,0 +249898,0 +249899,0 +249900,0 +249901,0 +249902,0 +249903,0 +249904,0 +249905,0 +249906,0 +249907,0 +249908,0 +249909,0 +249910,0 +249911,0 +249912,0 +249913,0 +249914,0 +249915,0 +249916,6 +249917,6 +249918,6 +249919,6 +249920,6 +249921,6 +249922,14 +249923,14 +249924,14 +249925,14 +249926,14 +249927,14 +249928,14 +249929,14 +249930,14 +249931,14 +249932,25 +249933,25 +249934,25 +249935,28 +249936,28 +249937,19 +249938,19 +249939,19 +249940,19 +249941,19 +249942,27 +249943,27 +249944,27 +249945,27 +249946,27 +249947,2 +249948,2 +249949,2 +249950,2 +249951,2 +249952,2 +249953,2 +249954,2 +249955,39 +249956,39 +249957,39 +249958,39 +249959,39 +249960,39 +249961,29 +249962,24 +249963,24 +249964,24 +249965,24 +249966,24 +249967,27 +249968,27 +249969,27 +249970,3 +249971,5 +249972,39 +249973,5 +249974,27 +249975,27 +249976,3 +249977,3 +249978,3 +249979,3 +249980,3 +249981,3 +249982,3 +249983,3 +249984,30 +249985,30 +249986,30 +249987,30 +249988,9 +249989,9 +249990,9 +249991,9 +249992,9 +249993,9 +249994,37 +249995,37 +249996,37 +249997,37 +249998,25 +249999,25 +250000,25 +250001,25 +250002,25 +250003,25 +250004,10 +250005,10 +250006,10 +250007,10 +250008,10 +250009,10 +250010,10 +250011,10 +250012,10 +250013,10 +250014,10 +250015,10 +250016,10 +250017,10 +250018,10 +250019,24 +250020,24 +250021,24 +250022,24 +250023,31 +250024,31 +250025,31 +250026,31 +250027,31 +250028,31 +250029,30 +250030,30 +250031,30 +250032,30 +250033,30 +250034,30 +250035,30 +250036,30 +250037,30 +250038,30 +250039,30 +250040,30 +250041,30 +250042,30 +250043,30 +250044,30 +250045,30 +250046,0 +250047,0 +250048,0 +250049,0 +250050,0 +250051,0 +250052,0 +250053,0 +250054,0 +250055,0 +250056,0 +250057,0 +250058,0 +250059,0 +250060,0 +250061,0 +250062,0 +250063,0 +250064,0 +250065,0 +250066,0 +250067,0 +250068,0 +250069,0 +250070,0 +250071,0 +250072,0 +250073,0 +250074,0 +250075,15 +250076,15 +250077,31 +250078,31 +250079,31 +250080,31 +250081,31 +250082,4 +250083,4 +250084,4 +250085,4 +250086,4 +250087,4 +250088,4 +250089,4 +250090,4 +250091,4 +250092,4 +250093,4 +250094,4 +250095,4 +250096,4 +250097,4 +250098,32 +250099,27 +250100,27 +250101,27 +250102,27 +250103,27 +250104,27 +250105,4 +250106,4 +250107,4 +250108,4 +250109,37 +250110,37 +250111,37 +250112,25 +250113,25 +250114,25 +250115,25 +250116,25 +250117,25 +250118,30 +250119,30 +250120,30 +250121,12 +250122,12 +250123,12 +250124,27 +250125,27 +250126,27 +250127,27 +250128,38 +250129,38 +250130,38 +250131,38 +250132,38 +250133,29 +250134,0 +250135,0 +250136,0 +250137,0 +250138,0 +250139,19 +250140,0 +250141,0 +250142,19 +250143,19 +250144,19 +250145,19 +250146,27 +250147,3 +250148,3 +250149,3 +250150,3 +250151,4 +250152,35 +250153,35 +250154,4 +250155,35 +250156,4 +250157,4 +250158,4 +250159,35 +250160,4 +250161,4 +250162,4 +250163,4 +250164,4 +250165,4 +250166,4 +250167,4 +250168,4 +250169,27 +250170,27 +250171,27 +250172,27 +250173,27 +250174,27 +250175,27 +250176,27 +250177,27 +250178,27 +250179,4 +250180,4 +250181,4 +250182,4 +250183,4 +250184,4 +250185,4 +250186,4 +250187,4 +250188,4 +250189,4 +250190,4 +250191,2 +250192,2 +250193,2 +250194,2 +250195,2 +250196,0 +250197,0 +250198,0 +250199,0 +250200,0 +250201,0 +250202,0 +250203,0 +250204,0 +250205,0 +250206,0 +250207,0 +250208,0 +250209,0 +250210,0 +250211,0 +250212,0 +250213,0 +250214,0 +250215,0 +250216,0 +250217,0 +250218,0 +250219,0 +250220,0 +250221,0 +250222,0 +250223,0 +250224,0 +250225,0 +250226,6 +250227,6 +250228,6 +250229,6 +250230,6 +250231,37 +250232,37 +250233,37 +250234,37 +250235,37 +250236,31 +250237,31 +250238,31 +250239,32 +250240,32 +250241,32 +250242,32 +250243,32 +250244,32 +250245,32 +250246,4 +250247,4 +250248,4 +250249,4 +250250,31 +250251,31 +250252,31 +250253,31 +250254,31 +250255,31 +250256,31 +250257,5 +250258,5 +250259,5 +250260,5 +250261,5 +250262,5 +250263,19 +250264,19 +250265,19 +250266,19 +250267,37 +250268,37 +250269,29 +250270,29 +250271,19 +250272,29 +250273,29 +250274,29 +250275,31 +250276,31 +250277,31 +250278,31 +250279,4 +250280,4 +250281,4 +250282,4 +250283,4 +250284,4 +250285,4 +250286,4 +250287,4 +250288,4 +250289,4 +250290,4 +250291,4 +250292,14 +250293,14 +250294,14 +250295,14 +250296,14 +250297,14 +250298,14 +250299,14 +250300,14 +250301,14 +250302,14 +250303,14 +250304,14 +250305,15 +250306,15 +250307,15 +250308,15 +250309,15 +250310,15 +250311,15 +250312,31 +250313,31 +250314,31 +250315,31 +250316,31 +250317,31 +250318,30 +250319,30 +250320,30 +250321,30 +250322,30 +250323,30 +250324,30 +250325,30 +250326,30 +250327,30 +250328,30 +250329,30 +250330,30 +250331,30 +250332,0 +250333,0 +250334,0 +250335,0 +250336,0 +250337,0 +250338,0 +250339,0 +250340,0 +250341,0 +250342,0 +250343,0 +250344,0 +250345,0 +250346,0 +250347,36 +250348,36 +250349,36 +250350,36 +250351,36 +250352,36 +250353,5 +250354,5 +250355,5 +250356,5 +250357,5 +250358,27 +250359,27 +250360,27 +250361,27 +250362,13 +250363,13 +250364,13 +250365,13 +250366,13 +250367,21 +250368,21 +250369,21 +250370,8 +250371,8 +250372,8 +250373,8 +250374,8 +250375,8 +250376,8 +250377,8 +250378,36 +250379,36 +250380,40 +250381,36 +250382,36 +250383,36 +250384,36 +250385,40 +250386,40 +250387,30 +250388,10 +250389,28 +250390,30 +250391,37 +250392,37 +250393,31 +250394,31 +250395,31 +250396,31 +250397,5 +250398,5 +250399,5 +250400,19 +250401,19 +250402,19 +250403,28 +250404,28 +250405,28 +250406,28 +250407,28 +250408,28 +250409,28 +250410,28 +250411,39 +250412,39 +250413,39 +250414,39 +250415,39 +250416,39 +250417,39 +250418,39 +250419,39 +250420,39 +250421,39 +250422,39 +250423,23 +250424,23 +250425,23 +250426,23 +250427,23 +250428,23 +250429,23 +250430,25 +250431,25 +250432,25 +250433,25 +250434,25 +250435,25 +250436,25 +250437,28 +250438,28 +250439,28 +250440,35 +250441,35 +250442,35 +250443,35 +250444,35 +250445,35 +250446,35 +250447,35 +250448,35 +250449,35 +250450,27 +250451,27 +250452,8 +250453,8 +250454,8 +250455,8 +250456,8 +250457,8 +250458,8 +250459,8 +250460,38 +250461,38 +250462,37 +250463,25 +250464,25 +250465,39 +250466,39 +250467,39 +250468,4 +250469,4 +250470,4 +250471,4 +250472,4 +250473,4 +250474,4 +250475,4 +250476,4 +250477,4 +250478,4 +250479,37 +250480,37 +250481,37 +250482,37 +250483,39 +250484,39 +250485,39 +250486,39 +250487,39 +250488,39 +250489,39 +250490,0 +250491,0 +250492,0 +250493,0 +250494,0 +250495,0 +250496,0 +250497,0 +250498,4 +250499,4 +250500,4 +250501,4 +250502,4 +250503,4 +250504,4 +250505,0 +250506,0 +250507,0 +250508,0 +250509,0 +250510,0 +250511,0 +250512,0 +250513,0 +250514,0 +250515,0 +250516,0 +250517,0 +250518,0 +250519,0 +250520,0 +250521,0 +250522,0 +250523,0 +250524,0 +250525,0 +250526,0 +250527,0 +250528,0 +250529,0 +250530,0 +250531,0 +250532,0 +250533,0 +250534,0 +250535,0 +250536,0 +250537,0 +250538,0 +250539,0 +250540,0 +250541,0 +250542,0 +250543,0 +250544,0 +250545,0 +250546,0 +250547,0 +250548,0 +250549,0 +250550,0 +250551,0 +250552,0 +250553,0 +250554,0 +250555,0 +250556,0 +250557,0 +250558,0 +250559,0 +250560,0 +250561,0 +250562,0 +250563,0 +250564,0 +250565,0 +250566,0 +250567,0 +250568,0 +250569,0 +250570,0 +250571,0 +250572,0 +250573,0 +250574,0 +250575,0 +250576,0 +250577,29 +250578,29 +250579,31 +250580,31 +250581,31 +250582,31 +250583,35 +250584,35 +250585,35 +250586,35 +250587,35 +250588,35 +250589,33 +250590,33 +250591,33 +250592,33 +250593,33 +250594,33 +250595,33 +250596,33 +250597,27 +250598,33 +250599,33 +250600,33 +250601,4 +250602,4 +250603,4 +250604,4 +250605,4 +250606,4 +250607,4 +250608,4 +250609,40 +250610,40 +250611,40 +250612,40 +250613,40 +250614,40 +250615,40 +250616,40 +250617,30 +250618,30 +250619,30 +250620,30 +250621,30 +250622,30 +250623,33 +250624,33 +250625,33 +250626,33 +250627,33 +250628,33 +250629,33 +250630,33 +250631,33 +250632,33 +250633,33 +250634,33 +250635,33 +250636,33 +250637,33 +250638,30 +250639,30 +250640,30 +250641,30 +250642,31 +250643,31 +250644,31 +250645,31 +250646,31 +250647,24 +250648,24 +250649,24 +250650,24 +250651,27 +250652,27 +250653,27 +250654,14 +250655,14 +250656,14 +250657,14 +250658,14 +250659,14 +250660,14 +250661,4 +250662,4 +250663,4 +250664,4 +250665,4 +250666,25 +250667,25 +250668,25 +250669,25 +250670,25 +250671,25 +250672,25 +250673,25 +250674,25 +250675,4 +250676,4 +250677,4 +250678,4 +250679,18 +250680,19 +250681,18 +250682,18 +250683,37 +250684,37 +250685,37 +250686,26 +250687,26 +250688,26 +250689,26 +250690,26 +250691,26 +250692,26 +250693,26 +250694,26 +250695,26 +250696,32 +250697,32 +250698,32 +250699,32 +250700,32 +250701,32 +250702,32 +250703,4 +250704,4 +250705,4 +250706,4 +250707,27 +250708,27 +250709,27 +250710,27 +250711,27 +250712,2 +250713,2 +250714,2 +250715,2 +250716,2 +250717,2 +250718,2 +250719,2 +250720,2 +250721,2 +250722,9 +250723,9 +250724,9 +250725,9 +250726,9 +250727,9 +250728,9 +250729,9 +250730,9 +250731,9 +250732,9 +250733,9 +250734,9 +250735,9 +250736,23 +250737,23 +250738,23 +250739,23 +250740,23 +250741,23 +250742,23 +250743,23 +250744,23 +250745,29 +250746,5 +250747,29 +250748,29 +250749,29 +250750,29 +250751,29 +250752,29 +250753,31 +250754,31 +250755,31 +250756,31 +250757,28 +250758,28 +250759,28 +250760,28 +250761,28 +250762,28 +250763,28 +250764,14 +250765,14 +250766,14 +250767,14 +250768,14 +250769,14 +250770,14 +250771,14 +250772,14 +250773,14 +250774,5 +250775,5 +250776,5 +250777,24 +250778,24 +250779,24 +250780,24 +250781,24 +250782,24 +250783,40 +250784,40 +250785,40 +250786,40 +250787,40 +250788,40 +250789,40 +250790,40 +250791,40 +250792,40 +250793,2 +250794,2 +250795,2 +250796,2 +250797,2 +250798,2 +250799,2 +250800,2 +250801,16 +250802,16 +250803,16 +250804,16 +250805,16 +250806,16 +250807,27 +250808,27 +250809,27 +250810,27 +250811,15 +250812,15 +250813,15 +250814,15 +250815,15 +250816,15 +250817,15 +250818,39 +250819,39 +250820,7 +250821,3 +250822,3 +250823,3 +250824,3 +250825,3 +250826,3 +250827,3 +250828,3 +250829,3 +250830,3 +250831,3 +250832,30 +250833,30 +250834,30 +250835,30 +250836,30 +250837,30 +250838,30 +250839,30 +250840,30 +250841,9 +250842,9 +250843,9 +250844,9 +250845,9 +250846,9 +250847,9 +250848,9 +250849,9 +250850,9 +250851,9 +250852,9 +250853,5 +250854,5 +250855,5 +250856,5 +250857,5 +250858,5 +250859,5 +250860,29 +250861,29 +250862,29 +250863,29 +250864,29 +250865,29 +250866,29 +250867,28 +250868,28 +250869,28 +250870,40 +250871,40 +250872,40 +250873,40 +250874,40 +250875,40 +250876,40 +250877,40 +250878,40 +250879,40 +250880,8 +250881,8 +250882,8 +250883,8 +250884,8 +250885,8 +250886,8 +250887,8 +250888,8 +250889,27 +250890,27 +250891,27 +250892,5 +250893,5 +250894,5 +250895,5 +250896,5 +250897,39 +250898,39 +250899,39 +250900,39 +250901,39 +250902,39 +250903,39 +250904,39 +250905,39 +250906,39 +250907,39 +250908,39 +250909,39 +250910,39 +250911,39 +250912,5 +250913,5 +250914,5 +250915,5 +250916,5 +250917,5 +250918,5 +250919,5 +250920,13 +250921,5 +250922,5 +250923,5 +250924,5 +250925,5 +250926,5 +250927,5 +250928,5 +250929,5 +250930,0 +250931,0 +250932,0 +250933,0 +250934,0 +250935,0 +250936,0 +250937,0 +250938,0 +250939,0 +250940,0 +250941,0 +250942,0 +250943,0 +250944,0 +250945,0 +250946,0 +250947,0 +250948,0 +250949,0 +250950,0 +250951,0 +250952,0 +250953,0 +250954,0 +250955,0 +250956,0 +250957,0 +250958,0 +250959,0 +250960,0 +250961,0 +250962,0 +250963,0 +250964,0 +250965,0 +250966,0 +250967,0 +250968,0 +250969,0 +250970,0 +250971,0 +250972,0 +250973,0 +250974,0 +250975,0 +250976,0 +250977,0 +250978,0 +250979,0 +250980,0 +250981,0 +250982,0 +250983,0 +250984,0 +250985,0 +250986,0 +250987,0 +250988,0 +250989,0 +250990,0 +250991,0 +250992,0 +250993,0 +250994,0 +250995,0 +250996,10 +250997,10 +250998,10 +250999,10 +251000,10 +251001,10 +251002,10 +251003,10 +251004,10 +251005,10 +251006,10 +251007,10 +251008,10 +251009,12 +251010,12 +251011,12 +251012,12 +251013,12 +251014,12 +251015,12 +251016,12 +251017,33 +251018,40 +251019,40 +251020,40 +251021,40 +251022,40 +251023,5 +251024,5 +251025,19 +251026,19 +251027,19 +251028,19 +251029,19 +251030,19 +251031,19 +251032,19 +251033,19 +251034,26 +251035,26 +251036,26 +251037,26 +251038,1 +251039,1 +251040,1 +251041,5 +251042,5 +251043,5 +251044,5 +251045,5 +251046,27 +251047,27 +251048,27 +251049,31 +251050,11 +251051,11 +251052,11 +251053,11 +251054,11 +251055,11 +251056,11 +251057,11 +251058,11 +251059,11 +251060,11 +251061,11 +251062,11 +251063,11 +251064,9 +251065,9 +251066,9 +251067,12 +251068,12 +251069,12 +251070,25 +251071,25 +251072,37 +251073,25 +251074,25 +251075,25 +251076,37 +251077,4 +251078,4 +251079,4 +251080,4 +251081,4 +251082,4 +251083,2 +251084,2 +251085,2 +251086,2 +251087,2 +251088,2 +251089,2 +251090,2 +251091,2 +251092,2 +251093,4 +251094,4 +251095,4 +251096,4 +251097,4 +251098,4 +251099,27 +251100,27 +251101,27 +251102,27 +251103,27 +251104,37 +251105,37 +251106,37 +251107,37 +251108,37 +251109,37 +251110,37 +251111,37 +251112,37 +251113,27 +251114,27 +251115,27 +251116,30 +251117,30 +251118,30 +251119,4 +251120,4 +251121,4 +251122,4 +251123,4 +251124,4 +251125,39 +251126,39 +251127,39 +251128,39 +251129,39 +251130,39 +251131,39 +251132,39 +251133,39 +251134,39 +251135,19 +251136,19 +251137,27 +251138,27 +251139,27 +251140,27 +251141,27 +251142,27 +251143,13 +251144,13 +251145,13 +251146,13 +251147,13 +251148,13 +251149,13 +251150,4 +251151,4 +251152,4 +251153,4 +251154,4 +251155,4 +251156,29 +251157,29 +251158,29 +251159,29 +251160,29 +251161,29 +251162,29 +251163,29 +251164,31 +251165,31 +251166,31 +251167,31 +251168,31 +251169,21 +251170,21 +251171,21 +251172,21 +251173,21 +251174,21 +251175,37 +251176,37 +251177,37 +251178,37 +251179,37 +251180,37 +251181,37 +251182,10 +251183,10 +251184,10 +251185,34 +251186,34 +251187,34 +251188,34 +251189,34 +251190,34 +251191,34 +251192,34 +251193,34 +251194,34 +251195,34 +251196,5 +251197,5 +251198,5 +251199,5 +251200,5 +251201,23 +251202,23 +251203,23 +251204,23 +251205,23 +251206,23 +251207,23 +251208,23 +251209,23 +251210,23 +251211,23 +251212,23 +251213,23 +251214,23 +251215,23 +251216,23 +251217,30 +251218,30 +251219,30 +251220,30 +251221,30 +251222,30 +251223,30 +251224,30 +251225,30 +251226,9 +251227,9 +251228,9 +251229,9 +251230,9 +251231,9 +251232,9 +251233,9 +251234,9 +251235,9 +251236,37 +251237,37 +251238,25 +251239,25 +251240,25 +251241,25 +251242,25 +251243,25 +251244,25 +251245,25 +251246,25 +251247,25 +251248,25 +251249,25 +251250,25 +251251,25 +251252,25 +251253,25 +251254,25 +251255,25 +251256,25 +251257,0 +251258,0 +251259,0 +251260,0 +251261,0 +251262,0 +251263,0 +251264,0 +251265,0 +251266,0 +251267,0 +251268,0 +251269,0 +251270,0 +251271,0 +251272,0 +251273,0 +251274,0 +251275,0 +251276,0 +251277,0 +251278,0 +251279,0 +251280,0 +251281,0 +251282,0 +251283,0 +251284,0 +251285,0 +251286,0 +251287,0 +251288,0 +251289,0 +251290,0 +251291,0 +251292,0 +251293,0 +251294,0 +251295,0 +251296,0 +251297,0 +251298,0 +251299,0 +251300,0 +251301,0 +251302,0 +251303,0 +251304,0 +251305,0 +251306,0 +251307,0 +251308,0 +251309,0 +251310,0 +251311,0 +251312,0 +251313,0 +251314,0 +251315,0 +251316,0 +251317,0 +251318,0 +251319,0 +251320,0 +251321,0 +251322,0 +251323,0 +251324,29 +251325,29 +251326,29 +251327,31 +251328,31 +251329,31 +251330,31 +251331,31 +251332,31 +251333,31 +251334,4 +251335,4 +251336,4 +251337,4 +251338,4 +251339,4 +251340,4 +251341,4 +251342,4 +251343,4 +251344,3 +251345,3 +251346,3 +251347,3 +251348,3 +251349,3 +251350,3 +251351,3 +251352,3 +251353,3 +251354,3 +251355,15 +251356,15 +251357,15 +251358,15 +251359,15 +251360,15 +251361,15 +251362,40 +251363,40 +251364,40 +251365,40 +251366,40 +251367,40 +251368,40 +251369,40 +251370,40 +251371,37 +251372,37 +251373,37 +251374,37 +251375,37 +251376,37 +251377,37 +251378,37 +251379,37 +251380,37 +251381,25 +251382,25 +251383,25 +251384,25 +251385,25 +251386,25 +251387,25 +251388,8 +251389,8 +251390,8 +251391,8 +251392,8 +251393,8 +251394,8 +251395,27 +251396,27 +251397,27 +251398,27 +251399,27 +251400,29 +251401,29 +251402,29 +251403,29 +251404,31 +251405,31 +251406,31 +251407,31 +251408,31 +251409,6 +251410,6 +251411,6 +251412,6 +251413,6 +251414,6 +251415,6 +251416,6 +251417,6 +251418,6 +251419,9 +251420,9 +251421,9 +251422,9 +251423,9 +251424,9 +251425,9 +251426,9 +251427,9 +251428,9 +251429,37 +251430,37 +251431,37 +251432,37 +251433,37 +251434,37 +251435,37 +251436,32 +251437,32 +251438,32 +251439,32 +251440,32 +251441,32 +251442,32 +251443,2 +251444,2 +251445,2 +251446,2 +251447,2 +251448,2 +251449,2 +251450,2 +251451,2 +251452,2 +251453,2 +251454,2 +251455,36 +251456,36 +251457,36 +251458,36 +251459,36 +251460,36 +251461,36 +251462,36 +251463,36 +251464,36 +251465,36 +251466,19 +251467,19 +251468,19 +251469,19 +251470,19 +251471,19 +251472,19 +251473,19 +251474,31 +251475,31 +251476,31 +251477,31 +251478,31 +251479,31 +251480,31 +251481,31 +251482,31 +251483,31 +251484,31 +251485,31 +251486,5 +251487,5 +251488,5 +251489,5 +251490,5 +251491,5 +251492,5 +251493,23 +251494,23 +251495,23 +251496,23 +251497,23 +251498,23 +251499,23 +251500,23 +251501,36 +251502,36 +251503,36 +251504,36 +251505,36 +251506,36 +251507,36 +251508,36 +251509,36 +251510,36 +251511,36 +251512,36 +251513,36 +251514,2 +251515,2 +251516,2 +251517,2 +251518,2 +251519,2 +251520,2 +251521,2 +251522,2 +251523,29 +251524,29 +251525,29 +251526,29 +251527,29 +251528,29 +251529,29 +251530,29 +251531,29 +251532,29 +251533,31 +251534,31 +251535,31 +251536,31 +251537,31 +251538,31 +251539,2 +251540,2 +251541,2 +251542,2 +251543,2 +251544,2 +251545,2 +251546,2 +251547,4 +251548,4 +251549,4 +251550,4 +251551,4 +251552,37 +251553,37 +251554,37 +251555,37 +251556,37 +251557,37 +251558,37 +251559,36 +251560,36 +251561,36 +251562,36 +251563,36 +251564,36 +251565,36 +251566,36 +251567,36 +251568,36 +251569,36 +251570,32 +251571,32 +251572,32 +251573,32 +251574,32 +251575,2 +251576,2 +251577,2 +251578,2 +251579,2 +251580,2 +251581,2 +251582,32 +251583,32 +251584,32 +251585,32 +251586,32 +251587,33 +251588,35 +251589,35 +251590,35 +251591,35 +251592,35 +251593,35 +251594,12 +251595,12 +251596,12 +251597,12 +251598,12 +251599,12 +251600,12 +251601,12 +251602,12 +251603,27 +251604,27 +251605,27 +251606,27 +251607,19 +251608,19 +251609,19 +251610,19 +251611,19 +251612,4 +251613,2 +251614,2 +251615,2 +251616,2 +251617,2 +251618,29 +251619,29 +251620,29 +251621,29 +251622,14 +251623,14 +251624,14 +251625,14 +251626,14 +251627,14 +251628,14 +251629,6 +251630,6 +251631,6 +251632,6 +251633,6 +251634,6 +251635,6 +251636,6 +251637,6 +251638,6 +251639,40 +251640,40 +251641,40 +251642,40 +251643,37 +251644,37 +251645,37 +251646,37 +251647,37 +251648,37 +251649,37 +251650,37 +251651,39 +251652,39 +251653,39 +251654,39 +251655,39 +251656,39 +251657,19 +251658,19 +251659,19 +251660,29 +251661,29 +251662,29 +251663,29 +251664,31 +251665,31 +251666,31 +251667,31 +251668,31 +251669,31 +251670,31 +251671,31 +251672,31 +251673,31 +251674,30 +251675,19 +251676,19 +251677,19 +251678,27 +251679,27 +251680,27 +251681,27 +251682,27 +251683,40 +251684,40 +251685,40 +251686,40 +251687,27 +251688,37 +251689,37 +251690,37 +251691,37 +251692,37 +251693,37 +251694,37 +251695,37 +251696,37 +251697,37 +251698,37 +251699,37 +251700,37 +251701,37 +251702,37 +251703,37 +251704,37 +251705,0 +251706,0 +251707,0 +251708,0 +251709,0 +251710,0 +251711,0 +251712,0 +251713,0 +251714,0 +251715,0 +251716,0 +251717,0 +251718,0 +251719,0 +251720,0 +251721,0 +251722,0 +251723,0 +251724,0 +251725,0 +251726,0 +251727,0 +251728,0 +251729,0 +251730,0 +251731,0 +251732,0 +251733,0 +251734,0 +251735,0 +251736,0 +251737,0 +251738,0 +251739,0 +251740,0 +251741,0 +251742,0 +251743,0 +251744,0 +251745,0 +251746,0 +251747,0 +251748,31 +251749,31 +251750,31 +251751,31 +251752,31 +251753,31 +251754,31 +251755,31 +251756,31 +251757,31 +251758,5 +251759,31 +251760,19 +251761,19 +251762,19 +251763,19 +251764,19 +251765,12 +251766,12 +251767,12 +251768,25 +251769,25 +251770,25 +251771,25 +251772,25 +251773,25 +251774,30 +251775,30 +251776,30 +251777,30 +251778,30 +251779,30 +251780,30 +251781,30 +251782,30 +251783,30 +251784,30 +251785,30 +251786,30 +251787,30 +251788,30 +251789,36 +251790,36 +251791,36 +251792,36 +251793,36 +251794,4 +251795,4 +251796,19 +251797,27 +251798,27 +251799,27 +251800,27 +251801,27 +251802,27 +251803,27 +251804,13 +251805,13 +251806,13 +251807,13 +251808,13 +251809,13 +251810,29 +251811,29 +251812,29 +251813,40 +251814,40 +251815,40 +251816,40 +251817,37 +251818,37 +251819,37 +251820,37 +251821,37 +251822,15 +251823,15 +251824,15 +251825,15 +251826,32 +251827,32 +251828,32 +251829,32 +251830,32 +251831,32 +251832,25 +251833,37 +251834,37 +251835,25 +251836,25 +251837,25 +251838,25 +251839,25 +251840,25 +251841,25 +251842,25 +251843,25 +251844,25 +251845,25 +251846,19 +251847,19 +251848,19 +251849,19 +251850,31 +251851,31 +251852,31 +251853,5 +251854,31 +251855,31 +251856,5 +251857,5 +251858,5 +251859,13 +251860,13 +251861,13 +251862,6 +251863,6 +251864,6 +251865,6 +251866,6 +251867,30 +251868,30 +251869,30 +251870,30 +251871,30 +251872,30 +251873,30 +251874,30 +251875,30 +251876,30 +251877,10 +251878,10 +251879,10 +251880,10 +251881,10 +251882,10 +251883,10 +251884,10 +251885,10 +251886,10 +251887,10 +251888,10 +251889,10 +251890,19 +251891,19 +251892,19 +251893,19 +251894,19 +251895,19 +251896,19 +251897,19 +251898,19 +251899,16 +251900,18 +251901,18 +251902,18 +251903,18 +251904,18 +251905,18 +251906,18 +251907,18 +251908,16 +251909,36 +251910,36 +251911,36 +251912,36 +251913,36 +251914,36 +251915,5 +251916,5 +251917,36 +251918,4 +251919,4 +251920,4 +251921,4 +251922,4 +251923,4 +251924,30 +251925,30 +251926,30 +251927,30 +251928,30 +251929,30 +251930,30 +251931,39 +251932,39 +251933,39 +251934,39 +251935,39 +251936,39 +251937,39 +251938,39 +251939,39 +251940,39 +251941,39 +251942,39 +251943,39 +251944,39 +251945,39 +251946,39 +251947,39 +251948,39 +251949,39 +251950,39 +251951,27 +251952,27 +251953,27 +251954,27 +251955,27 +251956,27 +251957,27 +251958,5 +251959,5 +251960,5 +251961,5 +251962,5 +251963,5 +251964,4 +251965,4 +251966,4 +251967,4 +251968,4 +251969,29 +251970,29 +251971,29 +251972,29 +251973,29 +251974,29 +251975,29 +251976,31 +251977,31 +251978,9 +251979,9 +251980,33 +251981,33 +251982,33 +251983,33 +251984,33 +251985,33 +251986,33 +251987,33 +251988,33 +251989,33 +251990,33 +251991,33 +251992,33 +251993,33 +251994,33 +251995,33 +251996,33 +251997,33 +251998,32 +251999,32 +252000,32 +252001,32 +252002,32 +252003,32 +252004,31 +252005,31 +252006,31 +252007,31 +252008,5 +252009,5 +252010,5 +252011,5 +252012,5 +252013,5 +252014,5 +252015,5 +252016,21 +252017,21 +252018,21 +252019,21 +252020,21 +252021,21 +252022,37 +252023,37 +252024,37 +252025,37 +252026,37 +252027,37 +252028,37 +252029,14 +252030,14 +252031,14 +252032,14 +252033,14 +252034,14 +252035,40 +252036,40 +252037,40 +252038,14 +252039,14 +252040,14 +252041,14 +252042,14 +252043,14 +252044,14 +252045,14 +252046,14 +252047,14 +252048,14 +252049,14 +252050,23 +252051,23 +252052,23 +252053,23 +252054,23 +252055,23 +252056,23 +252057,23 +252058,23 +252059,24 +252060,0 +252061,0 +252062,0 +252063,0 +252064,0 +252065,0 +252066,0 +252067,0 +252068,0 +252069,0 +252070,0 +252071,0 +252072,0 +252073,0 +252074,0 +252075,0 +252076,0 +252077,0 +252078,0 +252079,0 +252080,0 +252081,0 +252082,0 +252083,0 +252084,0 +252085,0 +252086,0 +252087,0 +252088,0 +252089,0 +252090,0 +252091,0 +252092,0 +252093,0 +252094,0 +252095,0 +252096,0 +252097,0 +252098,0 +252099,0 +252100,0 +252101,0 +252102,0 +252103,0 +252104,0 +252105,0 +252106,0 +252107,0 +252108,0 +252109,0 +252110,0 +252111,0 +252112,0 +252113,0 +252114,0 +252115,0 +252116,0 +252117,0 +252118,0 +252119,35 +252120,35 +252121,35 +252122,35 +252123,35 +252124,27 +252125,27 +252126,27 +252127,27 +252128,27 +252129,8 +252130,8 +252131,8 +252132,8 +252133,8 +252134,8 +252135,8 +252136,8 +252137,23 +252138,23 +252139,23 +252140,23 +252141,23 +252142,23 +252143,23 +252144,26 +252145,26 +252146,26 +252147,9 +252148,9 +252149,26 +252150,26 +252151,9 +252152,9 +252153,9 +252154,9 +252155,26 +252156,26 +252157,26 +252158,29 +252159,29 +252160,29 +252161,29 +252162,29 +252163,29 +252164,25 +252165,25 +252166,25 +252167,25 +252168,25 +252169,25 +252170,25 +252171,25 +252172,25 +252173,25 +252174,25 +252175,25 +252176,25 +252177,25 +252178,25 +252179,19 +252180,19 +252181,25 +252182,25 +252183,25 +252184,37 +252185,37 +252186,37 +252187,37 +252188,37 +252189,37 +252190,37 +252191,37 +252192,37 +252193,37 +252194,37 +252195,37 +252196,37 +252197,37 +252198,37 +252199,27 +252200,27 +252201,27 +252202,27 +252203,27 +252204,27 +252205,28 +252206,28 +252207,28 +252208,28 +252209,28 +252210,28 +252211,28 +252212,28 +252213,28 +252214,31 +252215,31 +252216,31 +252217,31 +252218,31 +252219,33 +252220,33 +252221,33 +252222,30 +252223,30 +252224,30 +252225,30 +252226,30 +252227,30 +252228,2 +252229,2 +252230,2 +252231,2 +252232,2 +252233,2 +252234,4 +252235,4 +252236,4 +252237,4 +252238,4 +252239,4 +252240,4 +252241,4 +252242,4 +252243,4 +252244,25 +252245,25 +252246,25 +252247,25 +252248,25 +252249,25 +252250,18 +252251,18 +252252,18 +252253,18 +252254,18 +252255,18 +252256,18 +252257,18 +252258,18 +252259,27 +252260,27 +252261,27 +252262,27 +252263,27 +252264,27 +252265,27 +252266,27 +252267,27 +252268,27 +252269,27 +252270,24 +252271,24 +252272,24 +252273,24 +252274,24 +252275,24 +252276,24 +252277,24 +252278,24 +252279,24 +252280,24 +252281,24 +252282,24 +252283,0 +252284,0 +252285,0 +252286,0 +252287,0 +252288,0 +252289,0 +252290,0 +252291,0 +252292,0 +252293,0 +252294,0 +252295,0 +252296,0 +252297,0 +252298,0 +252299,0 +252300,0 +252301,0 +252302,0 +252303,0 +252304,0 +252305,0 +252306,0 +252307,0 +252308,0 +252309,0 +252310,0 +252311,0 +252312,0 +252313,0 +252314,0 +252315,0 +252316,0 +252317,0 +252318,0 +252319,15 +252320,15 +252321,15 +252322,15 +252323,15 +252324,31 +252325,31 +252326,31 +252327,31 +252328,19 +252329,19 +252330,19 +252331,19 +252332,19 +252333,19 +252334,19 +252335,19 +252336,19 +252337,6 +252338,6 +252339,6 +252340,6 +252341,6 +252342,6 +252343,31 +252344,31 +252345,31 +252346,31 +252347,31 +252348,31 +252349,24 +252350,24 +252351,24 +252352,24 +252353,24 +252354,24 +252355,24 +252356,24 +252357,24 +252358,24 +252359,9 +252360,9 +252361,9 +252362,9 +252363,9 +252364,30 +252365,30 +252366,9 +252367,30 +252368,30 +252369,30 +252370,30 +252371,39 +252372,39 +252373,39 +252374,39 +252375,39 +252376,39 +252377,39 +252378,32 +252379,32 +252380,32 +252381,32 +252382,32 +252383,32 +252384,32 +252385,32 +252386,32 +252387,32 +252388,32 +252389,32 +252390,32 +252391,37 +252392,37 +252393,37 +252394,37 +252395,34 +252396,34 +252397,34 +252398,34 +252399,34 +252400,34 +252401,34 +252402,34 +252403,34 +252404,34 +252405,34 +252406,34 +252407,34 +252408,4 +252409,4 +252410,4 +252411,4 +252412,4 +252413,4 +252414,31 +252415,31 +252416,31 +252417,37 +252418,31 +252419,24 +252420,24 +252421,24 +252422,24 +252423,29 +252424,29 +252425,29 +252426,29 +252427,39 +252428,39 +252429,39 +252430,39 +252431,39 +252432,39 +252433,39 +252434,39 +252435,39 +252436,39 +252437,40 +252438,40 +252439,40 +252440,40 +252441,40 +252442,40 +252443,40 +252444,40 +252445,40 +252446,40 +252447,6 +252448,6 +252449,6 +252450,6 +252451,6 +252452,6 +252453,6 +252454,2 +252455,2 +252456,2 +252457,2 +252458,2 +252459,2 +252460,2 +252461,2 +252462,40 +252463,40 +252464,40 +252465,40 +252466,40 +252467,40 +252468,40 +252469,40 +252470,40 +252471,40 +252472,40 +252473,40 +252474,40 +252475,2 +252476,2 +252477,2 +252478,2 +252479,2 +252480,2 +252481,2 +252482,2 +252483,2 +252484,2 +252485,2 +252486,2 +252487,2 +252488,2 +252489,2 +252490,2 +252491,2 +252492,2 +252493,2 +252494,2 +252495,2 +252496,0 +252497,0 +252498,0 +252499,0 +252500,0 +252501,0 +252502,0 +252503,0 +252504,0 +252505,0 +252506,0 +252507,0 +252508,0 +252509,0 +252510,0 +252511,0 +252512,0 +252513,0 +252514,0 +252515,0 +252516,0 +252517,0 +252518,0 +252519,0 +252520,0 +252521,0 +252522,0 +252523,0 +252524,0 +252525,0 +252526,0 +252527,0 +252528,0 +252529,0 +252530,0 +252531,0 +252532,0 +252533,0 +252534,0 +252535,35 +252536,35 +252537,35 +252538,35 +252539,35 +252540,35 +252541,36 +252542,36 +252543,36 +252544,36 +252545,19 +252546,19 +252547,19 +252548,19 +252549,19 +252550,19 +252551,32 +252552,32 +252553,32 +252554,32 +252555,32 +252556,32 +252557,32 +252558,32 +252559,32 +252560,14 +252561,14 +252562,14 +252563,14 +252564,14 +252565,14 +252566,14 +252567,14 +252568,14 +252569,14 +252570,14 +252571,14 +252572,19 +252573,19 +252574,19 +252575,19 +252576,19 +252577,4 +252578,27 +252579,27 +252580,27 +252581,27 +252582,27 +252583,27 +252584,27 +252585,8 +252586,8 +252587,8 +252588,8 +252589,8 +252590,8 +252591,15 +252592,15 +252593,15 +252594,15 +252595,15 +252596,15 +252597,15 +252598,15 +252599,15 +252600,27 +252601,27 +252602,27 +252603,27 +252604,27 +252605,27 +252606,30 +252607,30 +252608,30 +252609,30 +252610,30 +252611,30 +252612,30 +252613,30 +252614,30 +252615,30 +252616,30 +252617,30 +252618,8 +252619,8 +252620,8 +252621,8 +252622,31 +252623,31 +252624,31 +252625,31 +252626,31 +252627,31 +252628,31 +252629,31 +252630,30 +252631,30 +252632,30 +252633,30 +252634,30 +252635,30 +252636,30 +252637,30 +252638,15 +252639,15 +252640,15 +252641,15 +252642,15 +252643,15 +252644,31 +252645,31 +252646,34 +252647,34 +252648,34 +252649,34 +252650,34 +252651,34 +252652,34 +252653,34 +252654,34 +252655,34 +252656,4 +252657,4 +252658,4 +252659,4 +252660,31 +252661,31 +252662,31 +252663,31 +252664,31 +252665,31 +252666,31 +252667,30 +252668,5 +252669,5 +252670,5 +252671,30 +252672,30 +252673,30 +252674,33 +252675,33 +252676,33 +252677,33 +252678,33 +252679,33 +252680,30 +252681,30 +252682,30 +252683,30 +252684,30 +252685,30 +252686,30 +252687,30 +252688,30 +252689,30 +252690,30 +252691,30 +252692,30 +252693,30 +252694,30 +252695,30 +252696,30 +252697,0 +252698,0 +252699,0 +252700,0 +252701,0 +252702,0 +252703,0 +252704,0 +252705,0 +252706,0 +252707,0 +252708,0 +252709,0 +252710,0 +252711,0 +252712,0 +252713,0 +252714,0 +252715,0 +252716,0 +252717,0 +252718,0 +252719,0 +252720,0 +252721,0 +252722,0 +252723,0 +252724,0 +252725,0 +252726,0 +252727,0 +252728,0 +252729,0 +252730,0 +252731,0 +252732,0 +252733,0 +252734,0 +252735,0 +252736,0 +252737,0 +252738,0 +252739,0 +252740,0 +252741,0 +252742,0 +252743,0 +252744,0 +252745,0 +252746,0 +252747,0 +252748,0 +252749,0 +252750,0 +252751,0 +252752,0 +252753,0 +252754,0 +252755,0 +252756,33 +252757,33 +252758,33 +252759,33 +252760,33 +252761,33 +252762,33 +252763,33 +252764,33 +252765,33 +252766,33 +252767,33 +252768,12 +252769,12 +252770,12 +252771,12 +252772,12 +252773,12 +252774,31 +252775,31 +252776,31 +252777,31 +252778,8 +252779,8 +252780,8 +252781,8 +252782,8 +252783,8 +252784,9 +252785,9 +252786,9 +252787,9 +252788,9 +252789,9 +252790,9 +252791,9 +252792,9 +252793,9 +252794,9 +252795,30 +252796,30 +252797,30 +252798,30 +252799,30 +252800,30 +252801,30 +252802,37 +252803,25 +252804,37 +252805,37 +252806,37 +252807,37 +252808,37 +252809,37 +252810,40 +252811,40 +252812,40 +252813,40 +252814,19 +252815,19 +252816,19 +252817,19 +252818,19 +252819,39 +252820,39 +252821,39 +252822,39 +252823,39 +252824,39 +252825,39 +252826,27 +252827,27 +252828,31 +252829,31 +252830,31 +252831,31 +252832,2 +252833,2 +252834,2 +252835,2 +252836,2 +252837,2 +252838,2 +252839,2 +252840,2 +252841,2 +252842,2 +252843,2 +252844,2 +252845,30 +252846,30 +252847,30 +252848,30 +252849,30 +252850,30 +252851,39 +252852,39 +252853,39 +252854,39 +252855,39 +252856,39 +252857,39 +252858,39 +252859,39 +252860,39 +252861,39 +252862,32 +252863,32 +252864,32 +252865,32 +252866,32 +252867,31 +252868,31 +252869,31 +252870,31 +252871,31 +252872,5 +252873,5 +252874,5 +252875,5 +252876,5 +252877,5 +252878,5 +252879,5 +252880,15 +252881,15 +252882,15 +252883,15 +252884,15 +252885,14 +252886,14 +252887,14 +252888,14 +252889,14 +252890,14 +252891,14 +252892,14 +252893,14 +252894,14 +252895,14 +252896,14 +252897,14 +252898,14 +252899,14 +252900,14 +252901,14 +252902,14 +252903,14 +252904,19 +252905,19 +252906,19 +252907,19 +252908,19 +252909,19 +252910,19 +252911,19 +252912,19 +252913,19 +252914,19 +252915,19 +252916,19 +252917,19 +252918,19 +252919,19 +252920,0 +252921,0 +252922,0 +252923,0 +252924,0 +252925,0 +252926,0 +252927,0 +252928,0 +252929,0 +252930,0 +252931,0 +252932,0 +252933,0 +252934,0 +252935,0 +252936,0 +252937,0 +252938,0 +252939,0 +252940,0 +252941,0 +252942,0 +252943,0 +252944,0 +252945,0 +252946,0 +252947,0 +252948,0 +252949,0 +252950,0 +252951,0 +252952,0 +252953,0 +252954,0 +252955,0 +252956,0 +252957,0 +252958,0 +252959,0 +252960,0 +252961,0 +252962,0 +252963,0 +252964,0 +252965,0 +252966,0 +252967,0 +252968,0 +252969,0 +252970,0 +252971,0 +252972,0 +252973,0 +252974,0 +252975,0 +252976,0 +252977,0 +252978,0 +252979,0 +252980,0 +252981,0 +252982,0 +252983,0 +252984,0 +252985,0 +252986,0 +252987,0 +252988,0 +252989,0 +252990,0 +252991,0 +252992,0 +252993,0 +252994,0 +252995,0 +252996,0 +252997,0 +252998,0 +252999,0 +253000,30 +253001,30 +253002,30 +253003,30 +253004,30 +253005,30 +253006,3 +253007,3 +253008,3 +253009,3 +253010,3 +253011,3 +253012,3 +253013,3 +253014,3 +253015,2 +253016,2 +253017,2 +253018,2 +253019,2 +253020,2 +253021,2 +253022,2 +253023,39 +253024,14 +253025,14 +253026,14 +253027,14 +253028,14 +253029,14 +253030,14 +253031,14 +253032,35 +253033,35 +253034,14 +253035,14 +253036,14 +253037,14 +253038,14 +253039,14 +253040,14 +253041,14 +253042,28 +253043,28 +253044,28 +253045,28 +253046,28 +253047,5 +253048,5 +253049,5 +253050,40 +253051,40 +253052,40 +253053,40 +253054,40 +253055,40 +253056,40 +253057,24 +253058,24 +253059,24 +253060,24 +253061,24 +253062,25 +253063,25 +253064,25 +253065,25 +253066,25 +253067,25 +253068,25 +253069,2 +253070,2 +253071,2 +253072,2 +253073,2 +253074,2 +253075,2 +253076,2 +253077,2 +253078,2 +253079,2 +253080,2 +253081,2 +253082,2 +253083,39 +253084,39 +253085,39 +253086,39 +253087,39 +253088,39 +253089,39 +253090,39 +253091,5 +253092,5 +253093,5 +253094,5 +253095,5 +253096,5 +253097,5 +253098,31 +253099,31 +253100,27 +253101,27 +253102,27 +253103,31 +253104,31 +253105,2 +253106,2 +253107,2 +253108,2 +253109,2 +253110,2 +253111,31 +253112,31 +253113,31 +253114,31 +253115,31 +253116,31 +253117,31 +253118,31 +253119,2 +253120,2 +253121,2 +253122,2 +253123,2 +253124,2 +253125,6 +253126,6 +253127,6 +253128,6 +253129,6 +253130,6 +253131,6 +253132,6 +253133,37 +253134,37 +253135,37 +253136,37 +253137,26 +253138,26 +253139,26 +253140,26 +253141,26 +253142,26 +253143,34 +253144,34 +253145,26 +253146,34 +253147,34 +253148,9 +253149,26 +253150,5 +253151,5 +253152,5 +253153,5 +253154,5 +253155,5 +253156,39 +253157,39 +253158,39 +253159,39 +253160,39 +253161,39 +253162,39 +253163,39 +253164,39 +253165,39 +253166,39 +253167,39 +253168,39 +253169,0 +253170,0 +253171,0 +253172,0 +253173,0 +253174,0 +253175,0 +253176,0 +253177,0 +253178,0 +253179,0 +253180,0 +253181,0 +253182,0 +253183,0 +253184,0 +253185,0 +253186,0 +253187,0 +253188,0 +253189,0 +253190,0 +253191,0 +253192,0 +253193,0 +253194,0 +253195,0 +253196,0 +253197,0 +253198,0 +253199,0 +253200,0 +253201,0 +253202,0 +253203,0 +253204,0 +253205,0 +253206,0 +253207,0 +253208,0 +253209,0 +253210,0 +253211,0 +253212,0 +253213,0 +253214,0 +253215,0 +253216,0 +253217,29 +253218,29 +253219,29 +253220,39 +253221,39 +253222,39 +253223,39 +253224,39 +253225,39 +253226,39 +253227,39 +253228,39 +253229,39 +253230,8 +253231,8 +253232,8 +253233,8 +253234,8 +253235,8 +253236,8 +253237,24 +253238,24 +253239,24 +253240,24 +253241,24 +253242,27 +253243,27 +253244,27 +253245,27 +253246,27 +253247,8 +253248,8 +253249,8 +253250,8 +253251,8 +253252,8 +253253,8 +253254,27 +253255,27 +253256,27 +253257,27 +253258,27 +253259,27 +253260,27 +253261,4 +253262,4 +253263,19 +253264,2 +253265,2 +253266,2 +253267,2 +253268,2 +253269,4 +253270,4 +253271,4 +253272,4 +253273,31 +253274,31 +253275,31 +253276,31 +253277,31 +253278,35 +253279,35 +253280,35 +253281,35 +253282,35 +253283,35 +253284,9 +253285,9 +253286,9 +253287,9 +253288,9 +253289,9 +253290,9 +253291,9 +253292,9 +253293,30 +253294,33 +253295,33 +253296,33 +253297,33 +253298,33 +253299,33 +253300,33 +253301,33 +253302,33 +253303,33 +253304,33 +253305,31 +253306,31 +253307,30 +253308,30 +253309,2 +253310,2 +253311,2 +253312,2 +253313,2 +253314,2 +253315,2 +253316,2 +253317,4 +253318,4 +253319,4 +253320,4 +253321,4 +253322,26 +253323,26 +253324,26 +253325,26 +253326,26 +253327,26 +253328,26 +253329,26 +253330,26 +253331,9 +253332,26 +253333,26 +253334,26 +253335,6 +253336,6 +253337,6 +253338,6 +253339,6 +253340,6 +253341,6 +253342,6 +253343,6 +253344,6 +253345,12 +253346,12 +253347,12 +253348,12 +253349,25 +253350,25 +253351,25 +253352,5 +253353,5 +253354,5 +253355,5 +253356,5 +253357,5 +253358,26 +253359,26 +253360,26 +253361,26 +253362,26 +253363,26 +253364,26 +253365,26 +253366,26 +253367,26 +253368,26 +253369,4 +253370,4 +253371,4 +253372,23 +253373,23 +253374,23 +253375,23 +253376,23 +253377,4 +253378,23 +253379,23 +253380,23 +253381,23 +253382,37 +253383,37 +253384,37 +253385,39 +253386,39 +253387,39 +253388,39 +253389,39 +253390,39 +253391,39 +253392,6 +253393,6 +253394,6 +253395,6 +253396,6 +253397,6 +253398,6 +253399,6 +253400,6 +253401,12 +253402,12 +253403,12 +253404,12 +253405,27 +253406,27 +253407,27 +253408,27 +253409,27 +253410,5 +253411,5 +253412,5 +253413,4 +253414,4 +253415,4 +253416,4 +253417,4 +253418,4 +253419,4 +253420,4 +253421,4 +253422,4 +253423,4 +253424,0 +253425,0 +253426,0 +253427,0 +253428,0 +253429,0 +253430,0 +253431,0 +253432,0 +253433,0 +253434,0 +253435,0 +253436,0 +253437,0 +253438,0 +253439,0 +253440,0 +253441,0 +253442,0 +253443,0 +253444,0 +253445,0 +253446,36 +253447,36 +253448,36 +253449,36 +253450,36 +253451,36 +253452,36 +253453,36 +253454,36 +253455,36 +253456,10 +253457,35 +253458,35 +253459,35 +253460,35 +253461,36 +253462,35 +253463,36 +253464,36 +253465,36 +253466,36 +253467,36 +253468,36 +253469,36 +253470,18 +253471,18 +253472,18 +253473,18 +253474,18 +253475,18 +253476,18 +253477,18 +253478,18 +253479,18 +253480,40 +253481,40 +253482,40 +253483,40 +253484,40 +253485,40 +253486,40 +253487,40 +253488,5 +253489,5 +253490,5 +253491,5 +253492,5 +253493,5 +253494,31 +253495,31 +253496,31 +253497,31 +253498,30 +253499,30 +253500,30 +253501,30 +253502,30 +253503,30 +253504,30 +253505,39 +253506,39 +253507,39 +253508,39 +253509,39 +253510,39 +253511,15 +253512,15 +253513,15 +253514,15 +253515,15 +253516,15 +253517,15 +253518,27 +253519,27 +253520,27 +253521,27 +253522,27 +253523,27 +253524,19 +253525,19 +253526,5 +253527,5 +253528,5 +253529,5 +253530,28 +253531,28 +253532,28 +253533,28 +253534,28 +253535,14 +253536,14 +253537,14 +253538,14 +253539,14 +253540,14 +253541,14 +253542,14 +253543,14 +253544,14 +253545,14 +253546,14 +253547,19 +253548,19 +253549,19 +253550,19 +253551,19 +253552,15 +253553,15 +253554,15 +253555,15 +253556,15 +253557,10 +253558,10 +253559,10 +253560,40 +253561,40 +253562,40 +253563,40 +253564,30 +253565,30 +253566,30 +253567,30 +253568,30 +253569,30 +253570,30 +253571,30 +253572,27 +253573,27 +253574,27 +253575,27 +253576,27 +253577,27 +253578,27 +253579,4 +253580,4 +253581,4 +253582,4 +253583,39 +253584,39 +253585,39 +253586,39 +253587,39 +253588,39 +253589,39 +253590,39 +253591,30 +253592,30 +253593,30 +253594,30 +253595,30 +253596,30 +253597,30 +253598,30 +253599,36 +253600,36 +253601,36 +253602,36 +253603,36 +253604,36 +253605,23 +253606,23 +253607,23 +253608,23 +253609,23 +253610,23 +253611,23 +253612,23 +253613,23 +253614,4 +253615,4 +253616,4 +253617,4 +253618,4 +253619,31 +253620,31 +253621,31 +253622,31 +253623,31 +253624,31 +253625,19 +253626,5 +253627,5 +253628,19 +253629,19 +253630,19 +253631,19 +253632,31 +253633,31 +253634,31 +253635,31 +253636,28 +253637,28 +253638,28 +253639,28 +253640,28 +253641,28 +253642,27 +253643,27 +253644,27 +253645,27 +253646,27 +253647,27 +253648,27 +253649,2 +253650,2 +253651,2 +253652,2 +253653,2 +253654,2 +253655,2 +253656,2 +253657,2 +253658,31 +253659,31 +253660,31 +253661,31 +253662,31 +253663,31 +253664,2 +253665,2 +253666,2 +253667,8 +253668,8 +253669,8 +253670,37 +253671,37 +253672,37 +253673,37 +253674,37 +253675,37 +253676,33 +253677,33 +253678,33 +253679,33 +253680,33 +253681,33 +253682,33 +253683,33 +253684,33 +253685,33 +253686,33 +253687,33 +253688,1 +253689,1 +253690,10 +253691,10 +253692,10 +253693,1 +253694,37 +253695,1 +253696,10 +253697,37 +253698,37 +253699,37 +253700,37 +253701,4 +253702,4 +253703,4 +253704,2 +253705,2 +253706,2 +253707,2 +253708,2 +253709,2 +253710,4 +253711,4 +253712,4 +253713,4 +253714,4 +253715,29 +253716,31 +253717,31 +253718,21 +253719,21 +253720,21 +253721,21 +253722,21 +253723,21 +253724,21 +253725,21 +253726,40 +253727,40 +253728,40 +253729,40 +253730,40 +253731,40 +253732,40 +253733,40 +253734,4 +253735,4 +253736,32 +253737,4 +253738,4 +253739,4 +253740,29 +253741,25 +253742,25 +253743,25 +253744,25 +253745,25 +253746,25 +253747,25 +253748,25 +253749,25 +253750,25 +253751,25 +253752,25 +253753,25 +253754,25 +253755,25 +253756,25 +253757,0 +253758,0 +253759,0 +253760,0 +253761,0 +253762,0 +253763,0 +253764,0 +253765,0 +253766,0 +253767,0 +253768,0 +253769,0 +253770,0 +253771,0 +253772,0 +253773,0 +253774,0 +253775,0 +253776,0 +253777,0 +253778,0 +253779,0 +253780,0 +253781,0 +253782,0 +253783,0 +253784,0 +253785,0 +253786,0 +253787,0 +253788,0 +253789,0 +253790,0 +253791,0 +253792,0 +253793,0 +253794,0 +253795,0 +253796,0 +253797,0 +253798,0 +253799,0 +253800,0 +253801,0 +253802,0 +253803,0 +253804,0 +253805,0 +253806,0 +253807,0 +253808,0 +253809,0 +253810,0 +253811,0 +253812,0 +253813,0 +253814,0 +253815,0 +253816,0 +253817,0 +253818,0 +253819,0 +253820,0 +253821,0 +253822,0 +253823,0 +253824,0 +253825,0 +253826,0 +253827,0 +253828,0 +253829,0 +253830,0 +253831,0 +253832,0 +253833,0 +253834,0 +253835,0 +253836,0 +253837,0 +253838,0 +253839,0 +253840,0 +253841,28 +253842,28 +253843,28 +253844,28 +253845,28 +253846,34 +253847,34 +253848,10 +253849,10 +253850,10 +253851,10 +253852,10 +253853,10 +253854,10 +253855,10 +253856,10 +253857,10 +253858,10 +253859,10 +253860,10 +253861,2 +253862,2 +253863,2 +253864,2 +253865,2 +253866,2 +253867,2 +253868,2 +253869,2 +253870,31 +253871,31 +253872,31 +253873,31 +253874,31 +253875,31 +253876,32 +253877,32 +253878,32 +253879,32 +253880,32 +253881,32 +253882,15 +253883,33 +253884,33 +253885,33 +253886,33 +253887,33 +253888,33 +253889,33 +253890,33 +253891,27 +253892,27 +253893,27 +253894,27 +253895,27 +253896,27 +253897,27 +253898,18 +253899,18 +253900,8 +253901,8 +253902,8 +253903,18 +253904,18 +253905,8 +253906,18 +253907,18 +253908,7 +253909,22 +253910,22 +253911,25 +253912,25 +253913,25 +253914,25 +253915,25 +253916,25 +253917,36 +253918,36 +253919,36 +253920,36 +253921,36 +253922,36 +253923,10 +253924,10 +253925,36 +253926,36 +253927,36 +253928,36 +253929,36 +253930,36 +253931,36 +253932,36 +253933,36 +253934,36 +253935,36 +253936,36 +253937,2 +253938,2 +253939,2 +253940,2 +253941,2 +253942,2 +253943,2 +253944,2 +253945,2 +253946,2 +253947,2 +253948,23 +253949,23 +253950,6 +253951,6 +253952,6 +253953,6 +253954,31 +253955,31 +253956,31 +253957,27 +253958,27 +253959,27 +253960,5 +253961,5 +253962,5 +253963,5 +253964,5 +253965,19 +253966,19 +253967,19 +253968,12 +253969,12 +253970,12 +253971,12 +253972,12 +253973,12 +253974,12 +253975,9 +253976,9 +253977,9 +253978,9 +253979,12 +253980,34 +253981,34 +253982,34 +253983,34 +253984,34 +253985,34 +253986,34 +253987,34 +253988,34 +253989,10 +253990,10 +253991,10 +253992,10 +253993,10 +253994,10 +253995,10 +253996,10 +253997,10 +253998,10 +253999,10 +254000,10 +254001,10 +254002,10 +254003,10 +254004,10 +254005,10 +254006,14 +254007,23 +254008,23 +254009,23 +254010,23 +254011,23 +254012,23 +254013,23 +254014,23 +254015,23 +254016,10 +254017,10 +254018,10 +254019,10 +254020,10 +254021,10 +254022,10 +254023,10 +254024,10 +254025,10 +254026,10 +254027,28 +254028,28 +254029,28 +254030,28 +254031,28 +254032,28 +254033,28 +254034,28 +254035,28 +254036,38 +254037,38 +254038,38 +254039,38 +254040,38 +254041,38 +254042,38 +254043,38 +254044,38 +254045,38 +254046,38 +254047,2 +254048,33 +254049,33 +254050,33 +254051,33 +254052,33 +254053,33 +254054,33 +254055,33 +254056,33 +254057,33 +254058,33 +254059,33 +254060,33 +254061,35 +254062,32 +254063,32 +254064,32 +254065,32 +254066,32 +254067,32 +254068,32 +254069,26 +254070,26 +254071,26 +254072,26 +254073,26 +254074,26 +254075,26 +254076,9 +254077,9 +254078,9 +254079,9 +254080,9 +254081,9 +254082,9 +254083,9 +254084,4 +254085,4 +254086,4 +254087,4 +254088,4 +254089,4 +254090,23 +254091,23 +254092,23 +254093,23 +254094,23 +254095,23 +254096,23 +254097,23 +254098,23 +254099,37 +254100,37 +254101,37 +254102,37 +254103,37 +254104,37 +254105,31 +254106,31 +254107,31 +254108,27 +254109,27 +254110,31 +254111,31 +254112,31 +254113,18 +254114,18 +254115,18 +254116,18 +254117,18 +254118,18 +254119,18 +254120,18 +254121,18 +254122,27 +254123,27 +254124,27 +254125,27 +254126,31 +254127,39 +254128,6 +254129,6 +254130,6 +254131,6 +254132,6 +254133,6 +254134,6 +254135,21 +254136,21 +254137,14 +254138,14 +254139,14 +254140,35 +254141,35 +254142,14 +254143,35 +254144,35 +254145,14 +254146,14 +254147,14 +254148,14 +254149,14 +254150,11 +254151,11 +254152,11 +254153,11 +254154,11 +254155,11 +254156,11 +254157,11 +254158,11 +254159,11 +254160,11 +254161,11 +254162,31 +254163,31 +254164,5 +254165,5 +254166,5 +254167,5 +254168,5 +254169,5 +254170,19 +254171,10 +254172,10 +254173,10 +254174,10 +254175,10 +254176,10 +254177,10 +254178,10 +254179,10 +254180,10 +254181,10 +254182,10 +254183,10 +254184,10 +254185,10 +254186,10 +254187,36 +254188,36 +254189,36 +254190,28 +254191,28 +254192,28 +254193,28 +254194,28 +254195,28 +254196,28 +254197,27 +254198,27 +254199,31 +254200,31 +254201,31 +254202,31 +254203,21 +254204,21 +254205,21 +254206,21 +254207,21 +254208,21 +254209,21 +254210,21 +254211,21 +254212,40 +254213,40 +254214,40 +254215,40 +254216,40 +254217,40 +254218,40 +254219,40 +254220,40 +254221,40 +254222,5 +254223,5 +254224,5 +254225,5 +254226,5 +254227,5 +254228,5 +254229,2 +254230,2 +254231,2 +254232,2 +254233,2 +254234,2 +254235,2 +254236,2 +254237,2 +254238,2 +254239,4 +254240,4 +254241,4 +254242,29 +254243,29 +254244,29 +254245,31 +254246,31 +254247,31 +254248,31 +254249,31 +254250,31 +254251,31 +254252,31 +254253,31 +254254,2 +254255,2 +254256,2 +254257,2 +254258,2 +254259,2 +254260,2 +254261,2 +254262,2 +254263,2 +254264,32 +254265,32 +254266,32 +254267,32 +254268,32 +254269,32 +254270,32 +254271,35 +254272,32 +254273,33 +254274,33 +254275,33 +254276,33 +254277,33 +254278,33 +254279,33 +254280,33 +254281,33 +254282,33 +254283,33 +254284,33 +254285,2 +254286,2 +254287,2 +254288,2 +254289,2 +254290,2 +254291,2 +254292,2 +254293,2 +254294,6 +254295,6 +254296,6 +254297,6 +254298,6 +254299,6 +254300,6 +254301,37 +254302,37 +254303,37 +254304,37 +254305,37 +254306,37 +254307,37 +254308,40 +254309,40 +254310,40 +254311,40 +254312,40 +254313,40 +254314,40 +254315,40 +254316,40 +254317,40 +254318,18 +254319,18 +254320,18 +254321,18 +254322,18 +254323,18 +254324,18 +254325,18 +254326,25 +254327,3 +254328,3 +254329,3 +254330,3 +254331,3 +254332,3 +254333,3 +254334,3 +254335,3 +254336,3 +254337,3 +254338,3 +254339,3 +254340,3 +254341,6 +254342,19 +254343,6 +254344,6 +254345,6 +254346,6 +254347,6 +254348,6 +254349,6 +254350,6 +254351,6 +254352,9 +254353,9 +254354,9 +254355,9 +254356,9 +254357,9 +254358,9 +254359,9 +254360,37 +254361,37 +254362,37 +254363,37 +254364,37 +254365,37 +254366,37 +254367,37 +254368,37 +254369,37 +254370,37 +254371,25 +254372,25 +254373,25 +254374,25 +254375,25 +254376,2 +254377,2 +254378,2 +254379,8 +254380,8 +254381,8 +254382,2 +254383,8 +254384,8 +254385,2 +254386,2 +254387,2 +254388,2 +254389,2 +254390,2 +254391,2 +254392,2 +254393,2 +254394,2 +254395,2 +254396,2 +254397,0 +254398,0 +254399,0 +254400,0 +254401,0 +254402,0 +254403,0 +254404,0 +254405,0 +254406,0 +254407,0 +254408,0 +254409,0 +254410,0 +254411,0 +254412,0 +254413,0 +254414,0 +254415,0 +254416,0 +254417,0 +254418,0 +254419,0 +254420,0 +254421,0 +254422,0 +254423,0 +254424,0 +254425,0 +254426,0 +254427,0 +254428,0 +254429,0 +254430,0 +254431,0 +254432,0 +254433,0 +254434,0 +254435,0 +254436,0 +254437,0 +254438,0 +254439,0 +254440,0 +254441,0 +254442,0 +254443,0 +254444,0 +254445,0 +254446,0 +254447,0 +254448,0 +254449,0 +254450,0 +254451,0 +254452,0 +254453,0 +254454,0 +254455,0 +254456,0 +254457,0 +254458,0 +254459,0 +254460,0 +254461,0 +254462,0 +254463,0 +254464,0 +254465,0 +254466,0 +254467,0 +254468,0 +254469,0 +254470,0 +254471,0 +254472,0 +254473,0 +254474,0 +254475,0 +254476,5 +254477,4 +254478,1 +254479,28 +254480,28 +254481,28 +254482,1 +254483,1 +254484,2 +254485,2 +254486,2 +254487,4 +254488,2 +254489,2 +254490,33 +254491,33 +254492,33 +254493,33 +254494,33 +254495,33 +254496,33 +254497,34 +254498,33 +254499,34 +254500,5 +254501,5 +254502,5 +254503,5 +254504,28 +254505,27 +254506,3 +254507,27 +254508,39 +254509,39 +254510,39 +254511,7 +254512,3 +254513,7 +254514,7 +254515,7 +254516,7 +254517,22 +254518,22 +254519,22 +254520,22 +254521,22 +254522,19 +254523,19 +254524,19 +254525,19 +254526,19 +254527,19 +254528,30 +254529,30 +254530,30 +254531,30 +254532,30 +254533,30 +254534,30 +254535,36 +254536,36 +254537,36 +254538,36 +254539,36 +254540,36 +254541,36 +254542,36 +254543,36 +254544,36 +254545,36 +254546,36 +254547,36 +254548,36 +254549,36 +254550,36 +254551,36 +254552,36 +254553,36 +254554,36 +254555,19 +254556,19 +254557,19 +254558,19 +254559,19 +254560,19 +254561,19 +254562,19 +254563,19 +254564,19 +254565,19 +254566,19 +254567,19 +254568,0 +254569,0 +254570,0 +254571,0 +254572,0 +254573,0 +254574,0 +254575,0 +254576,0 +254577,0 +254578,0 +254579,0 +254580,0 +254581,0 +254582,2 +254583,2 +254584,2 +254585,2 +254586,2 +254587,2 +254588,2 +254589,2 +254590,2 +254591,2 +254592,2 +254593,2 +254594,2 +254595,40 +254596,40 +254597,40 +254598,40 +254599,40 +254600,40 +254601,19 +254602,19 +254603,19 +254604,19 +254605,19 +254606,5 +254607,12 +254608,12 +254609,12 +254610,12 +254611,12 +254612,12 +254613,12 +254614,25 +254615,25 +254616,31 +254617,31 +254618,31 +254619,31 +254620,31 +254621,37 +254622,37 +254623,37 +254624,25 +254625,25 +254626,25 +254627,24 +254628,24 +254629,23 +254630,23 +254631,24 +254632,24 +254633,24 +254634,24 +254635,31 +254636,31 +254637,31 +254638,31 +254639,31 +254640,31 +254641,28 +254642,28 +254643,28 +254644,28 +254645,28 +254646,28 +254647,28 +254648,28 +254649,28 +254650,28 +254651,28 +254652,28 +254653,28 +254654,28 +254655,28 +254656,28 +254657,0 +254658,0 +254659,0 +254660,0 +254661,0 +254662,0 +254663,0 +254664,0 +254665,0 +254666,0 +254667,0 +254668,0 +254669,0 +254670,0 +254671,0 +254672,0 +254673,0 +254674,0 +254675,0 +254676,0 +254677,0 +254678,0 +254679,0 +254680,0 +254681,0 +254682,0 +254683,0 +254684,0 +254685,0 +254686,0 +254687,0 +254688,0 +254689,0 +254690,0 +254691,0 +254692,0 +254693,0 +254694,0 +254695,0 +254696,0 +254697,0 +254698,0 +254699,0 +254700,0 +254701,0 +254702,0 +254703,0 +254704,0 +254705,0 +254706,0 +254707,0 +254708,0 +254709,31 +254710,31 +254711,2 +254712,2 +254713,2 +254714,2 +254715,2 +254716,2 +254717,2 +254718,2 +254719,2 +254720,2 +254721,2 +254722,2 +254723,2 +254724,2 +254725,2 +254726,9 +254727,9 +254728,9 +254729,9 +254730,9 +254731,9 +254732,9 +254733,9 +254734,9 +254735,9 +254736,9 +254737,9 +254738,9 +254739,9 +254740,9 +254741,9 +254742,9 +254743,9 +254744,9 +254745,27 +254746,33 +254747,2 +254748,2 +254749,2 +254750,2 +254751,2 +254752,2 +254753,2 +254754,2 +254755,4 +254756,4 +254757,4 +254758,4 +254759,4 +254760,4 +254761,4 +254762,4 +254763,4 +254764,4 +254765,4 +254766,15 +254767,1 +254768,1 +254769,1 +254770,1 +254771,29 +254772,29 +254773,29 +254774,31 +254775,31 +254776,31 +254777,31 +254778,31 +254779,34 +254780,34 +254781,34 +254782,40 +254783,34 +254784,30 +254785,34 +254786,34 +254787,34 +254788,34 +254789,34 +254790,34 +254791,34 +254792,34 +254793,34 +254794,9 +254795,5 +254796,5 +254797,5 +254798,5 +254799,5 +254800,5 +254801,5 +254802,5 +254803,5 +254804,5 +254805,5 +254806,5 +254807,5 +254808,10 +254809,10 +254810,10 +254811,10 +254812,10 +254813,10 +254814,10 +254815,10 +254816,10 +254817,10 +254818,10 +254819,10 +254820,10 +254821,10 +254822,10 +254823,19 +254824,19 +254825,4 +254826,4 +254827,4 +254828,19 +254829,4 +254830,4 +254831,31 +254832,31 +254833,19 +254834,19 +254835,32 +254836,32 +254837,32 +254838,32 +254839,32 +254840,32 +254841,32 +254842,32 +254843,32 +254844,36 +254845,36 +254846,36 +254847,36 +254848,36 +254849,36 +254850,36 +254851,36 +254852,36 +254853,36 +254854,36 +254855,36 +254856,2 +254857,2 +254858,2 +254859,2 +254860,2 +254861,2 +254862,2 +254863,2 +254864,2 +254865,2 +254866,2 +254867,29 +254868,29 +254869,29 +254870,29 +254871,29 +254872,27 +254873,27 +254874,27 +254875,27 +254876,27 +254877,27 +254878,8 +254879,8 +254880,8 +254881,8 +254882,8 +254883,8 +254884,8 +254885,8 +254886,8 +254887,8 +254888,8 +254889,12 +254890,12 +254891,12 +254892,12 +254893,12 +254894,12 +254895,12 +254896,12 +254897,12 +254898,12 +254899,14 +254900,14 +254901,14 +254902,14 +254903,14 +254904,14 +254905,14 +254906,14 +254907,14 +254908,14 +254909,14 +254910,14 +254911,10 +254912,10 +254913,10 +254914,10 +254915,10 +254916,10 +254917,10 +254918,10 +254919,10 +254920,10 +254921,10 +254922,10 +254923,10 +254924,10 +254925,10 +254926,10 +254927,10 +254928,29 +254929,29 +254930,29 +254931,29 +254932,29 +254933,29 +254934,25 +254935,25 +254936,25 +254937,31 +254938,31 +254939,31 +254940,31 +254941,31 +254942,31 +254943,4 +254944,4 +254945,4 +254946,4 +254947,4 +254948,4 +254949,4 +254950,27 +254951,27 +254952,27 +254953,27 +254954,19 +254955,19 +254956,19 +254957,19 +254958,19 +254959,19 +254960,19 +254961,19 +254962,19 +254963,40 +254964,40 +254965,14 +254966,14 +254967,14 +254968,14 +254969,14 +254970,14 +254971,14 +254972,14 +254973,14 +254974,14 +254975,14 +254976,39 +254977,39 +254978,39 +254979,39 +254980,39 +254981,39 +254982,39 +254983,39 +254984,9 +254985,9 +254986,9 +254987,9 +254988,9 +254989,9 +254990,9 +254991,9 +254992,9 +254993,9 +254994,9 +254995,9 +254996,9 +254997,37 +254998,37 +254999,7 +255000,7 +255001,7 +255002,7 +255003,7 +255004,7 +255005,7 +255006,7 +255007,40 +255008,40 +255009,40 +255010,40 +255011,40 +255012,40 +255013,40 +255014,40 +255015,40 +255016,2 +255017,2 +255018,2 +255019,2 +255020,2 +255021,2 +255022,2 +255023,2 +255024,2 +255025,2 +255026,4 +255027,4 +255028,4 +255029,4 +255030,4 +255031,4 +255032,25 +255033,25 +255034,25 +255035,25 +255036,25 +255037,19 +255038,19 +255039,19 +255040,19 +255041,19 +255042,40 +255043,40 +255044,40 +255045,40 +255046,40 +255047,40 +255048,40 +255049,40 +255050,40 +255051,40 +255052,40 +255053,14 +255054,14 +255055,14 +255056,14 +255057,14 +255058,14 +255059,14 +255060,14 +255061,14 +255062,14 +255063,14 +255064,14 +255065,39 +255066,39 +255067,39 +255068,14 +255069,14 +255070,14 +255071,14 +255072,14 +255073,39 +255074,39 +255075,39 +255076,0 +255077,0 +255078,0 +255079,0 +255080,0 +255081,0 +255082,0 +255083,0 +255084,0 +255085,0 +255086,0 +255087,0 +255088,0 +255089,0 +255090,0 +255091,0 +255092,0 +255093,0 +255094,0 +255095,0 +255096,0 +255097,0 +255098,0 +255099,0 +255100,0 +255101,0 +255102,0 +255103,0 +255104,0 +255105,0 +255106,0 +255107,0 +255108,0 +255109,0 +255110,0 +255111,0 +255112,0 +255113,0 +255114,0 +255115,0 +255116,0 +255117,0 +255118,0 +255119,0 +255120,0 +255121,0 +255122,0 +255123,0 +255124,0 +255125,0 +255126,0 +255127,0 +255128,0 +255129,0 +255130,0 +255131,0 +255132,0 +255133,0 +255134,0 +255135,0 +255136,0 +255137,0 +255138,0 +255139,0 +255140,0 +255141,35 +255142,35 +255143,35 +255144,35 +255145,35 +255146,35 +255147,35 +255148,35 +255149,35 +255150,35 +255151,35 +255152,35 +255153,35 +255154,35 +255155,35 +255156,39 +255157,39 +255158,39 +255159,39 +255160,39 +255161,12 +255162,12 +255163,12 +255164,12 +255165,12 +255166,12 +255167,31 +255168,31 +255169,31 +255170,31 +255171,31 +255172,8 +255173,8 +255174,8 +255175,8 +255176,8 +255177,8 +255178,8 +255179,8 +255180,8 +255181,24 +255182,24 +255183,24 +255184,24 +255185,24 +255186,24 +255187,24 +255188,27 +255189,27 +255190,27 +255191,27 +255192,27 +255193,27 +255194,27 +255195,27 +255196,27 +255197,8 +255198,8 +255199,8 +255200,8 +255201,8 +255202,8 +255203,27 +255204,27 +255205,27 +255206,27 +255207,27 +255208,27 +255209,27 +255210,19 +255211,19 +255212,19 +255213,19 +255214,19 +255215,27 +255216,27 +255217,27 +255218,27 +255219,27 +255220,27 +255221,27 +255222,27 +255223,13 +255224,13 +255225,13 +255226,13 +255227,13 +255228,13 +255229,10 +255230,10 +255231,10 +255232,10 +255233,10 +255234,10 +255235,10 +255236,5 +255237,5 +255238,5 +255239,5 +255240,5 +255241,5 +255242,31 +255243,31 +255244,31 +255245,31 +255246,31 +255247,31 +255248,31 +255249,31 +255250,31 +255251,29 +255252,29 +255253,29 +255254,29 +255255,29 +255256,29 +255257,29 +255258,29 +255259,31 +255260,27 +255261,27 +255262,30 +255263,30 +255264,31 +255265,30 +255266,30 +255267,30 +255268,30 +255269,30 +255270,30 +255271,30 +255272,30 +255273,30 +255274,30 +255275,30 +255276,30 +255277,36 +255278,36 +255279,36 +255280,36 +255281,36 +255282,10 +255283,10 +255284,34 +255285,34 +255286,34 +255287,34 +255288,34 +255289,34 +255290,34 +255291,34 +255292,34 +255293,34 +255294,10 +255295,10 +255296,24 +255297,24 +255298,24 +255299,24 +255300,24 +255301,24 +255302,12 +255303,12 +255304,12 +255305,12 +255306,12 +255307,12 +255308,12 +255309,12 +255310,12 +255311,12 +255312,25 +255313,25 +255314,25 +255315,25 +255316,25 +255317,25 +255318,37 +255319,37 +255320,29 +255321,29 +255322,29 +255323,29 +255324,14 +255325,14 +255326,14 +255327,14 +255328,14 +255329,14 +255330,14 +255331,14 +255332,14 +255333,35 +255334,35 +255335,35 +255336,35 +255337,35 +255338,35 +255339,34 +255340,34 +255341,34 +255342,34 +255343,34 +255344,4 +255345,4 +255346,31 +255347,31 +255348,31 +255349,31 +255350,31 +255351,6 +255352,6 +255353,6 +255354,6 +255355,6 +255356,6 +255357,6 +255358,6 +255359,6 +255360,6 +255361,31 +255362,31 +255363,31 +255364,31 +255365,31 +255366,31 +255367,26 +255368,26 +255369,32 +255370,32 +255371,32 +255372,4 +255373,4 +255374,32 +255375,32 +255376,4 +255377,33 +255378,33 +255379,33 +255380,33 +255381,33 +255382,31 +255383,22 +255384,22 +255385,33 +255386,22 +255387,22 +255388,22 +255389,22 +255390,22 +255391,22 +255392,33 +255393,6 +255394,6 +255395,6 +255396,6 +255397,6 +255398,6 +255399,32 +255400,32 +255401,32 +255402,32 +255403,32 +255404,32 +255405,30 +255406,30 +255407,34 +255408,34 +255409,34 +255410,34 +255411,34 +255412,34 +255413,34 +255414,34 +255415,34 +255416,34 +255417,10 +255418,10 +255419,10 +255420,8 +255421,8 +255422,8 +255423,8 +255424,8 +255425,8 +255426,8 +255427,8 +255428,8 +255429,8 +255430,8 +255431,28 +255432,28 +255433,28 +255434,28 +255435,28 +255436,28 +255437,28 +255438,28 +255439,28 +255440,9 +255441,9 +255442,9 +255443,9 +255444,37 +255445,17 +255446,17 +255447,17 +255448,17 +255449,31 +255450,27 +255451,27 +255452,27 +255453,27 +255454,27 +255455,18 +255456,18 +255457,18 +255458,4 +255459,4 +255460,4 +255461,4 +255462,38 +255463,38 +255464,37 +255465,37 +255466,37 +255467,27 +255468,27 +255469,27 +255470,27 +255471,27 +255472,27 +255473,27 +255474,27 +255475,27 +255476,27 +255477,16 +255478,16 +255479,16 +255480,16 +255481,16 +255482,16 +255483,16 +255484,16 +255485,16 +255486,16 +255487,16 +255488,16 +255489,16 +255490,16 +255491,16 +255492,36 +255493,36 +255494,36 +255495,36 +255496,36 +255497,36 +255498,36 +255499,36 +255500,36 +255501,36 +255502,36 +255503,36 +255504,36 +255505,36 +255506,36 +255507,6 +255508,6 +255509,6 +255510,6 +255511,6 +255512,6 +255513,6 +255514,11 +255515,11 +255516,11 +255517,11 +255518,11 +255519,11 +255520,11 +255521,31 +255522,31 +255523,31 +255524,31 +255525,31 +255526,31 +255527,31 +255528,31 +255529,31 +255530,31 +255531,31 +255532,28 +255533,28 +255534,28 +255535,28 +255536,28 +255537,28 +255538,28 +255539,28 +255540,28 +255541,28 +255542,3 +255543,3 +255544,3 +255545,3 +255546,3 +255547,3 +255548,3 +255549,3 +255550,3 +255551,3 +255552,3 +255553,3 +255554,3 +255555,3 +255556,3 +255557,3 +255558,3 +255559,3 +255560,24 +255561,24 +255562,24 +255563,24 +255564,3 +255565,3 +255566,24 +255567,24 +255568,19 +255569,24 +255570,24 +255571,5 +255572,28 +255573,5 +255574,5 +255575,5 +255576,5 +255577,10 +255578,10 +255579,10 +255580,10 +255581,10 +255582,10 +255583,10 +255584,34 +255585,34 +255586,34 +255587,30 +255588,34 +255589,34 +255590,34 +255591,34 +255592,34 +255593,34 +255594,34 +255595,34 +255596,34 +255597,5 +255598,5 +255599,5 +255600,5 +255601,5 +255602,5 +255603,5 +255604,5 +255605,29 +255606,29 +255607,29 +255608,40 +255609,40 +255610,40 +255611,25 +255612,25 +255613,25 +255614,25 +255615,25 +255616,25 +255617,25 +255618,25 +255619,25 +255620,25 +255621,40 +255622,40 +255623,5 +255624,5 +255625,5 +255626,5 +255627,5 +255628,5 +255629,5 +255630,5 +255631,5 +255632,5 +255633,5 +255634,5 +255635,5 +255636,5 +255637,5 +255638,5 +255639,5 +255640,0 +255641,0 +255642,0 +255643,0 +255644,0 +255645,0 +255646,0 +255647,0 +255648,0 +255649,0 +255650,0 +255651,0 +255652,0 +255653,0 +255654,0 +255655,0 +255656,0 +255657,0 +255658,0 +255659,0 +255660,0 +255661,0 +255662,0 +255663,0 +255664,0 +255665,0 +255666,0 +255667,0 +255668,0 +255669,0 +255670,0 +255671,0 +255672,0 +255673,0 +255674,0 +255675,0 +255676,0 +255677,0 +255678,0 +255679,0 +255680,39 +255681,7 +255682,7 +255683,7 +255684,7 +255685,7 +255686,7 +255687,7 +255688,7 +255689,7 +255690,3 +255691,3 +255692,3 +255693,3 +255694,3 +255695,3 +255696,3 +255697,3 +255698,3 +255699,31 +255700,31 +255701,31 +255702,31 +255703,31 +255704,37 +255705,37 +255706,37 +255707,37 +255708,37 +255709,37 +255710,37 +255711,37 +255712,39 +255713,39 +255714,39 +255715,39 +255716,39 +255717,39 +255718,39 +255719,39 +255720,39 +255721,39 +255722,39 +255723,39 +255724,39 +255725,39 +255726,39 +255727,39 +255728,39 +255729,39 +255730,39 +255731,6 +255732,6 +255733,6 +255734,16 +255735,16 +255736,16 +255737,16 +255738,6 +255739,6 +255740,6 +255741,6 +255742,6 +255743,6 +255744,6 +255745,6 +255746,34 +255747,34 +255748,36 +255749,26 +255750,36 +255751,26 +255752,36 +255753,36 +255754,32 +255755,6 +255756,0 +255757,0 +255758,4 +255759,4 +255760,4 +255761,0 +255762,0 +255763,0 +255764,0 +255765,0 +255766,37 +255767,37 +255768,37 +255769,37 +255770,37 +255771,37 +255772,31 +255773,31 +255774,31 +255775,31 +255776,31 +255777,31 +255778,31 +255779,31 +255780,31 +255781,31 +255782,31 +255783,5 +255784,5 +255785,5 +255786,5 +255787,5 +255788,5 +255789,13 +255790,13 +255791,36 +255792,36 +255793,36 +255794,36 +255795,36 +255796,36 +255797,36 +255798,36 +255799,36 +255800,36 +255801,36 +255802,36 +255803,36 +255804,6 +255805,6 +255806,6 +255807,6 +255808,6 +255809,6 +255810,6 +255811,6 +255812,6 +255813,2 +255814,2 +255815,2 +255816,2 +255817,2 +255818,2 +255819,2 +255820,2 +255821,2 +255822,2 +255823,4 +255824,4 +255825,4 +255826,4 +255827,4 +255828,10 +255829,10 +255830,10 +255831,10 +255832,10 +255833,10 +255834,10 +255835,10 +255836,10 +255837,10 +255838,10 +255839,10 +255840,10 +255841,10 +255842,10 +255843,10 +255844,10 +255845,10 +255846,11 +255847,11 +255848,11 +255849,11 +255850,11 +255851,11 +255852,11 +255853,11 +255854,11 +255855,11 +255856,11 +255857,11 +255858,11 +255859,11 +255860,22 +255861,31 +255862,31 +255863,31 +255864,31 +255865,5 +255866,5 +255867,5 +255868,5 +255869,5 +255870,5 +255871,31 +255872,31 +255873,3 +255874,5 +255875,5 +255876,3 +255877,3 +255878,3 +255879,3 +255880,3 +255881,28 +255882,12 +255883,12 +255884,12 +255885,12 +255886,12 +255887,28 +255888,28 +255889,28 +255890,12 +255891,12 +255892,12 +255893,12 +255894,12 +255895,12 +255896,31 +255897,31 +255898,31 +255899,31 +255900,5 +255901,5 +255902,5 +255903,5 +255904,5 +255905,5 +255906,5 +255907,5 +255908,5 +255909,5 +255910,5 +255911,19 +255912,19 +255913,19 +255914,19 +255915,19 +255916,33 +255917,33 +255918,33 +255919,33 +255920,31 +255921,31 +255922,31 +255923,31 +255924,25 +255925,25 +255926,25 +255927,35 +255928,25 +255929,25 +255930,25 +255931,25 +255932,25 +255933,25 +255934,25 +255935,25 +255936,25 +255937,25 +255938,25 +255939,25 +255940,5 +255941,25 +255942,25 +255943,25 +255944,25 +255945,25 +255946,25 +255947,25 +255948,0 +255949,0 +255950,0 +255951,0 +255952,0 +255953,0 +255954,0 +255955,0 +255956,0 +255957,0 +255958,0 +255959,0 +255960,0 +255961,0 +255962,0 +255963,0 +255964,0 +255965,0 +255966,0 +255967,0 +255968,0 +255969,0 +255970,0 +255971,0 +255972,0 +255973,0 +255974,0 +255975,0 +255976,0 +255977,0 +255978,0 +255979,0 +255980,0 +255981,0 +255982,0 +255983,0 +255984,0 +255985,0 +255986,0 +255987,0 +255988,0 +255989,0 +255990,0 +255991,0 +255992,0 +255993,0 +255994,0 +255995,0 +255996,0 +255997,18 +255998,18 +255999,18 +256000,18 +256001,18 +256002,18 +256003,31 +256004,27 +256005,27 +256006,31 +256007,31 +256008,31 +256009,31 +256010,31 +256011,2 +256012,2 +256013,2 +256014,2 +256015,2 +256016,2 +256017,2 +256018,2 +256019,29 +256020,29 +256021,29 +256022,29 +256023,29 +256024,31 +256025,31 +256026,31 +256027,31 +256028,31 +256029,31 +256030,31 +256031,15 +256032,24 +256033,30 +256034,30 +256035,30 +256036,30 +256037,30 +256038,15 +256039,15 +256040,30 +256041,30 +256042,30 +256043,30 +256044,30 +256045,30 +256046,30 +256047,30 +256048,30 +256049,10 +256050,10 +256051,10 +256052,10 +256053,10 +256054,10 +256055,10 +256056,10 +256057,10 +256058,10 +256059,10 +256060,10 +256061,10 +256062,10 +256063,10 +256064,10 +256065,10 +256066,10 +256067,10 +256068,10 +256069,10 +256070,10 +256071,10 +256072,19 +256073,19 +256074,18 +256075,18 +256076,5 +256077,8 +256078,8 +256079,8 +256080,8 +256081,8 +256082,8 +256083,8 +256084,8 +256085,18 +256086,8 +256087,28 +256088,28 +256089,28 +256090,28 +256091,28 +256092,28 +256093,28 +256094,27 +256095,27 +256096,39 +256097,39 +256098,39 +256099,39 +256100,39 +256101,39 +256102,39 +256103,39 +256104,39 +256105,39 +256106,12 +256107,12 +256108,12 +256109,12 +256110,12 +256111,27 +256112,27 +256113,27 +256114,27 +256115,29 +256116,29 +256117,29 +256118,29 +256119,29 +256120,29 +256121,29 +256122,36 +256123,36 +256124,36 +256125,36 +256126,36 +256127,36 +256128,36 +256129,36 +256130,36 +256131,36 +256132,36 +256133,6 +256134,6 +256135,6 +256136,6 +256137,4 +256138,4 +256139,4 +256140,4 +256141,4 +256142,4 +256143,4 +256144,4 +256145,4 +256146,4 +256147,4 +256148,4 +256149,4 +256150,4 +256151,9 +256152,33 +256153,33 +256154,9 +256155,9 +256156,9 +256157,9 +256158,9 +256159,9 +256160,9 +256161,9 +256162,9 +256163,9 +256164,37 +256165,37 +256166,37 +256167,37 +256168,37 +256169,37 +256170,37 +256171,16 +256172,16 +256173,16 +256174,16 +256175,16 +256176,16 +256177,16 +256178,11 +256179,16 +256180,16 +256181,16 +256182,10 +256183,10 +256184,14 +256185,14 +256186,19 +256187,19 +256188,19 +256189,19 +256190,18 +256191,19 +256192,19 +256193,19 +256194,14 +256195,14 +256196,14 +256197,14 +256198,14 +256199,14 +256200,14 +256201,40 +256202,40 +256203,40 +256204,40 +256205,36 +256206,36 +256207,36 +256208,36 +256209,36 +256210,36 +256211,36 +256212,5 +256213,19 +256214,19 +256215,19 +256216,19 +256217,19 +256218,19 +256219,12 +256220,12 +256221,12 +256222,12 +256223,12 +256224,12 +256225,12 +256226,12 +256227,12 +256228,27 +256229,27 +256230,22 +256231,22 +256232,22 +256233,22 +256234,22 +256235,31 +256236,29 +256237,31 +256238,21 +256239,21 +256240,21 +256241,21 +256242,7 +256243,7 +256244,7 +256245,7 +256246,7 +256247,7 +256248,7 +256249,3 +256250,3 +256251,3 +256252,3 +256253,3 +256254,3 +256255,3 +256256,3 +256257,3 +256258,3 +256259,3 +256260,3 +256261,12 +256262,12 +256263,37 +256264,37 +256265,37 +256266,37 +256267,37 +256268,5 +256269,5 +256270,5 +256271,19 +256272,29 +256273,29 +256274,29 +256275,27 +256276,27 +256277,27 +256278,27 +256279,27 +256280,27 +256281,27 +256282,2 +256283,2 +256284,2 +256285,2 +256286,2 +256287,2 +256288,2 +256289,2 +256290,2 +256291,8 +256292,2 +256293,2 +256294,2 +256295,32 +256296,32 +256297,32 +256298,32 +256299,32 +256300,24 +256301,32 +256302,32 +256303,32 +256304,32 +256305,32 +256306,32 +256307,32 +256308,32 +256309,32 +256310,32 +256311,10 +256312,10 +256313,10 +256314,10 +256315,10 +256316,10 +256317,10 +256318,10 +256319,10 +256320,10 +256321,10 +256322,10 +256323,10 +256324,10 +256325,4 +256326,4 +256327,4 +256328,5 +256329,5 +256330,5 +256331,5 +256332,5 +256333,5 +256334,5 +256335,5 +256336,0 +256337,0 +256338,0 +256339,0 +256340,0 +256341,0 +256342,0 +256343,0 +256344,0 +256345,0 +256346,0 +256347,0 +256348,0 +256349,0 +256350,0 +256351,19 +256352,19 +256353,19 +256354,19 +256355,19 +256356,19 +256357,19 +256358,19 +256359,19 +256360,19 +256361,19 +256362,19 +256363,31 +256364,31 +256365,33 +256366,33 +256367,33 +256368,5 +256369,5 +256370,5 +256371,5 +256372,5 +256373,5 +256374,5 +256375,5 +256376,5 +256377,5 +256378,5 +256379,5 +256380,5 +256381,5 +256382,5 +256383,5 +256384,5 +256385,5 +256386,0 +256387,0 +256388,0 +256389,0 +256390,0 +256391,0 +256392,0 +256393,0 +256394,0 +256395,0 +256396,0 +256397,0 +256398,6 +256399,6 +256400,6 +256401,37 +256402,37 +256403,37 +256404,37 +256405,37 +256406,37 +256407,37 +256408,37 +256409,37 +256410,37 +256411,37 +256412,37 +256413,26 +256414,26 +256415,26 +256416,26 +256417,26 +256418,26 +256419,26 +256420,26 +256421,26 +256422,37 +256423,37 +256424,37 +256425,37 +256426,37 +256427,37 +256428,31 +256429,31 +256430,31 +256431,31 +256432,31 +256433,31 +256434,31 +256435,31 +256436,31 +256437,31 +256438,31 +256439,37 +256440,37 +256441,37 +256442,37 +256443,37 +256444,37 +256445,37 +256446,37 +256447,37 +256448,37 +256449,30 +256450,30 +256451,30 +256452,30 +256453,30 +256454,30 +256455,30 +256456,30 +256457,30 +256458,30 +256459,30 +256460,30 +256461,30 +256462,30 +256463,30 +256464,30 +256465,30 +256466,33 +256467,33 +256468,33 +256469,33 +256470,30 +256471,30 +256472,30 +256473,33 +256474,33 +256475,33 +256476,33 +256477,33 +256478,33 +256479,33 +256480,33 +256481,33 +256482,33 +256483,0 +256484,0 +256485,0 +256486,0 +256487,0 +256488,0 +256489,0 +256490,0 +256491,0 +256492,0 +256493,0 +256494,0 +256495,0 +256496,0 +256497,0 +256498,0 +256499,0 +256500,0 +256501,0 +256502,0 +256503,0 +256504,0 +256505,0 +256506,0 +256507,0 +256508,0 +256509,0 +256510,0 +256511,0 +256512,0 +256513,0 +256514,0 +256515,0 +256516,0 +256517,0 +256518,0 +256519,0 +256520,0 +256521,0 +256522,0 +256523,0 +256524,0 +256525,0 +256526,0 +256527,0 +256528,0 +256529,0 +256530,0 +256531,0 +256532,0 +256533,0 +256534,0 +256535,0 +256536,0 +256537,0 +256538,0 +256539,0 +256540,0 +256541,0 +256542,0 +256543,0 +256544,0 +256545,0 +256546,0 +256547,0 +256548,0 +256549,0 +256550,0 +256551,0 +256552,0 +256553,0 +256554,0 +256555,0 +256556,2 +256557,2 +256558,2 +256559,2 +256560,2 +256561,2 +256562,2 +256563,2 +256564,2 +256565,2 +256566,2 +256567,2 +256568,2 +256569,2 +256570,2 +256571,2 +256572,31 +256573,31 +256574,31 +256575,31 +256576,31 +256577,31 +256578,31 +256579,31 +256580,31 +256581,31 +256582,28 +256583,28 +256584,28 +256585,28 +256586,28 +256587,28 +256588,28 +256589,28 +256590,28 +256591,28 +256592,2 +256593,2 +256594,2 +256595,2 +256596,2 +256597,2 +256598,2 +256599,2 +256600,2 +256601,2 +256602,2 +256603,2 +256604,2 +256605,2 +256606,14 +256607,14 +256608,14 +256609,14 +256610,14 +256611,14 +256612,14 +256613,14 +256614,14 +256615,14 +256616,14 +256617,14 +256618,14 +256619,14 +256620,14 +256621,14 +256622,14 +256623,14 +256624,14 +256625,14 +256626,29 +256627,29 +256628,29 +256629,29 +256630,29 +256631,29 +256632,29 +256633,36 +256634,36 +256635,40 +256636,40 +256637,40 +256638,40 +256639,40 +256640,40 +256641,40 +256642,40 +256643,36 +256644,36 +256645,36 +256646,21 +256647,21 +256648,21 +256649,21 +256650,21 +256651,21 +256652,21 +256653,21 +256654,21 +256655,21 +256656,21 +256657,21 +256658,21 +256659,21 +256660,37 +256661,37 +256662,37 +256663,37 +256664,37 +256665,37 +256666,37 +256667,37 +256668,37 +256669,14 +256670,14 +256671,14 +256672,14 +256673,14 +256674,14 +256675,14 +256676,14 +256677,14 +256678,14 +256679,14 +256680,14 +256681,14 +256682,2 +256683,2 +256684,2 +256685,2 +256686,2 +256687,2 +256688,2 +256689,2 +256690,2 +256691,2 +256692,2 +256693,2 +256694,2 +256695,2 +256696,27 +256697,27 +256698,27 +256699,27 +256700,27 +256701,27 +256702,27 +256703,27 +256704,8 +256705,8 +256706,8 +256707,8 +256708,8 +256709,8 +256710,8 +256711,8 +256712,8 +256713,8 +256714,7 +256715,7 +256716,7 +256717,7 +256718,7 +256719,7 +256720,7 +256721,7 +256722,7 +256723,7 +256724,3 +256725,3 +256726,3 +256727,3 +256728,3 +256729,3 +256730,3 +256731,3 +256732,3 +256733,3 +256734,3 +256735,3 +256736,3 +256737,3 +256738,3 +256739,3 +256740,3 +256741,38 +256742,38 +256743,38 +256744,38 +256745,38 +256746,38 +256747,38 +256748,24 +256749,24 +256750,24 +256751,24 +256752,24 +256753,24 +256754,36 +256755,36 +256756,36 +256757,36 +256758,36 +256759,36 +256760,0 +256761,36 +256762,36 +256763,36 +256764,36 +256765,36 +256766,36 +256767,36 +256768,36 +256769,36 +256770,36 +256771,28 +256772,28 +256773,28 +256774,28 +256775,28 +256776,28 +256777,28 +256778,28 +256779,28 +256780,28 +256781,5 +256782,18 +256783,18 +256784,18 +256785,18 +256786,18 +256787,18 +256788,18 +256789,18 +256790,18 +256791,40 +256792,40 +256793,40 +256794,40 +256795,40 +256796,40 +256797,40 +256798,5 +256799,5 +256800,5 +256801,5 +256802,5 +256803,4 +256804,4 +256805,4 +256806,4 +256807,4 +256808,4 +256809,33 +256810,33 +256811,33 +256812,33 +256813,33 +256814,33 +256815,33 +256816,33 +256817,2 +256818,2 +256819,2 +256820,2 +256821,2 +256822,2 +256823,2 +256824,2 +256825,2 +256826,2 +256827,2 +256828,2 +256829,32 +256830,32 +256831,32 +256832,32 +256833,32 +256834,9 +256835,9 +256836,9 +256837,9 +256838,9 +256839,9 +256840,9 +256841,9 +256842,9 +256843,9 +256844,9 +256845,37 +256846,37 +256847,37 +256848,37 +256849,37 +256850,37 +256851,37 +256852,37 +256853,4 +256854,4 +256855,4 +256856,4 +256857,4 +256858,4 +256859,4 +256860,0 +256861,0 +256862,0 +256863,0 +256864,0 +256865,0 +256866,0 +256867,0 +256868,0 +256869,0 +256870,0 +256871,0 +256872,0 +256873,0 +256874,0 +256875,0 +256876,0 +256877,0 +256878,0 +256879,0 +256880,0 +256881,0 +256882,0 +256883,0 +256884,0 +256885,0 +256886,0 +256887,0 +256888,0 +256889,0 +256890,0 +256891,0 +256892,0 +256893,0 +256894,0 +256895,0 +256896,0 +256897,0 +256898,0 +256899,0 +256900,0 +256901,0 +256902,0 +256903,0 +256904,0 +256905,0 +256906,0 +256907,0 +256908,0 +256909,0 +256910,0 +256911,0 +256912,0 +256913,0 +256914,0 +256915,0 +256916,0 +256917,0 +256918,0 +256919,0 +256920,0 +256921,0 +256922,0 +256923,0 +256924,0 +256925,0 +256926,0 +256927,0 +256928,0 +256929,0 +256930,0 +256931,0 +256932,0 +256933,0 +256934,0 +256935,0 +256936,0 +256937,0 +256938,0 +256939,0 +256940,0 +256941,0 +256942,0 +256943,0 +256944,0 +256945,0 +256946,0 +256947,0 +256948,0 +256949,0 +256950,0 +256951,0 +256952,0 +256953,0 +256954,0 +256955,0 +256956,0 +256957,0 +256958,0 +256959,0 +256960,0 +256961,0 +256962,0 +256963,0 +256964,0 +256965,0 +256966,0 +256967,0 +256968,0 +256969,0 +256970,0 +256971,0 +256972,0 +256973,0 +256974,0 +256975,0 +256976,0 +256977,0 +256978,0 +256979,0 +256980,0 +256981,0 +256982,0 +256983,0 +256984,0 +256985,0 +256986,0 +256987,0 +256988,0 +256989,0 +256990,0 +256991,0 +256992,0 +256993,0 +256994,0 +256995,15 +256996,15 +256997,15 +256998,33 +256999,33 +257000,33 +257001,33 +257002,33 +257003,33 +257004,33 +257005,33 +257006,33 +257007,33 +257008,33 +257009,33 +257010,33 +257011,33 +257012,33 +257013,33 +257014,23 +257015,23 +257016,23 +257017,24 +257018,24 +257019,24 +257020,24 +257021,24 +257022,24 +257023,21 +257024,21 +257025,21 +257026,21 +257027,21 +257028,21 +257029,21 +257030,21 +257031,37 +257032,37 +257033,37 +257034,37 +257035,37 +257036,37 +257037,37 +257038,37 +257039,37 +257040,37 +257041,37 +257042,14 +257043,14 +257044,14 +257045,14 +257046,14 +257047,14 +257048,14 +257049,14 +257050,14 +257051,14 +257052,14 +257053,14 +257054,14 +257055,2 +257056,2 +257057,2 +257058,2 +257059,2 +257060,2 +257061,2 +257062,2 +257063,2 +257064,2 +257065,2 +257066,2 +257067,2 +257068,40 +257069,40 +257070,40 +257071,40 +257072,40 +257073,40 +257074,40 +257075,40 +257076,40 +257077,5 +257078,5 +257079,5 +257080,5 +257081,5 +257082,5 +257083,5 +257084,5 +257085,5 +257086,5 +257087,23 +257088,23 +257089,23 +257090,23 +257091,23 +257092,23 +257093,23 +257094,23 +257095,23 +257096,23 +257097,23 +257098,9 +257099,9 +257100,9 +257101,9 +257102,9 +257103,9 +257104,9 +257105,9 +257106,9 +257107,9 +257108,9 +257109,9 +257110,9 +257111,9 +257112,9 +257113,30 +257114,30 +257115,30 +257116,30 +257117,30 +257118,30 +257119,30 +257120,30 +257121,4 +257122,4 +257123,4 +257124,4 +257125,4 +257126,4 +257127,4 +257128,4 +257129,4 +257130,4 +257131,2 +257132,2 +257133,2 +257134,2 +257135,2 +257136,2 +257137,2 +257138,2 +257139,2 +257140,2 +257141,2 +257142,2 +257143,2 +257144,2 +257145,2 +257146,2 +257147,2 +257148,2 +257149,2 +257150,2 +257151,2 +257152,2 +257153,2 +257154,10 +257155,10 +257156,26 +257157,26 +257158,26 +257159,25 +257160,26 +257161,26 +257162,26 +257163,26 +257164,26 +257165,26 +257166,26 +257167,26 +257168,26 +257169,37 +257170,37 +257171,37 +257172,37 +257173,37 +257174,37 +257175,37 +257176,37 +257177,30 +257178,30 +257179,30 +257180,30 +257181,30 +257182,30 +257183,30 +257184,30 +257185,30 +257186,30 +257187,9 +257188,9 +257189,9 +257190,9 +257191,9 +257192,9 +257193,9 +257194,9 +257195,9 +257196,9 +257197,9 +257198,9 +257199,9 +257200,9 +257201,9 +257202,31 +257203,31 +257204,34 +257205,31 +257206,31 +257207,31 +257208,34 +257209,31 +257210,31 +257211,31 +257212,31 +257213,34 +257214,34 +257215,24 +257216,29 +257217,24 +257218,24 +257219,24 +257220,24 +257221,24 +257222,24 +257223,24 +257224,19 +257225,19 +257226,31 +257227,31 +257228,31 +257229,31 +257230,31 +257231,31 +257232,31 +257233,31 +257234,31 +257235,31 +257236,29 +257237,29 +257238,29 +257239,29 +257240,29 +257241,29 +257242,24 +257243,28 +257244,28 +257245,28 +257246,28 +257247,28 +257248,28 +257249,28 +257250,28 +257251,28 +257252,28 +257253,28 +257254,28 +257255,28 +257256,9 +257257,9 +257258,9 +257259,9 +257260,9 +257261,9 +257262,9 +257263,9 +257264,9 +257265,9 +257266,9 +257267,9 +257268,9 +257269,9 +257270,9 +257271,9 +257272,9 +257273,9 +257274,9 +257275,37 +257276,37 +257277,37 +257278,37 +257279,37 +257280,37 +257281,37 +257282,37 +257283,37 +257284,40 +257285,40 +257286,40 +257287,5 +257288,5 +257289,31 +257290,5 +257291,30 +257292,30 +257293,30 +257294,30 +257295,30 +257296,30 +257297,30 +257298,30 +257299,30 +257300,30 +257301,30 +257302,30 +257303,30 +257304,36 +257305,36 +257306,36 +257307,36 +257308,36 +257309,36 +257310,36 +257311,36 +257312,36 +257313,36 +257314,36 +257315,36 +257316,40 +257317,40 +257318,40 +257319,40 +257320,40 +257321,40 +257322,40 +257323,40 +257324,2 +257325,2 +257326,2 +257327,2 +257328,2 +257329,2 +257330,2 +257331,2 +257332,2 +257333,2 +257334,2 +257335,2 +257336,2 +257337,2 +257338,2 +257339,2 +257340,2 +257341,2 +257342,2 +257343,2 +257344,2 +257345,2 +257346,2 +257347,2 +257348,2 +257349,2 +257350,2 +257351,2 +257352,2 +257353,2 +257354,2 +257355,2 +257356,2 +257357,0 +257358,0 +257359,0 +257360,0 +257361,0 +257362,0 +257363,0 +257364,0 +257365,0 +257366,0 +257367,0 +257368,0 +257369,0 +257370,0 +257371,0 +257372,0 +257373,0 +257374,0 +257375,0 +257376,0 +257377,0 +257378,0 +257379,0 +257380,0 +257381,0 +257382,0 +257383,0 +257384,0 +257385,0 +257386,0 +257387,0 +257388,0 +257389,0 +257390,0 +257391,0 +257392,0 +257393,0 +257394,0 +257395,0 +257396,0 +257397,0 +257398,0 +257399,0 +257400,0 +257401,0 +257402,0 +257403,0 +257404,0 +257405,0 +257406,0 +257407,0 +257408,0 +257409,0 +257410,0 +257411,0 +257412,0 +257413,0 +257414,0 +257415,0 +257416,0 +257417,0 +257418,0 +257419,0 +257420,0 +257421,0 +257422,0 +257423,0 +257424,0 +257425,0 +257426,0 +257427,0 +257428,0 +257429,0 +257430,27 +257431,27 +257432,36 +257433,36 +257434,36 +257435,36 +257436,36 +257437,36 +257438,36 +257439,36 +257440,5 +257441,28 +257442,28 +257443,28 +257444,28 +257445,28 +257446,5 +257447,28 +257448,32 +257449,32 +257450,32 +257451,32 +257452,32 +257453,32 +257454,32 +257455,32 +257456,37 +257457,37 +257458,37 +257459,37 +257460,37 +257461,37 +257462,37 +257463,40 +257464,37 +257465,32 +257466,32 +257467,32 +257468,32 +257469,32 +257470,32 +257471,32 +257472,32 +257473,32 +257474,32 +257475,37 +257476,37 +257477,37 +257478,37 +257479,37 +257480,37 +257481,37 +257482,37 +257483,37 +257484,14 +257485,14 +257486,14 +257487,14 +257488,14 +257489,14 +257490,14 +257491,11 +257492,11 +257493,11 +257494,11 +257495,11 +257496,11 +257497,11 +257498,11 +257499,31 +257500,31 +257501,31 +257502,31 +257503,5 +257504,5 +257505,5 +257506,5 +257507,5 +257508,5 +257509,5 +257510,5 +257511,6 +257512,5 +257513,23 +257514,23 +257515,23 +257516,23 +257517,23 +257518,23 +257519,23 +257520,23 +257521,23 +257522,23 +257523,25 +257524,12 +257525,25 +257526,25 +257527,25 +257528,25 +257529,25 +257530,25 +257531,25 +257532,25 +257533,25 +257534,25 +257535,21 +257536,21 +257537,21 +257538,21 +257539,21 +257540,21 +257541,21 +257542,21 +257543,21 +257544,37 +257545,37 +257546,37 +257547,37 +257548,37 +257549,37 +257550,14 +257551,14 +257552,14 +257553,14 +257554,14 +257555,14 +257556,4 +257557,4 +257558,4 +257559,4 +257560,0 +257561,27 +257562,27 +257563,27 +257564,27 +257565,27 +257566,27 +257567,27 +257568,27 +257569,27 +257570,27 +257571,27 +257572,27 +257573,27 +257574,27 +257575,27 +257576,27 +257577,27 +257578,5 +257579,5 +257580,28 +257581,28 +257582,38 +257583,38 +257584,38 +257585,23 +257586,38 +257587,38 +257588,38 +257589,27 +257590,27 +257591,5 +257592,5 +257593,5 +257594,5 +257595,5 +257596,19 +257597,19 +257598,19 +257599,4 +257600,4 +257601,4 +257602,4 +257603,4 +257604,4 +257605,4 +257606,37 +257607,37 +257608,37 +257609,14 +257610,14 +257611,14 +257612,14 +257613,14 +257614,14 +257615,14 +257616,14 +257617,14 +257618,14 +257619,19 +257620,19 +257621,19 +257622,19 +257623,19 +257624,19 +257625,19 +257626,19 +257627,19 +257628,19 +257629,36 +257630,36 +257631,36 +257632,36 +257633,36 +257634,36 +257635,36 +257636,36 +257637,36 +257638,36 +257639,36 +257640,36 +257641,36 +257642,36 +257643,36 +257644,36 +257645,5 +257646,5 +257647,5 +257648,5 +257649,5 +257650,5 +257651,5 +257652,2 +257653,2 +257654,2 +257655,2 +257656,2 +257657,2 +257658,2 +257659,2 +257660,2 +257661,2 +257662,2 +257663,2 +257664,2 +257665,2 +257666,2 +257667,2 +257668,2 +257669,2 +257670,2 +257671,2 +257672,0 +257673,0 +257674,0 +257675,0 +257676,0 +257677,0 +257678,0 +257679,0 +257680,0 +257681,0 +257682,0 +257683,0 +257684,0 +257685,0 +257686,0 +257687,0 +257688,0 +257689,0 +257690,0 +257691,0 +257692,0 +257693,0 +257694,0 +257695,0 +257696,0 +257697,0 +257698,0 +257699,0 +257700,0 +257701,0 +257702,0 +257703,0 +257704,0 +257705,0 +257706,0 +257707,0 +257708,0 +257709,0 +257710,0 +257711,0 +257712,0 +257713,0 +257714,0 +257715,0 +257716,0 +257717,0 +257718,0 +257719,0 +257720,0 +257721,0 +257722,0 +257723,0 +257724,0 +257725,0 +257726,0 +257727,0 +257728,0 +257729,0 +257730,15 +257731,15 +257732,15 +257733,15 +257734,15 +257735,15 +257736,31 +257737,31 +257738,31 +257739,31 +257740,31 +257741,31 +257742,24 +257743,24 +257744,24 +257745,36 +257746,36 +257747,36 +257748,36 +257749,36 +257750,36 +257751,36 +257752,36 +257753,36 +257754,36 +257755,36 +257756,36 +257757,36 +257758,36 +257759,36 +257760,36 +257761,5 +257762,5 +257763,5 +257764,5 +257765,5 +257766,5 +257767,28 +257768,25 +257769,25 +257770,25 +257771,25 +257772,25 +257773,25 +257774,2 +257775,2 +257776,2 +257777,2 +257778,2 +257779,2 +257780,2 +257781,2 +257782,4 +257783,4 +257784,4 +257785,4 +257786,4 +257787,4 +257788,4 +257789,36 +257790,36 +257791,36 +257792,36 +257793,36 +257794,36 +257795,5 +257796,5 +257797,5 +257798,5 +257799,5 +257800,5 +257801,5 +257802,29 +257803,31 +257804,31 +257805,31 +257806,4 +257807,32 +257808,32 +257809,32 +257810,4 +257811,4 +257812,4 +257813,29 +257814,29 +257815,29 +257816,27 +257817,27 +257818,27 +257819,27 +257820,27 +257821,27 +257822,27 +257823,27 +257824,27 +257825,2 +257826,2 +257827,2 +257828,2 +257829,2 +257830,2 +257831,2 +257832,4 +257833,4 +257834,4 +257835,4 +257836,4 +257837,4 +257838,4 +257839,4 +257840,4 +257841,10 +257842,10 +257843,10 +257844,10 +257845,10 +257846,10 +257847,10 +257848,10 +257849,10 +257850,10 +257851,10 +257852,10 +257853,10 +257854,10 +257855,10 +257856,10 +257857,10 +257858,10 +257859,10 +257860,28 +257861,28 +257862,28 +257863,28 +257864,5 +257865,5 +257866,28 +257867,28 +257868,28 +257869,0 +257870,0 +257871,0 +257872,0 +257873,0 +257874,0 +257875,0 +257876,0 +257877,0 +257878,0 +257879,0 +257880,0 +257881,0 +257882,0 +257883,0 +257884,0 +257885,0 +257886,0 +257887,0 +257888,0 +257889,0 +257890,0 +257891,0 +257892,29 +257893,29 +257894,29 +257895,29 +257896,14 +257897,14 +257898,14 +257899,14 +257900,14 +257901,14 +257902,14 +257903,14 +257904,23 +257905,23 +257906,23 +257907,23 +257908,23 +257909,23 +257910,2 +257911,2 +257912,2 +257913,2 +257914,2 +257915,2 +257916,2 +257917,2 +257918,2 +257919,2 +257920,32 +257921,32 +257922,32 +257923,32 +257924,32 +257925,32 +257926,15 +257927,15 +257928,36 +257929,36 +257930,36 +257931,36 +257932,36 +257933,36 +257934,36 +257935,6 +257936,6 +257937,6 +257938,6 +257939,6 +257940,6 +257941,6 +257942,6 +257943,6 +257944,6 +257945,32 +257946,4 +257947,4 +257948,6 +257949,4 +257950,7 +257951,39 +257952,39 +257953,39 +257954,30 +257955,30 +257956,30 +257957,29 +257958,33 +257959,33 +257960,33 +257961,33 +257962,33 +257963,33 +257964,33 +257965,33 +257966,33 +257967,23 +257968,23 +257969,33 +257970,23 +257971,23 +257972,23 +257973,23 +257974,23 +257975,23 +257976,23 +257977,23 +257978,23 +257979,9 +257980,9 +257981,9 +257982,9 +257983,9 +257984,9 +257985,9 +257986,9 +257987,9 +257988,9 +257989,9 +257990,9 +257991,9 +257992,9 +257993,9 +257994,9 +257995,25 +257996,25 +257997,37 +257998,37 +257999,37 +258000,15 +258001,15 +258002,15 +258003,15 +258004,15 +258005,15 +258006,27 +258007,27 +258008,27 +258009,27 +258010,31 +258011,23 +258012,23 +258013,23 +258014,23 +258015,23 +258016,23 +258017,23 +258018,9 +258019,9 +258020,9 +258021,9 +258022,9 +258023,9 +258024,37 +258025,37 +258026,37 +258027,37 +258028,37 +258029,15 +258030,15 +258031,15 +258032,15 +258033,29 +258034,24 +258035,14 +258036,14 +258037,14 +258038,27 +258039,27 +258040,27 +258041,27 +258042,27 +258043,27 +258044,27 +258045,27 +258046,27 +258047,14 +258048,19 +258049,19 +258050,19 +258051,19 +258052,19 +258053,19 +258054,19 +258055,31 +258056,31 +258057,31 +258058,31 +258059,31 +258060,31 +258061,31 +258062,4 +258063,4 +258064,4 +258065,4 +258066,4 +258067,4 +258068,4 +258069,4 +258070,4 +258071,4 +258072,27 +258073,27 +258074,27 +258075,19 +258076,19 +258077,19 +258078,19 +258079,14 +258080,14 +258081,14 +258082,14 +258083,14 +258084,14 +258085,14 +258086,14 +258087,14 +258088,14 +258089,14 +258090,14 +258091,14 +258092,14 +258093,14 +258094,14 +258095,14 +258096,14 +258097,14 +258098,14 +258099,14 +258100,14 +258101,14 +258102,14 +258103,14 +258104,0 +258105,0 +258106,0 +258107,0 +258108,0 +258109,0 +258110,0 +258111,0 +258112,0 +258113,0 +258114,0 +258115,0 +258116,0 +258117,0 +258118,0 +258119,0 +258120,0 +258121,0 +258122,0 +258123,0 +258124,0 +258125,0 +258126,0 +258127,0 +258128,0 +258129,0 +258130,0 +258131,0 +258132,0 +258133,0 +258134,0 +258135,0 +258136,0 +258137,0 +258138,0 +258139,0 +258140,0 +258141,0 +258142,0 +258143,0 +258144,0 +258145,0 +258146,0 +258147,0 +258148,0 +258149,0 +258150,0 +258151,0 +258152,0 +258153,0 +258154,0 +258155,0 +258156,0 +258157,0 +258158,0 +258159,0 +258160,0 +258161,0 +258162,0 +258163,0 +258164,0 +258165,0 +258166,0 +258167,0 +258168,0 +258169,0 +258170,0 +258171,0 +258172,0 +258173,0 +258174,0 +258175,0 +258176,0 +258177,0 +258178,0 +258179,0 +258180,0 +258181,12 +258182,12 +258183,12 +258184,12 +258185,12 +258186,12 +258187,12 +258188,12 +258189,27 +258190,27 +258191,27 +258192,27 +258193,16 +258194,16 +258195,16 +258196,16 +258197,16 +258198,16 +258199,16 +258200,2 +258201,2 +258202,2 +258203,2 +258204,2 +258205,2 +258206,16 +258207,28 +258208,28 +258209,28 +258210,28 +258211,28 +258212,28 +258213,28 +258214,14 +258215,14 +258216,14 +258217,39 +258218,39 +258219,39 +258220,39 +258221,14 +258222,14 +258223,14 +258224,14 +258225,14 +258226,14 +258227,14 +258228,39 +258229,5 +258230,5 +258231,5 +258232,5 +258233,5 +258234,5 +258235,5 +258236,5 +258237,5 +258238,5 +258239,2 +258240,2 +258241,2 +258242,2 +258243,2 +258244,2 +258245,6 +258246,6 +258247,6 +258248,6 +258249,6 +258250,6 +258251,6 +258252,6 +258253,40 +258254,40 +258255,40 +258256,40 +258257,40 +258258,40 +258259,36 +258260,36 +258261,36 +258262,5 +258263,28 +258264,31 +258265,5 +258266,5 +258267,5 +258268,5 +258269,31 +258270,31 +258271,24 +258272,24 +258273,24 +258274,24 +258275,19 +258276,19 +258277,19 +258278,19 +258279,19 +258280,31 +258281,31 +258282,19 +258283,31 +258284,31 +258285,32 +258286,4 +258287,4 +258288,4 +258289,4 +258290,4 +258291,4 +258292,4 +258293,4 +258294,4 +258295,4 +258296,40 +258297,40 +258298,40 +258299,40 +258300,36 +258301,36 +258302,5 +258303,5 +258304,31 +258305,31 +258306,5 +258307,27 +258308,31 +258309,31 +258310,31 +258311,24 +258312,24 +258313,24 +258314,24 +258315,24 +258316,28 +258317,28 +258318,28 +258319,28 +258320,36 +258321,36 +258322,36 +258323,36 +258324,36 +258325,36 +258326,36 +258327,36 +258328,36 +258329,36 +258330,36 +258331,36 +258332,36 +258333,36 +258334,36 +258335,36 +258336,5 +258337,5 +258338,5 +258339,5 +258340,5 +258341,5 +258342,5 +258343,5 +258344,5 +258345,5 +258346,2 +258347,2 +258348,2 +258349,2 +258350,2 +258351,2 +258352,2 +258353,2 +258354,2 +258355,40 +258356,40 +258357,40 +258358,40 +258359,40 +258360,40 +258361,40 +258362,5 +258363,5 +258364,5 +258365,5 +258366,5 +258367,5 +258368,5 +258369,5 +258370,5 +258371,5 +258372,5 +258373,5 +258374,5 +258375,0 +258376,0 +258377,0 +258378,0 +258379,0 +258380,0 +258381,0 +258382,0 +258383,0 +258384,0 +258385,0 +258386,0 +258387,0 +258388,0 +258389,0 +258390,0 +258391,0 +258392,0 +258393,0 +258394,0 +258395,0 +258396,0 +258397,0 +258398,0 +258399,0 +258400,0 +258401,0 +258402,0 +258403,0 +258404,0 +258405,0 +258406,0 +258407,0 +258408,0 +258409,0 +258410,0 +258411,0 +258412,0 +258413,0 +258414,0 +258415,26 +258416,26 +258417,26 +258418,10 +258419,10 +258420,10 +258421,10 +258422,10 +258423,10 +258424,10 +258425,10 +258426,10 +258427,35 +258428,35 +258429,35 +258430,35 +258431,35 +258432,35 +258433,35 +258434,35 +258435,35 +258436,35 +258437,35 +258438,0 +258439,0 +258440,0 +258441,35 +258442,35 +258443,35 +258444,35 +258445,35 +258446,35 +258447,0 +258448,0 +258449,0 +258450,0 +258451,0 +258452,0 +258453,0 +258454,27 +258455,27 +258456,27 +258457,27 +258458,27 +258459,27 +258460,27 +258461,27 +258462,27 +258463,27 +258464,27 +258465,27 +258466,27 +258467,27 +258468,27 +258469,4 +258470,4 +258471,27 +258472,27 +258473,27 +258474,27 +258475,27 +258476,14 +258477,27 +258478,27 +258479,27 +258480,14 +258481,8 +258482,2 +258483,8 +258484,8 +258485,2 +258486,2 +258487,2 +258488,2 +258489,2 +258490,2 +258491,2 +258492,2 +258493,2 +258494,4 +258495,4 +258496,4 +258497,4 +258498,4 +258499,4 +258500,4 +258501,4 +258502,4 +258503,4 +258504,4 +258505,4 +258506,37 +258507,37 +258508,37 +258509,25 +258510,25 +258511,25 +258512,25 +258513,25 +258514,25 +258515,25 +258516,25 +258517,37 +258518,37 +258519,37 +258520,37 +258521,37 +258522,37 +258523,37 +258524,37 +258525,37 +258526,37 +258527,37 +258528,37 +258529,37 +258530,37 +258531,37 +258532,37 +258533,37 +258534,37 +258535,37 +258536,37 +258537,37 +258538,37 +258539,0 +258540,0 +258541,0 +258542,0 +258543,0 +258544,0 +258545,0 +258546,0 +258547,0 +258548,0 +258549,0 +258550,0 +258551,0 +258552,0 +258553,0 +258554,0 +258555,0 +258556,0 +258557,0 +258558,0 +258559,0 +258560,10 +258561,10 +258562,10 +258563,10 +258564,10 +258565,10 +258566,10 +258567,10 +258568,10 +258569,10 +258570,10 +258571,10 +258572,10 +258573,10 +258574,10 +258575,10 +258576,10 +258577,10 +258578,10 +258579,10 +258580,37 +258581,37 +258582,37 +258583,37 +258584,25 +258585,25 +258586,25 +258587,25 +258588,39 +258589,39 +258590,39 +258591,39 +258592,39 +258593,21 +258594,21 +258595,21 +258596,21 +258597,21 +258598,21 +258599,21 +258600,21 +258601,37 +258602,37 +258603,37 +258604,40 +258605,40 +258606,40 +258607,40 +258608,40 +258609,40 +258610,40 +258611,40 +258612,4 +258613,4 +258614,4 +258615,4 +258616,4 +258617,4 +258618,29 +258619,29 +258620,29 +258621,31 +258622,31 +258623,31 +258624,31 +258625,31 +258626,31 +258627,31 +258628,21 +258629,21 +258630,21 +258631,21 +258632,21 +258633,21 +258634,21 +258635,21 +258636,21 +258637,21 +258638,37 +258639,37 +258640,37 +258641,37 +258642,37 +258643,14 +258644,14 +258645,14 +258646,14 +258647,14 +258648,10 +258649,14 +258650,14 +258651,14 +258652,10 +258653,10 +258654,10 +258655,10 +258656,10 +258657,2 +258658,2 +258659,2 +258660,2 +258661,2 +258662,2 +258663,2 +258664,2 +258665,2 +258666,2 +258667,2 +258668,2 +258669,2 +258670,33 +258671,33 +258672,33 +258673,33 +258674,33 +258675,24 +258676,24 +258677,24 +258678,24 +258679,24 +258680,24 +258681,2 +258682,2 +258683,2 +258684,2 +258685,39 +258686,14 +258687,14 +258688,14 +258689,14 +258690,14 +258691,14 +258692,14 +258693,14 +258694,14 +258695,14 +258696,14 +258697,14 +258698,14 +258699,14 +258700,14 +258701,14 +258702,14 +258703,14 +258704,14 +258705,14 +258706,14 +258707,14 +258708,5 +258709,5 +258710,5 +258711,5 +258712,5 +258713,5 +258714,5 +258715,16 +258716,16 +258717,16 +258718,16 +258719,16 +258720,16 +258721,16 +258722,16 +258723,16 +258724,16 +258725,16 +258726,16 +258727,5 +258728,5 +258729,5 +258730,5 +258731,5 +258732,5 +258733,5 +258734,28 +258735,28 +258736,28 +258737,28 +258738,28 +258739,28 +258740,28 +258741,28 +258742,28 +258743,28 +258744,28 +258745,28 +258746,36 +258747,36 +258748,36 +258749,36 +258750,36 +258751,36 +258752,36 +258753,36 +258754,36 +258755,36 +258756,36 +258757,36 +258758,31 +258759,5 +258760,5 +258761,5 +258762,5 +258763,5 +258764,5 +258765,5 +258766,5 +258767,5 +258768,5 +258769,5 +258770,5 +258771,5 +258772,5 +258773,5 +258774,5 +258775,5 +258776,5 +258777,5 +258778,5 +258779,5 +258780,5 +258781,5 +258782,8 +258783,8 +258784,8 +258785,8 +258786,8 +258787,8 +258788,8 +258789,8 +258790,8 +258791,8 +258792,2 +258793,2 +258794,2 +258795,2 +258796,2 +258797,2 +258798,2 +258799,0 +258800,0 +258801,0 +258802,0 +258803,0 +258804,0 +258805,0 +258806,0 +258807,0 +258808,0 +258809,0 +258810,0 +258811,0 +258812,0 +258813,0 +258814,0 +258815,0 +258816,0 +258817,0 +258818,0 +258819,0 +258820,0 +258821,0 +258822,0 +258823,0 +258824,0 +258825,0 +258826,0 +258827,0 +258828,0 +258829,0 +258830,0 +258831,10 +258832,10 +258833,10 +258834,10 +258835,10 +258836,10 +258837,10 +258838,10 +258839,10 +258840,10 +258841,10 +258842,10 +258843,10 +258844,10 +258845,10 +258846,37 +258847,37 +258848,37 +258849,37 +258850,37 +258851,37 +258852,37 +258853,39 +258854,39 +258855,39 +258856,39 +258857,39 +258858,21 +258859,21 +258860,21 +258861,21 +258862,21 +258863,21 +258864,37 +258865,37 +258866,37 +258867,37 +258868,37 +258869,40 +258870,40 +258871,40 +258872,40 +258873,40 +258874,40 +258875,24 +258876,24 +258877,24 +258878,4 +258879,4 +258880,4 +258881,4 +258882,4 +258883,4 +258884,4 +258885,4 +258886,0 +258887,0 +258888,0 +258889,0 +258890,8 +258891,0 +258892,40 +258893,40 +258894,40 +258895,40 +258896,40 +258897,40 +258898,40 +258899,40 +258900,24 +258901,24 +258902,24 +258903,24 +258904,37 +258905,37 +258906,37 +258907,37 +258908,37 +258909,37 +258910,37 +258911,39 +258912,39 +258913,39 +258914,39 +258915,39 +258916,23 +258917,38 +258918,38 +258919,38 +258920,38 +258921,38 +258922,38 +258923,38 +258924,38 +258925,38 +258926,10 +258927,10 +258928,10 +258929,13 +258930,13 +258931,13 +258932,13 +258933,31 +258934,31 +258935,31 +258936,31 +258937,31 +258938,24 +258939,24 +258940,24 +258941,24 +258942,24 +258943,24 +258944,15 +258945,34 +258946,34 +258947,34 +258948,34 +258949,34 +258950,34 +258951,34 +258952,34 +258953,34 +258954,34 +258955,34 +258956,34 +258957,34 +258958,34 +258959,29 +258960,29 +258961,4 +258962,4 +258963,4 +258964,4 +258965,4 +258966,29 +258967,29 +258968,32 +258969,29 +258970,29 +258971,38 +258972,38 +258973,34 +258974,34 +258975,34 +258976,31 +258977,31 +258978,31 +258979,31 +258980,31 +258981,40 +258982,40 +258983,31 +258984,28 +258985,28 +258986,28 +258987,28 +258988,28 +258989,28 +258990,28 +258991,28 +258992,28 +258993,28 +258994,28 +258995,28 +258996,5 +258997,5 +258998,5 +258999,0 +259000,0 +259001,0 +259002,0 +259003,0 +259004,0 +259005,0 +259006,0 +259007,0 +259008,0 +259009,0 +259010,0 +259011,38 +259012,38 +259013,38 +259014,38 +259015,38 +259016,38 +259017,38 +259018,38 +259019,38 +259020,29 +259021,29 +259022,29 +259023,40 +259024,40 +259025,40 +259026,40 +259027,40 +259028,37 +259029,37 +259030,37 +259031,37 +259032,37 +259033,37 +259034,37 +259035,25 +259036,25 +259037,25 +259038,25 +259039,36 +259040,34 +259041,34 +259042,36 +259043,36 +259044,36 +259045,36 +259046,36 +259047,36 +259048,30 +259049,30 +259050,30 +259051,30 +259052,29 +259053,29 +259054,29 +259055,31 +259056,31 +259057,31 +259058,31 +259059,22 +259060,22 +259061,31 +259062,6 +259063,21 +259064,21 +259065,6 +259066,21 +259067,21 +259068,21 +259069,40 +259070,40 +259071,31 +259072,31 +259073,31 +259074,31 +259075,31 +259076,5 +259077,5 +259078,5 +259079,5 +259080,5 +259081,5 +259082,5 +259083,5 +259084,5 +259085,5 +259086,2 +259087,2 +259088,2 +259089,2 +259090,2 +259091,2 +259092,2 +259093,2 +259094,2 +259095,2 +259096,2 +259097,2 +259098,2 +259099,2 +259100,2 +259101,2 +259102,29 +259103,29 +259104,29 +259105,40 +259106,40 +259107,27 +259108,27 +259109,27 +259110,27 +259111,27 +259112,27 +259113,27 +259114,11 +259115,11 +259116,11 +259117,11 +259118,11 +259119,11 +259120,11 +259121,11 +259122,11 +259123,11 +259124,11 +259125,11 +259126,11 +259127,11 +259128,11 +259129,11 +259130,11 +259131,11 +259132,11 +259133,11 +259134,11 +259135,11 +259136,31 +259137,31 +259138,31 +259139,31 +259140,31 +259141,31 +259142,24 +259143,24 +259144,24 +259145,24 +259146,24 +259147,24 +259148,24 +259149,30 +259150,30 +259151,30 +259152,30 +259153,30 +259154,30 +259155,30 +259156,30 +259157,30 +259158,30 +259159,25 +259160,25 +259161,25 +259162,25 +259163,25 +259164,25 +259165,25 +259166,25 +259167,25 +259168,25 +259169,7 +259170,7 +259171,7 +259172,7 +259173,39 +259174,39 +259175,39 +259176,39 +259177,39 +259178,39 +259179,39 +259180,39 +259181,39 +259182,39 +259183,39 +259184,39 +259185,39 +259186,39 +259187,39 +259188,39 +259189,39 +259190,0 +259191,0 +259192,0 +259193,0 +259194,0 +259195,0 +259196,0 +259197,0 +259198,0 +259199,0 +259200,0 +259201,0 +259202,0 +259203,0 +259204,0 +259205,0 +259206,0 +259207,0 +259208,0 +259209,0 +259210,0 +259211,0 +259212,0 +259213,0 +259214,0 +259215,0 +259216,0 +259217,0 +259218,0 +259219,0 +259220,0 +259221,0 +259222,0 +259223,0 +259224,0 +259225,0 +259226,0 +259227,0 +259228,12 +259229,35 +259230,35 +259231,12 +259232,12 +259233,12 +259234,12 +259235,27 +259236,27 +259237,27 +259238,27 +259239,5 +259240,5 +259241,5 +259242,5 +259243,5 +259244,5 +259245,5 +259246,36 +259247,36 +259248,36 +259249,36 +259250,36 +259251,36 +259252,36 +259253,36 +259254,24 +259255,24 +259256,24 +259257,24 +259258,24 +259259,24 +259260,31 +259261,27 +259262,40 +259263,40 +259264,40 +259265,40 +259266,40 +259267,40 +259268,40 +259269,28 +259270,28 +259271,28 +259272,28 +259273,28 +259274,28 +259275,28 +259276,28 +259277,28 +259278,28 +259279,28 +259280,28 +259281,28 +259282,40 +259283,36 +259284,36 +259285,36 +259286,36 +259287,36 +259288,36 +259289,36 +259290,40 +259291,40 +259292,40 +259293,40 +259294,40 +259295,40 +259296,40 +259297,40 +259298,5 +259299,5 +259300,5 +259301,5 +259302,5 +259303,5 +259304,5 +259305,5 +259306,26 +259307,26 +259308,26 +259309,10 +259310,10 +259311,10 +259312,10 +259313,26 +259314,10 +259315,10 +259316,10 +259317,10 +259318,10 +259319,10 +259320,10 +259321,10 +259322,5 +259323,5 +259324,5 +259325,5 +259326,5 +259327,5 +259328,5 +259329,5 +259330,5 +259331,5 +259332,5 +259333,5 +259334,5 +259335,33 +259336,33 +259337,33 +259338,33 +259339,33 +259340,33 +259341,33 +259342,33 +259343,33 +259344,33 +259345,33 +259346,33 +259347,17 +259348,17 +259349,17 +259350,19 +259351,19 +259352,15 +259353,15 +259354,15 +259355,15 +259356,31 +259357,30 +259358,30 +259359,31 +259360,31 +259361,30 +259362,30 +259363,30 +259364,3 +259365,31 +259366,3 +259367,3 +259368,3 +259369,3 +259370,3 +259371,3 +259372,3 +259373,3 +259374,3 +259375,3 +259376,3 +259377,3 +259378,3 +259379,3 +259380,38 +259381,38 +259382,38 +259383,29 +259384,29 +259385,29 +259386,29 +259387,29 +259388,14 +259389,14 +259390,14 +259391,14 +259392,14 +259393,14 +259394,14 +259395,14 +259396,14 +259397,14 +259398,30 +259399,30 +259400,30 +259401,30 +259402,30 +259403,30 +259404,30 +259405,30 +259406,30 +259407,30 +259408,30 +259409,30 +259410,30 +259411,30 +259412,31 +259413,31 +259414,31 +259415,31 +259416,31 +259417,31 +259418,31 +259419,31 +259420,31 +259421,31 +259422,31 +259423,31 +259424,31 +259425,31 +259426,31 +259427,31 +259428,31 +259429,31 +259430,24 +259431,24 +259432,24 +259433,24 +259434,24 +259435,24 +259436,24 +259437,24 +259438,24 +259439,24 +259440,24 +259441,0 +259442,0 +259443,0 +259444,0 +259445,0 +259446,0 +259447,32 +259448,32 +259449,32 +259450,32 +259451,37 +259452,37 +259453,37 +259454,37 +259455,37 +259456,37 +259457,37 +259458,14 +259459,14 +259460,14 +259461,14 +259462,14 +259463,14 +259464,14 +259465,14 +259466,14 +259467,40 +259468,40 +259469,36 +259470,14 +259471,4 +259472,4 +259473,4 +259474,4 +259475,4 +259476,4 +259477,4 +259478,4 +259479,4 +259480,4 +259481,4 +259482,4 +259483,4 +259484,4 +259485,4 +259486,4 +259487,4 +259488,4 +259489,16 +259490,6 +259491,6 +259492,6 +259493,31 +259494,31 +259495,31 +259496,31 +259497,31 +259498,31 +259499,31 +259500,5 +259501,5 +259502,30 +259503,30 +259504,30 +259505,30 +259506,25 +259507,25 +259508,25 +259509,25 +259510,25 +259511,25 +259512,25 +259513,25 +259514,25 +259515,25 +259516,25 +259517,25 +259518,25 +259519,25 +259520,37 +259521,25 +259522,0 +259523,0 +259524,0 +259525,0 +259526,0 +259527,0 +259528,0 +259529,0 +259530,0 +259531,0 +259532,0 +259533,0 +259534,0 +259535,0 +259536,0 +259537,0 +259538,0 +259539,0 +259540,0 +259541,0 +259542,0 +259543,0 +259544,0 +259545,0 +259546,0 +259547,0 +259548,0 +259549,0 +259550,0 +259551,0 +259552,0 +259553,0 +259554,0 +259555,0 +259556,0 +259557,0 +259558,0 +259559,0 +259560,0 +259561,0 +259562,0 +259563,0 +259564,0 +259565,0 +259566,0 +259567,0 +259568,0 +259569,0 +259570,0 +259571,0 +259572,0 +259573,0 +259574,0 +259575,0 +259576,0 +259577,0 +259578,0 +259579,0 +259580,0 +259581,0 +259582,0 +259583,0 +259584,0 +259585,0 +259586,36 +259587,36 +259588,36 +259589,36 +259590,36 +259591,36 +259592,36 +259593,36 +259594,36 +259595,36 +259596,36 +259597,36 +259598,40 +259599,40 +259600,40 +259601,40 +259602,40 +259603,36 +259604,5 +259605,5 +259606,5 +259607,5 +259608,5 +259609,5 +259610,5 +259611,5 +259612,2 +259613,2 +259614,2 +259615,2 +259616,2 +259617,2 +259618,2 +259619,2 +259620,2 +259621,0 +259622,0 +259623,0 +259624,0 +259625,0 +259626,31 +259627,29 +259628,4 +259629,25 +259630,25 +259631,25 +259632,25 +259633,25 +259634,25 +259635,25 +259636,25 +259637,25 +259638,25 +259639,25 +259640,25 +259641,25 +259642,25 +259643,25 +259644,25 +259645,25 +259646,25 +259647,34 +259648,34 +259649,34 +259650,10 +259651,10 +259652,10 +259653,10 +259654,10 +259655,10 +259656,10 +259657,10 +259658,10 +259659,10 +259660,10 +259661,10 +259662,10 +259663,8 +259664,8 +259665,8 +259666,8 +259667,8 +259668,8 +259669,8 +259670,8 +259671,27 +259672,27 +259673,27 +259674,27 +259675,5 +259676,5 +259677,5 +259678,5 +259679,5 +259680,5 +259681,5 +259682,5 +259683,5 +259684,4 +259685,4 +259686,4 +259687,4 +259688,4 +259689,4 +259690,4 +259691,4 +259692,4 +259693,14 +259694,14 +259695,14 +259696,14 +259697,14 +259698,14 +259699,14 +259700,14 +259701,14 +259702,13 +259703,13 +259704,13 +259705,13 +259706,13 +259707,21 +259708,1 +259709,1 +259710,3 +259711,21 +259712,21 +259713,33 +259714,33 +259715,31 +259716,36 +259717,33 +259718,33 +259719,33 +259720,33 +259721,28 +259722,28 +259723,28 +259724,28 +259725,28 +259726,28 +259727,31 +259728,31 +259729,31 +259730,31 +259731,9 +259732,9 +259733,9 +259734,5 +259735,5 +259736,5 +259737,5 +259738,5 +259739,5 +259740,5 +259741,5 +259742,5 +259743,5 +259744,5 +259745,5 +259746,8 +259747,8 +259748,8 +259749,2 +259750,2 +259751,2 +259752,2 +259753,2 +259754,2 +259755,2 +259756,2 +259757,2 +259758,2 +259759,2 +259760,2 +259761,2 +259762,2 +259763,2 +259764,2 +259765,2 +259766,0 +259767,0 +259768,0 +259769,0 +259770,0 +259771,0 +259772,0 +259773,0 +259774,0 +259775,0 +259776,0 +259777,0 +259778,0 +259779,0 +259780,0 +259781,0 +259782,0 +259783,0 +259784,0 +259785,0 +259786,0 +259787,0 +259788,0 +259789,0 +259790,0 +259791,0 +259792,0 +259793,0 +259794,0 +259795,0 +259796,0 +259797,0 +259798,0 +259799,0 +259800,0 +259801,0 +259802,0 +259803,0 +259804,0 +259805,0 +259806,0 +259807,0 +259808,0 +259809,0 +259810,0 +259811,0 +259812,0 +259813,0 +259814,0 +259815,0 +259816,0 +259817,0 +259818,0 +259819,0 +259820,0 +259821,0 +259822,0 +259823,0 +259824,4 +259825,4 +259826,19 +259827,19 +259828,19 +259829,19 +259830,19 +259831,19 +259832,19 +259833,19 +259834,19 +259835,37 +259836,37 +259837,37 +259838,37 +259839,37 +259840,37 +259841,37 +259842,37 +259843,37 +259844,39 +259845,39 +259846,39 +259847,39 +259848,39 +259849,39 +259850,39 +259851,39 +259852,39 +259853,39 +259854,39 +259855,39 +259856,39 +259857,39 +259858,39 +259859,39 +259860,39 +259861,39 +259862,39 +259863,39 +259864,5 +259865,5 +259866,5 +259867,5 +259868,5 +259869,5 +259870,5 +259871,5 +259872,5 +259873,5 +259874,5 +259875,5 +259876,28 +259877,28 +259878,28 +259879,28 +259880,28 +259881,28 +259882,8 +259883,8 +259884,8 +259885,8 +259886,8 +259887,8 +259888,8 +259889,8 +259890,8 +259891,8 +259892,5 +259893,5 +259894,29 +259895,29 +259896,29 +259897,29 +259898,29 +259899,15 +259900,15 +259901,15 +259902,15 +259903,27 +259904,27 +259905,27 +259906,27 +259907,27 +259908,27 +259909,30 +259910,30 +259911,30 +259912,30 +259913,30 +259914,30 +259915,30 +259916,30 +259917,8 +259918,8 +259919,8 +259920,8 +259921,8 +259922,8 +259923,8 +259924,6 +259925,6 +259926,6 +259927,6 +259928,6 +259929,6 +259930,6 +259931,6 +259932,6 +259933,6 +259934,6 +259935,6 +259936,6 +259937,30 +259938,30 +259939,30 +259940,30 +259941,30 +259942,30 +259943,30 +259944,30 +259945,30 +259946,36 +259947,36 +259948,36 +259949,36 +259950,36 +259951,36 +259952,36 +259953,36 +259954,10 +259955,10 +259956,10 +259957,34 +259958,34 +259959,34 +259960,34 +259961,34 +259962,34 +259963,34 +259964,34 +259965,34 +259966,34 +259967,34 +259968,34 +259969,34 +259970,34 +259971,34 +259972,34 +259973,34 +259974,34 +259975,8 +259976,8 +259977,8 +259978,8 +259979,8 +259980,2 +259981,8 +259982,2 +259983,2 +259984,2 +259985,27 +259986,27 +259987,2 +259988,27 +259989,27 +259990,27 +259991,27 +259992,27 +259993,27 +259994,27 +259995,27 +259996,5 +259997,5 +259998,5 +259999,5 +260000,19 +260001,19 +260002,19 +260003,19 +260004,19 +260005,19 +260006,19 +260007,19 +260008,25 +260009,25 +260010,25 +260011,25 +260012,25 +260013,25 +260014,32 +260015,32 +260016,32 +260017,32 +260018,32 +260019,32 +260020,32 +260021,32 +260022,32 +260023,32 +260024,32 +260025,32 +260026,33 +260027,33 +260028,33 +260029,33 +260030,33 +260031,33 +260032,33 +260033,33 +260034,33 +260035,33 +260036,33 +260037,33 +260038,33 +260039,33 +260040,33 +260041,33 +260042,8 +260043,8 +260044,8 +260045,8 +260046,8 +260047,8 +260048,8 +260049,8 +260050,29 +260051,29 +260052,29 +260053,29 +260054,29 +260055,40 +260056,40 +260057,25 +260058,1 +260059,1 +260060,1 +260061,37 +260062,37 +260063,37 +260064,25 +260065,25 +260066,23 +260067,37 +260068,37 +260069,23 +260070,23 +260071,23 +260072,23 +260073,23 +260074,23 +260075,23 +260076,23 +260077,23 +260078,23 +260079,23 +260080,23 +260081,23 +260082,23 +260083,23 +260084,23 +260085,23 +260086,23 +260087,9 +260088,9 +260089,9 +260090,9 +260091,9 +260092,9 +260093,33 +260094,33 +260095,33 +260096,30 +260097,30 +260098,30 +260099,30 +260100,30 +260101,30 +260102,30 +260103,30 +260104,30 +260105,30 +260106,30 +260107,30 +260108,30 +260109,30 +260110,30 +260111,30 +260112,30 +260113,30 +260114,30 +260115,30 +260116,30 +260117,30 +260118,30 +260119,30 +260120,30 +260121,30 +260122,2 +260123,2 +260124,2 +260125,2 +260126,2 +260127,2 +260128,2 +260129,2 +260130,2 +260131,31 +260132,31 +260133,31 +260134,31 +260135,2 +260136,31 +260137,31 +260138,31 +260139,29 +260140,29 +260141,29 +260142,5 +260143,5 +260144,5 +260145,5 +260146,27 +260147,27 +260148,27 +260149,27 +260150,27 +260151,27 +260152,27 +260153,27 +260154,27 +260155,31 +260156,27 +260157,4 +260158,4 +260159,4 +260160,4 +260161,4 +260162,4 +260163,4 +260164,4 +260165,4 +260166,4 +260167,4 +260168,4 +260169,4 +260170,25 +260171,25 +260172,25 +260173,25 +260174,25 +260175,25 +260176,25 +260177,25 +260178,25 +260179,25 +260180,5 +260181,5 +260182,5 +260183,5 +260184,5 +260185,5 +260186,5 +260187,2 +260188,2 +260189,2 +260190,2 +260191,2 +260192,2 +260193,2 +260194,2 +260195,5 +260196,5 +260197,5 +260198,19 +260199,25 +260200,25 +260201,19 +260202,19 +260203,35 +260204,35 +260205,27 +260206,25 +260207,25 +260208,25 +260209,25 +260210,40 +260211,25 +260212,25 +260213,37 +260214,25 +260215,25 +260216,25 +260217,25 +260218,25 +260219,25 +260220,25 +260221,5 +260222,5 +260223,5 +260224,5 +260225,5 +260226,5 +260227,5 +260228,5 +260229,5 +260230,5 +260231,5 +260232,5 +260233,5 +260234,2 +260235,2 +260236,2 +260237,2 +260238,2 +260239,2 +260240,2 +260241,2 +260242,4 +260243,4 +260244,39 +260245,39 +260246,39 +260247,39 +260248,39 +260249,39 +260250,39 +260251,39 +260252,8 +260253,8 +260254,8 +260255,8 +260256,8 +260257,8 +260258,8 +260259,31 +260260,31 +260261,31 +260262,31 +260263,31 +260264,31 +260265,12 +260266,12 +260267,31 +260268,31 +260269,31 +260270,24 +260271,24 +260272,24 +260273,24 +260274,24 +260275,24 +260276,24 +260277,25 +260278,25 +260279,25 +260280,31 +260281,31 +260282,29 +260283,29 +260284,29 +260285,29 +260286,29 +260287,29 +260288,29 +260289,36 +260290,31 +260291,31 +260292,31 +260293,31 +260294,31 +260295,36 +260296,36 +260297,36 +260298,26 +260299,36 +260300,36 +260301,4 +260302,4 +260303,4 +260304,4 +260305,4 +260306,2 +260307,2 +260308,2 +260309,2 +260310,2 +260311,2 +260312,2 +260313,2 +260314,2 +260315,2 +260316,2 +260317,2 +260318,4 +260319,4 +260320,4 +260321,4 +260322,4 +260323,4 +260324,4 +260325,26 +260326,26 +260327,26 +260328,26 +260329,26 +260330,26 +260331,26 +260332,26 +260333,26 +260334,26 +260335,26 +260336,26 +260337,26 +260338,26 +260339,26 +260340,26 +260341,26 +260342,26 +260343,26 +260344,26 +260345,26 +260346,26 +260347,37 +260348,37 +260349,37 +260350,37 +260351,37 +260352,37 +260353,37 +260354,37 +260355,37 +260356,25 +260357,25 +260358,25 +260359,25 +260360,25 +260361,25 +260362,25 +260363,0 +260364,0 +260365,0 +260366,0 +260367,0 +260368,0 +260369,0 +260370,0 +260371,0 +260372,0 +260373,0 +260374,0 +260375,0 +260376,0 +260377,0 +260378,0 +260379,0 +260380,0 +260381,0 +260382,0 +260383,0 +260384,0 +260385,0 +260386,0 +260387,0 +260388,0 +260389,0 +260390,0 +260391,0 +260392,0 +260393,0 +260394,0 +260395,0 +260396,0 +260397,0 +260398,0 +260399,0 +260400,0 +260401,0 +260402,0 +260403,0 +260404,0 +260405,0 +260406,0 +260407,0 +260408,0 +260409,0 +260410,29 +260411,29 +260412,29 +260413,31 +260414,31 +260415,31 +260416,31 +260417,31 +260418,31 +260419,28 +260420,28 +260421,28 +260422,28 +260423,28 +260424,28 +260425,28 +260426,28 +260427,28 +260428,28 +260429,28 +260430,28 +260431,10 +260432,10 +260433,10 +260434,10 +260435,10 +260436,26 +260437,26 +260438,26 +260439,26 +260440,26 +260441,26 +260442,26 +260443,10 +260444,10 +260445,10 +260446,10 +260447,10 +260448,10 +260449,10 +260450,10 +260451,10 +260452,10 +260453,10 +260454,10 +260455,10 +260456,5 +260457,5 +260458,5 +260459,5 +260460,5 +260461,5 +260462,5 +260463,5 +260464,5 +260465,5 +260466,5 +260467,5 +260468,19 +260469,19 +260470,19 +260471,19 +260472,19 +260473,19 +260474,19 +260475,19 +260476,0 +260477,0 +260478,0 +260479,0 +260480,0 +260481,0 +260482,0 +260483,0 +260484,0 +260485,0 +260486,0 +260487,0 +260488,0 +260489,0 +260490,0 +260491,0 +260492,0 +260493,0 +260494,0 +260495,0 +260496,0 +260497,0 +260498,0 +260499,0 +260500,0 +260501,0 +260502,0 +260503,0 +260504,0 +260505,0 +260506,0 +260507,0 +260508,0 +260509,0 +260510,0 +260511,0 +260512,0 +260513,0 +260514,0 +260515,0 +260516,0 +260517,0 +260518,0 +260519,0 +260520,0 +260521,0 +260522,0 +260523,0 +260524,0 +260525,0 +260526,0 +260527,0 +260528,0 +260529,0 +260530,0 +260531,0 +260532,0 +260533,0 +260534,0 +260535,0 +260536,0 +260537,0 +260538,0 +260539,0 +260540,0 +260541,0 +260542,0 +260543,0 +260544,0 +260545,0 +260546,0 +260547,0 +260548,0 +260549,0 +260550,0 +260551,35 +260552,35 +260553,35 +260554,35 +260555,35 +260556,35 +260557,35 +260558,35 +260559,35 +260560,35 +260561,35 +260562,35 +260563,35 +260564,35 +260565,35 +260566,35 +260567,35 +260568,35 +260569,39 +260570,39 +260571,39 +260572,39 +260573,39 +260574,39 +260575,39 +260576,39 +260577,27 +260578,27 +260579,37 +260580,37 +260581,37 +260582,37 +260583,37 +260584,37 +260585,37 +260586,37 +260587,37 +260588,37 +260589,37 +260590,37 +260591,25 +260592,25 +260593,25 +260594,25 +260595,25 +260596,25 +260597,25 +260598,9 +260599,9 +260600,9 +260601,9 +260602,33 +260603,33 +260604,33 +260605,33 +260606,33 +260607,5 +260608,5 +260609,5 +260610,5 +260611,30 +260612,30 +260613,30 +260614,5 +260615,5 +260616,30 +260617,30 +260618,30 +260619,39 +260620,39 +260621,39 +260622,39 +260623,39 +260624,39 +260625,39 +260626,12 +260627,12 +260628,12 +260629,12 +260630,12 +260631,12 +260632,12 +260633,12 +260634,12 +260635,12 +260636,12 +260637,12 +260638,12 +260639,31 +260640,31 +260641,31 +260642,31 +260643,31 +260644,31 +260645,31 +260646,31 +260647,5 +260648,5 +260649,5 +260650,5 +260651,5 +260652,5 +260653,5 +260654,5 +260655,2 +260656,2 +260657,2 +260658,2 +260659,2 +260660,2 +260661,2 +260662,2 +260663,2 +260664,2 +260665,2 +260666,2 +260667,2 +260668,40 +260669,40 +260670,40 +260671,40 +260672,40 +260673,34 +260674,34 +260675,34 +260676,34 +260677,34 +260678,34 +260679,34 +260680,34 +260681,34 +260682,34 +260683,34 +260684,34 +260685,34 +260686,34 +260687,5 +260688,5 +260689,5 +260690,5 +260691,5 +260692,5 +260693,5 +260694,5 +260695,12 +260696,12 +260697,12 +260698,12 +260699,31 +260700,31 +260701,31 +260702,8 +260703,8 +260704,8 +260705,8 +260706,8 +260707,8 +260708,8 +260709,8 +260710,26 +260711,26 +260712,26 +260713,26 +260714,9 +260715,9 +260716,9 +260717,9 +260718,9 +260719,9 +260720,26 +260721,26 +260722,26 +260723,26 +260724,4 +260725,4 +260726,4 +260727,4 +260728,31 +260729,31 +260730,31 +260731,31 +260732,31 +260733,15 +260734,15 +260735,15 +260736,15 +260737,15 +260738,15 +260739,30 +260740,31 +260741,31 +260742,31 +260743,31 +260744,31 +260745,31 +260746,31 +260747,30 +260748,30 +260749,30 +260750,30 +260751,30 +260752,30 +260753,30 +260754,30 +260755,30 +260756,30 +260757,30 +260758,30 +260759,30 +260760,30 +260761,30 +260762,30 +260763,30 +260764,30 +260765,0 +260766,0 +260767,0 +260768,0 +260769,0 +260770,0 +260771,0 +260772,0 +260773,0 +260774,0 +260775,0 +260776,0 +260777,0 +260778,0 +260779,0 +260780,0 +260781,0 +260782,0 +260783,0 +260784,0 +260785,0 +260786,0 +260787,0 +260788,0 +260789,0 +260790,0 +260791,0 +260792,0 +260793,0 +260794,0 +260795,0 +260796,0 +260797,0 +260798,0 +260799,0 +260800,0 +260801,0 +260802,0 +260803,0 +260804,0 +260805,0 +260806,0 +260807,0 +260808,0 +260809,0 +260810,0 +260811,0 +260812,0 +260813,31 +260814,31 +260815,31 +260816,31 +260817,31 +260818,31 +260819,31 +260820,31 +260821,31 +260822,31 +260823,31 +260824,31 +260825,31 +260826,31 +260827,2 +260828,2 +260829,2 +260830,2 +260831,2 +260832,2 +260833,2 +260834,2 +260835,2 +260836,2 +260837,2 +260838,2 +260839,2 +260840,2 +260841,2 +260842,2 +260843,2 +260844,2 +260845,2 +260846,2 +260847,34 +260848,34 +260849,34 +260850,34 +260851,34 +260852,34 +260853,34 +260854,34 +260855,34 +260856,34 +260857,34 +260858,34 +260859,34 +260860,34 +260861,34 +260862,34 +260863,34 +260864,34 +260865,34 +260866,5 +260867,5 +260868,5 +260869,5 +260870,19 +260871,19 +260872,19 +260873,19 +260874,27 +260875,27 +260876,27 +260877,27 +260878,27 +260879,27 +260880,27 +260881,8 +260882,8 +260883,8 +260884,8 +260885,8 +260886,8 +260887,8 +260888,8 +260889,35 +260890,35 +260891,35 +260892,35 +260893,35 +260894,35 +260895,35 +260896,35 +260897,35 +260898,35 +260899,35 +260900,35 +260901,35 +260902,35 +260903,35 +260904,35 +260905,35 +260906,35 +260907,35 +260908,26 +260909,26 +260910,26 +260911,26 +260912,26 +260913,26 +260914,37 +260915,37 +260916,37 +260917,37 +260918,37 +260919,37 +260920,37 +260921,19 +260922,19 +260923,19 +260924,19 +260925,19 +260926,19 +260927,4 +260928,37 +260929,37 +260930,37 +260931,19 +260932,37 +260933,37 +260934,37 +260935,19 +260936,37 +260937,37 +260938,37 +260939,27 +260940,27 +260941,27 +260942,27 +260943,27 +260944,27 +260945,27 +260946,5 +260947,5 +260948,5 +260949,5 +260950,5 +260951,5 +260952,5 +260953,5 +260954,19 +260955,19 +260956,19 +260957,19 +260958,19 +260959,27 +260960,27 +260961,27 +260962,27 +260963,27 +260964,27 +260965,27 +260966,27 +260967,27 +260968,13 +260969,13 +260970,13 +260971,13 +260972,13 +260973,13 +260974,13 +260975,13 +260976,13 +260977,13 +260978,13 +260979,13 +260980,13 +260981,13 +260982,13 +260983,13 +260984,13 +260985,13 +260986,0 +260987,0 +260988,0 +260989,0 +260990,0 +260991,0 +260992,0 +260993,0 +260994,0 +260995,0 +260996,0 +260997,0 +260998,0 +260999,0 +261000,0 +261001,0 +261002,0 +261003,0 +261004,0 +261005,0 +261006,0 +261007,0 +261008,0 +261009,0 +261010,0 +261011,0 +261012,0 +261013,0 +261014,0 +261015,31 +261016,31 +261017,31 +261018,31 +261019,31 +261020,31 +261021,31 +261022,2 +261023,2 +261024,2 +261025,2 +261026,2 +261027,2 +261028,2 +261029,2 +261030,8 +261031,2 +261032,29 +261033,29 +261034,29 +261035,29 +261036,40 +261037,40 +261038,40 +261039,40 +261040,40 +261041,19 +261042,19 +261043,19 +261044,19 +261045,19 +261046,19 +261047,19 +261048,19 +261049,19 +261050,19 +261051,19 +261052,19 +261053,19 +261054,19 +261055,19 +261056,19 +261057,19 +261058,19 +261059,19 +261060,40 +261061,40 +261062,40 +261063,40 +261064,40 +261065,40 +261066,40 +261067,40 +261068,40 +261069,40 +261070,40 +261071,40 +261072,38 +261073,38 +261074,38 +261075,38 +261076,38 +261077,38 +261078,38 +261079,38 +261080,38 +261081,38 +261082,38 +261083,38 +261084,38 +261085,38 +261086,38 +261087,32 +261088,32 +261089,37 +261090,37 +261091,37 +261092,36 +261093,36 +261094,36 +261095,36 +261096,26 +261097,36 +261098,36 +261099,36 +261100,36 +261101,36 +261102,36 +261103,36 +261104,36 +261105,10 +261106,10 +261107,23 +261108,23 +261109,23 +261110,23 +261111,23 +261112,9 +261113,9 +261114,31 +261115,30 +261116,30 +261117,31 +261118,30 +261119,30 +261120,30 +261121,33 +261122,33 +261123,33 +261124,33 +261125,33 +261126,33 +261127,33 +261128,33 +261129,30 +261130,30 +261131,30 +261132,30 +261133,30 +261134,30 +261135,30 +261136,30 +261137,0 +261138,0 +261139,0 +261140,0 +261141,0 +261142,0 +261143,0 +261144,0 +261145,0 +261146,0 +261147,0 +261148,0 +261149,0 +261150,0 +261151,0 +261152,0 +261153,0 +261154,0 +261155,0 +261156,0 +261157,0 +261158,0 +261159,0 +261160,0 +261161,0 +261162,0 +261163,0 +261164,0 +261165,0 +261166,0 +261167,0 +261168,0 +261169,0 +261170,0 +261171,0 +261172,0 +261173,0 +261174,0 +261175,0 +261176,0 +261177,0 +261178,0 +261179,35 +261180,35 +261181,35 +261182,35 +261183,35 +261184,35 +261185,35 +261186,3 +261187,3 +261188,27 +261189,27 +261190,27 +261191,27 +261192,27 +261193,3 +261194,3 +261195,4 +261196,19 +261197,19 +261198,19 +261199,4 +261200,4 +261201,4 +261202,27 +261203,27 +261204,27 +261205,27 +261206,27 +261207,27 +261208,27 +261209,27 +261210,27 +261211,2 +261212,2 +261213,8 +261214,8 +261215,8 +261216,8 +261217,8 +261218,8 +261219,8 +261220,2 +261221,2 +261222,2 +261223,27 +261224,27 +261225,27 +261226,27 +261227,27 +261228,27 +261229,27 +261230,27 +261231,11 +261232,11 +261233,20 +261234,20 +261235,20 +261236,20 +261237,18 +261238,18 +261239,18 +261240,18 +261241,17 +261242,17 +261243,9 +261244,9 +261245,17 +261246,17 +261247,17 +261248,17 +261249,17 +261250,31 +261251,9 +261252,9 +261253,9 +261254,9 +261255,8 +261256,8 +261257,8 +261258,8 +261259,8 +261260,8 +261261,8 +261262,8 +261263,8 +261264,30 +261265,30 +261266,30 +261267,30 +261268,30 +261269,30 +261270,30 +261271,30 +261272,30 +261273,30 +261274,30 +261275,10 +261276,10 +261277,10 +261278,10 +261279,10 +261280,10 +261281,10 +261282,10 +261283,10 +261284,10 +261285,6 +261286,6 +261287,6 +261288,6 +261289,6 +261290,6 +261291,6 +261292,6 +261293,30 +261294,30 +261295,30 +261296,30 +261297,39 +261298,39 +261299,39 +261300,39 +261301,39 +261302,39 +261303,39 +261304,16 +261305,16 +261306,16 +261307,4 +261308,4 +261309,4 +261310,16 +261311,16 +261312,32 +261313,32 +261314,32 +261315,32 +261316,23 +261317,23 +261318,32 +261319,23 +261320,23 +261321,23 +261322,25 +261323,25 +261324,25 +261325,25 +261326,19 +261327,19 +261328,19 +261329,19 +261330,19 +261331,19 +261332,19 +261333,3 +261334,3 +261335,3 +261336,3 +261337,3 +261338,3 +261339,3 +261340,3 +261341,3 +261342,3 +261343,3 +261344,2 +261345,2 +261346,2 +261347,2 +261348,2 +261349,2 +261350,2 +261351,2 +261352,2 +261353,2 +261354,2 +261355,2 +261356,2 +261357,2 +261358,2 +261359,33 +261360,33 +261361,33 +261362,33 +261363,33 +261364,33 +261365,33 +261366,33 +261367,19 +261368,19 +261369,19 +261370,19 +261371,19 +261372,19 +261373,4 +261374,4 +261375,4 +261376,19 +261377,39 +261378,39 +261379,39 +261380,39 +261381,39 +261382,39 +261383,39 +261384,39 +261385,39 +261386,39 +261387,32 +261388,32 +261389,32 +261390,32 +261391,32 +261392,32 +261393,32 +261394,31 +261395,31 +261396,31 +261397,31 +261398,31 +261399,5 +261400,5 +261401,31 +261402,31 +261403,31 +261404,31 +261405,31 +261406,31 +261407,31 +261408,31 +261409,31 +261410,5 +261411,5 +261412,5 +261413,5 +261414,5 +261415,5 +261416,5 +261417,5 +261418,6 +261419,6 +261420,6 +261421,6 +261422,6 +261423,32 +261424,32 +261425,32 +261426,32 +261427,32 +261428,30 +261429,30 +261430,30 +261431,30 +261432,30 +261433,30 +261434,30 +261435,30 +261436,30 +261437,30 +261438,30 +261439,30 +261440,1 +261441,1 +261442,1 +261443,31 +261444,1 +261445,31 +261446,31 +261447,5 +261448,5 +261449,5 +261450,5 +261451,5 +261452,5 +261453,5 +261454,2 +261455,2 +261456,2 +261457,2 +261458,2 +261459,2 +261460,2 +261461,31 +261462,33 +261463,31 +261464,33 +261465,30 +261466,31 +261467,31 +261468,31 +261469,31 +261470,30 +261471,27 +261472,27 +261473,27 +261474,31 +261475,31 +261476,31 +261477,31 +261478,31 +261479,5 +261480,8 +261481,8 +261482,8 +261483,8 +261484,8 +261485,8 +261486,8 +261487,8 +261488,8 +261489,33 +261490,33 +261491,33 +261492,33 +261493,31 +261494,31 +261495,31 +261496,31 +261497,31 +261498,31 +261499,31 +261500,31 +261501,28 +261502,28 +261503,28 +261504,28 +261505,28 +261506,28 +261507,23 +261508,23 +261509,23 +261510,23 +261511,23 +261512,23 +261513,23 +261514,23 +261515,23 +261516,23 +261517,23 +261518,23 +261519,23 +261520,23 +261521,9 +261522,9 +261523,9 +261524,9 +261525,37 +261526,37 +261527,37 +261528,37 +261529,37 +261530,37 +261531,37 +261532,16 +261533,16 +261534,16 +261535,16 +261536,16 +261537,16 +261538,16 +261539,16 +261540,16 +261541,16 +261542,16 +261543,16 +261544,16 +261545,25 +261546,25 +261547,25 +261548,25 +261549,25 +261550,25 +261551,25 +261552,25 +261553,5 +261554,5 +261555,5 +261556,5 +261557,5 +261558,5 +261559,5 +261560,5 +261561,5 +261562,5 +261563,5 +261564,5 +261565,5 +261566,8 +261567,8 +261568,8 +261569,8 +261570,8 +261571,8 +261572,8 +261573,8 +261574,8 +261575,8 +261576,2 +261577,2 +261578,2 +261579,0 +261580,0 +261581,0 +261582,0 +261583,0 +261584,0 +261585,0 +261586,0 +261587,0 +261588,0 +261589,0 +261590,0 +261591,0 +261592,0 +261593,0 +261594,0 +261595,0 +261596,0 +261597,0 +261598,0 +261599,0 +261600,0 +261601,0 +261602,0 +261603,0 +261604,0 +261605,0 +261606,0 +261607,0 +261608,0 +261609,0 +261610,0 +261611,0 +261612,0 +261613,0 +261614,0 +261615,0 +261616,0 +261617,0 +261618,0 +261619,0 +261620,0 +261621,0 +261622,0 +261623,0 +261624,0 +261625,0 +261626,0 +261627,0 +261628,0 +261629,0 +261630,0 +261631,0 +261632,0 +261633,0 +261634,0 +261635,0 +261636,0 +261637,0 +261638,0 +261639,0 +261640,0 +261641,0 +261642,23 +261643,23 +261644,23 +261645,23 +261646,23 +261647,0 +261648,0 +261649,0 +261650,0 +261651,0 +261652,12 +261653,12 +261654,12 +261655,12 +261656,12 +261657,12 +261658,12 +261659,12 +261660,27 +261661,22 +261662,22 +261663,22 +261664,6 +261665,6 +261666,6 +261667,6 +261668,6 +261669,6 +261670,6 +261671,6 +261672,6 +261673,22 +261674,31 +261675,31 +261676,31 +261677,22 +261678,22 +261679,22 +261680,19 +261681,19 +261682,19 +261683,5 +261684,5 +261685,5 +261686,5 +261687,5 +261688,5 +261689,5 +261690,5 +261691,31 +261692,31 +261693,31 +261694,31 +261695,31 +261696,6 +261697,6 +261698,6 +261699,6 +261700,6 +261701,6 +261702,6 +261703,6 +261704,6 +261705,6 +261706,39 +261707,39 +261708,39 +261709,39 +261710,39 +261711,39 +261712,39 +261713,39 +261714,39 +261715,39 +261716,39 +261717,32 +261718,32 +261719,32 +261720,32 +261721,32 +261722,23 +261723,23 +261724,23 +261725,23 +261726,23 +261727,23 +261728,23 +261729,23 +261730,25 +261731,25 +261732,25 +261733,25 +261734,25 +261735,25 +261736,28 +261737,28 +261738,28 +261739,28 +261740,28 +261741,28 +261742,28 +261743,30 +261744,30 +261745,30 +261746,30 +261747,30 +261748,30 +261749,30 +261750,30 +261751,36 +261752,36 +261753,36 +261754,36 +261755,36 +261756,34 +261757,34 +261758,34 +261759,38 +261760,38 +261761,38 +261762,38 +261763,38 +261764,38 +261765,38 +261766,38 +261767,38 +261768,38 +261769,38 +261770,27 +261771,27 +261772,27 +261773,27 +261774,13 +261775,13 +261776,13 +261777,13 +261778,13 +261779,13 +261780,13 +261781,36 +261782,13 +261783,36 +261784,36 +261785,36 +261786,36 +261787,36 +261788,24 +261789,23 +261790,23 +261791,23 +261792,23 +261793,23 +261794,23 +261795,4 +261796,4 +261797,4 +261798,4 +261799,4 +261800,37 +261801,37 +261802,37 +261803,37 +261804,37 +261805,37 +261806,37 +261807,39 +261808,39 +261809,39 +261810,39 +261811,39 +261812,39 +261813,39 +261814,39 +261815,6 +261816,6 +261817,6 +261818,6 +261819,6 +261820,6 +261821,6 +261822,6 +261823,6 +261824,6 +261825,14 +261826,27 +261827,14 +261828,14 +261829,14 +261830,14 +261831,14 +261832,39 +261833,39 +261834,39 +261835,39 +261836,39 +261837,28 +261838,28 +261839,28 +261840,28 +261841,28 +261842,28 +261843,28 +261844,36 +261845,36 +261846,36 +261847,36 +261848,36 +261849,36 +261850,36 +261851,36 +261852,36 +261853,36 +261854,36 +261855,1 +261856,1 +261857,1 +261858,25 +261859,25 +261860,25 +261861,25 +261862,25 +261863,25 +261864,25 +261865,25 +261866,25 +261867,29 +261868,24 +261869,24 +261870,24 +261871,27 +261872,27 +261873,27 +261874,31 +261875,4 +261876,4 +261877,4 +261878,4 +261879,4 +261880,4 +261881,4 +261882,4 +261883,4 +261884,4 +261885,4 +261886,4 +261887,4 +261888,40 +261889,40 +261890,40 +261891,40 +261892,40 +261893,40 +261894,40 +261895,40 +261896,40 +261897,5 +261898,5 +261899,5 +261900,5 +261901,5 +261902,19 +261903,19 +261904,19 +261905,19 +261906,19 +261907,15 +261908,15 +261909,15 +261910,15 +261911,15 +261912,39 +261913,39 +261914,39 +261915,39 +261916,39 +261917,6 +261918,6 +261919,6 +261920,6 +261921,6 +261922,6 +261923,31 +261924,31 +261925,31 +261926,31 +261927,31 +261928,8 +261929,8 +261930,8 +261931,8 +261932,8 +261933,8 +261934,29 +261935,29 +261936,29 +261937,29 +261938,14 +261939,14 +261940,14 +261941,14 +261942,14 +261943,25 +261944,25 +261945,12 +261946,37 +261947,37 +261948,12 +261949,12 +261950,12 +261951,25 +261952,25 +261953,25 +261954,25 +261955,37 +261956,25 +261957,25 +261958,25 +261959,36 +261960,36 +261961,36 +261962,36 +261963,36 +261964,36 +261965,36 +261966,36 +261967,36 +261968,36 +261969,36 +261970,36 +261971,6 +261972,6 +261973,6 +261974,6 +261975,6 +261976,6 +261977,6 +261978,6 +261979,6 +261980,4 +261981,4 +261982,4 +261983,27 +261984,27 +261985,27 +261986,27 +261987,27 +261988,27 +261989,13 +261990,13 +261991,13 +261992,13 +261993,13 +261994,13 +261995,13 +261996,26 +261997,31 +261998,31 +261999,31 +262000,31 +262001,31 +262002,31 +262003,31 +262004,5 +262005,5 +262006,5 +262007,5 +262008,5 +262009,4 +262010,4 +262011,4 +262012,4 +262013,2 +262014,2 +262015,2 +262016,2 +262017,2 +262018,2 +262019,31 +262020,31 +262021,31 +262022,31 +262023,31 +262024,31 +262025,16 +262026,16 +262027,16 +262028,16 +262029,16 +262030,16 +262031,16 +262032,16 +262033,16 +262034,31 +262035,31 +262036,31 +262037,31 +262038,2 +262039,2 +262040,2 +262041,2 +262042,2 +262043,2 +262044,2 +262045,2 +262046,2 +262047,2 +262048,2 +262049,2 +262050,2 +262051,2 +262052,2 +262053,28 +262054,28 +262055,28 +262056,28 +262057,28 +262058,9 +262059,9 +262060,9 +262061,9 +262062,9 +262063,9 +262064,9 +262065,30 +262066,30 +262067,30 +262068,30 +262069,30 +262070,30 +262071,30 +262072,30 +262073,30 +262074,30 +262075,23 +262076,23 +262077,23 +262078,23 +262079,23 +262080,30 +262081,30 +262082,30 +262083,30 +262084,30 +262085,40 +262086,40 +262087,40 +262088,40 +262089,40 +262090,40 +262091,38 +262092,38 +262093,40 +262094,4 +262095,38 +262096,38 +262097,23 +262098,23 +262099,23 +262100,23 +262101,23 +262102,23 +262103,23 +262104,23 +262105,23 +262106,23 +262107,23 +262108,9 +262109,9 +262110,9 +262111,9 +262112,9 +262113,9 +262114,37 +262115,37 +262116,37 +262117,37 +262118,37 +262119,37 +262120,37 +262121,28 +262122,28 +262123,28 +262124,28 +262125,28 +262126,28 +262127,28 +262128,28 +262129,28 +262130,28 +262131,28 +262132,0 +262133,0 +262134,0 +262135,0 +262136,0 +262137,0 +262138,0 +262139,0 +262140,0 +262141,0 +262142,0 +262143,0 +262144,0 +262145,0 +262146,0 +262147,0 +262148,0 +262149,0 +262150,0 +262151,0 +262152,0 +262153,0 +262154,0 +262155,0 +262156,0 +262157,0 +262158,0 +262159,0 +262160,0 +262161,0 +262162,0 +262163,0 +262164,0 +262165,0 +262166,0 +262167,0 +262168,29 +262169,29 +262170,29 +262171,40 +262172,40 +262173,40 +262174,31 +262175,31 +262176,31 +262177,31 +262178,31 +262179,31 +262180,31 +262181,31 +262182,31 +262183,31 +262184,31 +262185,31 +262186,30 +262187,30 +262188,30 +262189,30 +262190,30 +262191,30 +262192,30 +262193,30 +262194,30 +262195,10 +262196,10 +262197,10 +262198,10 +262199,10 +262200,10 +262201,10 +262202,10 +262203,10 +262204,10 +262205,10 +262206,10 +262207,8 +262208,8 +262209,8 +262210,8 +262211,8 +262212,8 +262213,8 +262214,8 +262215,31 +262216,31 +262217,31 +262218,31 +262219,31 +262220,31 +262221,35 +262222,35 +262223,35 +262224,35 +262225,35 +262226,35 +262227,35 +262228,36 +262229,36 +262230,36 +262231,36 +262232,36 +262233,36 +262234,36 +262235,36 +262236,19 +262237,19 +262238,19 +262239,19 +262240,19 +262241,19 +262242,19 +262243,19 +262244,37 +262245,37 +262246,37 +262247,37 +262248,37 +262249,25 +262250,37 +262251,37 +262252,37 +262253,37 +262254,37 +262255,37 +262256,37 +262257,37 +262258,40 +262259,40 +262260,40 +262261,40 +262262,40 +262263,40 +262264,31 +262265,5 +262266,5 +262267,5 +262268,5 +262269,5 +262270,5 +262271,5 +262272,37 +262273,37 +262274,37 +262275,37 +262276,37 +262277,37 +262278,37 +262279,37 +262280,10 +262281,37 +262282,34 +262283,34 +262284,34 +262285,34 +262286,34 +262287,34 +262288,34 +262289,34 +262290,34 +262291,34 +262292,34 +262293,34 +262294,34 +262295,34 +262296,34 +262297,5 +262298,5 +262299,5 +262300,5 +262301,5 +262302,19 +262303,19 +262304,19 +262305,19 +262306,19 +262307,31 +262308,31 +262309,31 +262310,31 +262311,28 +262312,28 +262313,5 +262314,5 +262315,5 +262316,5 +262317,5 +262318,37 +262319,37 +262320,37 +262321,37 +262322,37 +262323,37 +262324,37 +262325,36 +262326,36 +262327,36 +262328,36 +262329,36 +262330,34 +262331,34 +262332,34 +262333,34 +262334,34 +262335,34 +262336,34 +262337,34 +262338,34 +262339,34 +262340,34 +262341,34 +262342,34 +262343,34 +262344,34 +262345,34 +262346,34 +262347,5 +262348,5 +262349,5 +262350,5 +262351,5 +262352,5 +262353,5 +262354,19 +262355,19 +262356,19 +262357,19 +262358,19 +262359,19 +262360,19 +262361,19 +262362,19 +262363,19 +262364,0 +262365,0 +262366,0 +262367,0 +262368,0 +262369,0 +262370,0 +262371,0 +262372,0 +262373,0 +262374,0 +262375,0 +262376,0 +262377,0 +262378,0 +262379,0 +262380,0 +262381,0 +262382,0 +262383,10 +262384,0 +262385,0 +262386,0 +262387,0 +262388,0 +262389,0 +262390,10 +262391,10 +262392,10 +262393,10 +262394,33 +262395,33 +262396,33 +262397,33 +262398,26 +262399,37 +262400,37 +262401,37 +262402,37 +262403,5 +262404,5 +262405,5 +262406,5 +262407,5 +262408,5 +262409,39 +262410,39 +262411,39 +262412,39 +262413,39 +262414,39 +262415,39 +262416,39 +262417,39 +262418,39 +262419,31 +262420,31 +262421,31 +262422,31 +262423,30 +262424,32 +262425,32 +262426,32 +262427,32 +262428,32 +262429,32 +262430,32 +262431,32 +262432,32 +262433,32 +262434,32 +262435,32 +262436,33 +262437,33 +262438,33 +262439,33 +262440,33 +262441,33 +262442,33 +262443,33 +262444,30 +262445,30 +262446,30 +262447,30 +262448,30 +262449,30 +262450,30 +262451,30 +262452,30 +262453,30 +262454,27 +262455,31 +262456,31 +262457,31 +262458,31 +262459,31 +262460,31 +262461,4 +262462,4 +262463,4 +262464,4 +262465,4 +262466,4 +262467,4 +262468,4 +262469,27 +262470,31 +262471,31 +262472,31 +262473,5 +262474,5 +262475,5 +262476,5 +262477,5 +262478,5 +262479,5 +262480,5 +262481,19 +262482,19 +262483,19 +262484,19 +262485,15 +262486,26 +262487,26 +262488,26 +262489,26 +262490,26 +262491,26 +262492,26 +262493,26 +262494,26 +262495,26 +262496,26 +262497,26 +262498,26 +262499,26 +262500,26 +262501,26 +262502,26 +262503,26 +262504,26 +262505,5 +262506,5 +262507,5 +262508,5 +262509,5 +262510,5 +262511,5 +262512,5 +262513,5 +262514,28 +262515,5 +262516,5 +262517,8 +262518,8 +262519,8 +262520,8 +262521,8 +262522,8 +262523,8 +262524,8 +262525,8 +262526,8 +262527,8 +262528,8 +262529,8 +262530,8 +262531,8 +262532,8 +262533,8 +262534,8 +262535,8 +262536,8 +262537,8 +262538,0 +262539,0 +262540,0 +262541,0 +262542,0 +262543,0 +262544,0 +262545,0 +262546,0 +262547,0 +262548,0 +262549,0 +262550,0 +262551,2 +262552,2 +262553,2 +262554,2 +262555,2 +262556,2 +262557,2 +262558,2 +262559,2 +262560,2 +262561,2 +262562,2 +262563,2 +262564,2 +262565,40 +262566,40 +262567,40 +262568,40 +262569,40 +262570,19 +262571,19 +262572,19 +262573,19 +262574,19 +262575,19 +262576,28 +262577,28 +262578,28 +262579,28 +262580,28 +262581,28 +262582,28 +262583,26 +262584,26 +262585,26 +262586,26 +262587,26 +262588,26 +262589,26 +262590,4 +262591,4 +262592,4 +262593,4 +262594,4 +262595,4 +262596,4 +262597,27 +262598,27 +262599,27 +262600,27 +262601,27 +262602,27 +262603,6 +262604,6 +262605,6 +262606,6 +262607,6 +262608,6 +262609,6 +262610,6 +262611,6 +262612,6 +262613,6 +262614,6 +262615,25 +262616,25 +262617,25 +262618,25 +262619,25 +262620,25 +262621,25 +262622,25 +262623,25 +262624,2 +262625,2 +262626,2 +262627,2 +262628,2 +262629,2 +262630,2 +262631,2 +262632,2 +262633,2 +262634,4 +262635,4 +262636,4 +262637,4 +262638,4 +262639,4 +262640,33 +262641,33 +262642,33 +262643,33 +262644,33 +262645,33 +262646,33 +262647,33 +262648,33 +262649,33 +262650,33 +262651,33 +262652,33 +262653,33 +262654,33 +262655,33 +262656,33 +262657,33 +262658,33 +262659,0 +262660,0 +262661,0 +262662,0 +262663,0 +262664,0 +262665,0 +262666,0 +262667,0 +262668,0 +262669,0 +262670,0 +262671,0 +262672,0 +262673,0 +262674,0 +262675,0 +262676,0 +262677,0 +262678,0 +262679,0 +262680,0 +262681,0 +262682,0 +262683,0 +262684,0 +262685,0 +262686,0 +262687,0 +262688,0 +262689,0 +262690,0 +262691,0 +262692,0 +262693,0 +262694,0 +262695,0 +262696,0 +262697,0 +262698,0 +262699,0 +262700,0 +262701,0 +262702,0 +262703,0 +262704,0 +262705,0 +262706,0 +262707,0 +262708,0 +262709,0 +262710,0 +262711,0 +262712,0 +262713,0 +262714,0 +262715,0 +262716,0 +262717,0 +262718,0 +262719,0 +262720,0 +262721,0 +262722,0 +262723,0 +262724,0 +262725,0 +262726,0 +262727,0 +262728,0 +262729,0 +262730,0 +262731,0 +262732,0 +262733,0 +262734,0 +262735,0 +262736,0 +262737,0 +262738,0 +262739,0 +262740,0 +262741,5 +262742,5 +262743,5 +262744,5 +262745,5 +262746,5 +262747,5 +262748,5 +262749,5 +262750,5 +262751,5 +262752,33 +262753,33 +262754,33 +262755,33 +262756,33 +262757,33 +262758,33 +262759,33 +262760,33 +262761,33 +262762,33 +262763,33 +262764,33 +262765,33 +262766,33 +262767,33 +262768,33 +262769,33 +262770,33 +262771,33 +262772,33 +262773,6 +262774,6 +262775,6 +262776,2 +262777,2 +262778,2 +262779,2 +262780,2 +262781,2 +262782,2 +262783,2 +262784,2 +262785,2 +262786,2 +262787,2 +262788,2 +262789,2 +262790,2 +262791,27 +262792,27 +262793,27 +262794,27 +262795,27 +262796,27 +262797,19 +262798,19 +262799,19 +262800,19 +262801,19 +262802,19 +262803,19 +262804,19 +262805,19 +262806,19 +262807,19 +262808,31 +262809,31 +262810,31 +262811,31 +262812,31 +262813,31 +262814,31 +262815,9 +262816,13 +262817,13 +262818,13 +262819,13 +262820,13 +262821,13 +262822,21 +262823,21 +262824,21 +262825,30 +262826,30 +262827,30 +262828,30 +262829,30 +262830,30 +262831,30 +262832,30 +262833,30 +262834,10 +262835,10 +262836,10 +262837,10 +262838,10 +262839,10 +262840,34 +262841,25 +262842,25 +262843,37 +262844,37 +262845,37 +262846,37 +262847,37 +262848,37 +262849,37 +262850,2 +262851,2 +262852,2 +262853,2 +262854,2 +262855,2 +262856,2 +262857,2 +262858,2 +262859,2 +262860,2 +262861,2 +262862,2 +262863,2 +262864,2 +262865,2 +262866,28 +262867,28 +262868,28 +262869,28 +262870,28 +262871,28 +262872,28 +262873,10 +262874,10 +262875,10 +262876,10 +262877,10 +262878,10 +262879,10 +262880,10 +262881,10 +262882,10 +262883,10 +262884,10 +262885,10 +262886,10 +262887,10 +262888,30 +262889,30 +262890,30 +262891,30 +262892,30 +262893,30 +262894,27 +262895,27 +262896,27 +262897,27 +262898,27 +262899,27 +262900,27 +262901,27 +262902,13 +262903,13 +262904,13 +262905,13 +262906,13 +262907,13 +262908,13 +262909,13 +262910,13 +262911,13 +262912,13 +262913,13 +262914,13 +262915,13 +262916,13 +262917,13 +262918,13 +262919,0 +262920,0 +262921,0 +262922,0 +262923,0 +262924,0 +262925,0 +262926,0 +262927,0 +262928,0 +262929,0 +262930,0 +262931,0 +262932,0 +262933,0 +262934,0 +262935,0 +262936,0 +262937,0 +262938,0 +262939,0 +262940,0 +262941,0 +262942,0 +262943,0 +262944,0 +262945,0 +262946,0 +262947,0 +262948,0 +262949,0 +262950,0 +262951,0 +262952,0 +262953,0 +262954,0 +262955,0 +262956,0 +262957,0 +262958,0 +262959,0 +262960,0 +262961,0 +262962,0 +262963,0 +262964,0 +262965,0 +262966,0 +262967,0 +262968,0 +262969,0 +262970,0 +262971,0 +262972,0 +262973,7 +262974,7 +262975,7 +262976,7 +262977,7 +262978,7 +262979,7 +262980,7 +262981,7 +262982,3 +262983,3 +262984,3 +262985,3 +262986,3 +262987,15 +262988,15 +262989,15 +262990,15 +262991,15 +262992,15 +262993,15 +262994,15 +262995,15 +262996,27 +262997,27 +262998,27 +262999,27 +263000,27 +263001,27 +263002,5 +263003,5 +263004,5 +263005,5 +263006,5 +263007,5 +263008,5 +263009,5 +263010,18 +263011,18 +263012,18 +263013,18 +263014,18 +263015,18 +263016,18 +263017,18 +263018,18 +263019,18 +263020,26 +263021,26 +263022,26 +263023,26 +263024,26 +263025,26 +263026,26 +263027,26 +263028,9 +263029,9 +263030,9 +263031,9 +263032,9 +263033,9 +263034,9 +263035,9 +263036,5 +263037,5 +263038,5 +263039,5 +263040,5 +263041,5 +263042,5 +263043,5 +263044,31 +263045,26 +263046,31 +263047,31 +263048,31 +263049,31 +263050,26 +263051,26 +263052,26 +263053,26 +263054,6 +263055,6 +263056,6 +263057,6 +263058,6 +263059,31 +263060,31 +263061,31 +263062,31 +263063,31 +263064,31 +263065,30 +263066,30 +263067,30 +263068,30 +263069,30 +263070,30 +263071,30 +263072,30 +263073,30 +263074,26 +263075,26 +263076,26 +263077,26 +263078,26 +263079,26 +263080,26 +263081,9 +263082,26 +263083,4 +263084,4 +263085,4 +263086,4 +263087,31 +263088,31 +263089,31 +263090,31 +263091,33 +263092,33 +263093,33 +263094,33 +263095,33 +263096,33 +263097,33 +263098,33 +263099,33 +263100,33 +263101,33 +263102,9 +263103,30 +263104,30 +263105,30 +263106,30 +263107,30 +263108,30 +263109,30 +263110,30 +263111,30 +263112,19 +263113,19 +263114,19 +263115,19 +263116,19 +263117,19 +263118,19 +263119,35 +263120,35 +263121,35 +263122,35 +263123,35 +263124,35 +263125,35 +263126,35 +263127,35 +263128,36 +263129,36 +263130,36 +263131,40 +263132,40 +263133,27 +263134,40 +263135,40 +263136,40 +263137,27 +263138,40 +263139,40 +263140,27 +263141,27 +263142,27 +263143,27 +263144,27 +263145,27 +263146,27 +263147,27 +263148,27 +263149,27 +263150,31 +263151,31 +263152,31 +263153,31 +263154,5 +263155,5 +263156,5 +263157,5 +263158,5 +263159,5 +263160,5 +263161,5 +263162,5 +263163,5 +263164,5 +263165,5 +263166,5 +263167,5 +263168,2 +263169,2 +263170,2 +263171,2 +263172,2 +263173,2 +263174,2 +263175,2 +263176,8 +263177,8 +263178,2 +263179,2 +263180,2 +263181,2 +263182,2 +263183,2 +263184,2 +263185,2 +263186,2 +263187,2 +263188,0 +263189,0 +263190,0 +263191,0 +263192,0 +263193,0 +263194,0 +263195,0 +263196,0 +263197,0 +263198,0 +263199,0 +263200,0 +263201,0 +263202,0 +263203,0 +263204,0 +263205,0 +263206,0 +263207,0 +263208,0 +263209,0 +263210,0 +263211,0 +263212,0 +263213,0 +263214,0 +263215,0 +263216,0 +263217,0 +263218,0 +263219,0 +263220,0 +263221,0 +263222,0 +263223,0 +263224,0 +263225,0 +263226,0 +263227,0 +263228,0 +263229,0 +263230,0 +263231,0 +263232,0 +263233,0 +263234,32 +263235,23 +263236,32 +263237,23 +263238,32 +263239,23 +263240,23 +263241,23 +263242,23 +263243,23 +263244,23 +263245,30 +263246,30 +263247,30 +263248,30 +263249,30 +263250,30 +263251,30 +263252,33 +263253,33 +263254,33 +263255,33 +263256,33 +263257,33 +263258,33 +263259,34 +263260,34 +263261,34 +263262,34 +263263,34 +263264,19 +263265,19 +263266,19 +263267,19 +263268,19 +263269,19 +263270,19 +263271,19 +263272,19 +263273,19 +263274,19 +263275,19 +263276,19 +263277,19 +263278,19 +263279,19 +263280,19 +263281,19 +263282,34 +263283,34 +263284,34 +263285,34 +263286,34 +263287,34 +263288,34 +263289,34 +263290,36 +263291,34 +263292,34 +263293,34 +263294,5 +263295,5 +263296,5 +263297,5 +263298,5 +263299,35 +263300,35 +263301,35 +263302,35 +263303,35 +263304,27 +263305,27 +263306,27 +263307,27 +263308,8 +263309,8 +263310,8 +263311,8 +263312,8 +263313,8 +263314,8 +263315,8 +263316,8 +263317,15 +263318,15 +263319,15 +263320,15 +263321,15 +263322,15 +263323,15 +263324,15 +263325,36 +263326,36 +263327,36 +263328,36 +263329,36 +263330,36 +263331,36 +263332,36 +263333,36 +263334,36 +263335,36 +263336,36 +263337,36 +263338,36 +263339,6 +263340,6 +263341,6 +263342,6 +263343,6 +263344,6 +263345,6 +263346,6 +263347,6 +263348,6 +263349,6 +263350,6 +263351,6 +263352,6 +263353,6 +263354,0 +263355,0 +263356,0 +263357,0 +263358,0 +263359,0 +263360,0 +263361,0 +263362,0 +263363,0 +263364,0 +263365,0 +263366,0 +263367,0 +263368,0 +263369,0 +263370,0 +263371,0 +263372,0 +263373,0 +263374,29 +263375,29 +263376,29 +263377,29 +263378,29 +263379,12 +263380,12 +263381,12 +263382,12 +263383,12 +263384,31 +263385,31 +263386,31 +263387,31 +263388,8 +263389,8 +263390,8 +263391,8 +263392,8 +263393,8 +263394,8 +263395,8 +263396,19 +263397,19 +263398,19 +263399,19 +263400,19 +263401,4 +263402,4 +263403,31 +263404,31 +263405,31 +263406,31 +263407,31 +263408,31 +263409,31 +263410,5 +263411,5 +263412,5 +263413,5 +263414,5 +263415,5 +263416,31 +263417,31 +263418,31 +263419,31 +263420,31 +263421,31 +263422,31 +263423,31 +263424,31 +263425,31 +263426,32 +263427,32 +263428,32 +263429,32 +263430,32 +263431,32 +263432,32 +263433,32 +263434,32 +263435,19 +263436,19 +263437,19 +263438,19 +263439,19 +263440,19 +263441,19 +263442,14 +263443,14 +263444,14 +263445,14 +263446,14 +263447,14 +263448,14 +263449,14 +263450,14 +263451,14 +263452,14 +263453,14 +263454,14 +263455,14 +263456,14 +263457,14 +263458,5 +263459,5 +263460,5 +263461,5 +263462,5 +263463,5 +263464,5 +263465,5 +263466,5 +263467,5 +263468,5 +263469,5 +263470,5 +263471,5 +263472,5 +263473,5 +263474,5 +263475,5 +263476,5 +263477,0 +263478,0 +263479,0 +263480,0 +263481,0 +263482,0 +263483,0 +263484,0 +263485,0 +263486,0 +263487,0 +263488,0 +263489,0 +263490,7 +263491,35 +263492,35 +263493,35 +263494,35 +263495,35 +263496,35 +263497,35 +263498,35 +263499,39 +263500,39 +263501,39 +263502,39 +263503,39 +263504,39 +263505,39 +263506,39 +263507,24 +263508,24 +263509,24 +263510,24 +263511,24 +263512,5 +263513,5 +263514,19 +263515,19 +263516,19 +263517,5 +263518,19 +263519,40 +263520,40 +263521,40 +263522,40 +263523,40 +263524,40 +263525,40 +263526,40 +263527,40 +263528,8 +263529,8 +263530,8 +263531,8 +263532,8 +263533,8 +263534,29 +263535,29 +263536,29 +263537,29 +263538,40 +263539,40 +263540,40 +263541,40 +263542,40 +263543,40 +263544,37 +263545,37 +263546,37 +263547,37 +263548,37 +263549,28 +263550,28 +263551,28 +263552,28 +263553,28 +263554,28 +263555,28 +263556,28 +263557,28 +263558,31 +263559,31 +263560,3 +263561,3 +263562,3 +263563,3 +263564,31 +263565,3 +263566,24 +263567,24 +263568,24 +263569,24 +263570,24 +263571,24 +263572,24 +263573,28 +263574,28 +263575,28 +263576,28 +263577,28 +263578,28 +263579,31 +263580,31 +263581,31 +263582,31 +263583,31 +263584,5 +263585,5 +263586,5 +263587,5 +263588,5 +263589,8 +263590,8 +263591,8 +263592,8 +263593,8 +263594,8 +263595,8 +263596,8 +263597,8 +263598,12 +263599,23 +263600,23 +263601,25 +263602,25 +263603,25 +263604,25 +263605,25 +263606,6 +263607,6 +263608,6 +263609,6 +263610,6 +263611,6 +263612,6 +263613,31 +263614,31 +263615,31 +263616,31 +263617,5 +263618,5 +263619,5 +263620,5 +263621,5 +263622,5 +263623,5 +263624,23 +263625,23 +263626,23 +263627,23 +263628,23 +263629,23 +263630,23 +263631,23 +263632,23 +263633,23 +263634,23 +263635,10 +263636,10 +263637,10 +263638,10 +263639,10 +263640,10 +263641,10 +263642,10 +263643,10 +263644,10 +263645,10 +263646,10 +263647,10 +263648,10 +263649,10 +263650,5 +263651,5 +263652,5 +263653,5 +263654,5 +263655,29 +263656,29 +263657,29 +263658,27 +263659,27 +263660,27 +263661,5 +263662,5 +263663,5 +263664,5 +263665,5 +263666,5 +263667,5 +263668,5 +263669,5 +263670,2 +263671,2 +263672,2 +263673,2 +263674,2 +263675,2 +263676,2 +263677,2 +263678,2 +263679,2 +263680,2 +263681,2 +263682,30 +263683,30 +263684,30 +263685,30 +263686,30 +263687,30 +263688,30 +263689,31 +263690,31 +263691,31 +263692,31 +263693,31 +263694,31 +263695,31 +263696,31 +263697,31 +263698,31 +263699,31 +263700,31 +263701,31 +263702,31 +263703,31 +263704,31 +263705,31 +263706,31 +263707,31 +263708,31 +263709,31 +263710,31 +263711,31 +263712,31 +263713,31 +263714,31 +263715,31 +263716,31 +263717,31 +263718,31 +263719,31 +263720,5 +263721,5 +263722,5 +263723,5 +263724,5 +263725,29 +263726,29 +263727,29 +263728,25 +263729,25 +263730,25 +263731,25 +263732,25 +263733,25 +263734,25 +263735,25 +263736,25 +263737,25 +263738,35 +263739,35 +263740,35 +263741,35 +263742,35 +263743,35 +263744,35 +263745,35 +263746,6 +263747,6 +263748,35 +263749,36 +263750,36 +263751,36 +263752,36 +263753,36 +263754,36 +263755,36 +263756,36 +263757,36 +263758,36 +263759,15 +263760,15 +263761,15 +263762,15 +263763,15 +263764,15 +263765,15 +263766,31 +263767,31 +263768,31 +263769,31 +263770,31 +263771,31 +263772,31 +263773,4 +263774,4 +263775,4 +263776,4 +263777,4 +263778,4 +263779,4 +263780,4 +263781,2 +263782,2 +263783,2 +263784,2 +263785,2 +263786,2 +263787,2 +263788,2 +263789,2 +263790,2 +263791,2 +263792,2 +263793,2 +263794,2 +263795,4 +263796,4 +263797,4 +263798,4 +263799,4 +263800,4 +263801,40 +263802,40 +263803,40 +263804,37 +263805,37 +263806,37 +263807,37 +263808,37 +263809,37 +263810,37 +263811,37 +263812,37 +263813,39 +263814,39 +263815,39 +263816,39 +263817,39 +263818,39 +263819,31 +263820,31 +263821,31 +263822,31 +263823,4 +263824,4 +263825,4 +263826,4 +263827,4 +263828,4 +263829,4 +263830,4 +263831,4 +263832,4 +263833,4 +263834,10 +263835,10 +263836,10 +263837,10 +263838,10 +263839,10 +263840,10 +263841,10 +263842,10 +263843,10 +263844,10 +263845,4 +263846,4 +263847,4 +263848,4 +263849,4 +263850,4 +263851,4 +263852,4 +263853,4 +263854,4 +263855,38 +263856,38 +263857,38 +263858,38 +263859,5 +263860,5 +263861,5 +263862,5 +263863,5 +263864,5 +263865,5 +263866,2 +263867,2 +263868,2 +263869,2 +263870,2 +263871,2 +263872,2 +263873,2 +263874,2 +263875,2 +263876,2 +263877,2 +263878,2 +263879,40 +263880,40 +263881,40 +263882,40 +263883,40 +263884,40 +263885,5 +263886,5 +263887,5 +263888,5 +263889,5 +263890,5 +263891,2 +263892,2 +263893,2 +263894,2 +263895,2 +263896,2 +263897,2 +263898,2 +263899,2 +263900,2 +263901,2 +263902,30 +263903,30 +263904,30 +263905,30 +263906,30 +263907,30 +263908,30 +263909,30 +263910,1 +263911,30 +263912,39 +263913,39 +263914,39 +263915,39 +263916,27 +263917,27 +263918,2 +263919,2 +263920,2 +263921,2 +263922,2 +263923,2 +263924,2 +263925,2 +263926,2 +263927,2 +263928,2 +263929,2 +263930,2 +263931,2 +263932,2 +263933,2 +263934,2 +263935,2 +263936,2 +263937,2 +263938,2 +263939,2 +263940,2 +263941,2 +263942,0 +263943,0 +263944,0 +263945,0 +263946,0 +263947,0 +263948,0 +263949,0 +263950,0 +263951,0 +263952,0 +263953,0 +263954,0 +263955,0 +263956,0 +263957,0 +263958,0 +263959,0 +263960,0 +263961,0 +263962,0 +263963,0 +263964,0 +263965,0 +263966,0 +263967,0 +263968,0 +263969,0 +263970,0 +263971,0 +263972,0 +263973,0 +263974,0 +263975,0 +263976,0 +263977,0 +263978,0 +263979,0 +263980,0 +263981,0 +263982,0 +263983,0 +263984,0 +263985,0 +263986,0 +263987,0 +263988,0 +263989,4 +263990,4 +263991,4 +263992,4 +263993,4 +263994,14 +263995,14 +263996,14 +263997,14 +263998,14 +263999,14 +264000,14 +264001,14 +264002,14 +264003,14 +264004,14 +264005,14 +264006,14 +264007,14 +264008,14 +264009,14 +264010,14 +264011,14 +264012,14 +264013,14 +264014,8 +264015,8 +264016,8 +264017,8 +264018,27 +264019,27 +264020,27 +264021,27 +264022,27 +264023,27 +264024,27 +264025,13 +264026,13 +264027,13 +264028,13 +264029,13 +264030,13 +264031,13 +264032,13 +264033,13 +264034,13 +264035,15 +264036,15 +264037,15 +264038,31 +264039,31 +264040,31 +264041,31 +264042,4 +264043,4 +264044,4 +264045,4 +264046,31 +264047,31 +264048,31 +264049,31 +264050,32 +264051,32 +264052,32 +264053,32 +264054,32 +264055,32 +264056,32 +264057,32 +264058,32 +264059,27 +264060,40 +264061,40 +264062,40 +264063,40 +264064,40 +264065,40 +264066,40 +264067,40 +264068,40 +264069,37 +264070,37 +264071,37 +264072,37 +264073,37 +264074,37 +264075,37 +264076,37 +264077,40 +264078,40 +264079,40 +264080,40 +264081,40 +264082,5 +264083,5 +264084,5 +264085,5 +264086,5 +264087,5 +264088,5 +264089,5 +264090,2 +264091,2 +264092,2 +264093,2 +264094,2 +264095,2 +264096,2 +264097,2 +264098,2 +264099,27 +264100,27 +264101,27 +264102,27 +264103,27 +264104,27 +264105,27 +264106,8 +264107,8 +264108,8 +264109,8 +264110,8 +264111,8 +264112,8 +264113,8 +264114,29 +264115,29 +264116,29 +264117,14 +264118,14 +264119,14 +264120,14 +264121,14 +264122,14 +264123,14 +264124,14 +264125,12 +264126,12 +264127,12 +264128,12 +264129,12 +264130,12 +264131,12 +264132,12 +264133,12 +264134,25 +264135,25 +264136,25 +264137,25 +264138,15 +264139,15 +264140,15 +264141,15 +264142,15 +264143,15 +264144,15 +264145,15 +264146,15 +264147,12 +264148,15 +264149,30 +264150,30 +264151,30 +264152,30 +264153,9 +264154,9 +264155,9 +264156,9 +264157,9 +264158,9 +264159,9 +264160,26 +264161,26 +264162,26 +264163,26 +264164,9 +264165,9 +264166,9 +264167,26 +264168,10 +264169,10 +264170,10 +264171,10 +264172,10 +264173,10 +264174,10 +264175,10 +264176,10 +264177,10 +264178,10 +264179,10 +264180,10 +264181,10 +264182,10 +264183,5 +264184,5 +264185,5 +264186,5 +264187,5 +264188,5 +264189,5 +264190,5 +264191,5 +264192,5 +264193,5 +264194,5 +264195,5 +264196,19 +264197,19 +264198,19 +264199,0 +264200,0 +264201,0 +264202,19 +264203,19 +264204,19 +264205,19 +264206,0 +264207,0 +264208,0 +264209,0 +264210,0 +264211,0 +264212,0 +264213,0 +264214,0 +264215,0 +264216,0 +264217,0 +264218,0 +264219,0 +264220,0 +264221,0 +264222,0 +264223,0 +264224,0 +264225,0 +264226,0 +264227,0 +264228,0 +264229,0 +264230,0 +264231,0 +264232,0 +264233,0 +264234,0 +264235,0 +264236,0 +264237,0 +264238,0 +264239,0 +264240,0 +264241,0 +264242,0 +264243,0 +264244,0 +264245,0 +264246,0 +264247,0 +264248,0 +264249,0 +264250,0 +264251,0 +264252,0 +264253,0 +264254,0 +264255,0 +264256,31 +264257,31 +264258,31 +264259,31 +264260,31 +264261,31 +264262,31 +264263,31 +264264,31 +264265,6 +264266,6 +264267,6 +264268,6 +264269,6 +264270,6 +264271,6 +264272,6 +264273,6 +264274,6 +264275,6 +264276,6 +264277,6 +264278,6 +264279,6 +264280,6 +264281,6 +264282,2 +264283,2 +264284,2 +264285,2 +264286,2 +264287,2 +264288,2 +264289,2 +264290,2 +264291,2 +264292,2 +264293,2 +264294,2 +264295,2 +264296,2 +264297,2 +264298,2 +264299,2 +264300,2 +264301,0 +264302,0 +264303,0 +264304,0 +264305,0 +264306,0 +264307,0 +264308,31 +264309,31 +264310,31 +264311,31 +264312,31 +264313,31 +264314,31 +264315,31 +264316,31 +264317,31 +264318,31 +264319,31 +264320,5 +264321,5 +264322,5 +264323,5 +264324,5 +264325,5 +264326,4 +264327,4 +264328,4 +264329,4 +264330,4 +264331,4 +264332,4 +264333,19 +264334,19 +264335,19 +264336,4 +264337,32 +264338,32 +264339,32 +264340,32 +264341,32 +264342,32 +264343,32 +264344,32 +264345,32 +264346,32 +264347,30 +264348,30 +264349,30 +264350,14 +264351,14 +264352,14 +264353,14 +264354,14 +264355,14 +264356,14 +264357,14 +264358,14 +264359,14 +264360,14 +264361,4 +264362,4 +264363,4 +264364,4 +264365,4 +264366,4 +264367,4 +264368,4 +264369,4 +264370,4 +264371,4 +264372,4 +264373,4 +264374,2 +264375,2 +264376,2 +264377,2 +264378,2 +264379,2 +264380,2 +264381,2 +264382,2 +264383,2 +264384,2 +264385,2 +264386,2 +264387,2 +264388,2 +264389,2 +264390,2 +264391,2 +264392,0 +264393,0 +264394,0 +264395,0 +264396,0 +264397,0 +264398,31 +264399,31 +264400,31 +264401,31 +264402,31 +264403,31 +264404,31 +264405,31 +264406,5 +264407,5 +264408,5 +264409,5 +264410,5 +264411,5 +264412,5 +264413,5 +264414,5 +264415,5 +264416,2 +264417,2 +264418,2 +264419,2 +264420,2 +264421,2 +264422,2 +264423,2 +264424,2 +264425,2 +264426,2 +264427,2 +264428,2 +264429,2 +264430,2 +264431,2 +264432,2 +264433,2 +264434,2 +264435,2 +264436,9 +264437,9 +264438,9 +264439,9 +264440,9 +264441,9 +264442,9 +264443,37 +264444,37 +264445,37 +264446,37 +264447,37 +264448,37 +264449,37 +264450,19 +264451,35 +264452,35 +264453,35 +264454,4 +264455,30 +264456,30 +264457,30 +264458,30 +264459,30 +264460,30 +264461,31 +264462,31 +264463,31 +264464,31 +264465,31 +264466,31 +264467,4 +264468,4 +264469,4 +264470,4 +264471,4 +264472,4 +264473,4 +264474,4 +264475,4 +264476,4 +264477,4 +264478,4 +264479,4 +264480,4 +264481,4 +264482,4 +264483,4 +264484,2 +264485,2 +264486,2 +264487,2 +264488,2 +264489,2 +264490,2 +264491,2 +264492,2 +264493,2 +264494,2 +264495,2 +264496,2 +264497,2 +264498,0 +264499,0 +264500,0 +264501,0 +264502,0 +264503,0 +264504,0 +264505,0 +264506,0 +264507,0 +264508,0 +264509,0 +264510,0 +264511,0 +264512,0 +264513,0 +264514,0 +264515,0 +264516,0 +264517,0 +264518,0 +264519,0 +264520,0 +264521,0 +264522,0 +264523,0 +264524,0 +264525,0 +264526,0 +264527,0 +264528,0 +264529,0 +264530,0 +264531,0 +264532,0 +264533,0 +264534,0 +264535,0 +264536,0 +264537,0 +264538,0 +264539,0 +264540,27 +264541,27 +264542,27 +264543,27 +264544,27 +264545,27 +264546,27 +264547,27 +264548,27 +264549,19 +264550,19 +264551,5 +264552,19 +264553,19 +264554,19 +264555,19 +264556,10 +264557,40 +264558,36 +264559,40 +264560,40 +264561,36 +264562,36 +264563,36 +264564,36 +264565,40 +264566,40 +264567,40 +264568,40 +264569,36 +264570,36 +264571,5 +264572,5 +264573,5 +264574,5 +264575,5 +264576,5 +264577,5 +264578,5 +264579,5 +264580,5 +264581,5 +264582,5 +264583,5 +264584,5 +264585,5 +264586,5 +264587,5 +264588,31 +264589,31 +264590,31 +264591,31 +264592,31 +264593,31 +264594,4 +264595,5 +264596,5 +264597,5 +264598,5 +264599,4 +264600,5 +264601,4 +264602,5 +264603,5 +264604,0 +264605,13 +264606,13 +264607,13 +264608,0 +264609,0 +264610,0 +264611,12 +264612,35 +264613,12 +264614,12 +264615,12 +264616,12 +264617,12 +264618,12 +264619,12 +264620,12 +264621,12 +264622,12 +264623,12 +264624,12 +264625,12 +264626,12 +264627,31 +264628,31 +264629,31 +264630,31 +264631,31 +264632,31 +264633,31 +264634,31 +264635,31 +264636,31 +264637,31 +264638,31 +264639,31 +264640,31 +264641,31 +264642,31 +264643,31 +264644,31 +264645,31 +264646,8 +264647,8 +264648,8 +264649,8 +264650,8 +264651,8 +264652,8 +264653,29 +264654,29 +264655,29 +264656,29 +264657,23 +264658,38 +264659,14 +264660,40 +264661,40 +264662,40 +264663,40 +264664,40 +264665,40 +264666,40 +264667,40 +264668,40 +264669,40 +264670,40 +264671,40 +264672,37 +264673,37 +264674,37 +264675,37 +264676,37 +264677,19 +264678,25 +264679,5 +264680,5 +264681,5 +264682,5 +264683,5 +264684,5 +264685,5 +264686,5 +264687,40 +264688,40 +264689,40 +264690,40 +264691,40 +264692,40 +264693,40 +264694,40 +264695,40 +264696,40 +264697,24 +264698,24 +264699,24 +264700,24 +264701,24 +264702,24 +264703,25 +264704,25 +264705,25 +264706,25 +264707,25 +264708,25 +264709,25 +264710,25 +264711,25 +264712,25 +264713,36 +264714,36 +264715,36 +264716,36 +264717,36 +264718,36 +264719,36 +264720,36 +264721,36 +264722,36 +264723,36 +264724,36 +264725,5 +264726,5 +264727,5 +264728,5 +264729,5 +264730,5 +264731,5 +264732,5 +264733,39 +264734,39 +264735,27 +264736,27 +264737,39 +264738,39 +264739,39 +264740,39 +264741,35 +264742,35 +264743,35 +264744,35 +264745,35 +264746,35 +264747,35 +264748,38 +264749,38 +264750,38 +264751,27 +264752,27 +264753,27 +264754,27 +264755,27 +264756,27 +264757,27 +264758,13 +264759,13 +264760,13 +264761,13 +264762,13 +264763,13 +264764,13 +264765,13 +264766,13 +264767,13 +264768,13 +264769,13 +264770,13 +264771,13 +264772,13 +264773,13 +264774,13 +264775,31 +264776,31 +264777,31 +264778,31 +264779,31 +264780,31 +264781,31 +264782,31 +264783,31 +264784,31 +264785,24 +264786,24 +264787,24 +264788,29 +264789,29 +264790,29 +264791,29 +264792,31 +264793,31 +264794,31 +264795,31 +264796,31 +264797,5 +264798,5 +264799,5 +264800,5 +264801,5 +264802,27 +264803,27 +264804,27 +264805,27 +264806,27 +264807,27 +264808,14 +264809,27 +264810,27 +264811,14 +264812,27 +264813,14 +264814,19 +264815,14 +264816,14 +264817,11 +264818,16 +264819,4 +264820,4 +264821,4 +264822,4 +264823,11 +264824,16 +264825,11 +264826,16 +264827,16 +264828,16 +264829,22 +264830,16 +264831,25 +264832,25 +264833,25 +264834,25 +264835,25 +264836,25 +264837,25 +264838,25 +264839,25 +264840,25 +264841,25 +264842,25 +264843,25 +264844,31 +264845,31 +264846,31 +264847,31 +264848,31 +264849,31 +264850,31 +264851,31 +264852,31 +264853,24 +264854,24 +264855,24 +264856,24 +264857,29 +264858,29 +264859,24 +264860,24 +264861,31 +264862,31 +264863,31 +264864,31 +264865,31 +264866,31 +264867,31 +264868,27 +264869,27 +264870,27 +264871,38 +264872,38 +264873,38 +264874,24 +264875,24 +264876,24 +264877,24 +264878,24 +264879,2 +264880,14 +264881,14 +264882,14 +264883,14 +264884,14 +264885,14 +264886,14 +264887,14 +264888,14 +264889,14 +264890,6 +264891,6 +264892,6 +264893,6 +264894,6 +264895,6 +264896,6 +264897,6 +264898,6 +264899,9 +264900,9 +264901,9 +264902,9 +264903,9 +264904,9 +264905,9 +264906,9 +264907,9 +264908,9 +264909,9 +264910,9 +264911,9 +264912,9 +264913,26 +264914,26 +264915,9 +264916,9 +264917,30 +264918,30 +264919,30 +264920,30 +264921,30 +264922,30 +264923,30 +264924,30 +264925,30 +264926,30 +264927,15 +264928,12 +264929,12 +264930,12 +264931,12 +264932,12 +264933,12 +264934,12 +264935,12 +264936,12 +264937,12 +264938,12 +264939,12 +264940,12 +264941,12 +264942,12 +264943,12 +264944,25 +264945,25 +264946,25 +264947,25 +264948,25 +264949,25 +264950,25 +264951,25 +264952,25 +264953,25 +264954,25 +264955,25 +264956,25 +264957,25 +264958,25 +264959,25 +264960,25 +264961,25 +264962,25 +264963,25 +264964,19 +264965,5 +264966,5 +264967,5 +264968,5 +264969,5 +264970,5 +264971,5 +264972,5 +264973,2 +264974,2 +264975,2 +264976,2 +264977,2 +264978,2 +264979,8 +264980,8 +264981,8 +264982,8 +264983,8 +264984,8 +264985,8 +264986,2 +264987,2 +264988,2 +264989,2 +264990,32 +264991,32 +264992,32 +264993,32 +264994,32 +264995,32 +264996,32 +264997,32 +264998,32 +264999,32 +265000,39 +265001,39 +265002,39 +265003,39 +265004,39 +265005,4 +265006,4 +265007,4 +265008,4 +265009,4 +265010,4 +265011,4 +265012,4 +265013,4 +265014,12 +265015,12 +265016,12 +265017,12 +265018,39 +265019,39 +265020,39 +265021,39 +265022,7 +265023,7 +265024,7 +265025,7 +265026,7 +265027,7 +265028,7 +265029,7 +265030,7 +265031,7 +265032,7 +265033,7 +265034,7 +265035,7 +265036,7 +265037,7 +265038,3 +265039,3 +265040,3 +265041,3 +265042,3 +265043,3 +265044,3 +265045,3 +265046,3 +265047,3 +265048,3 +265049,3 +265050,3 +265051,3 +265052,5 +265053,5 +265054,5 +265055,5 +265056,5 +265057,5 +265058,7 +265059,7 +265060,7 +265061,7 +265062,7 +265063,7 +265064,22 +265065,22 +265066,22 +265067,22 +265068,37 +265069,37 +265070,25 +265071,35 +265072,35 +265073,35 +265074,35 +265075,35 +265076,35 +265077,35 +265078,35 +265079,36 +265080,36 +265081,36 +265082,36 +265083,36 +265084,36 +265085,36 +265086,36 +265087,8 +265088,8 +265089,8 +265090,8 +265091,8 +265092,8 +265093,8 +265094,15 +265095,15 +265096,15 +265097,15 +265098,15 +265099,31 +265100,31 +265101,31 +265102,31 +265103,31 +265104,31 +265105,31 +265106,5 +265107,5 +265108,5 +265109,5 +265110,5 +265111,5 +265112,5 +265113,5 +265114,5 +265115,5 +265116,5 +265117,28 +265118,28 +265119,28 +265120,28 +265121,28 +265122,28 +265123,28 +265124,28 +265125,28 +265126,28 +265127,28 +265128,28 +265129,28 +265130,36 +265131,36 +265132,36 +265133,36 +265134,36 +265135,36 +265136,36 +265137,36 +265138,36 +265139,36 +265140,36 +265141,36 +265142,36 +265143,36 +265144,36 +265145,36 +265146,36 +265147,28 +265148,28 +265149,28 +265150,28 +265151,28 +265152,28 +265153,28 +265154,28 +265155,28 +265156,28 +265157,28 +265158,28 +265159,28 +265160,28 +265161,3 +265162,3 +265163,0 +265164,0 +265165,0 +265166,0 +265167,0 +265168,0 +265169,0 +265170,0 +265171,0 +265172,0 +265173,0 +265174,0 +265175,0 +265176,0 +265177,0 +265178,0 +265179,0 +265180,0 +265181,0 +265182,0 +265183,0 +265184,0 +265185,0 +265186,0 +265187,0 +265188,0 +265189,0 +265190,0 +265191,0 +265192,0 +265193,0 +265194,0 +265195,0 +265196,0 +265197,0 +265198,0 +265199,0 +265200,0 +265201,0 +265202,0 +265203,0 +265204,0 +265205,0 +265206,0 +265207,0 +265208,0 +265209,0 +265210,0 +265211,0 +265212,0 +265213,0 +265214,0 +265215,0 +265216,0 +265217,0 +265218,0 +265219,0 +265220,0 +265221,0 +265222,0 +265223,0 +265224,0 +265225,0 +265226,0 +265227,0 +265228,0 +265229,0 +265230,0 +265231,0 +265232,0 +265233,0 +265234,0 +265235,0 +265236,0 +265237,0 +265238,0 +265239,0 +265240,0 +265241,0 +265242,0 +265243,0 +265244,0 +265245,0 +265246,0 +265247,0 +265248,0 +265249,0 +265250,0 +265251,0 +265252,0 +265253,0 +265254,5 +265255,5 +265256,5 +265257,5 +265258,5 +265259,5 +265260,5 +265261,5 +265262,5 +265263,40 +265264,40 +265265,40 +265266,40 +265267,40 +265268,40 +265269,40 +265270,40 +265271,40 +265272,24 +265273,24 +265274,24 +265275,24 +265276,24 +265277,24 +265278,24 +265279,25 +265280,25 +265281,25 +265282,25 +265283,25 +265284,25 +265285,25 +265286,25 +265287,25 +265288,25 +265289,25 +265290,25 +265291,25 +265292,25 +265293,25 +265294,25 +265295,25 +265296,25 +265297,25 +265298,25 +265299,25 +265300,0 +265301,0 +265302,0 +265303,0 +265304,0 +265305,0 +265306,0 +265307,0 +265308,0 +265309,0 +265310,0 +265311,0 +265312,0 +265313,0 +265314,0 +265315,0 +265316,0 +265317,0 +265318,0 +265319,0 +265320,0 +265321,0 +265322,0 +265323,0 +265324,0 +265325,0 +265326,0 +265327,0 +265328,0 +265329,0 +265330,0 +265331,0 +265332,0 +265333,0 +265334,0 +265335,0 +265336,0 +265337,0 +265338,0 +265339,0 +265340,0 +265341,0 +265342,0 +265343,0 +265344,0 +265345,0 +265346,0 +265347,0 +265348,0 +265349,0 +265350,0 +265351,0 +265352,0 +265353,0 +265354,0 +265355,0 +265356,0 +265357,0 +265358,0 +265359,0 +265360,5 +265361,5 +265362,31 +265363,31 +265364,31 +265365,31 +265366,19 +265367,5 +265368,5 +265369,5 +265370,5 +265371,5 +265372,5 +265373,5 +265374,5 +265375,34 +265376,34 +265377,34 +265378,34 +265379,34 +265380,34 +265381,34 +265382,34 +265383,34 +265384,4 +265385,4 +265386,4 +265387,4 +265388,4 +265389,4 +265390,12 +265391,12 +265392,12 +265393,12 +265394,12 +265395,12 +265396,12 +265397,31 +265398,31 +265399,31 +265400,8 +265401,8 +265402,8 +265403,8 +265404,8 +265405,8 +265406,8 +265407,8 +265408,8 +265409,19 +265410,19 +265411,19 +265412,19 +265413,19 +265414,19 +265415,19 +265416,19 +265417,40 +265418,40 +265419,40 +265420,40 +265421,40 +265422,40 +265423,40 +265424,40 +265425,40 +265426,40 +265427,40 +265428,40 +265429,40 +265430,40 +265431,40 +265432,40 +265433,40 +265434,38 +265435,38 +265436,38 +265437,38 +265438,38 +265439,38 +265440,38 +265441,38 +265442,38 +265443,38 +265444,23 +265445,23 +265446,23 +265447,0 +265448,0 +265449,0 +265450,0 +265451,0 +265452,0 +265453,0 +265454,0 +265455,0 +265456,0 +265457,0 +265458,0 +265459,0 +265460,0 +265461,0 +265462,0 +265463,0 +265464,0 +265465,0 +265466,0 +265467,0 +265468,0 +265469,0 +265470,0 +265471,0 +265472,0 +265473,0 +265474,0 +265475,0 +265476,0 +265477,0 +265478,0 +265479,0 +265480,0 +265481,0 +265482,0 +265483,0 +265484,0 +265485,0 +265486,0 +265487,0 +265488,0 +265489,0 +265490,0 +265491,0 +265492,0 +265493,0 +265494,0 +265495,0 +265496,0 +265497,0 +265498,0 +265499,0 +265500,0 +265501,0 +265502,0 +265503,0 +265504,0 +265505,0 +265506,29 +265507,29 +265508,31 +265509,31 +265510,31 +265511,31 +265512,2 +265513,2 +265514,2 +265515,2 +265516,2 +265517,2 +265518,2 +265519,2 +265520,2 +265521,2 +265522,2 +265523,2 +265524,14 +265525,14 +265526,14 +265527,14 +265528,14 +265529,14 +265530,14 +265531,14 +265532,14 +265533,14 +265534,19 +265535,29 +265536,19 +265537,31 +265538,31 +265539,31 +265540,31 +265541,31 +265542,24 +265543,24 +265544,24 +265545,24 +265546,24 +265547,24 +265548,24 +265549,24 +265550,24 +265551,12 +265552,12 +265553,12 +265554,27 +265555,27 +265556,27 +265557,27 +265558,27 +265559,27 +265560,16 +265561,16 +265562,16 +265563,16 +265564,16 +265565,16 +265566,16 +265567,16 +265568,16 +265569,16 +265570,16 +265571,10 +265572,10 +265573,10 +265574,10 +265575,10 +265576,10 +265577,10 +265578,10 +265579,6 +265580,6 +265581,23 +265582,23 +265583,23 +265584,23 +265585,23 +265586,23 +265587,23 +265588,4 +265589,4 +265590,4 +265591,27 +265592,27 +265593,27 +265594,27 +265595,27 +265596,27 +265597,27 +265598,27 +265599,27 +265600,27 +265601,27 +265602,37 +265603,37 +265604,37 +265605,37 +265606,37 +265607,37 +265608,37 +265609,37 +265610,37 +265611,37 +265612,37 +265613,19 +265614,19 +265615,19 +265616,19 +265617,19 +265618,19 +265619,19 +265620,27 +265621,39 +265622,39 +265623,39 +265624,35 +265625,35 +265626,35 +265627,40 +265628,40 +265629,35 +265630,36 +265631,36 +265632,36 +265633,36 +265634,4 +265635,4 +265636,4 +265637,4 +265638,19 +265639,19 +265640,19 +265641,19 +265642,19 +265643,19 +265644,19 +265645,19 +265646,19 +265647,19 +265648,19 +265649,27 +265650,27 +265651,27 +265652,27 +265653,27 +265654,27 +265655,19 +265656,19 +265657,19 +265658,19 +265659,19 +265660,19 +265661,5 +265662,5 +265663,5 +265664,5 +265665,5 +265666,5 +265667,10 +265668,10 +265669,10 +265670,26 +265671,26 +265672,26 +265673,26 +265674,26 +265675,26 +265676,10 +265677,26 +265678,26 +265679,26 +265680,26 +265681,5 +265682,5 +265683,5 +265684,31 +265685,31 +265686,31 +265687,31 +265688,31 +265689,31 +265690,31 +265691,31 +265692,31 +265693,5 +265694,5 +265695,5 +265696,5 +265697,19 +265698,19 +265699,29 +265700,29 +265701,25 +265702,25 +265703,25 +265704,25 +265705,25 +265706,25 +265707,25 +265708,25 +265709,25 +265710,2 +265711,2 +265712,2 +265713,2 +265714,2 +265715,2 +265716,2 +265717,2 +265718,2 +265719,2 +265720,2 +265721,2 +265722,4 +265723,4 +265724,4 +265725,4 +265726,4 +265727,4 +265728,4 +265729,4 +265730,4 +265731,40 +265732,40 +265733,40 +265734,40 +265735,40 +265736,40 +265737,40 +265738,40 +265739,40 +265740,40 +265741,40 +265742,40 +265743,40 +265744,40 +265745,40 +265746,40 +265747,40 +265748,40 +265749,40 +265750,40 +265751,5 +265752,5 +265753,5 +265754,5 +265755,5 +265756,5 +265757,5 +265758,32 +265759,32 +265760,32 +265761,32 +265762,19 +265763,19 +265764,19 +265765,0 +265766,0 +265767,0 +265768,0 +265769,0 +265770,0 +265771,0 +265772,0 +265773,0 +265774,0 +265775,0 +265776,0 +265777,0 +265778,0 +265779,0 +265780,0 +265781,0 +265782,0 +265783,0 +265784,0 +265785,0 +265786,0 +265787,0 +265788,0 +265789,0 +265790,0 +265791,0 +265792,0 +265793,0 +265794,0 +265795,0 +265796,0 +265797,0 +265798,0 +265799,0 +265800,0 +265801,0 +265802,0 +265803,0 +265804,0 +265805,0 +265806,0 +265807,0 +265808,0 +265809,0 +265810,0 +265811,0 +265812,0 +265813,0 +265814,0 +265815,0 +265816,0 +265817,0 +265818,0 +265819,0 +265820,0 +265821,0 +265822,0 +265823,0 +265824,0 +265825,0 +265826,0 +265827,0 +265828,0 +265829,0 +265830,0 +265831,0 +265832,0 +265833,0 +265834,0 +265835,0 +265836,0 +265837,0 +265838,0 +265839,0 +265840,0 +265841,0 +265842,0 +265843,0 +265844,0 +265845,0 +265846,0 +265847,0 +265848,0 +265849,0 +265850,0 +265851,0 +265852,0 +265853,0 +265854,0 +265855,0 +265856,0 +265857,0 +265858,0 +265859,0 +265860,0 +265861,0 +265862,0 +265863,0 +265864,0 +265865,0 +265866,29 +265867,29 +265868,29 +265869,31 +265870,31 +265871,31 +265872,31 +265873,31 +265874,31 +265875,30 +265876,30 +265877,30 +265878,30 +265879,30 +265880,30 +265881,30 +265882,30 +265883,10 +265884,10 +265885,10 +265886,10 +265887,10 +265888,10 +265889,10 +265890,10 +265891,10 +265892,10 +265893,10 +265894,6 +265895,32 +265896,32 +265897,4 +265898,4 +265899,4 +265900,4 +265901,15 +265902,4 +265903,4 +265904,4 +265905,15 +265906,15 +265907,39 +265908,39 +265909,39 +265910,39 +265911,39 +265912,6 +265913,6 +265914,6 +265915,6 +265916,21 +265917,21 +265918,21 +265919,21 +265920,21 +265921,14 +265922,14 +265923,14 +265924,14 +265925,14 +265926,14 +265927,14 +265928,14 +265929,14 +265930,28 +265931,28 +265932,28 +265933,28 +265934,28 +265935,28 +265936,28 +265937,28 +265938,28 +265939,28 +265940,28 +265941,28 +265942,28 +265943,9 +265944,9 +265945,9 +265946,9 +265947,9 +265948,9 +265949,9 +265950,9 +265951,9 +265952,9 +265953,9 +265954,9 +265955,9 +265956,9 +265957,9 +265958,37 +265959,37 +265960,37 +265961,37 +265962,37 +265963,37 +265964,37 +265965,27 +265966,27 +265967,27 +265968,27 +265969,27 +265970,5 +265971,5 +265972,5 +265973,5 +265974,5 +265975,28 +265976,28 +265977,28 +265978,28 +265979,28 +265980,28 +265981,28 +265982,28 +265983,9 +265984,9 +265985,9 +265986,9 +265987,9 +265988,9 +265989,9 +265990,9 +265991,37 +265992,37 +265993,37 +265994,37 +265995,37 +265996,37 +265997,37 +265998,25 +265999,25 +266000,25 +266001,32 +266002,32 +266003,32 +266004,32 +266005,32 +266006,32 +266007,32 +266008,32 +266009,32 +266010,32 +266011,32 +266012,32 +266013,37 +266014,37 +266015,37 +266016,37 +266017,40 +266018,40 +266019,40 +266020,40 +266021,40 +266022,40 +266023,2 +266024,2 +266025,2 +266026,2 +266027,2 +266028,2 +266029,2 +266030,2 +266031,2 +266032,2 +266033,31 +266034,31 +266035,31 +266036,31 +266037,31 +266038,31 +266039,31 +266040,24 +266041,24 +266042,4 +266043,4 +266044,4 +266045,4 +266046,4 +266047,4 +266048,4 +266049,4 +266050,4 +266051,4 +266052,4 +266053,27 +266054,27 +266055,27 +266056,27 +266057,28 +266058,28 +266059,28 +266060,28 +266061,28 +266062,28 +266063,28 +266064,28 +266065,39 +266066,39 +266067,39 +266068,39 +266069,39 +266070,39 +266071,39 +266072,39 +266073,39 +266074,39 +266075,14 +266076,14 +266077,14 +266078,14 +266079,39 +266080,14 +266081,14 +266082,35 +266083,35 +266084,35 +266085,35 +266086,39 +266087,39 +266088,39 +266089,39 +266090,0 +266091,0 +266092,0 +266093,0 +266094,0 +266095,0 +266096,0 +266097,0 +266098,0 +266099,0 +266100,0 +266101,0 +266102,0 +266103,0 +266104,0 +266105,0 +266106,0 +266107,0 +266108,0 +266109,0 +266110,0 +266111,0 +266112,0 +266113,0 +266114,0 +266115,0 +266116,0 +266117,0 +266118,0 +266119,0 +266120,0 +266121,0 +266122,35 +266123,35 +266124,35 +266125,35 +266126,12 +266127,12 +266128,12 +266129,12 +266130,40 +266131,5 +266132,5 +266133,5 +266134,5 +266135,5 +266136,27 +266137,27 +266138,27 +266139,3 +266140,3 +266141,3 +266142,3 +266143,3 +266144,5 +266145,5 +266146,5 +266147,5 +266148,3 +266149,3 +266150,3 +266151,3 +266152,3 +266153,3 +266154,3 +266155,3 +266156,19 +266157,19 +266158,19 +266159,19 +266160,19 +266161,19 +266162,19 +266163,19 +266164,19 +266165,19 +266166,19 +266167,19 +266168,37 +266169,37 +266170,37 +266171,37 +266172,37 +266173,37 +266174,37 +266175,37 +266176,37 +266177,37 +266178,37 +266179,10 +266180,10 +266181,10 +266182,10 +266183,10 +266184,10 +266185,10 +266186,10 +266187,24 +266188,24 +266189,24 +266190,24 +266191,24 +266192,24 +266193,24 +266194,24 +266195,24 +266196,24 +266197,21 +266198,21 +266199,21 +266200,21 +266201,21 +266202,21 +266203,36 +266204,36 +266205,36 +266206,36 +266207,36 +266208,36 +266209,36 +266210,36 +266211,36 +266212,36 +266213,36 +266214,28 +266215,28 +266216,28 +266217,28 +266218,28 +266219,28 +266220,28 +266221,28 +266222,24 +266223,24 +266224,24 +266225,24 +266226,24 +266227,24 +266228,24 +266229,24 +266230,25 +266231,25 +266232,25 +266233,25 +266234,25 +266235,25 +266236,25 +266237,25 +266238,25 +266239,25 +266240,25 +266241,25 +266242,25 +266243,25 +266244,12 +266245,12 +266246,12 +266247,12 +266248,12 +266249,12 +266250,12 +266251,12 +266252,12 +266253,12 +266254,22 +266255,22 +266256,22 +266257,19 +266258,19 +266259,19 +266260,35 +266261,35 +266262,35 +266263,35 +266264,35 +266265,35 +266266,35 +266267,35 +266268,36 +266269,36 +266270,36 +266271,36 +266272,36 +266273,24 +266274,24 +266275,24 +266276,24 +266277,24 +266278,24 +266279,24 +266280,24 +266281,24 +266282,30 +266283,30 +266284,30 +266285,30 +266286,30 +266287,30 +266288,30 +266289,40 +266290,40 +266291,40 +266292,40 +266293,40 +266294,40 +266295,40 +266296,40 +266297,23 +266298,23 +266299,23 +266300,23 +266301,23 +266302,23 +266303,23 +266304,23 +266305,23 +266306,23 +266307,4 +266308,4 +266309,4 +266310,4 +266311,4 +266312,4 +266313,4 +266314,27 +266315,27 +266316,19 +266317,19 +266318,19 +266319,19 +266320,19 +266321,19 +266322,19 +266323,19 +266324,19 +266325,19 +266326,19 +266327,19 +266328,0 +266329,0 +266330,0 +266331,0 +266332,0 +266333,0 +266334,0 +266335,0 +266336,0 +266337,0 +266338,0 +266339,0 +266340,0 +266341,0 +266342,0 +266343,0 +266344,0 +266345,0 +266346,0 +266347,0 +266348,0 +266349,0 +266350,0 +266351,0 +266352,0 +266353,0 +266354,0 +266355,0 +266356,0 +266357,0 +266358,0 +266359,0 +266360,0 +266361,0 +266362,0 +266363,0 +266364,0 +266365,0 +266366,0 +266367,0 +266368,0 +266369,0 +266370,0 +266371,0 +266372,0 +266373,0 +266374,0 +266375,0 +266376,0 +266377,0 +266378,0 +266379,0 +266380,0 +266381,0 +266382,0 +266383,0 +266384,0 +266385,0 +266386,0 +266387,0 +266388,0 +266389,0 +266390,0 +266391,0 +266392,0 +266393,0 +266394,0 +266395,0 +266396,0 +266397,0 +266398,0 +266399,0 +266400,0 +266401,0 +266402,0 +266403,0 +266404,0 +266405,0 +266406,0 +266407,0 +266408,0 +266409,0 +266410,0 +266411,2 +266412,0 +266413,2 +266414,2 +266415,2 +266416,2 +266417,2 +266418,2 +266419,2 +266420,2 +266421,2 +266422,2 +266423,2 +266424,2 +266425,2 +266426,2 +266427,2 +266428,2 +266429,31 +266430,31 +266431,31 +266432,31 +266433,31 +266434,31 +266435,31 +266436,26 +266437,26 +266438,4 +266439,4 +266440,4 +266441,4 +266442,4 +266443,4 +266444,4 +266445,4 +266446,30 +266447,30 +266448,30 +266449,30 +266450,27 +266451,27 +266452,27 +266453,27 +266454,27 +266455,27 +266456,28 +266457,28 +266458,28 +266459,28 +266460,5 +266461,5 +266462,5 +266463,5 +266464,5 +266465,5 +266466,5 +266467,12 +266468,12 +266469,12 +266470,12 +266471,12 +266472,9 +266473,9 +266474,9 +266475,9 +266476,9 +266477,9 +266478,5 +266479,5 +266480,5 +266481,5 +266482,28 +266483,28 +266484,28 +266485,28 +266486,28 +266487,28 +266488,28 +266489,28 +266490,28 +266491,38 +266492,38 +266493,38 +266494,38 +266495,38 +266496,4 +266497,38 +266498,27 +266499,27 +266500,27 +266501,14 +266502,14 +266503,14 +266504,14 +266505,14 +266506,14 +266507,14 +266508,14 +266509,14 +266510,14 +266511,14 +266512,14 +266513,14 +266514,14 +266515,14 +266516,39 +266517,39 +266518,14 +266519,14 +266520,14 +266521,21 +266522,21 +266523,21 +266524,21 +266525,21 +266526,21 +266527,21 +266528,40 +266529,40 +266530,40 +266531,40 +266532,40 +266533,31 +266534,5 +266535,5 +266536,5 +266537,5 +266538,28 +266539,28 +266540,5 +266541,5 +266542,2 +266543,2 +266544,2 +266545,2 +266546,2 +266547,2 +266548,2 +266549,2 +266550,2 +266551,2 +266552,2 +266553,2 +266554,2 +266555,2 +266556,2 +266557,2 +266558,31 +266559,31 +266560,31 +266561,31 +266562,5 +266563,5 +266564,5 +266565,5 +266566,5 +266567,5 +266568,5 +266569,5 +266570,5 +266571,26 +266572,26 +266573,26 +266574,26 +266575,26 +266576,26 +266577,26 +266578,26 +266579,26 +266580,31 +266581,29 +266582,29 +266583,29 +266584,29 +266585,29 +266586,29 +266587,29 +266588,29 +266589,25 +266590,25 +266591,25 +266592,25 +266593,25 +266594,25 +266595,25 +266596,25 +266597,25 +266598,25 +266599,25 +266600,37 +266601,25 +266602,25 +266603,25 +266604,25 +266605,25 +266606,25 +266607,25 +266608,25 +266609,25 +266610,25 +266611,25 +266612,25 +266613,25 +266614,0 +266615,0 +266616,0 +266617,0 +266618,0 +266619,0 +266620,0 +266621,0 +266622,0 +266623,0 +266624,0 +266625,10 +266626,10 +266627,10 +266628,10 +266629,10 +266630,10 +266631,10 +266632,10 +266633,10 +266634,10 +266635,10 +266636,10 +266637,10 +266638,10 +266639,10 +266640,10 +266641,10 +266642,10 +266643,23 +266644,23 +266645,23 +266646,23 +266647,23 +266648,23 +266649,23 +266650,23 +266651,23 +266652,23 +266653,23 +266654,23 +266655,34 +266656,34 +266657,34 +266658,34 +266659,34 +266660,34 +266661,34 +266662,34 +266663,34 +266664,34 +266665,34 +266666,5 +266667,5 +266668,5 +266669,5 +266670,5 +266671,5 +266672,28 +266673,28 +266674,28 +266675,28 +266676,28 +266677,28 +266678,28 +266679,10 +266680,10 +266681,10 +266682,10 +266683,10 +266684,10 +266685,10 +266686,10 +266687,2 +266688,2 +266689,2 +266690,2 +266691,2 +266692,2 +266693,2 +266694,2 +266695,2 +266696,2 +266697,2 +266698,40 +266699,40 +266700,40 +266701,40 +266702,40 +266703,30 +266704,30 +266705,30 +266706,30 +266707,30 +266708,30 +266709,30 +266710,30 +266711,23 +266712,23 +266713,23 +266714,23 +266715,23 +266716,23 +266717,23 +266718,23 +266719,23 +266720,5 +266721,5 +266722,5 +266723,5 +266724,5 +266725,5 +266726,5 +266727,5 +266728,5 +266729,28 +266730,28 +266731,28 +266732,28 +266733,28 +266734,32 +266735,32 +266736,32 +266737,32 +266738,32 +266739,32 +266740,27 +266741,27 +266742,27 +266743,27 +266744,8 +266745,8 +266746,8 +266747,8 +266748,8 +266749,8 +266750,8 +266751,8 +266752,40 +266753,40 +266754,36 +266755,40 +266756,40 +266757,40 +266758,40 +266759,40 +266760,40 +266761,40 +266762,40 +266763,11 +266764,11 +266765,11 +266766,11 +266767,11 +266768,11 +266769,11 +266770,11 +266771,11 +266772,11 +266773,11 +266774,11 +266775,11 +266776,31 +266777,31 +266778,31 +266779,5 +266780,5 +266781,5 +266782,5 +266783,5 +266784,5 +266785,31 +266786,31 +266787,31 +266788,31 +266789,31 +266790,24 +266791,24 +266792,24 +266793,24 +266794,24 +266795,24 +266796,2 +266797,2 +266798,2 +266799,2 +266800,2 +266801,2 +266802,2 +266803,2 +266804,2 +266805,2 +266806,2 +266807,31 +266808,31 +266809,31 +266810,31 +266811,31 +266812,28 +266813,28 +266814,28 +266815,28 +266816,28 +266817,28 +266818,28 +266819,28 +266820,28 +266821,28 +266822,5 +266823,5 +266824,4 +266825,4 +266826,4 +266827,4 +266828,4 +266829,4 +266830,4 +266831,4 +266832,4 +266833,4 +266834,4 +266835,4 +266836,40 +266837,40 +266838,40 +266839,40 +266840,40 +266841,40 +266842,40 +266843,28 +266844,28 +266845,28 +266846,5 +266847,5 +266848,5 +266849,5 +266850,5 +266851,5 +266852,5 +266853,5 +266854,5 +266855,5 +266856,38 +266857,38 +266858,38 +266859,38 +266860,38 +266861,38 +266862,38 +266863,38 +266864,34 +266865,34 +266866,34 +266867,34 +266868,34 +266869,34 +266870,34 +266871,36 +266872,34 +266873,34 +266874,34 +266875,34 +266876,34 +266877,34 +266878,34 +266879,34 +266880,34 +266881,8 +266882,8 +266883,8 +266884,8 +266885,8 +266886,8 +266887,8 +266888,8 +266889,31 +266890,28 +266891,5 +266892,5 +266893,5 +266894,5 +266895,5 +266896,5 +266897,5 +266898,5 +266899,5 +266900,5 +266901,23 +266902,23 +266903,23 +266904,23 +266905,23 +266906,23 +266907,23 +266908,23 +266909,23 +266910,23 +266911,23 +266912,9 +266913,9 +266914,9 +266915,9 +266916,9 +266917,9 +266918,9 +266919,9 +266920,9 +266921,9 +266922,9 +266923,9 +266924,9 +266925,9 +266926,13 +266927,13 +266928,13 +266929,13 +266930,13 +266931,13 +266932,13 +266933,13 +266934,13 +266935,6 +266936,6 +266937,6 +266938,6 +266939,6 +266940,6 +266941,6 +266942,6 +266943,6 +266944,6 +266945,2 +266946,2 +266947,2 +266948,2 +266949,2 +266950,2 +266951,2 +266952,2 +266953,2 +266954,2 +266955,2 +266956,2 +266957,2 +266958,2 +266959,2 +266960,2 +266961,0 +266962,0 +266963,0 +266964,0 +266965,0 +266966,0 +266967,0 +266968,0 +266969,0 +266970,0 +266971,0 +266972,0 +266973,0 +266974,0 +266975,0 +266976,0 +266977,0 +266978,0 +266979,0 +266980,0 +266981,0 +266982,0 +266983,0 +266984,0 +266985,0 +266986,0 +266987,0 +266988,0 +266989,0 +266990,0 +266991,36 +266992,36 +266993,36 +266994,36 +266995,36 +266996,36 +266997,36 +266998,36 +266999,5 +267000,5 +267001,5 +267002,5 +267003,5 +267004,5 +267005,5 +267006,5 +267007,5 +267008,5 +267009,15 +267010,15 +267011,15 +267012,15 +267013,15 +267014,27 +267015,27 +267016,27 +267017,27 +267018,37 +267019,37 +267020,37 +267021,37 +267022,27 +267023,27 +267024,27 +267025,27 +267026,27 +267027,27 +267028,27 +267029,27 +267030,27 +267031,13 +267032,13 +267033,13 +267034,5 +267035,13 +267036,13 +267037,13 +267038,13 +267039,13 +267040,13 +267041,13 +267042,13 +267043,29 +267044,29 +267045,29 +267046,36 +267047,36 +267048,29 +267049,34 +267050,34 +267051,34 +267052,36 +267053,36 +267054,36 +267055,36 +267056,36 +267057,36 +267058,36 +267059,36 +267060,36 +267061,36 +267062,36 +267063,36 +267064,36 +267065,6 +267066,6 +267067,6 +267068,6 +267069,6 +267070,6 +267071,6 +267072,6 +267073,6 +267074,29 +267075,29 +267076,29 +267077,29 +267078,29 +267079,29 +267080,29 +267081,39 +267082,39 +267083,39 +267084,39 +267085,27 +267086,27 +267087,27 +267088,39 +267089,39 +267090,27 +267091,39 +267092,27 +267093,27 +267094,27 +267095,37 +267096,37 +267097,37 +267098,37 +267099,37 +267100,37 +267101,37 +267102,37 +267103,37 +267104,37 +267105,37 +267106,37 +267107,37 +267108,31 +267109,31 +267110,31 +267111,31 +267112,31 +267113,31 +267114,1 +267115,1 +267116,1 +267117,2 +267118,1 +267119,1 +267120,1 +267121,1 +267122,23 +267123,1 +267124,1 +267125,23 +267126,23 +267127,8 +267128,23 +267129,38 +267130,38 +267131,38 +267132,38 +267133,5 +267134,5 +267135,28 +267136,5 +267137,5 +267138,5 +267139,4 +267140,4 +267141,4 +267142,4 +267143,4 +267144,4 +267145,4 +267146,4 +267147,4 +267148,4 +267149,4 +267150,4 +267151,4 +267152,4 +267153,4 +267154,4 +267155,3 +267156,3 +267157,3 +267158,3 +267159,3 +267160,3 +267161,3 +267162,3 +267163,3 +267164,12 +267165,12 +267166,12 +267167,12 +267168,27 +267169,27 +267170,27 +267171,27 +267172,27 +267173,38 +267174,38 +267175,38 +267176,4 +267177,4 +267178,4 +267179,2 +267180,2 +267181,2 +267182,2 +267183,2 +267184,2 +267185,2 +267186,2 +267187,2 +267188,0 +267189,2 +267190,0 +267191,0 +267192,0 +267193,0 +267194,0 +267195,0 +267196,0 +267197,0 +267198,0 +267199,0 +267200,0 +267201,0 +267202,0 +267203,0 +267204,0 +267205,0 +267206,0 +267207,0 +267208,0 +267209,0 +267210,6 +267211,6 +267212,6 +267213,6 +267214,6 +267215,6 +267216,6 +267217,31 +267218,31 +267219,31 +267220,31 +267221,31 +267222,31 +267223,2 +267224,2 +267225,2 +267226,2 +267227,2 +267228,2 +267229,2 +267230,2 +267231,2 +267232,2 +267233,2 +267234,4 +267235,4 +267236,4 +267237,4 +267238,4 +267239,31 +267240,31 +267241,31 +267242,31 +267243,31 +267244,31 +267245,5 +267246,5 +267247,28 +267248,5 +267249,5 +267250,5 +267251,5 +267252,5 +267253,5 +267254,5 +267255,5 +267256,5 +267257,19 +267258,19 +267259,19 +267260,19 +267261,19 +267262,5 +267263,5 +267264,5 +267265,21 +267266,35 +267267,35 +267268,35 +267269,35 +267270,35 +267271,4 +267272,4 +267273,4 +267274,4 +267275,4 +267276,4 +267277,24 +267278,24 +267279,24 +267280,0 +267281,0 +267282,0 +267283,0 +267284,0 +267285,0 +267286,0 +267287,0 +267288,0 +267289,0 +267290,40 +267291,40 +267292,40 +267293,40 +267294,40 +267295,40 +267296,40 +267297,40 +267298,40 +267299,40 +267300,40 +267301,40 +267302,30 +267303,30 +267304,30 +267305,30 +267306,30 +267307,30 +267308,30 +267309,30 +267310,30 +267311,30 +267312,30 +267313,30 +267314,23 +267315,23 +267316,23 +267317,23 +267318,23 +267319,23 +267320,23 +267321,23 +267322,23 +267323,23 +267324,38 +267325,38 +267326,38 +267327,38 +267328,38 +267329,38 +267330,2 +267331,2 +267332,2 +267333,2 +267334,2 +267335,0 +267336,0 +267337,0 +267338,0 +267339,0 +267340,0 +267341,0 +267342,0 +267343,0 +267344,0 +267345,0 +267346,0 +267347,0 +267348,0 +267349,0 +267350,0 +267351,0 +267352,0 +267353,0 +267354,0 +267355,0 +267356,0 +267357,0 +267358,0 +267359,0 +267360,0 +267361,0 +267362,0 +267363,0 +267364,0 +267365,0 +267366,0 +267367,0 +267368,0 +267369,0 +267370,0 +267371,0 +267372,0 +267373,0 +267374,0 +267375,0 +267376,0 +267377,0 +267378,0 +267379,0 +267380,0 +267381,0 +267382,0 +267383,0 +267384,0 +267385,0 +267386,0 +267387,0 +267388,0 +267389,0 +267390,0 +267391,0 +267392,0 +267393,0 +267394,0 +267395,12 +267396,12 +267397,12 +267398,12 +267399,12 +267400,12 +267401,12 +267402,12 +267403,12 +267404,31 +267405,31 +267406,31 +267407,8 +267408,8 +267409,8 +267410,8 +267411,8 +267412,8 +267413,8 +267414,2 +267415,2 +267416,2 +267417,2 +267418,2 +267419,2 +267420,12 +267421,12 +267422,12 +267423,12 +267424,12 +267425,12 +267426,12 +267427,12 +267428,12 +267429,12 +267430,31 +267431,31 +267432,31 +267433,2 +267434,2 +267435,2 +267436,2 +267437,2 +267438,2 +267439,2 +267440,2 +267441,2 +267442,2 +267443,32 +267444,32 +267445,32 +267446,32 +267447,32 +267448,32 +267449,32 +267450,25 +267451,25 +267452,25 +267453,25 +267454,25 +267455,19 +267456,19 +267457,19 +267458,19 +267459,19 +267460,23 +267461,23 +267462,23 +267463,23 +267464,23 +267465,23 +267466,23 +267467,23 +267468,23 +267469,23 +267470,25 +267471,25 +267472,25 +267473,25 +267474,25 +267475,28 +267476,28 +267477,28 +267478,28 +267479,28 +267480,28 +267481,28 +267482,28 +267483,28 +267484,28 +267485,10 +267486,10 +267487,10 +267488,10 +267489,10 +267490,10 +267491,10 +267492,26 +267493,26 +267494,26 +267495,10 +267496,23 +267497,23 +267498,23 +267499,23 +267500,23 +267501,23 +267502,23 +267503,23 +267504,23 +267505,23 +267506,23 +267507,4 +267508,4 +267509,4 +267510,4 +267511,4 +267512,4 +267513,4 +267514,31 +267515,31 +267516,31 +267517,31 +267518,28 +267519,28 +267520,28 +267521,28 +267522,28 +267523,28 +267524,28 +267525,34 +267526,34 +267527,34 +267528,34 +267529,34 +267530,34 +267531,34 +267532,34 +267533,34 +267534,34 +267535,34 +267536,34 +267537,34 +267538,34 +267539,34 +267540,34 +267541,34 +267542,34 +267543,34 +267544,34 +267545,9 +267546,23 +267547,23 +267548,23 +267549,23 +267550,23 +267551,23 +267552,23 +267553,23 +267554,23 +267555,23 +267556,23 +267557,23 +267558,23 +267559,23 +267560,23 +267561,23 +267562,23 +267563,23 +267564,23 +267565,23 +267566,0 +267567,0 +267568,0 +267569,0 +267570,0 +267571,0 +267572,0 +267573,0 +267574,0 +267575,0 +267576,0 +267577,0 +267578,0 +267579,0 +267580,0 +267581,0 +267582,0 +267583,0 +267584,0 +267585,0 +267586,0 +267587,0 +267588,0 +267589,0 +267590,0 +267591,0 +267592,0 +267593,0 +267594,0 +267595,0 +267596,0 +267597,0 +267598,0 +267599,0 +267600,0 +267601,0 +267602,0 +267603,0 +267604,0 +267605,0 +267606,0 +267607,0 +267608,0 +267609,0 +267610,0 +267611,0 +267612,0 +267613,0 +267614,0 +267615,0 +267616,0 +267617,0 +267618,0 +267619,0 +267620,0 +267621,0 +267622,0 +267623,0 +267624,0 +267625,0 +267626,0 +267627,0 +267628,0 +267629,0 +267630,0 +267631,0 +267632,0 +267633,0 +267634,0 +267635,0 +267636,0 +267637,0 +267638,0 +267639,0 +267640,0 +267641,0 +267642,0 +267643,0 +267644,0 +267645,0 +267646,0 +267647,0 +267648,0 +267649,0 +267650,0 +267651,0 +267652,0 +267653,0 +267654,0 +267655,0 +267656,5 +267657,12 +267658,12 +267659,28 +267660,28 +267661,28 +267662,28 +267663,28 +267664,28 +267665,28 +267666,28 +267667,28 +267668,9 +267669,9 +267670,9 +267671,9 +267672,9 +267673,9 +267674,9 +267675,9 +267676,9 +267677,9 +267678,9 +267679,9 +267680,9 +267681,9 +267682,9 +267683,9 +267684,9 +267685,6 +267686,6 +267687,6 +267688,6 +267689,6 +267690,6 +267691,6 +267692,6 +267693,6 +267694,12 +267695,12 +267696,12 +267697,12 +267698,12 +267699,12 +267700,12 +267701,12 +267702,12 +267703,10 +267704,10 +267705,10 +267706,34 +267707,34 +267708,10 +267709,34 +267710,34 +267711,34 +267712,34 +267713,10 +267714,10 +267715,10 +267716,10 +267717,4 +267718,4 +267719,4 +267720,4 +267721,4 +267722,9 +267723,9 +267724,9 +267725,9 +267726,9 +267727,9 +267728,9 +267729,9 +267730,9 +267731,23 +267732,23 +267733,23 +267734,23 +267735,23 +267736,23 +267737,23 +267738,23 +267739,31 +267740,31 +267741,31 +267742,31 +267743,5 +267744,5 +267745,5 +267746,5 +267747,5 +267748,5 +267749,35 +267750,35 +267751,35 +267752,35 +267753,35 +267754,35 +267755,35 +267756,35 +267757,35 +267758,35 +267759,35 +267760,35 +267761,35 +267762,35 +267763,25 +267764,25 +267765,25 +267766,25 +267767,25 +267768,25 +267769,25 +267770,25 +267771,25 +267772,25 +267773,19 +267774,19 +267775,19 +267776,19 +267777,29 +267778,29 +267779,29 +267780,29 +267781,31 +267782,31 +267783,31 +267784,31 +267785,31 +267786,31 +267787,23 +267788,23 +267789,23 +267790,23 +267791,23 +267792,23 +267793,23 +267794,23 +267795,23 +267796,23 +267797,23 +267798,23 +267799,36 +267800,14 +267801,14 +267802,14 +267803,14 +267804,14 +267805,14 +267806,14 +267807,14 +267808,14 +267809,14 +267810,14 +267811,28 +267812,28 +267813,28 +267814,28 +267815,28 +267816,28 +267817,28 +267818,5 +267819,5 +267820,25 +267821,25 +267822,25 +267823,25 +267824,25 +267825,29 +267826,29 +267827,29 +267828,29 +267829,31 +267830,40 +267831,40 +267832,31 +267833,31 +267834,31 +267835,40 +267836,27 +267837,2 +267838,2 +267839,2 +267840,2 +267841,2 +267842,2 +267843,2 +267844,2 +267845,2 +267846,2 +267847,2 +267848,12 +267849,12 +267850,12 +267851,12 +267852,12 +267853,12 +267854,12 +267855,12 +267856,12 +267857,12 +267858,12 +267859,9 +267860,9 +267861,9 +267862,9 +267863,9 +267864,9 +267865,9 +267866,9 +267867,9 +267868,9 +267869,34 +267870,34 +267871,26 +267872,10 +267873,10 +267874,10 +267875,10 +267876,10 +267877,10 +267878,10 +267879,10 +267880,10 +267881,10 +267882,10 +267883,10 +267884,10 +267885,10 +267886,10 +267887,10 +267888,10 +267889,10 +267890,10 +267891,8 +267892,8 +267893,8 +267894,8 +267895,8 +267896,8 +267897,8 +267898,8 +267899,2 +267900,27 +267901,27 +267902,27 +267903,27 +267904,27 +267905,31 +267906,31 +267907,5 +267908,5 +267909,5 +267910,5 +267911,5 +267912,5 +267913,5 +267914,5 +267915,18 +267916,18 +267917,18 +267918,18 +267919,18 +267920,18 +267921,18 +267922,18 +267923,18 +267924,40 +267925,40 +267926,40 +267927,40 +267928,40 +267929,40 +267930,40 +267931,40 +267932,2 +267933,2 +267934,2 +267935,2 +267936,2 +267937,2 +267938,2 +267939,2 +267940,2 +267941,2 +267942,2 +267943,2 +267944,2 +267945,2 +267946,2 +267947,8 +267948,8 +267949,2 +267950,4 +267951,4 +267952,4 +267953,0 +267954,0 +267955,0 +267956,19 +267957,19 +267958,19 +267959,19 +267960,19 +267961,19 +267962,19 +267963,19 +267964,33 +267965,33 +267966,33 +267967,27 +267968,30 +267969,30 +267970,30 +267971,30 +267972,33 +267973,33 +267974,33 +267975,33 +267976,33 +267977,33 +267978,33 +267979,30 +267980,30 +267981,30 +267982,30 +267983,12 +267984,12 +267985,12 +267986,12 +267987,12 +267988,12 +267989,12 +267990,12 +267991,12 +267992,40 +267993,40 +267994,40 +267995,40 +267996,40 +267997,40 +267998,40 +267999,40 +268000,40 +268001,40 +268002,37 +268003,37 +268004,37 +268005,37 +268006,37 +268007,37 +268008,37 +268009,37 +268010,25 +268011,25 +268012,25 +268013,25 +268014,25 +268015,25 +268016,25 +268017,25 +268018,25 +268019,25 +268020,0 +268021,0 +268022,0 +268023,0 +268024,0 +268025,0 +268026,0 +268027,0 +268028,0 +268029,0 +268030,0 +268031,0 +268032,0 +268033,0 +268034,0 +268035,0 +268036,0 +268037,0 +268038,0 +268039,0 +268040,0 +268041,0 +268042,0 +268043,0 +268044,0 +268045,0 +268046,0 +268047,0 +268048,0 +268049,0 +268050,0 +268051,0 +268052,0 +268053,0 +268054,0 +268055,0 +268056,0 +268057,0 +268058,0 +268059,0 +268060,0 +268061,0 +268062,0 +268063,0 +268064,0 +268065,0 +268066,0 +268067,0 +268068,0 +268069,0 +268070,0 +268071,0 +268072,0 +268073,0 +268074,0 +268075,0 +268076,0 +268077,0 +268078,0 +268079,0 +268080,0 +268081,0 +268082,0 +268083,27 +268084,10 +268085,10 +268086,10 +268087,10 +268088,10 +268089,14 +268090,14 +268091,19 +268092,19 +268093,19 +268094,19 +268095,35 +268096,35 +268097,35 +268098,35 +268099,35 +268100,35 +268101,36 +268102,27 +268103,27 +268104,27 +268105,27 +268106,8 +268107,8 +268108,8 +268109,8 +268110,8 +268111,27 +268112,27 +268113,27 +268114,31 +268115,31 +268116,2 +268117,2 +268118,2 +268119,2 +268120,2 +268121,2 +268122,2 +268123,2 +268124,2 +268125,2 +268126,2 +268127,2 +268128,2 +268129,2 +268130,2 +268131,2 +268132,2 +268133,9 +268134,9 +268135,9 +268136,9 +268137,26 +268138,26 +268139,26 +268140,26 +268141,26 +268142,26 +268143,26 +268144,26 +268145,26 +268146,28 +268147,28 +268148,28 +268149,28 +268150,28 +268151,28 +268152,28 +268153,15 +268154,15 +268155,15 +268156,15 +268157,25 +268158,25 +268159,25 +268160,25 +268161,25 +268162,25 +268163,25 +268164,25 +268165,25 +268166,25 +268167,19 +268168,19 +268169,19 +268170,19 +268171,19 +268172,19 +268173,19 +268174,19 +268175,19 +268176,19 +268177,19 +268178,19 +268179,19 +268180,19 +268181,26 +268182,26 +268183,26 +268184,26 +268185,26 +268186,26 +268187,26 +268188,26 +268189,30 +268190,30 +268191,30 +268192,30 +268193,30 +268194,30 +268195,30 +268196,30 +268197,30 +268198,31 +268199,31 +268200,31 +268201,31 +268202,31 +268203,39 +268204,39 +268205,39 +268206,32 +268207,32 +268208,32 +268209,32 +268210,32 +268211,32 +268212,32 +268213,32 +268214,32 +268215,27 +268216,27 +268217,27 +268218,27 +268219,27 +268220,27 +268221,27 +268222,37 +268223,37 +268224,37 +268225,37 +268226,37 +268227,37 +268228,25 +268229,25 +268230,37 +268231,27 +268232,27 +268233,27 +268234,27 +268235,27 +268236,27 +268237,5 +268238,5 +268239,5 +268240,5 +268241,5 +268242,5 +268243,5 +268244,5 +268245,2 +268246,2 +268247,2 +268248,2 +268249,2 +268250,2 +268251,2 +268252,2 +268253,2 +268254,2 +268255,2 +268256,2 +268257,2 +268258,2 +268259,8 +268260,8 +268261,8 +268262,8 +268263,8 +268264,8 +268265,8 +268266,8 +268267,8 +268268,8 +268269,0 +268270,0 +268271,0 +268272,0 +268273,0 +268274,0 +268275,0 +268276,0 +268277,0 +268278,0 +268279,0 +268280,0 +268281,0 +268282,0 +268283,0 +268284,0 +268285,0 +268286,0 +268287,0 +268288,0 +268289,0 +268290,0 +268291,0 +268292,0 +268293,0 +268294,0 +268295,0 +268296,0 +268297,0 +268298,0 +268299,0 +268300,5 +268301,5 +268302,5 +268303,5 +268304,5 +268305,5 +268306,5 +268307,5 +268308,5 +268309,5 +268310,5 +268311,5 +268312,9 +268313,9 +268314,9 +268315,9 +268316,9 +268317,9 +268318,9 +268319,9 +268320,9 +268321,9 +268322,9 +268323,9 +268324,9 +268325,37 +268326,37 +268327,37 +268328,37 +268329,37 +268330,37 +268331,37 +268332,37 +268333,27 +268334,27 +268335,14 +268336,14 +268337,27 +268338,8 +268339,8 +268340,8 +268341,8 +268342,8 +268343,8 +268344,8 +268345,8 +268346,27 +268347,27 +268348,27 +268349,27 +268350,19 +268351,19 +268352,19 +268353,19 +268354,19 +268355,26 +268356,26 +268357,26 +268358,26 +268359,26 +268360,9 +268361,9 +268362,9 +268363,9 +268364,9 +268365,9 +268366,9 +268367,9 +268368,9 +268369,23 +268370,23 +268371,23 +268372,23 +268373,23 +268374,23 +268375,23 +268376,23 +268377,23 +268378,23 +268379,27 +268380,25 +268381,25 +268382,5 +268383,5 +268384,5 +268385,5 +268386,27 +268387,27 +268388,27 +268389,27 +268390,27 +268391,27 +268392,27 +268393,30 +268394,30 +268395,30 +268396,30 +268397,30 +268398,30 +268399,30 +268400,30 +268401,30 +268402,30 +268403,30 +268404,30 +268405,30 +268406,10 +268407,10 +268408,10 +268409,10 +268410,10 +268411,10 +268412,10 +268413,10 +268414,10 +268415,10 +268416,10 +268417,10 +268418,24 +268419,24 +268420,24 +268421,24 +268422,24 +268423,27 +268424,27 +268425,27 +268426,27 +268427,27 +268428,5 +268429,5 +268430,5 +268431,5 +268432,5 +268433,5 +268434,5 +268435,5 +268436,5 +268437,19 +268438,19 +268439,19 +268440,19 +268441,19 +268442,19 +268443,19 +268444,19 +268445,19 +268446,19 +268447,40 +268448,40 +268449,40 +268450,10 +268451,10 +268452,10 +268453,10 +268454,10 +268455,29 +268456,29 +268457,29 +268458,29 +268459,29 +268460,31 +268461,31 +268462,31 +268463,31 +268464,31 +268465,31 +268466,37 +268467,37 +268468,37 +268469,37 +268470,37 +268471,37 +268472,37 +268473,14 +268474,14 +268475,14 +268476,14 +268477,14 +268478,14 +268479,14 +268480,14 +268481,14 +268482,14 +268483,14 +268484,14 +268485,14 +268486,2 +268487,2 +268488,2 +268489,2 +268490,8 +268491,8 +268492,8 +268493,31 +268494,31 +268495,31 +268496,31 +268497,24 +268498,24 +268499,29 +268500,38 +268501,4 +268502,29 +268503,29 +268504,29 +268505,29 +268506,31 +268507,2 +268508,2 +268509,2 +268510,38 +268511,2 +268512,2 +268513,2 +268514,2 +268515,2 +268516,2 +268517,2 +268518,2 +268519,2 +268520,2 +268521,2 +268522,2 +268523,2 +268524,10 +268525,9 +268526,9 +268527,31 +268528,31 +268529,31 +268530,31 +268531,31 +268532,31 +268533,31 +268534,5 +268535,5 +268536,5 +268537,5 +268538,5 +268539,5 +268540,5 +268541,5 +268542,5 +268543,5 +268544,5 +268545,5 +268546,5 +268547,5 +268548,5 +268549,5 +268550,5 +268551,5 +268552,5 +268553,5 +268554,5 +268555,5 +268556,5 +268557,5 +268558,19 +268559,19 +268560,19 +268561,0 +268562,0 +268563,0 +268564,0 +268565,0 +268566,0 +268567,0 +268568,0 +268569,0 +268570,0 +268571,0 +268572,0 +268573,0 +268574,0 +268575,0 +268576,0 +268577,0 +268578,0 +268579,0 +268580,0 +268581,0 +268582,0 +268583,0 +268584,0 +268585,0 +268586,0 +268587,0 +268588,0 +268589,0 +268590,0 +268591,0 +268592,0 +268593,0 +268594,0 +268595,0 +268596,0 +268597,0 +268598,0 +268599,0 +268600,0 +268601,0 +268602,0 +268603,0 +268604,0 +268605,0 +268606,0 +268607,0 +268608,0 +268609,0 +268610,0 +268611,0 +268612,0 +268613,0 +268614,0 +268615,0 +268616,0 +268617,0 +268618,0 +268619,0 +268620,0 +268621,0 +268622,0 +268623,0 +268624,0 +268625,0 +268626,0 +268627,0 +268628,0 +268629,0 +268630,0 +268631,0 +268632,0 +268633,0 +268634,0 +268635,0 +268636,0 +268637,0 +268638,0 +268639,0 +268640,12 +268641,12 +268642,27 +268643,5 +268644,5 +268645,5 +268646,5 +268647,5 +268648,5 +268649,5 +268650,5 +268651,5 +268652,2 +268653,2 +268654,2 +268655,2 +268656,2 +268657,2 +268658,2 +268659,2 +268660,2 +268661,2 +268662,2 +268663,2 +268664,4 +268665,4 +268666,4 +268667,4 +268668,4 +268669,4 +268670,40 +268671,40 +268672,40 +268673,40 +268674,40 +268675,40 +268676,37 +268677,37 +268678,4 +268679,4 +268680,4 +268681,4 +268682,31 +268683,31 +268684,25 +268685,25 +268686,25 +268687,25 +268688,24 +268689,24 +268690,24 +268691,24 +268692,24 +268693,24 +268694,24 +268695,24 +268696,24 +268697,24 +268698,24 +268699,24 +268700,12 +268701,12 +268702,12 +268703,37 +268704,37 +268705,37 +268706,37 +268707,37 +268708,37 +268709,37 +268710,37 +268711,37 +268712,37 +268713,37 +268714,37 +268715,37 +268716,37 +268717,37 +268718,37 +268719,37 +268720,37 +268721,10 +268722,10 +268723,10 +268724,10 +268725,10 +268726,10 +268727,10 +268728,10 +268729,10 +268730,10 +268731,10 +268732,10 +268733,10 +268734,10 +268735,8 +268736,8 +268737,8 +268738,8 +268739,8 +268740,8 +268741,8 +268742,8 +268743,8 +268744,8 +268745,27 +268746,27 +268747,27 +268748,27 +268749,13 +268750,13 +268751,13 +268752,13 +268753,13 +268754,13 +268755,13 +268756,13 +268757,13 +268758,13 +268759,21 +268760,21 +268761,21 +268762,21 +268763,21 +268764,21 +268765,37 +268766,37 +268767,37 +268768,37 +268769,37 +268770,37 +268771,37 +268772,37 +268773,37 +268774,36 +268775,36 +268776,36 +268777,36 +268778,36 +268779,36 +268780,36 +268781,36 +268782,36 +268783,36 +268784,36 +268785,36 +268786,36 +268787,36 +268788,18 +268789,18 +268790,18 +268791,18 +268792,18 +268793,18 +268794,18 +268795,18 +268796,18 +268797,20 +268798,20 +268799,20 +268800,20 +268801,31 +268802,31 +268803,31 +268804,31 +268805,31 +268806,31 +268807,31 +268808,31 +268809,30 +268810,30 +268811,30 +268812,30 +268813,30 +268814,30 +268815,30 +268816,30 +268817,39 +268818,39 +268819,39 +268820,39 +268821,39 +268822,39 +268823,39 +268824,39 +268825,39 +268826,39 +268827,39 +268828,39 +268829,39 +268830,39 +268831,39 +268832,39 +268833,39 +268834,0 +268835,0 +268836,0 +268837,0 +268838,0 +268839,0 +268840,0 +268841,0 +268842,0 +268843,0 +268844,0 +268845,0 +268846,0 +268847,0 +268848,0 +268849,0 +268850,0 +268851,0 +268852,0 +268853,0 +268854,0 +268855,0 +268856,0 +268857,0 +268858,0 +268859,0 +268860,0 +268861,0 +268862,0 +268863,25 +268864,25 +268865,0 +268866,0 +268867,0 +268868,0 +268869,0 +268870,0 +268871,0 +268872,0 +268873,0 +268874,0 +268875,12 +268876,12 +268877,12 +268878,39 +268879,39 +268880,39 +268881,39 +268882,39 +268883,39 +268884,12 +268885,12 +268886,12 +268887,12 +268888,12 +268889,12 +268890,12 +268891,12 +268892,12 +268893,25 +268894,25 +268895,25 +268896,25 +268897,21 +268898,21 +268899,21 +268900,21 +268901,21 +268902,21 +268903,21 +268904,21 +268905,21 +268906,33 +268907,33 +268908,33 +268909,33 +268910,33 +268911,30 +268912,30 +268913,33 +268914,33 +268915,33 +268916,33 +268917,33 +268918,33 +268919,33 +268920,33 +268921,33 +268922,27 +268923,27 +268924,27 +268925,13 +268926,13 +268927,13 +268928,13 +268929,13 +268930,13 +268931,13 +268932,13 +268933,13 +268934,2 +268935,2 +268936,2 +268937,2 +268938,2 +268939,2 +268940,2 +268941,2 +268942,2 +268943,2 +268944,2 +268945,2 +268946,2 +268947,30 +268948,30 +268949,30 +268950,30 +268951,30 +268952,1 +268953,9 +268954,9 +268955,9 +268956,9 +268957,9 +268958,9 +268959,9 +268960,9 +268961,30 +268962,30 +268963,30 +268964,30 +268965,30 +268966,30 +268967,30 +268968,30 +268969,27 +268970,27 +268971,27 +268972,27 +268973,27 +268974,27 +268975,27 +268976,27 +268977,19 +268978,21 +268979,21 +268980,21 +268981,21 +268982,19 +268983,19 +268984,19 +268985,36 +268986,36 +268987,36 +268988,34 +268989,34 +268990,34 +268991,34 +268992,34 +268993,34 +268994,34 +268995,34 +268996,34 +268997,34 +268998,34 +268999,34 +269000,34 +269001,34 +269002,34 +269003,34 +269004,34 +269005,34 +269006,34 +269007,34 +269008,34 +269009,34 +269010,34 +269011,34 +269012,5 +269013,5 +269014,5 +269015,5 +269016,5 +269017,13 +269018,13 +269019,13 +269020,13 +269021,13 +269022,13 +269023,13 +269024,13 +269025,13 +269026,13 +269027,13 +269028,5 +269029,0 +269030,0 +269031,0 +269032,0 +269033,0 +269034,0 +269035,0 +269036,0 +269037,0 +269038,0 +269039,0 +269040,0 +269041,0 +269042,0 +269043,0 +269044,0 +269045,0 +269046,0 +269047,0 +269048,0 +269049,0 +269050,0 +269051,0 +269052,0 +269053,0 +269054,0 +269055,0 +269056,0 +269057,0 +269058,0 +269059,0 +269060,0 +269061,0 +269062,0 +269063,0 +269064,0 +269065,0 +269066,0 +269067,0 +269068,0 +269069,0 +269070,0 +269071,0 +269072,0 +269073,0 +269074,0 +269075,0 +269076,0 +269077,0 +269078,0 +269079,0 +269080,0 +269081,0 +269082,0 +269083,0 +269084,0 +269085,0 +269086,0 +269087,0 +269088,0 +269089,0 +269090,0 +269091,6 +269092,6 +269093,6 +269094,6 +269095,6 +269096,31 +269097,31 +269098,31 +269099,31 +269100,31 +269101,31 +269102,31 +269103,31 +269104,28 +269105,28 +269106,28 +269107,28 +269108,28 +269109,27 +269110,27 +269111,27 +269112,27 +269113,27 +269114,13 +269115,13 +269116,13 +269117,1 +269118,13 +269119,27 +269120,27 +269121,27 +269122,27 +269123,27 +269124,27 +269125,4 +269126,4 +269127,4 +269128,4 +269129,4 +269130,4 +269131,27 +269132,27 +269133,28 +269134,28 +269135,28 +269136,28 +269137,28 +269138,28 +269139,28 +269140,10 +269141,10 +269142,10 +269143,10 +269144,10 +269145,10 +269146,10 +269147,10 +269148,10 +269149,10 +269150,10 +269151,25 +269152,10 +269153,25 +269154,37 +269155,37 +269156,37 +269157,37 +269158,37 +269159,37 +269160,37 +269161,37 +269162,3 +269163,3 +269164,3 +269165,3 +269166,3 +269167,3 +269168,3 +269169,3 +269170,3 +269171,3 +269172,3 +269173,3 +269174,3 +269175,5 +269176,28 +269177,5 +269178,5 +269179,5 +269180,5 +269181,19 +269182,19 +269183,19 +269184,19 +269185,19 +269186,37 +269187,37 +269188,37 +269189,37 +269190,37 +269191,40 +269192,40 +269193,40 +269194,40 +269195,40 +269196,40 +269197,40 +269198,40 +269199,2 +269200,2 +269201,2 +269202,2 +269203,2 +269204,2 +269205,2 +269206,11 +269207,11 +269208,11 +269209,2 +269210,2 +269211,2 +269212,2 +269213,2 +269214,29 +269215,29 +269216,29 +269217,29 +269218,31 +269219,19 +269220,19 +269221,4 +269222,19 +269223,27 +269224,27 +269225,27 +269226,27 +269227,11 +269228,11 +269229,11 +269230,11 +269231,11 +269232,11 +269233,11 +269234,11 +269235,11 +269236,11 +269237,11 +269238,11 +269239,11 +269240,39 +269241,39 +269242,39 +269243,39 +269244,31 +269245,31 +269246,31 +269247,31 +269248,5 +269249,5 +269250,5 +269251,5 +269252,25 +269253,25 +269254,37 +269255,37 +269256,37 +269257,37 +269258,37 +269259,37 +269260,25 +269261,25 +269262,25 +269263,25 +269264,33 +269265,33 +269266,33 +269267,33 +269268,33 +269269,33 +269270,33 +269271,33 +269272,33 +269273,33 +269274,33 +269275,33 +269276,33 +269277,33 +269278,33 +269279,33 +269280,33 +269281,33 +269282,33 +269283,0 +269284,0 +269285,0 +269286,0 +269287,0 +269288,0 +269289,0 +269290,0 +269291,0 +269292,0 +269293,0 +269294,0 +269295,0 +269296,0 +269297,0 +269298,0 +269299,0 +269300,0 +269301,0 +269302,0 +269303,0 +269304,0 +269305,0 +269306,0 +269307,0 +269308,0 +269309,0 +269310,0 +269311,0 +269312,0 +269313,0 +269314,0 +269315,0 +269316,0 +269317,0 +269318,0 +269319,0 +269320,0 +269321,0 +269322,0 +269323,0 +269324,0 +269325,0 +269326,0 +269327,0 +269328,0 +269329,0 +269330,0 +269331,0 +269332,0 +269333,0 +269334,0 +269335,0 +269336,0 +269337,0 +269338,0 +269339,0 +269340,0 +269341,0 +269342,0 +269343,0 +269344,0 +269345,0 +269346,0 +269347,0 +269348,0 +269349,0 +269350,0 +269351,0 +269352,0 +269353,0 +269354,0 +269355,0 +269356,0 +269357,0 +269358,0 +269359,0 +269360,0 +269361,0 +269362,0 +269363,0 +269364,0 +269365,5 +269366,5 +269367,5 +269368,5 +269369,5 +269370,5 +269371,5 +269372,5 +269373,5 +269374,5 +269375,5 +269376,5 +269377,5 +269378,5 +269379,33 +269380,33 +269381,33 +269382,33 +269383,33 +269384,33 +269385,33 +269386,33 +269387,33 +269388,33 +269389,33 +269390,33 +269391,33 +269392,33 +269393,33 +269394,33 +269395,33 +269396,33 +269397,33 +269398,33 +269399,33 +269400,33 +269401,33 +269402,33 +269403,33 +269404,33 +269405,33 +269406,33 +269407,33 +269408,33 +269409,33 +269410,33 +269411,33 +269412,0 +269413,0 +269414,0 +269415,0 +269416,0 +269417,0 +269418,0 +269419,0 +269420,0 +269421,0 +269422,0 +269423,0 +269424,0 +269425,0 +269426,0 +269427,0 +269428,0 +269429,0 +269430,0 +269431,0 +269432,0 +269433,0 +269434,0 +269435,0 +269436,0 +269437,0 +269438,0 +269439,0 +269440,0 +269441,0 +269442,0 +269443,0 +269444,0 +269445,0 +269446,0 +269447,0 +269448,0 +269449,0 +269450,0 +269451,0 +269452,0 +269453,0 +269454,0 +269455,0 +269456,0 +269457,0 +269458,0 +269459,0 +269460,0 +269461,0 +269462,0 +269463,0 +269464,0 +269465,0 +269466,0 +269467,0 +269468,0 +269469,0 +269470,0 +269471,0 +269472,0 +269473,0 +269474,0 +269475,0 +269476,0 +269477,0 +269478,0 +269479,0 +269480,0 +269481,0 +269482,0 +269483,0 +269484,0 +269485,0 +269486,0 +269487,23 +269488,23 +269489,23 +269490,23 +269491,23 +269492,23 +269493,23 +269494,23 +269495,23 +269496,23 +269497,37 +269498,37 +269499,37 +269500,31 +269501,31 +269502,37 +269503,28 +269504,28 +269505,28 +269506,28 +269507,28 +269508,28 +269509,28 +269510,28 +269511,28 +269512,5 +269513,27 +269514,27 +269515,27 +269516,27 +269517,31 +269518,31 +269519,31 +269520,2 +269521,2 +269522,2 +269523,2 +269524,2 +269525,2 +269526,2 +269527,8 +269528,8 +269529,8 +269530,8 +269531,4 +269532,4 +269533,4 +269534,4 +269535,4 +269536,4 +269537,4 +269538,4 +269539,4 +269540,4 +269541,10 +269542,10 +269543,10 +269544,10 +269545,10 +269546,10 +269547,10 +269548,10 +269549,10 +269550,10 +269551,10 +269552,10 +269553,10 +269554,10 +269555,10 +269556,10 +269557,10 +269558,10 +269559,28 +269560,28 +269561,28 +269562,28 +269563,28 +269564,28 +269565,28 +269566,28 +269567,28 +269568,23 +269569,23 +269570,23 +269571,23 +269572,23 +269573,23 +269574,23 +269575,23 +269576,23 +269577,27 +269578,27 +269579,27 +269580,27 +269581,27 +269582,27 +269583,27 +269584,27 +269585,30 +269586,30 +269587,30 +269588,30 +269589,30 +269590,30 +269591,30 +269592,31 +269593,31 +269594,27 +269595,27 +269596,27 +269597,6 +269598,6 +269599,6 +269600,6 +269601,6 +269602,6 +269603,6 +269604,2 +269605,2 +269606,2 +269607,2 +269608,2 +269609,2 +269610,12 +269611,12 +269612,12 +269613,12 +269614,31 +269615,31 +269616,31 +269617,31 +269618,8 +269619,8 +269620,8 +269621,8 +269622,8 +269623,8 +269624,8 +269625,28 +269626,28 +269627,28 +269628,28 +269629,28 +269630,28 +269631,28 +269632,28 +269633,28 +269634,9 +269635,9 +269636,9 +269637,9 +269638,9 +269639,9 +269640,9 +269641,9 +269642,9 +269643,9 +269644,37 +269645,37 +269646,37 +269647,5 +269648,5 +269649,5 +269650,5 +269651,5 +269652,28 +269653,28 +269654,28 +269655,32 +269656,4 +269657,4 +269658,32 +269659,4 +269660,32 +269661,32 +269662,32 +269663,32 +269664,32 +269665,32 +269666,32 +269667,32 +269668,32 +269669,17 +269670,3 +269671,9 +269672,9 +269673,9 +269674,17 +269675,17 +269676,17 +269677,17 +269678,17 +269679,17 +269680,17 +269681,17 +269682,17 +269683,17 +269684,17 +269685,17 +269686,17 +269687,17 +269688,17 +269689,17 +269690,17 +269691,17 +269692,17 +269693,17 +269694,17 +269695,19 +269696,19 +269697,19 +269698,19 +269699,19 +269700,19 +269701,19 +269702,19 +269703,19 +269704,19 +269705,0 +269706,0 +269707,0 +269708,0 +269709,0 +269710,0 +269711,0 +269712,0 +269713,0 +269714,0 +269715,0 +269716,0 +269717,0 +269718,0 +269719,0 +269720,0 +269721,0 +269722,0 +269723,0 +269724,0 +269725,0 +269726,0 +269727,0 +269728,0 +269729,0 +269730,0 +269731,0 +269732,0 +269733,0 +269734,0 +269735,0 +269736,0 +269737,0 +269738,0 +269739,0 +269740,0 +269741,0 +269742,0 +269743,0 +269744,0 +269745,0 +269746,0 +269747,0 +269748,0 +269749,0 +269750,0 +269751,0 +269752,0 +269753,0 +269754,0 +269755,0 +269756,31 +269757,31 +269758,31 +269759,31 +269760,31 +269761,31 +269762,5 +269763,5 +269764,5 +269765,5 +269766,5 +269767,5 +269768,29 +269769,31 +269770,31 +269771,31 +269772,35 +269773,35 +269774,35 +269775,35 +269776,35 +269777,35 +269778,35 +269779,35 +269780,35 +269781,35 +269782,35 +269783,35 +269784,26 +269785,26 +269786,26 +269787,26 +269788,26 +269789,26 +269790,37 +269791,37 +269792,37 +269793,37 +269794,37 +269795,4 +269796,4 +269797,4 +269798,4 +269799,4 +269800,29 +269801,29 +269802,30 +269803,30 +269804,30 +269805,30 +269806,30 +269807,3 +269808,3 +269809,3 +269810,3 +269811,3 +269812,3 +269813,3 +269814,3 +269815,30 +269816,30 +269817,30 +269818,30 +269819,30 +269820,39 +269821,39 +269822,39 +269823,39 +269824,39 +269825,27 +269826,13 +269827,13 +269828,13 +269829,13 +269830,27 +269831,27 +269832,27 +269833,27 +269834,27 +269835,27 +269836,5 +269837,5 +269838,5 +269839,5 +269840,5 +269841,19 +269842,19 +269843,19 +269844,19 +269845,27 +269846,27 +269847,27 +269848,27 +269849,27 +269850,27 +269851,4 +269852,4 +269853,4 +269854,4 +269855,4 +269856,4 +269857,4 +269858,4 +269859,4 +269860,4 +269861,14 +269862,14 +269863,14 +269864,14 +269865,14 +269866,14 +269867,14 +269868,14 +269869,14 +269870,14 +269871,14 +269872,11 +269873,11 +269874,11 +269875,11 +269876,11 +269877,11 +269878,11 +269879,11 +269880,11 +269881,11 +269882,11 +269883,31 +269884,31 +269885,31 +269886,31 +269887,31 +269888,5 +269889,5 +269890,5 +269891,5 +269892,5 +269893,19 +269894,5 +269895,5 +269896,8 +269897,8 +269898,8 +269899,8 +269900,31 +269901,31 +269902,31 +269903,31 +269904,24 +269905,24 +269906,24 +269907,24 +269908,24 +269909,24 +269910,31 +269911,27 +269912,31 +269913,31 +269914,31 +269915,27 +269916,5 +269917,5 +269918,5 +269919,5 +269920,5 +269921,5 +269922,5 +269923,32 +269924,32 +269925,32 +269926,32 +269927,32 +269928,32 +269929,32 +269930,32 +269931,32 +269932,32 +269933,32 +269934,40 +269935,40 +269936,40 +269937,40 +269938,40 +269939,5 +269940,5 +269941,5 +269942,5 +269943,5 +269944,5 +269945,5 +269946,19 +269947,19 +269948,19 +269949,19 +269950,27 +269951,27 +269952,27 +269953,27 +269954,13 +269955,13 +269956,13 +269957,13 +269958,13 +269959,13 +269960,13 +269961,13 +269962,13 +269963,23 +269964,23 +269965,23 +269966,23 +269967,23 +269968,23 +269969,23 +269970,23 +269971,23 +269972,23 +269973,23 +269974,36 +269975,36 +269976,36 +269977,36 +269978,36 +269979,36 +269980,36 +269981,36 +269982,36 +269983,36 +269984,36 +269985,36 +269986,36 +269987,5 +269988,28 +269989,28 +269990,28 +269991,28 +269992,28 +269993,31 +269994,31 +269995,31 +269996,31 +269997,31 +269998,5 +269999,5 +270000,5 +270001,5 +270002,5 +270003,5 +270004,5 +270005,19 +270006,19 +270007,19 +270008,27 +270009,27 +270010,27 +270011,27 +270012,27 +270013,27 +270014,27 +270015,27 +270016,2 +270017,2 +270018,2 +270019,2 +270020,2 +270021,2 +270022,2 +270023,2 +270024,2 +270025,2 +270026,31 +270027,31 +270028,31 +270029,31 +270030,31 +270031,32 +270032,32 +270033,32 +270034,32 +270035,32 +270036,32 +270037,32 +270038,32 +270039,32 +270040,32 +270041,32 +270042,32 +270043,27 +270044,27 +270045,27 +270046,27 +270047,27 +270048,27 +270049,27 +270050,27 +270051,37 +270052,37 +270053,37 +270054,37 +270055,37 +270056,37 +270057,37 +270058,37 +270059,37 +270060,37 +270061,37 +270062,37 +270063,37 +270064,37 +270065,25 +270066,25 +270067,19 +270068,19 +270069,19 +270070,19 +270071,0 +270072,0 +270073,0 +270074,0 +270075,0 +270076,0 +270077,0 +270078,0 +270079,0 +270080,0 +270081,0 +270082,0 +270083,0 +270084,0 +270085,0 +270086,0 +270087,0 +270088,0 +270089,0 +270090,0 +270091,0 +270092,0 +270093,0 +270094,0 +270095,0 +270096,0 +270097,0 +270098,0 +270099,0 +270100,0 +270101,0 +270102,0 +270103,0 +270104,0 +270105,0 +270106,0 +270107,0 +270108,0 +270109,0 +270110,0 +270111,0 +270112,0 +270113,0 +270114,0 +270115,0 +270116,0 +270117,0 +270118,0 +270119,0 +270120,0 +270121,0 +270122,0 +270123,0 +270124,0 +270125,0 +270126,0 +270127,0 +270128,0 +270129,0 +270130,0 +270131,0 +270132,0 +270133,0 +270134,0 +270135,0 +270136,0 +270137,0 +270138,0 +270139,0 +270140,0 +270141,0 +270142,0 +270143,0 +270144,0 +270145,0 +270146,0 +270147,0 +270148,0 +270149,0 +270150,0 +270151,0 +270152,0 +270153,0 +270154,0 +270155,0 +270156,0 +270157,18 +270158,18 +270159,18 +270160,18 +270161,0 +270162,18 +270163,18 +270164,18 +270165,16 +270166,16 +270167,16 +270168,16 +270169,16 +270170,16 +270171,16 +270172,36 +270173,36 +270174,36 +270175,36 +270176,36 +270177,36 +270178,36 +270179,32 +270180,24 +270181,24 +270182,24 +270183,24 +270184,24 +270185,19 +270186,4 +270187,4 +270188,4 +270189,25 +270190,25 +270191,25 +270192,25 +270193,25 +270194,25 +270195,25 +270196,25 +270197,4 +270198,4 +270199,4 +270200,4 +270201,4 +270202,4 +270203,4 +270204,4 +270205,4 +270206,4 +270207,4 +270208,37 +270209,37 +270210,37 +270211,31 +270212,31 +270213,31 +270214,26 +270215,5 +270216,5 +270217,5 +270218,5 +270219,5 +270220,39 +270221,39 +270222,39 +270223,39 +270224,39 +270225,39 +270226,39 +270227,12 +270228,12 +270229,12 +270230,12 +270231,12 +270232,12 +270233,12 +270234,12 +270235,12 +270236,12 +270237,12 +270238,12 +270239,31 +270240,31 +270241,31 +270242,31 +270243,31 +270244,31 +270245,31 +270246,5 +270247,5 +270248,5 +270249,5 +270250,5 +270251,5 +270252,5 +270253,5 +270254,5 +270255,5 +270256,5 +270257,5 +270258,5 +270259,5 +270260,5 +270261,5 +270262,5 +270263,5 +270264,5 +270265,5 +270266,5 +270267,5 +270268,28 +270269,28 +270270,28 +270271,28 +270272,28 +270273,0 +270274,0 +270275,0 +270276,0 +270277,0 +270278,0 +270279,31 +270280,31 +270281,31 +270282,31 +270283,31 +270284,31 +270285,31 +270286,31 +270287,31 +270288,31 +270289,31 +270290,31 +270291,31 +270292,31 +270293,31 +270294,31 +270295,31 +270296,31 +270297,31 +270298,31 +270299,2 +270300,2 +270301,2 +270302,2 +270303,2 +270304,2 +270305,2 +270306,2 +270307,2 +270308,2 +270309,2 +270310,2 +270311,33 +270312,33 +270313,33 +270314,33 +270315,33 +270316,33 +270317,33 +270318,33 +270319,33 +270320,33 +270321,33 +270322,33 +270323,30 +270324,30 +270325,30 +270326,30 +270327,30 +270328,30 +270329,30 +270330,30 +270331,30 +270332,30 +270333,30 +270334,30 +270335,30 +270336,35 +270337,35 +270338,35 +270339,32 +270340,32 +270341,30 +270342,30 +270343,35 +270344,30 +270345,30 +270346,30 +270347,30 +270348,30 +270349,30 +270350,9 +270351,9 +270352,9 +270353,33 +270354,33 +270355,33 +270356,33 +270357,33 +270358,33 +270359,33 +270360,9 +270361,33 +270362,33 +270363,33 +270364,33 +270365,33 +270366,33 +270367,33 +270368,33 +270369,33 +270370,24 +270371,24 +270372,24 +270373,24 +270374,24 +270375,24 +270376,24 +270377,24 +270378,25 +270379,25 +270380,25 +270381,25 +270382,25 +270383,25 +270384,15 +270385,1 +270386,15 +270387,15 +270388,15 +270389,15 +270390,15 +270391,15 +270392,9 +270393,9 +270394,9 +270395,9 +270396,9 +270397,9 +270398,9 +270399,9 +270400,9 +270401,9 +270402,37 +270403,37 +270404,37 +270405,37 +270406,37 +270407,37 +270408,37 +270409,37 +270410,37 +270411,37 +270412,37 +270413,37 +270414,37 +270415,19 +270416,19 +270417,19 +270418,19 +270419,19 +270420,19 +270421,19 +270422,19 +270423,19 +270424,19 +270425,19 +270426,19 +270427,19 +270428,19 +270429,19 +270430,19 +270431,0 +270432,0 +270433,0 +270434,0 +270435,0 +270436,0 +270437,0 +270438,0 +270439,0 +270440,0 +270441,0 +270442,0 +270443,0 +270444,0 +270445,0 +270446,0 +270447,0 +270448,0 +270449,0 +270450,0 +270451,0 +270452,0 +270453,0 +270454,0 +270455,0 +270456,0 +270457,0 +270458,0 +270459,0 +270460,0 +270461,0 +270462,0 +270463,0 +270464,0 +270465,0 +270466,0 +270467,0 +270468,0 +270469,0 +270470,0 +270471,0 +270472,0 +270473,0 +270474,0 +270475,0 +270476,0 +270477,0 +270478,0 +270479,0 +270480,0 +270481,0 +270482,0 +270483,0 +270484,0 +270485,0 +270486,0 +270487,0 +270488,0 +270489,0 +270490,0 +270491,0 +270492,0 +270493,0 +270494,0 +270495,0 +270496,0 +270497,0 +270498,0 +270499,0 +270500,0 +270501,0 +270502,0 +270503,0 +270504,0 +270505,0 +270506,0 +270507,0 +270508,0 +270509,0 +270510,0 +270511,0 +270512,0 +270513,0 +270514,0 +270515,5 +270516,5 +270517,5 +270518,5 +270519,29 +270520,29 +270521,5 +270522,5 +270523,5 +270524,5 +270525,33 +270526,33 +270527,33 +270528,34 +270529,34 +270530,34 +270531,1 +270532,1 +270533,1 +270534,33 +270535,33 +270536,33 +270537,33 +270538,34 +270539,33 +270540,33 +270541,33 +270542,4 +270543,16 +270544,16 +270545,16 +270546,16 +270547,16 +270548,16 +270549,18 +270550,18 +270551,18 +270552,18 +270553,18 +270554,18 +270555,18 +270556,26 +270557,26 +270558,26 +270559,26 +270560,26 +270561,26 +270562,26 +270563,26 +270564,26 +270565,26 +270566,9 +270567,9 +270568,9 +270569,9 +270570,13 +270571,13 +270572,13 +270573,13 +270574,13 +270575,5 +270576,13 +270577,13 +270578,13 +270579,13 +270580,13 +270581,13 +270582,5 +270583,5 +270584,5 +270585,5 +270586,5 +270587,5 +270588,5 +270589,5 +270590,5 +270591,5 +270592,5 +270593,5 +270594,0 +270595,0 +270596,0 +270597,0 +270598,0 +270599,0 +270600,0 +270601,0 +270602,0 +270603,5 +270604,5 +270605,5 +270606,5 +270607,5 +270608,5 +270609,5 +270610,5 +270611,5 +270612,5 +270613,5 +270614,5 +270615,5 +270616,33 +270617,33 +270618,33 +270619,33 +270620,33 +270621,33 +270622,33 +270623,33 +270624,34 +270625,34 +270626,34 +270627,34 +270628,33 +270629,33 +270630,33 +270631,33 +270632,33 +270633,33 +270634,33 +270635,33 +270636,33 +270637,33 +270638,33 +270639,33 +270640,33 +270641,33 +270642,9 +270643,37 +270644,37 +270645,37 +270646,37 +270647,37 +270648,37 +270649,37 +270650,37 +270651,37 +270652,11 +270653,11 +270654,11 +270655,11 +270656,11 +270657,11 +270658,11 +270659,11 +270660,11 +270661,11 +270662,11 +270663,11 +270664,11 +270665,11 +270666,11 +270667,11 +270668,11 +270669,11 +270670,39 +270671,39 +270672,39 +270673,39 +270674,39 +270675,39 +270676,39 +270677,39 +270678,35 +270679,35 +270680,35 +270681,35 +270682,35 +270683,36 +270684,36 +270685,36 +270686,10 +270687,36 +270688,36 +270689,5 +270690,5 +270691,5 +270692,5 +270693,5 +270694,2 +270695,19 +270696,2 +270697,2 +270698,2 +270699,2 +270700,2 +270701,2 +270702,2 +270703,2 +270704,27 +270705,27 +270706,27 +270707,27 +270708,27 +270709,27 +270710,27 +270711,27 +270712,4 +270713,4 +270714,4 +270715,4 +270716,4 +270717,4 +270718,4 +270719,19 +270720,19 +270721,0 +270722,0 +270723,0 +270724,0 +270725,0 +270726,0 +270727,0 +270728,0 +270729,0 +270730,0 +270731,0 +270732,0 +270733,0 +270734,0 +270735,0 +270736,0 +270737,0 +270738,0 +270739,0 +270740,0 +270741,0 +270742,0 +270743,0 +270744,0 +270745,0 +270746,0 +270747,0 +270748,0 +270749,0 +270750,0 +270751,0 +270752,0 +270753,0 +270754,0 +270755,0 +270756,0 +270757,0 +270758,0 +270759,0 +270760,0 +270761,0 +270762,0 +270763,0 +270764,0 +270765,0 +270766,0 +270767,0 +270768,0 +270769,0 +270770,0 +270771,0 +270772,0 +270773,0 +270774,0 +270775,0 +270776,0 +270777,0 +270778,0 +270779,0 +270780,0 +270781,0 +270782,0 +270783,0 +270784,0 +270785,0 +270786,0 +270787,0 +270788,0 +270789,0 +270790,0 +270791,0 +270792,0 +270793,0 +270794,0 +270795,0 +270796,0 +270797,0 +270798,0 +270799,0 +270800,0 +270801,0 +270802,0 +270803,0 +270804,0 +270805,0 +270806,0 +270807,0 +270808,0 +270809,0 +270810,0 +270811,0 +270812,0 +270813,0 +270814,0 +270815,0 +270816,7 +270817,7 +270818,7 +270819,7 +270820,7 +270821,7 +270822,7 +270823,7 +270824,3 +270825,3 +270826,3 +270827,3 +270828,3 +270829,3 +270830,3 +270831,12 +270832,12 +270833,30 +270834,30 +270835,30 +270836,31 +270837,30 +270838,30 +270839,31 +270840,31 +270841,31 +270842,31 +270843,5 +270844,5 +270845,30 +270846,30 +270847,30 +270848,1 +270849,26 +270850,26 +270851,26 +270852,26 +270853,26 +270854,26 +270855,26 +270856,26 +270857,34 +270858,26 +270859,4 +270860,4 +270861,4 +270862,4 +270863,23 +270864,23 +270865,23 +270866,23 +270867,23 +270868,23 +270869,23 +270870,23 +270871,23 +270872,25 +270873,25 +270874,25 +270875,21 +270876,21 +270877,21 +270878,21 +270879,21 +270880,21 +270881,21 +270882,27 +270883,27 +270884,27 +270885,27 +270886,27 +270887,27 +270888,27 +270889,27 +270890,27 +270891,4 +270892,4 +270893,4 +270894,4 +270895,4 +270896,4 +270897,4 +270898,29 +270899,29 +270900,29 +270901,32 +270902,31 +270903,31 +270904,31 +270905,31 +270906,18 +270907,18 +270908,19 +270909,19 +270910,19 +270911,11 +270912,11 +270913,11 +270914,11 +270915,11 +270916,11 +270917,39 +270918,39 +270919,39 +270920,37 +270921,37 +270922,37 +270923,37 +270924,37 +270925,37 +270926,37 +270927,37 +270928,37 +270929,31 +270930,31 +270931,31 +270932,31 +270933,31 +270934,30 +270935,30 +270936,30 +270937,30 +270938,30 +270939,30 +270940,34 +270941,34 +270942,34 +270943,9 +270944,9 +270945,9 +270946,9 +270947,9 +270948,9 +270949,9 +270950,9 +270951,9 +270952,5 +270953,5 +270954,5 +270955,5 +270956,5 +270957,5 +270958,5 +270959,5 +270960,15 +270961,15 +270962,15 +270963,15 +270964,27 +270965,27 +270966,27 +270967,28 +270968,28 +270969,28 +270970,28 +270971,28 +270972,28 +270973,27 +270974,27 +270975,14 +270976,14 +270977,14 +270978,14 +270979,14 +270980,14 +270981,14 +270982,14 +270983,14 +270984,14 +270985,14 +270986,14 +270987,14 +270988,39 +270989,39 +270990,39 +270991,39 +270992,39 +270993,39 +270994,39 +270995,39 +270996,39 +270997,39 +270998,39 +270999,39 +271000,39 +271001,39 +271002,39 +271003,39 +271004,39 +271005,39 +271006,39 +271007,0 +271008,0 +271009,0 +271010,0 +271011,0 +271012,0 +271013,0 +271014,0 +271015,0 +271016,2 +271017,2 +271018,2 +271019,2 +271020,2 +271021,2 +271022,2 +271023,2 +271024,2 +271025,2 +271026,2 +271027,2 +271028,2 +271029,2 +271030,2 +271031,40 +271032,40 +271033,40 +271034,40 +271035,40 +271036,40 +271037,40 +271038,40 +271039,19 +271040,19 +271041,18 +271042,18 +271043,18 +271044,19 +271045,19 +271046,18 +271047,18 +271048,18 +271049,18 +271050,18 +271051,18 +271052,18 +271053,18 +271054,26 +271055,26 +271056,26 +271057,26 +271058,26 +271059,26 +271060,26 +271061,34 +271062,34 +271063,34 +271064,34 +271065,34 +271066,5 +271067,5 +271068,5 +271069,5 +271070,5 +271071,5 +271072,5 +271073,2 +271074,2 +271075,2 +271076,2 +271077,2 +271078,2 +271079,2 +271080,2 +271081,2 +271082,31 +271083,31 +271084,31 +271085,31 +271086,31 +271087,31 +271088,31 +271089,31 +271090,5 +271091,5 +271092,5 +271093,5 +271094,5 +271095,5 +271096,5 +271097,25 +271098,31 +271099,40 +271100,40 +271101,31 +271102,31 +271103,40 +271104,40 +271105,40 +271106,40 +271107,40 +271108,36 +271109,36 +271110,36 +271111,36 +271112,36 +271113,36 +271114,8 +271115,8 +271116,8 +271117,8 +271118,8 +271119,8 +271120,29 +271121,29 +271122,29 +271123,29 +271124,32 +271125,29 +271126,29 +271127,39 +271128,39 +271129,39 +271130,39 +271131,39 +271132,39 +271133,39 +271134,39 +271135,39 +271136,39 +271137,31 +271138,31 +271139,31 +271140,31 +271141,31 +271142,31 +271143,31 +271144,13 +271145,13 +271146,13 +271147,13 +271148,13 +271149,13 +271150,13 +271151,13 +271152,13 +271153,13 +271154,2 +271155,2 +271156,2 +271157,2 +271158,2 +271159,2 +271160,2 +271161,2 +271162,2 +271163,2 +271164,2 +271165,2 +271166,2 +271167,30 +271168,30 +271169,30 +271170,30 +271171,30 +271172,30 +271173,30 +271174,30 +271175,14 +271176,14 +271177,14 +271178,14 +271179,14 +271180,14 +271181,14 +271182,14 +271183,14 +271184,14 +271185,14 +271186,14 +271187,14 +271188,14 +271189,12 +271190,12 +271191,12 +271192,12 +271193,31 +271194,31 +271195,31 +271196,31 +271197,31 +271198,27 +271199,27 +271200,2 +271201,2 +271202,2 +271203,2 +271204,2 +271205,2 +271206,2 +271207,2 +271208,2 +271209,2 +271210,2 +271211,4 +271212,4 +271213,4 +271214,4 +271215,4 +271216,4 +271217,40 +271218,40 +271219,40 +271220,40 +271221,40 +271222,40 +271223,32 +271224,32 +271225,32 +271226,32 +271227,32 +271228,32 +271229,31 +271230,31 +271231,31 +271232,40 +271233,31 +271234,31 +271235,5 +271236,28 +271237,28 +271238,28 +271239,32 +271240,32 +271241,32 +271242,32 +271243,32 +271244,23 +271245,32 +271246,25 +271247,25 +271248,25 +271249,25 +271250,25 +271251,25 +271252,28 +271253,28 +271254,28 +271255,28 +271256,28 +271257,28 +271258,31 +271259,31 +271260,31 +271261,31 +271262,4 +271263,4 +271264,4 +271265,4 +271266,4 +271267,4 +271268,4 +271269,4 +271270,4 +271271,14 +271272,14 +271273,14 +271274,14 +271275,14 +271276,14 +271277,14 +271278,14 +271279,14 +271280,14 +271281,15 +271282,15 +271283,15 +271284,15 +271285,15 +271286,31 +271287,31 +271288,31 +271289,31 +271290,31 +271291,31 +271292,31 +271293,4 +271294,4 +271295,4 +271296,4 +271297,4 +271298,4 +271299,4 +271300,4 +271301,4 +271302,12 +271303,12 +271304,12 +271305,1 +271306,1 +271307,1 +271308,25 +271309,25 +271310,25 +271311,25 +271312,25 +271313,16 +271314,16 +271315,16 +271316,16 +271317,16 +271318,16 +271319,16 +271320,16 +271321,16 +271322,16 +271323,16 +271324,16 +271325,16 +271326,16 +271327,40 +271328,40 +271329,40 +271330,40 +271331,40 +271332,40 +271333,40 +271334,40 +271335,40 +271336,40 +271337,37 +271338,37 +271339,37 +271340,37 +271341,37 +271342,37 +271343,37 +271344,37 +271345,37 +271346,37 +271347,37 +271348,37 +271349,25 +271350,25 +271351,25 +271352,25 +271353,25 +271354,25 +271355,25 +271356,25 +271357,25 +271358,25 +271359,25 +271360,25 +271361,37 +271362,0 +271363,0 +271364,0 +271365,0 +271366,0 +271367,0 +271368,0 +271369,0 +271370,0 +271371,0 +271372,0 +271373,0 +271374,0 +271375,0 +271376,0 +271377,0 +271378,0 +271379,0 +271380,0 +271381,0 +271382,0 +271383,0 +271384,0 +271385,0 +271386,0 +271387,0 +271388,0 +271389,0 +271390,0 +271391,0 +271392,0 +271393,0 +271394,0 +271395,0 +271396,0 +271397,0 +271398,0 +271399,0 +271400,0 +271401,0 +271402,0 +271403,0 +271404,0 +271405,0 +271406,0 +271407,0 +271408,0 +271409,0 +271410,0 +271411,0 +271412,0 +271413,0 +271414,0 +271415,0 +271416,0 +271417,0 +271418,0 +271419,0 +271420,0 +271421,0 +271422,0 +271423,0 +271424,0 +271425,0 +271426,0 +271427,0 +271428,0 +271429,0 +271430,0 +271431,0 +271432,0 +271433,0 +271434,0 +271435,0 +271436,0 +271437,0 +271438,0 +271439,0 +271440,0 +271441,0 +271442,2 +271443,5 +271444,5 +271445,19 +271446,5 +271447,5 +271448,5 +271449,5 +271450,5 +271451,5 +271452,5 +271453,5 +271454,5 +271455,5 +271456,5 +271457,5 +271458,33 +271459,33 +271460,33 +271461,33 +271462,33 +271463,33 +271464,17 +271465,17 +271466,30 +271467,30 +271468,30 +271469,30 +271470,30 +271471,30 +271472,30 +271473,30 +271474,2 +271475,2 +271476,2 +271477,2 +271478,2 +271479,2 +271480,2 +271481,2 +271482,2 +271483,2 +271484,2 +271485,25 +271486,25 +271487,25 +271488,25 +271489,25 +271490,25 +271491,25 +271492,25 +271493,25 +271494,25 +271495,25 +271496,25 +271497,25 +271498,25 +271499,25 +271500,25 +271501,25 +271502,25 +271503,25 +271504,25 +271505,25 +271506,37 +271507,37 +271508,37 +271509,37 +271510,37 +271511,37 +271512,37 +271513,37 +271514,37 +271515,0 +271516,0 +271517,0 +271518,0 +271519,0 +271520,0 +271521,0 +271522,0 +271523,0 +271524,0 +271525,0 +271526,0 +271527,0 +271528,0 +271529,0 +271530,0 +271531,0 +271532,0 +271533,0 +271534,0 +271535,0 +271536,0 +271537,0 +271538,0 +271539,0 +271540,0 +271541,0 +271542,0 +271543,0 +271544,0 +271545,0 +271546,0 +271547,0 +271548,0 +271549,0 +271550,0 +271551,29 +271552,29 +271553,29 +271554,29 +271555,29 +271556,31 +271557,31 +271558,31 +271559,27 +271560,31 +271561,27 +271562,32 +271563,32 +271564,32 +271565,32 +271566,32 +271567,32 +271568,32 +271569,32 +271570,32 +271571,32 +271572,30 +271573,30 +271574,30 +271575,30 +271576,30 +271577,10 +271578,10 +271579,10 +271580,10 +271581,10 +271582,10 +271583,10 +271584,10 +271585,10 +271586,29 +271587,29 +271588,29 +271589,29 +271590,29 +271591,29 +271592,31 +271593,31 +271594,31 +271595,31 +271596,16 +271597,4 +271598,16 +271599,16 +271600,16 +271601,16 +271602,16 +271603,16 +271604,16 +271605,16 +271606,16 +271607,16 +271608,16 +271609,36 +271610,36 +271611,36 +271612,34 +271613,34 +271614,34 +271615,34 +271616,34 +271617,34 +271618,36 +271619,36 +271620,36 +271621,4 +271622,4 +271623,4 +271624,4 +271625,31 +271626,31 +271627,31 +271628,31 +271629,31 +271630,30 +271631,30 +271632,30 +271633,30 +271634,30 +271635,30 +271636,30 +271637,30 +271638,30 +271639,30 +271640,30 +271641,30 +271642,30 +271643,30 +271644,30 +271645,30 +271646,0 +271647,0 +271648,0 +271649,0 +271650,0 +271651,0 +271652,0 +271653,0 +271654,0 +271655,0 +271656,0 +271657,0 +271658,0 +271659,0 +271660,0 +271661,0 +271662,0 +271663,0 +271664,0 +271665,0 +271666,0 +271667,0 +271668,0 +271669,0 +271670,0 +271671,0 +271672,0 +271673,0 +271674,0 +271675,0 +271676,0 +271677,0 +271678,0 +271679,0 +271680,0 +271681,0 +271682,0 +271683,0 +271684,0 +271685,28 +271686,28 +271687,28 +271688,28 +271689,28 +271690,28 +271691,28 +271692,28 +271693,28 +271694,28 +271695,31 +271696,31 +271697,31 +271698,31 +271699,31 +271700,31 +271701,27 +271702,16 +271703,16 +271704,16 +271705,16 +271706,16 +271707,16 +271708,16 +271709,16 +271710,16 +271711,16 +271712,16 +271713,16 +271714,16 +271715,4 +271716,4 +271717,4 +271718,4 +271719,4 +271720,27 +271721,27 +271722,27 +271723,27 +271724,19 +271725,19 +271726,19 +271727,32 +271728,32 +271729,32 +271730,32 +271731,40 +271732,40 +271733,40 +271734,40 +271735,5 +271736,5 +271737,5 +271738,5 +271739,5 +271740,5 +271741,19 +271742,19 +271743,27 +271744,19 +271745,19 +271746,19 +271747,19 +271748,19 +271749,19 +271750,19 +271751,19 +271752,31 +271753,31 +271754,31 +271755,31 +271756,15 +271757,15 +271758,15 +271759,15 +271760,15 +271761,15 +271762,15 +271763,31 +271764,31 +271765,31 +271766,31 +271767,31 +271768,31 +271769,31 +271770,31 +271771,31 +271772,5 +271773,5 +271774,5 +271775,5 +271776,5 +271777,5 +271778,29 +271779,29 +271780,29 +271781,29 +271782,29 +271783,29 +271784,29 +271785,29 +271786,29 +271787,31 +271788,31 +271789,36 +271790,36 +271791,36 +271792,5 +271793,5 +271794,5 +271795,5 +271796,5 +271797,5 +271798,2 +271799,2 +271800,2 +271801,2 +271802,2 +271803,2 +271804,2 +271805,2 +271806,2 +271807,2 +271808,2 +271809,2 +271810,25 +271811,25 +271812,25 +271813,25 +271814,25 +271815,25 +271816,25 +271817,25 +271818,25 +271819,25 +271820,25 +271821,25 +271822,25 +271823,25 +271824,25 +271825,25 +271826,25 +271827,25 +271828,25 +271829,25 +271830,25 +271831,25 +271832,25 +271833,25 +271834,25 +271835,25 +271836,25 +271837,25 +271838,25 +271839,25 +271840,25 +271841,0 +271842,0 +271843,0 +271844,0 +271845,0 +271846,0 +271847,0 +271848,0 +271849,0 +271850,0 +271851,0 +271852,0 +271853,0 +271854,0 +271855,0 +271856,0 +271857,0 +271858,0 +271859,0 +271860,0 +271861,0 +271862,0 +271863,0 +271864,0 +271865,0 +271866,0 +271867,0 +271868,0 +271869,0 +271870,0 +271871,0 +271872,0 +271873,0 +271874,0 +271875,0 +271876,0 +271877,0 +271878,0 +271879,0 +271880,27 +271881,27 +271882,27 +271883,27 +271884,27 +271885,27 +271886,27 +271887,27 +271888,27 +271889,23 +271890,24 +271891,24 +271892,15 +271893,15 +271894,27 +271895,39 +271896,39 +271897,39 +271898,39 +271899,39 +271900,39 +271901,39 +271902,35 +271903,35 +271904,35 +271905,35 +271906,35 +271907,35 +271908,35 +271909,36 +271910,36 +271911,36 +271912,36 +271913,36 +271914,36 +271915,36 +271916,36 +271917,36 +271918,36 +271919,36 +271920,36 +271921,36 +271922,36 +271923,36 +271924,36 +271925,19 +271926,19 +271927,19 +271928,19 +271929,19 +271930,19 +271931,19 +271932,19 +271933,19 +271934,19 +271935,19 +271936,19 +271937,19 +271938,19 +271939,19 +271940,19 +271941,19 +271942,19 +271943,0 +271944,0 +271945,0 +271946,0 +271947,0 +271948,0 +271949,0 +271950,0 +271951,0 +271952,0 +271953,0 +271954,0 +271955,0 +271956,0 +271957,0 +271958,0 +271959,0 +271960,0 +271961,0 +271962,0 +271963,0 +271964,0 +271965,0 +271966,0 +271967,0 +271968,0 +271969,0 +271970,0 +271971,0 +271972,0 +271973,0 +271974,0 +271975,0 +271976,29 +271977,29 +271978,29 +271979,29 +271980,31 +271981,31 +271982,31 +271983,31 +271984,31 +271985,31 +271986,4 +271987,4 +271988,4 +271989,4 +271990,4 +271991,23 +271992,23 +271993,23 +271994,23 +271995,23 +271996,23 +271997,23 +271998,23 +271999,23 +272000,23 +272001,23 +272002,23 +272003,23 +272004,36 +272005,36 +272006,36 +272007,36 +272008,36 +272009,36 +272010,36 +272011,36 +272012,36 +272013,5 +272014,4 +272015,4 +272016,4 +272017,4 +272018,4 +272019,4 +272020,5 +272021,5 +272022,31 +272023,31 +272024,31 +272025,31 +272026,31 +272027,31 +272028,31 +272029,31 +272030,31 +272031,31 +272032,31 +272033,31 +272034,31 +272035,31 +272036,31 +272037,31 +272038,31 +272039,5 +272040,5 +272041,5 +272042,5 +272043,5 +272044,5 +272045,5 +272046,5 +272047,27 +272048,27 +272049,31 +272050,31 +272051,31 +272052,31 +272053,31 +272054,31 +272055,2 +272056,2 +272057,2 +272058,2 +272059,2 +272060,2 +272061,2 +272062,2 +272063,2 +272064,2 +272065,2 +272066,2 +272067,2 +272068,2 +272069,27 +272070,27 +272071,27 +272072,27 +272073,27 +272074,5 +272075,5 +272076,5 +272077,5 +272078,5 +272079,5 +272080,5 +272081,27 +272082,27 +272083,27 +272084,27 +272085,27 +272086,27 +272087,6 +272088,6 +272089,6 +272090,6 +272091,6 +272092,6 +272093,6 +272094,6 +272095,2 +272096,2 +272097,2 +272098,2 +272099,2 +272100,2 +272101,2 +272102,12 +272103,12 +272104,12 +272105,12 +272106,12 +272107,12 +272108,12 +272109,12 +272110,12 +272111,12 +272112,10 +272113,10 +272114,10 +272115,10 +272116,10 +272117,10 +272118,10 +272119,10 +272120,10 +272121,10 +272122,10 +272123,10 +272124,24 +272125,24 +272126,24 +272127,24 +272128,24 +272129,6 +272130,6 +272131,6 +272132,6 +272133,6 +272134,6 +272135,6 +272136,6 +272137,6 +272138,6 +272139,6 +272140,22 +272141,22 +272142,22 +272143,22 +272144,22 +272145,19 +272146,19 +272147,19 +272148,19 +272149,19 +272150,19 +272151,19 +272152,5 +272153,5 +272154,5 +272155,5 +272156,5 +272157,5 +272158,36 +272159,26 +272160,26 +272161,26 +272162,26 +272163,26 +272164,26 +272165,26 +272166,36 +272167,26 +272168,36 +272169,36 +272170,36 +272171,4 +272172,4 +272173,4 +272174,4 +272175,4 +272176,4 +272177,23 +272178,23 +272179,32 +272180,32 +272181,23 +272182,23 +272183,23 +272184,23 +272185,23 +272186,25 +272187,25 +272188,25 +272189,25 +272190,25 +272191,25 +272192,25 +272193,15 +272194,15 +272195,15 +272196,15 +272197,15 +272198,15 +272199,15 +272200,15 +272201,15 +272202,14 +272203,14 +272204,14 +272205,14 +272206,14 +272207,14 +272208,14 +272209,14 +272210,36 +272211,36 +272212,40 +272213,40 +272214,40 +272215,40 +272216,40 +272217,37 +272218,37 +272219,37 +272220,37 +272221,37 +272222,37 +272223,37 +272224,31 +272225,31 +272226,31 +272227,31 +272228,30 +272229,30 +272230,30 +272231,30 +272232,30 +272233,30 +272234,30 +272235,30 +272236,30 +272237,40 +272238,40 +272239,40 +272240,40 +272241,40 +272242,40 +272243,40 +272244,40 +272245,19 +272246,19 +272247,19 +272248,19 +272249,19 +272250,27 +272251,27 +272252,27 +272253,27 +272254,27 +272255,13 +272256,13 +272257,13 +272258,13 +272259,13 +272260,13 +272261,13 +272262,13 +272263,23 +272264,23 +272265,23 +272266,23 +272267,23 +272268,23 +272269,23 +272270,23 +272271,23 +272272,23 +272273,23 +272274,23 +272275,23 +272276,23 +272277,23 +272278,9 +272279,9 +272280,9 +272281,9 +272282,9 +272283,9 +272284,9 +272285,9 +272286,9 +272287,9 +272288,9 +272289,9 +272290,9 +272291,9 +272292,30 +272293,30 +272294,30 +272295,30 +272296,30 +272297,30 +272298,30 +272299,30 +272300,2 +272301,2 +272302,2 +272303,2 +272304,2 +272305,2 +272306,2 +272307,2 +272308,2 +272309,2 +272310,31 +272311,31 +272312,31 +272313,31 +272314,28 +272315,28 +272316,28 +272317,28 +272318,28 +272319,28 +272320,28 +272321,5 +272322,5 +272323,5 +272324,5 +272325,5 +272326,13 +272327,6 +272328,6 +272329,4 +272330,32 +272331,32 +272332,32 +272333,32 +272334,32 +272335,32 +272336,35 +272337,35 +272338,35 +272339,39 +272340,39 +272341,39 +272342,39 +272343,39 +272344,39 +272345,39 +272346,39 +272347,39 +272348,39 +272349,27 +272350,27 +272351,27 +272352,27 +272353,27 +272354,27 +272355,37 +272356,37 +272357,37 +272358,37 +272359,37 +272360,37 +272361,37 +272362,37 +272363,37 +272364,37 +272365,37 +272366,37 +272367,37 +272368,25 +272369,8 +272370,8 +272371,8 +272372,8 +272373,8 +272374,8 +272375,8 +272376,8 +272377,8 +272378,8 +272379,2 +272380,2 +272381,2 +272382,2 +272383,2 +272384,2 +272385,2 +272386,2 +272387,2 +272388,2 +272389,2 +272390,2 +272391,0 +272392,0 +272393,0 +272394,0 +272395,0 +272396,0 +272397,0 +272398,0 +272399,0 +272400,0 +272401,0 +272402,0 +272403,0 +272404,0 +272405,0 +272406,0 +272407,0 +272408,0 +272409,0 +272410,0 +272411,0 +272412,0 +272413,0 +272414,0 +272415,0 +272416,0 +272417,0 +272418,0 +272419,0 +272420,0 +272421,0 +272422,0 +272423,0 +272424,0 +272425,0 +272426,0 +272427,0 +272428,0 +272429,0 +272430,0 +272431,0 +272432,0 +272433,0 +272434,0 +272435,0 +272436,0 +272437,0 +272438,0 +272439,0 +272440,0 +272441,0 +272442,0 +272443,0 +272444,0 +272445,0 +272446,0 +272447,36 +272448,36 +272449,36 +272450,36 +272451,36 +272452,40 +272453,40 +272454,40 +272455,40 +272456,40 +272457,8 +272458,8 +272459,8 +272460,8 +272461,8 +272462,8 +272463,8 +272464,8 +272465,8 +272466,8 +272467,8 +272468,8 +272469,33 +272470,33 +272471,33 +272472,33 +272473,33 +272474,33 +272475,33 +272476,33 +272477,30 +272478,30 +272479,30 +272480,30 +272481,30 +272482,30 +272483,9 +272484,9 +272485,9 +272486,9 +272487,9 +272488,9 +272489,9 +272490,9 +272491,9 +272492,9 +272493,9 +272494,9 +272495,9 +272496,9 +272497,9 +272498,9 +272499,9 +272500,9 +272501,9 +272502,9 +272503,9 +272504,9 +272505,9 +272506,30 +272507,30 +272508,30 +272509,30 +272510,35 +272511,35 +272512,35 +272513,35 +272514,35 +272515,35 +272516,35 +272517,35 +272518,35 +272519,36 +272520,36 +272521,36 +272522,36 +272523,24 +272524,24 +272525,24 +272526,27 +272527,27 +272528,27 +272529,27 +272530,27 +272531,27 +272532,27 +272533,27 +272534,27 +272535,27 +272536,5 +272537,5 +272538,5 +272539,5 +272540,5 +272541,35 +272542,35 +272543,35 +272544,35 +272545,35 +272546,35 +272547,35 +272548,35 +272549,35 +272550,35 +272551,35 +272552,35 +272553,35 +272554,14 +272555,14 +272556,14 +272557,14 +272558,14 +272559,14 +272560,14 +272561,14 +272562,14 +272563,14 +272564,14 +272565,14 +272566,14 +272567,30 +272568,30 +272569,30 +272570,30 +272571,30 +272572,30 +272573,30 +272574,31 +272575,19 +272576,19 +272577,19 +272578,19 +272579,31 +272580,31 +272581,27 +272582,27 +272583,27 +272584,31 +272585,31 +272586,5 +272587,5 +272588,5 +272589,5 +272590,5 +272591,27 +272592,27 +272593,31 +272594,31 +272595,28 +272596,28 +272597,28 +272598,28 +272599,28 +272600,28 +272601,32 +272602,32 +272603,32 +272604,32 +272605,32 +272606,32 +272607,32 +272608,32 +272609,11 +272610,32 +272611,32 +272612,32 +272613,32 +272614,32 +272615,32 +272616,11 +272617,11 +272618,11 +272619,11 +272620,22 +272621,22 +272622,22 +272623,22 +272624,37 +272625,37 +272626,37 +272627,37 +272628,37 +272629,37 +272630,37 +272631,37 +272632,37 +272633,25 +272634,31 +272635,31 +272636,31 +272637,25 +272638,25 +272639,25 +272640,4 +272641,4 +272642,4 +272643,4 +272644,4 +272645,4 +272646,4 +272647,4 +272648,4 +272649,39 +272650,39 +272651,39 +272652,39 +272653,39 +272654,39 +272655,39 +272656,39 +272657,39 +272658,39 +272659,39 +272660,39 +272661,39 +272662,36 +272663,39 +272664,31 +272665,31 +272666,31 +272667,31 +272668,31 +272669,19 +272670,19 +272671,19 +272672,29 +272673,29 +272674,29 +272675,29 +272676,29 +272677,29 +272678,31 +272679,31 +272680,31 +272681,31 +272682,2 +272683,2 +272684,2 +272685,2 +272686,2 +272687,2 +272688,2 +272689,2 +272690,2 +272691,2 +272692,2 +272693,2 +272694,14 +272695,14 +272696,14 +272697,14 +272698,14 +272699,14 +272700,14 +272701,14 +272702,14 +272703,14 +272704,14 +272705,28 +272706,28 +272707,28 +272708,28 +272709,28 +272710,28 +272711,28 +272712,28 +272713,28 +272714,31 +272715,31 +272716,31 +272717,31 +272718,31 +272719,5 +272720,5 +272721,5 +272722,5 +272723,2 +272724,2 +272725,2 +272726,2 +272727,2 +272728,2 +272729,2 +272730,2 +272731,2 +272732,4 +272733,4 +272734,4 +272735,4 +272736,4 +272737,4 +272738,4 +272739,31 +272740,31 +272741,31 +272742,31 +272743,31 +272744,5 +272745,5 +272746,5 +272747,5 +272748,5 +272749,4 +272750,4 +272751,4 +272752,4 +272753,4 +272754,4 +272755,4 +272756,4 +272757,4 +272758,4 +272759,4 +272760,4 +272761,4 +272762,4 +272763,4 +272764,0 +272765,0 +272766,0 +272767,0 +272768,0 +272769,0 +272770,0 +272771,0 +272772,0 +272773,0 +272774,0 +272775,0 +272776,0 +272777,0 +272778,0 +272779,0 +272780,0 +272781,0 +272782,0 +272783,0 +272784,0 +272785,0 +272786,0 +272787,0 +272788,0 +272789,0 +272790,0 +272791,0 +272792,0 +272793,0 +272794,0 +272795,0 +272796,0 +272797,0 +272798,0 +272799,0 +272800,0 +272801,0 +272802,0 +272803,0 +272804,0 +272805,0 +272806,0 +272807,0 +272808,0 +272809,0 +272810,0 +272811,0 +272812,0 +272813,0 +272814,0 +272815,0 +272816,0 +272817,0 +272818,0 +272819,0 +272820,0 +272821,0 +272822,0 +272823,0 +272824,0 +272825,0 +272826,0 +272827,0 +272828,0 +272829,0 +272830,0 +272831,0 +272832,0 +272833,0 +272834,0 +272835,0 +272836,0 +272837,0 +272838,0 +272839,0 +272840,0 +272841,0 +272842,0 +272843,0 +272844,0 +272845,0 +272846,0 +272847,0 +272848,0 +272849,0 +272850,0 +272851,0 +272852,0 +272853,0 +272854,0 +272855,0 +272856,0 +272857,0 +272858,0 +272859,0 +272860,0 +272861,0 +272862,0 +272863,0 +272864,0 +272865,0 +272866,0 +272867,0 +272868,0 +272869,0 +272870,0 +272871,0 +272872,0 +272873,0 +272874,0 +272875,0 +272876,0 +272877,0 +272878,0 +272879,0 +272880,0 +272881,0 +272882,0 +272883,0 +272884,0 +272885,0 +272886,0 +272887,0 +272888,0 +272889,0 +272890,0 +272891,0 +272892,0 +272893,0 +272894,0 +272895,0 +272896,0 +272897,0 +272898,0 +272899,0 +272900,0 +272901,0 +272902,0 +272903,0 +272904,0 +272905,0 +272906,0 +272907,0 +272908,0 +272909,0 +272910,0 +272911,0 +272912,27 +272913,27 +272914,27 +272915,27 +272916,27 +272917,2 +272918,2 +272919,2 +272920,2 +272921,2 +272922,2 +272923,2 +272924,2 +272925,2 +272926,2 +272927,2 +272928,2 +272929,2 +272930,2 +272931,2 +272932,2 +272933,28 +272934,28 +272935,28 +272936,28 +272937,28 +272938,28 +272939,28 +272940,33 +272941,33 +272942,33 +272943,33 +272944,33 +272945,33 +272946,33 +272947,33 +272948,33 +272949,33 +272950,33 +272951,33 +272952,32 +272953,6 +272954,32 +272955,32 +272956,32 +272957,32 +272958,0 +272959,24 +272960,24 +272961,32 +272962,32 +272963,24 +272964,24 +272965,24 +272966,24 +272967,15 +272968,37 +272969,37 +272970,37 +272971,37 +272972,37 +272973,37 +272974,37 +272975,37 +272976,37 +272977,37 +272978,39 +272979,39 +272980,39 +272981,39 +272982,39 +272983,39 +272984,39 +272985,39 +272986,39 +272987,39 +272988,39 +272989,39 +272990,39 +272991,39 +272992,39 +272993,39 +272994,39 +272995,39 +272996,39 +272997,29 +272998,29 +272999,29 +273000,29 +273001,29 +273002,29 +273003,29 +273004,29 +273005,29 +273006,29 +273007,29 +273008,31 +273009,31 +273010,27 +273011,27 +273012,15 +273013,15 +273014,15 +273015,15 +273016,15 +273017,15 +273018,15 +273019,15 +273020,15 +273021,15 +273022,31 +273023,34 +273024,26 +273025,26 +273026,34 +273027,34 +273028,26 +273029,26 +273030,26 +273031,26 +273032,29 +273033,29 +273034,29 +273035,29 +273036,29 +273037,29 +273038,29 +273039,25 +273040,25 +273041,25 +273042,25 +273043,25 +273044,25 +273045,25 +273046,25 +273047,35 +273048,35 +273049,35 +273050,35 +273051,35 +273052,35 +273053,35 +273054,35 +273055,40 +273056,40 +273057,40 +273058,40 +273059,40 +273060,40 +273061,40 +273062,14 +273063,14 +273064,14 +273065,14 +273066,14 +273067,14 +273068,40 +273069,40 +273070,40 +273071,40 +273072,40 +273073,14 +273074,29 +273075,29 +273076,29 +273077,29 +273078,29 +273079,29 +273080,29 +273081,29 +273082,29 +273083,31 +273084,31 +273085,27 +273086,31 +273087,30 +273088,30 +273089,30 +273090,30 +273091,30 +273092,31 +273093,30 +273094,31 +273095,27 +273096,31 +273097,33 +273098,33 +273099,30 +273100,30 +273101,30 +273102,30 +273103,30 +273104,30 +273105,30 +273106,30 +273107,30 +273108,30 +273109,30 +273110,30 +273111,0 +273112,0 +273113,0 +273114,0 +273115,0 +273116,0 +273117,0 +273118,40 +273119,40 +273120,40 +273121,40 +273122,40 +273123,40 +273124,40 +273125,40 +273126,40 +273127,40 +273128,40 +273129,40 +273130,40 +273131,29 +273132,29 +273133,29 +273134,29 +273135,29 +273136,29 +273137,27 +273138,27 +273139,27 +273140,27 +273141,27 +273142,27 +273143,13 +273144,13 +273145,13 +273146,13 +273147,13 +273148,13 +273149,13 +273150,13 +273151,13 +273152,13 +273153,13 +273154,13 +273155,13 +273156,8 +273157,8 +273158,8 +273159,8 +273160,8 +273161,8 +273162,8 +273163,8 +273164,8 +273165,8 +273166,8 +273167,8 +273168,0 +273169,0 +273170,0 +273171,0 +273172,0 +273173,0 +273174,0 +273175,0 +273176,0 +273177,0 +273178,0 +273179,0 +273180,0 +273181,0 +273182,0 +273183,0 +273184,0 +273185,0 +273186,0 +273187,0 +273188,0 +273189,0 +273190,0 +273191,0 +273192,0 +273193,0 +273194,0 +273195,0 +273196,0 +273197,0 +273198,0 +273199,0 +273200,0 +273201,0 +273202,0 +273203,0 +273204,0 +273205,0 +273206,0 +273207,0 +273208,0 +273209,0 +273210,0 +273211,0 +273212,0 +273213,0 +273214,0 +273215,0 +273216,0 +273217,0 +273218,0 +273219,0 +273220,0 +273221,0 +273222,0 +273223,0 +273224,0 +273225,0 +273226,0 +273227,0 +273228,0 +273229,0 +273230,0 +273231,0 +273232,0 +273233,0 +273234,0 +273235,0 +273236,10 +273237,10 +273238,10 +273239,10 +273240,10 +273241,10 +273242,10 +273243,10 +273244,10 +273245,10 +273246,10 +273247,10 +273248,10 +273249,2 +273250,2 +273251,2 +273252,2 +273253,2 +273254,2 +273255,2 +273256,2 +273257,2 +273258,2 +273259,2 +273260,2 +273261,2 +273262,2 +273263,33 +273264,33 +273265,33 +273266,33 +273267,33 +273268,33 +273269,32 +273270,32 +273271,32 +273272,32 +273273,32 +273274,32 +273275,32 +273276,32 +273277,32 +273278,32 +273279,30 +273280,30 +273281,30 +273282,30 +273283,22 +273284,22 +273285,22 +273286,22 +273287,6 +273288,6 +273289,6 +273290,6 +273291,31 +273292,31 +273293,31 +273294,31 +273295,31 +273296,31 +273297,31 +273298,4 +273299,4 +273300,4 +273301,4 +273302,4 +273303,4 +273304,4 +273305,4 +273306,4 +273307,4 +273308,4 +273309,4 +273310,9 +273311,9 +273312,9 +273313,26 +273314,26 +273315,26 +273316,26 +273317,26 +273318,26 +273319,26 +273320,26 +273321,26 +273322,26 +273323,26 +273324,32 +273325,32 +273326,32 +273327,32 +273328,32 +273329,32 +273330,32 +273331,30 +273332,30 +273333,30 +273334,30 +273335,30 +273336,30 +273337,30 +273338,30 +273339,30 +273340,40 +273341,40 +273342,40 +273343,40 +273344,40 +273345,40 +273346,40 +273347,40 +273348,40 +273349,40 +273350,2 +273351,2 +273352,2 +273353,2 +273354,2 +273355,2 +273356,2 +273357,2 +273358,2 +273359,28 +273360,28 +273361,28 +273362,28 +273363,28 +273364,10 +273365,10 +273366,10 +273367,10 +273368,10 +273369,10 +273370,10 +273371,10 +273372,10 +273373,10 +273374,10 +273375,10 +273376,10 +273377,10 +273378,10 +273379,10 +273380,10 +273381,10 +273382,10 +273383,10 +273384,25 +273385,25 +273386,25 +273387,37 +273388,25 +273389,10 +273390,35 +273391,35 +273392,35 +273393,35 +273394,35 +273395,35 +273396,35 +273397,35 +273398,25 +273399,25 +273400,25 +273401,25 +273402,25 +273403,25 +273404,25 +273405,25 +273406,25 +273407,19 +273408,19 +273409,19 +273410,5 +273411,5 +273412,5 +273413,5 +273414,5 +273415,5 +273416,26 +273417,26 +273418,26 +273419,26 +273420,26 +273421,37 +273422,37 +273423,37 +273424,23 +273425,23 +273426,23 +273427,23 +273428,23 +273429,23 +273430,23 +273431,23 +273432,31 +273433,31 +273434,31 +273435,31 +273436,31 +273437,31 +273438,31 +273439,31 +273440,31 +273441,5 +273442,5 +273443,5 +273444,5 +273445,5 +273446,5 +273447,5 +273448,19 +273449,5 +273450,0 +273451,0 +273452,0 +273453,31 +273454,10 +273455,10 +273456,31 +273457,31 +273458,31 +273459,10 +273460,10 +273461,10 +273462,10 +273463,2 +273464,2 +273465,2 +273466,2 +273467,2 +273468,2 +273469,2 +273470,2 +273471,2 +273472,2 +273473,2 +273474,9 +273475,9 +273476,9 +273477,9 +273478,9 +273479,9 +273480,9 +273481,9 +273482,9 +273483,9 +273484,9 +273485,13 +273486,5 +273487,5 +273488,5 +273489,1 +273490,1 +273491,1 +273492,1 +273493,9 +273494,26 +273495,26 +273496,26 +273497,30 +273498,30 +273499,30 +273500,30 +273501,30 +273502,30 +273503,30 +273504,30 +273505,30 +273506,30 +273507,30 +273508,30 +273509,27 +273510,27 +273511,27 +273512,13 +273513,13 +273514,13 +273515,13 +273516,13 +273517,13 +273518,13 +273519,13 +273520,13 +273521,13 +273522,13 +273523,5 +273524,13 +273525,0 +273526,0 +273527,0 +273528,0 +273529,0 +273530,0 +273531,0 +273532,0 +273533,0 +273534,0 +273535,0 +273536,0 +273537,0 +273538,0 +273539,0 +273540,0 +273541,0 +273542,0 +273543,0 +273544,0 +273545,0 +273546,0 +273547,0 +273548,0 +273549,0 +273550,0 +273551,0 +273552,0 +273553,0 +273554,0 +273555,0 +273556,0 +273557,0 +273558,0 +273559,0 +273560,0 +273561,0 +273562,0 +273563,0 +273564,0 +273565,0 +273566,0 +273567,0 +273568,0 +273569,0 +273570,0 +273571,0 +273572,0 +273573,0 +273574,0 +273575,0 +273576,0 +273577,0 +273578,0 +273579,0 +273580,0 +273581,0 +273582,0 +273583,0 +273584,0 +273585,0 +273586,0 +273587,0 +273588,0 +273589,0 +273590,0 +273591,0 +273592,0 +273593,0 +273594,0 +273595,0 +273596,0 +273597,0 +273598,0 +273599,0 +273600,0 +273601,0 +273602,0 +273603,0 +273604,0 +273605,0 +273606,0 +273607,0 +273608,0 +273609,0 +273610,0 +273611,0 +273612,0 +273613,0 +273614,0 +273615,0 +273616,0 +273617,0 +273618,0 +273619,0 +273620,0 +273621,0 +273622,0 +273623,0 +273624,0 +273625,0 +273626,0 +273627,0 +273628,0 +273629,0 +273630,0 +273631,0 +273632,0 +273633,0 +273634,0 +273635,0 +273636,0 +273637,0 +273638,0 +273639,0 +273640,0 +273641,0 +273642,0 +273643,0 +273644,0 +273645,0 +273646,0 +273647,0 +273648,0 +273649,0 +273650,0 +273651,0 +273652,0 +273653,0 +273654,0 +273655,0 +273656,9 +273657,9 +273658,9 +273659,9 +273660,9 +273661,9 +273662,9 +273663,9 +273664,9 +273665,9 +273666,9 +273667,9 +273668,9 +273669,9 +273670,9 +273671,9 +273672,9 +273673,9 +273674,9 +273675,6 +273676,6 +273677,6 +273678,26 +273679,10 +273680,10 +273681,10 +273682,10 +273683,10 +273684,10 +273685,10 +273686,10 +273687,10 +273688,10 +273689,10 +273690,10 +273691,10 +273692,10 +273693,10 +273694,4 +273695,4 +273696,4 +273697,4 +273698,4 +273699,4 +273700,4 +273701,4 +273702,4 +273703,4 +273704,4 +273705,3 +273706,3 +273707,31 +273708,31 +273709,31 +273710,12 +273711,12 +273712,12 +273713,12 +273714,12 +273715,12 +273716,12 +273717,12 +273718,12 +273719,9 +273720,12 +273721,12 +273722,12 +273723,12 +273724,31 +273725,9 +273726,9 +273727,9 +273728,5 +273729,31 +273730,5 +273731,5 +273732,5 +273733,4 +273734,4 +273735,4 +273736,4 +273737,4 +273738,4 +273739,4 +273740,7 +273741,7 +273742,7 +273743,7 +273744,7 +273745,7 +273746,7 +273747,3 +273748,3 +273749,3 +273750,3 +273751,3 +273752,3 +273753,3 +273754,3 +273755,3 +273756,8 +273757,4 +273758,4 +273759,4 +273760,4 +273761,4 +273762,27 +273763,27 +273764,27 +273765,27 +273766,2 +273767,2 +273768,2 +273769,2 +273770,2 +273771,2 +273772,2 +273773,4 +273774,4 +273775,4 +273776,4 +273777,4 +273778,4 +273779,4 +273780,36 +273781,36 +273782,36 +273783,36 +273784,36 +273785,36 +273786,36 +273787,36 +273788,36 +273789,5 +273790,5 +273791,5 +273792,5 +273793,28 +273794,5 +273795,5 +273796,29 +273797,29 +273798,29 +273799,36 +273800,36 +273801,36 +273802,36 +273803,36 +273804,36 +273805,36 +273806,36 +273807,36 +273808,36 +273809,36 +273810,28 +273811,28 +273812,28 +273813,28 +273814,28 +273815,28 +273816,28 +273817,28 +273818,28 +273819,28 +273820,39 +273821,39 +273822,39 +273823,39 +273824,39 +273825,39 +273826,39 +273827,39 +273828,39 +273829,14 +273830,39 +273831,39 +273832,39 +273833,15 +273834,15 +273835,15 +273836,15 +273837,15 +273838,15 +273839,15 +273840,15 +273841,26 +273842,26 +273843,26 +273844,26 +273845,26 +273846,26 +273847,26 +273848,9 +273849,9 +273850,29 +273851,29 +273852,29 +273853,15 +273854,39 +273855,39 +273856,39 +273857,39 +273858,39 +273859,39 +273860,39 +273861,2 +273862,2 +273863,2 +273864,2 +273865,2 +273866,2 +273867,2 +273868,2 +273869,2 +273870,40 +273871,40 +273872,40 +273873,40 +273874,40 +273875,40 +273876,40 +273877,40 +273878,40 +273879,40 +273880,40 +273881,40 +273882,5 +273883,5 +273884,5 +273885,5 +273886,5 +273887,5 +273888,5 +273889,5 +273890,37 +273891,25 +273892,37 +273893,37 +273894,37 +273895,37 +273896,37 +273897,37 +273898,37 +273899,37 +273900,0 +273901,0 +273902,0 +273903,0 +273904,0 +273905,0 +273906,0 +273907,0 +273908,0 +273909,0 +273910,0 +273911,0 +273912,0 +273913,0 +273914,0 +273915,0 +273916,0 +273917,0 +273918,0 +273919,0 +273920,0 +273921,0 +273922,0 +273923,0 +273924,0 +273925,0 +273926,0 +273927,0 +273928,0 +273929,0 +273930,0 +273931,0 +273932,0 +273933,0 +273934,0 +273935,0 +273936,0 +273937,0 +273938,0 +273939,0 +273940,0 +273941,0 +273942,9 +273943,9 +273944,9 +273945,9 +273946,9 +273947,33 +273948,33 +273949,9 +273950,9 +273951,9 +273952,9 +273953,33 +273954,33 +273955,33 +273956,33 +273957,13 +273958,13 +273959,13 +273960,13 +273961,13 +273962,13 +273963,13 +273964,13 +273965,13 +273966,13 +273967,13 +273968,28 +273969,28 +273970,28 +273971,4 +273972,4 +273973,4 +273974,4 +273975,4 +273976,4 +273977,4 +273978,10 +273979,10 +273980,10 +273981,10 +273982,10 +273983,10 +273984,10 +273985,10 +273986,10 +273987,10 +273988,10 +273989,10 +273990,19 +273991,19 +273992,19 +273993,19 +273994,19 +273995,5 +273996,5 +273997,5 +273998,28 +273999,14 +274000,14 +274001,14 +274002,14 +274003,14 +274004,14 +274005,14 +274006,14 +274007,14 +274008,6 +274009,6 +274010,6 +274011,6 +274012,6 +274013,6 +274014,6 +274015,31 +274016,31 +274017,31 +274018,31 +274019,31 +274020,24 +274021,24 +274022,24 +274023,25 +274024,25 +274025,25 +274026,25 +274027,25 +274028,25 +274029,25 +274030,25 +274031,25 +274032,25 +274033,6 +274034,6 +274035,6 +274036,6 +274037,6 +274038,6 +274039,6 +274040,6 +274041,6 +274042,6 +274043,6 +274044,6 +274045,6 +274046,6 +274047,6 +274048,30 +274049,30 +274050,30 +274051,30 +274052,30 +274053,30 +274054,39 +274055,39 +274056,39 +274057,39 +274058,39 +274059,3 +274060,5 +274061,5 +274062,5 +274063,5 +274064,5 +274065,5 +274066,13 +274067,15 +274068,21 +274069,21 +274070,37 +274071,37 +274072,37 +274073,37 +274074,37 +274075,37 +274076,37 +274077,40 +274078,40 +274079,40 +274080,40 +274081,40 +274082,40 +274083,40 +274084,2 +274085,2 +274086,2 +274087,2 +274088,2 +274089,2 +274090,2 +274091,4 +274092,4 +274093,4 +274094,4 +274095,27 +274096,31 +274097,31 +274098,27 +274099,24 +274100,24 +274101,24 +274102,24 +274103,24 +274104,27 +274105,27 +274106,27 +274107,27 +274108,27 +274109,27 +274110,27 +274111,27 +274112,4 +274113,4 +274114,4 +274115,4 +274116,0 +274117,0 +274118,0 +274119,0 +274120,0 +274121,0 +274122,0 +274123,0 +274124,0 +274125,0 +274126,0 +274127,0 +274128,0 +274129,0 +274130,0 +274131,0 +274132,0 +274133,0 +274134,0 +274135,0 +274136,0 +274137,0 +274138,0 +274139,0 +274140,0 +274141,0 +274142,0 +274143,0 +274144,0 +274145,0 +274146,0 +274147,0 +274148,0 +274149,0 +274150,0 +274151,0 +274152,0 +274153,0 +274154,0 +274155,0 +274156,0 +274157,0 +274158,0 +274159,0 +274160,0 +274161,0 +274162,0 +274163,0 +274164,0 +274165,0 +274166,0 +274167,0 +274168,0 +274169,0 +274170,0 +274171,0 +274172,0 +274173,0 +274174,0 +274175,0 +274176,0 +274177,0 +274178,0 +274179,0 +274180,0 +274181,0 +274182,0 +274183,0 +274184,0 +274185,0 +274186,0 +274187,0 +274188,0 +274189,0 +274190,0 +274191,15 +274192,15 +274193,39 +274194,39 +274195,39 +274196,39 +274197,39 +274198,39 +274199,39 +274200,39 +274201,4 +274202,4 +274203,4 +274204,4 +274205,4 +274206,4 +274207,4 +274208,4 +274209,4 +274210,4 +274211,12 +274212,12 +274213,12 +274214,3 +274215,3 +274216,3 +274217,27 +274218,27 +274219,27 +274220,27 +274221,27 +274222,13 +274223,13 +274224,13 +274225,13 +274226,13 +274227,29 +274228,29 +274229,29 +274230,29 +274231,31 +274232,31 +274233,31 +274234,31 +274235,31 +274236,4 +274237,4 +274238,4 +274239,4 +274240,4 +274241,4 +274242,4 +274243,4 +274244,4 +274245,4 +274246,4 +274247,3 +274248,3 +274249,3 +274250,3 +274251,3 +274252,3 +274253,3 +274254,3 +274255,3 +274256,3 +274257,3 +274258,3 +274259,3 +274260,3 +274261,3 +274262,3 +274263,3 +274264,3 +274265,3 +274266,3 +274267,3 +274268,3 +274269,31 +274270,31 +274271,31 +274272,31 +274273,31 +274274,31 +274275,31 +274276,31 +274277,31 +274278,2 +274279,2 +274280,2 +274281,2 +274282,2 +274283,2 +274284,2 +274285,2 +274286,2 +274287,2 +274288,2 +274289,28 +274290,28 +274291,28 +274292,28 +274293,28 +274294,28 +274295,9 +274296,9 +274297,9 +274298,9 +274299,9 +274300,9 +274301,9 +274302,9 +274303,9 +274304,9 +274305,9 +274306,9 +274307,9 +274308,9 +274309,9 +274310,9 +274311,9 +274312,5 +274313,5 +274314,5 +274315,5 +274316,19 +274317,19 +274318,19 +274319,19 +274320,19 +274321,3 +274322,9 +274323,9 +274324,9 +274325,9 +274326,9 +274327,9 +274328,9 +274329,9 +274330,9 +274331,9 +274332,9 +274333,9 +274334,9 +274335,9 +274336,9 +274337,9 +274338,9 +274339,37 +274340,37 +274341,37 +274342,37 +274343,37 +274344,37 +274345,37 +274346,25 +274347,12 +274348,12 +274349,12 +274350,12 +274351,12 +274352,12 +274353,12 +274354,27 +274355,27 +274356,27 +274357,38 +274358,38 +274359,29 +274360,29 +274361,31 +274362,31 +274363,31 +274364,31 +274365,31 +274366,31 +274367,32 +274368,32 +274369,32 +274370,32 +274371,32 +274372,32 +274373,32 +274374,32 +274375,32 +274376,32 +274377,32 +274378,32 +274379,9 +274380,9 +274381,9 +274382,9 +274383,9 +274384,9 +274385,9 +274386,9 +274387,9 +274388,37 +274389,37 +274390,37 +274391,37 +274392,37 +274393,37 +274394,37 +274395,4 +274396,4 +274397,4 +274398,4 +274399,4 +274400,2 +274401,2 +274402,2 +274403,2 +274404,2 +274405,2 +274406,2 +274407,2 +274408,2 +274409,2 +274410,2 +274411,31 +274412,31 +274413,31 +274414,31 +274415,31 +274416,32 +274417,32 +274418,32 +274419,32 +274420,32 +274421,32 +274422,32 +274423,32 +274424,32 +274425,32 +274426,32 +274427,9 +274428,9 +274429,9 +274430,9 +274431,9 +274432,37 +274433,37 +274434,25 +274435,25 +274436,25 +274437,25 +274438,25 +274439,25 +274440,25 +274441,25 +274442,25 +274443,15 +274444,15 +274445,15 +274446,15 +274447,15 +274448,15 +274449,15 +274450,15 +274451,15 +274452,10 +274453,10 +274454,10 +274455,10 +274456,10 +274457,10 +274458,10 +274459,10 +274460,36 +274461,36 +274462,36 +274463,36 +274464,36 +274465,10 +274466,6 +274467,6 +274468,6 +274469,6 +274470,6 +274471,6 +274472,6 +274473,6 +274474,6 +274475,6 +274476,31 +274477,31 +274478,31 +274479,31 +274480,31 +274481,31 +274482,31 +274483,32 +274484,32 +274485,32 +274486,32 +274487,32 +274488,30 +274489,30 +274490,30 +274491,30 +274492,30 +274493,31 +274494,31 +274495,31 +274496,31 +274497,31 +274498,31 +274499,24 +274500,24 +274501,24 +274502,24 +274503,24 +274504,32 +274505,32 +274506,32 +274507,32 +274508,32 +274509,32 +274510,32 +274511,32 +274512,32 +274513,27 +274514,27 +274515,27 +274516,27 +274517,27 +274518,30 +274519,30 +274520,30 +274521,30 +274522,30 +274523,30 +274524,17 +274525,17 +274526,17 +274527,17 +274528,39 +274529,25 +274530,25 +274531,25 +274532,25 +274533,25 +274534,25 +274535,25 +274536,25 +274537,25 +274538,25 +274539,25 +274540,25 +274541,8 +274542,8 +274543,8 +274544,8 +274545,8 +274546,8 +274547,8 +274548,8 +274549,8 +274550,8 +274551,8 +274552,8 +274553,8 +274554,8 +274555,0 +274556,0 +274557,0 +274558,0 +274559,0 +274560,0 +274561,23 +274562,23 +274563,23 +274564,23 +274565,23 +274566,23 +274567,23 +274568,23 +274569,9 +274570,9 +274571,9 +274572,9 +274573,9 +274574,9 +274575,9 +274576,37 +274577,31 +274578,31 +274579,31 +274580,5 +274581,5 +274582,5 +274583,5 +274584,5 +274585,5 +274586,5 +274587,29 +274588,29 +274589,29 +274590,29 +274591,39 +274592,39 +274593,39 +274594,39 +274595,39 +274596,39 +274597,39 +274598,39 +274599,39 +274600,36 +274601,36 +274602,36 +274603,36 +274604,36 +274605,36 +274606,36 +274607,36 +274608,5 +274609,5 +274610,5 +274611,5 +274612,4 +274613,4 +274614,4 +274615,4 +274616,4 +274617,4 +274618,4 +274619,4 +274620,25 +274621,37 +274622,37 +274623,31 +274624,31 +274625,31 +274626,31 +274627,31 +274628,31 +274629,2 +274630,8 +274631,8 +274632,8 +274633,8 +274634,8 +274635,8 +274636,8 +274637,8 +274638,4 +274639,4 +274640,4 +274641,4 +274642,4 +274643,4 +274644,31 +274645,31 +274646,31 +274647,31 +274648,29 +274649,29 +274650,29 +274651,31 +274652,31 +274653,31 +274654,31 +274655,35 +274656,35 +274657,35 +274658,35 +274659,35 +274660,35 +274661,35 +274662,34 +274663,34 +274664,34 +274665,34 +274666,34 +274667,34 +274668,34 +274669,34 +274670,34 +274671,34 +274672,34 +274673,34 +274674,34 +274675,34 +274676,34 +274677,34 +274678,34 +274679,34 +274680,34 +274681,2 +274682,2 +274683,2 +274684,2 +274685,2 +274686,2 +274687,2 +274688,2 +274689,2 +274690,2 +274691,2 +274692,2 +274693,2 +274694,2 +274695,2 +274696,2 +274697,2 +274698,2 +274699,2 +274700,2 +274701,2 +274702,2 +274703,0 +274704,0 +274705,0 +274706,0 +274707,0 +274708,0 +274709,0 +274710,0 +274711,0 +274712,0 +274713,0 +274714,0 +274715,0 +274716,0 +274717,0 +274718,0 +274719,0 +274720,0 +274721,0 +274722,0 +274723,0 +274724,0 +274725,0 +274726,0 +274727,0 +274728,0 +274729,0 +274730,0 +274731,0 +274732,0 +274733,0 +274734,0 +274735,0 +274736,0 +274737,0 +274738,0 +274739,0 +274740,0 +274741,0 +274742,0 +274743,0 +274744,0 +274745,0 +274746,0 +274747,0 +274748,0 +274749,0 +274750,0 +274751,0 +274752,0 +274753,0 +274754,0 +274755,0 +274756,0 +274757,0 +274758,29 +274759,29 +274760,29 +274761,29 +274762,31 +274763,31 +274764,31 +274765,31 +274766,19 +274767,19 +274768,19 +274769,19 +274770,19 +274771,19 +274772,19 +274773,19 +274774,19 +274775,19 +274776,9 +274777,9 +274778,9 +274779,9 +274780,9 +274781,9 +274782,9 +274783,9 +274784,9 +274785,9 +274786,9 +274787,9 +274788,9 +274789,9 +274790,12 +274791,12 +274792,12 +274793,12 +274794,12 +274795,12 +274796,12 +274797,12 +274798,12 +274799,31 +274800,31 +274801,31 +274802,8 +274803,8 +274804,8 +274805,8 +274806,8 +274807,8 +274808,2 +274809,2 +274810,6 +274811,6 +274812,6 +274813,6 +274814,6 +274815,6 +274816,14 +274817,14 +274818,14 +274819,14 +274820,14 +274821,14 +274822,14 +274823,14 +274824,14 +274825,39 +274826,14 +274827,14 +274828,14 +274829,14 +274830,14 +274831,14 +274832,14 +274833,14 +274834,14 +274835,14 +274836,5 +274837,5 +274838,5 +274839,5 +274840,5 +274841,5 +274842,19 +274843,19 +274844,19 +274845,24 +274846,19 +274847,19 +274848,15 +274849,15 +274850,15 +274851,15 +274852,15 +274853,15 +274854,15 +274855,10 +274856,40 +274857,10 +274858,10 +274859,10 +274860,10 +274861,10 +274862,40 +274863,40 +274864,40 +274865,40 +274866,2 +274867,2 +274868,2 +274869,2 +274870,2 +274871,2 +274872,2 +274873,2 +274874,2 +274875,2 +274876,2 +274877,2 +274878,2 +274879,2 +274880,2 +274881,2 +274882,4 +274883,4 +274884,4 +274885,4 +274886,4 +274887,4 +274888,40 +274889,40 +274890,40 +274891,40 +274892,40 +274893,40 +274894,40 +274895,40 +274896,40 +274897,40 +274898,40 +274899,32 +274900,32 +274901,32 +274902,32 +274903,32 +274904,32 +274905,32 +274906,32 +274907,32 +274908,32 +274909,32 +274910,32 +274911,37 +274912,37 +274913,37 +274914,37 +274915,37 +274916,37 +274917,37 +274918,37 +274919,37 +274920,37 +274921,37 +274922,37 +274923,37 +274924,14 +274925,14 +274926,14 +274927,14 +274928,14 +274929,14 +274930,14 +274931,14 +274932,14 +274933,14 +274934,14 +274935,14 +274936,14 +274937,2 +274938,2 +274939,2 +274940,2 +274941,2 +274942,4 +274943,4 +274944,4 +274945,4 +274946,4 +274947,27 +274948,27 +274949,27 +274950,27 +274951,29 +274952,29 +274953,29 +274954,29 +274955,29 +274956,29 +274957,29 +274958,29 +274959,29 +274960,31 +274961,31 +274962,27 +274963,27 +274964,27 +274965,31 +274966,31 +274967,31 +274968,9 +274969,9 +274970,33 +274971,33 +274972,31 +274973,31 +274974,31 +274975,33 +274976,33 +274977,23 +274978,23 +274979,23 +274980,23 +274981,23 +274982,23 +274983,23 +274984,23 +274985,25 +274986,25 +274987,25 +274988,25 +274989,5 +274990,5 +274991,5 +274992,5 +274993,5 +274994,5 +274995,29 +274996,29 +274997,29 +274998,31 +274999,31 +275000,31 +275001,31 +275002,21 +275003,21 +275004,21 +275005,21 +275006,21 +275007,21 +275008,21 +275009,37 +275010,37 +275011,37 +275012,37 +275013,37 +275014,37 +275015,37 +275016,34 +275017,34 +275018,34 +275019,34 +275020,34 +275021,34 +275022,34 +275023,34 +275024,34 +275025,34 +275026,34 +275027,34 +275028,34 +275029,34 +275030,34 +275031,34 +275032,5 +275033,5 +275034,5 +275035,5 +275036,5 +275037,5 +275038,4 +275039,19 +275040,19 +275041,19 +275042,19 +275043,19 +275044,0 +275045,0 +275046,0 +275047,0 +275048,0 +275049,0 +275050,0 +275051,0 +275052,0 +275053,0 +275054,0 +275055,0 +275056,0 +275057,0 +275058,0 +275059,0 +275060,0 +275061,0 +275062,0 +275063,0 +275064,0 +275065,0 +275066,0 +275067,0 +275068,0 +275069,0 +275070,0 +275071,0 +275072,0 +275073,0 +275074,0 +275075,0 +275076,0 +275077,0 +275078,0 +275079,0 +275080,0 +275081,0 +275082,0 +275083,0 +275084,0 +275085,0 +275086,0 +275087,0 +275088,0 +275089,0 +275090,0 +275091,0 +275092,0 +275093,0 +275094,0 +275095,0 +275096,0 +275097,0 +275098,0 +275099,0 +275100,0 +275101,0 +275102,0 +275103,0 +275104,0 +275105,0 +275106,0 +275107,0 +275108,0 +275109,0 +275110,0 +275111,0 +275112,0 +275113,0 +275114,0 +275115,0 +275116,0 +275117,0 +275118,0 +275119,0 +275120,0 +275121,0 +275122,0 +275123,0 +275124,0 +275125,0 +275126,0 +275127,0 +275128,31 +275129,31 +275130,31 +275131,31 +275132,31 +275133,31 +275134,31 +275135,31 +275136,31 +275137,31 +275138,5 +275139,5 +275140,5 +275141,5 +275142,5 +275143,5 +275144,19 +275145,19 +275146,19 +275147,19 +275148,25 +275149,25 +275150,25 +275151,25 +275152,35 +275153,35 +275154,35 +275155,35 +275156,35 +275157,27 +275158,27 +275159,27 +275160,27 +275161,27 +275162,27 +275163,27 +275164,27 +275165,27 +275166,27 +275167,2 +275168,2 +275169,2 +275170,2 +275171,2 +275172,2 +275173,2 +275174,2 +275175,32 +275176,32 +275177,32 +275178,32 +275179,32 +275180,32 +275181,37 +275182,25 +275183,25 +275184,25 +275185,25 +275186,25 +275187,25 +275188,25 +275189,4 +275190,4 +275191,4 +275192,4 +275193,4 +275194,4 +275195,4 +275196,4 +275197,4 +275198,4 +275199,36 +275200,36 +275201,36 +275202,36 +275203,36 +275204,36 +275205,36 +275206,36 +275207,36 +275208,6 +275209,6 +275210,6 +275211,6 +275212,6 +275213,6 +275214,11 +275215,11 +275216,11 +275217,11 +275218,11 +275219,11 +275220,11 +275221,11 +275222,31 +275223,31 +275224,31 +275225,31 +275226,5 +275227,5 +275228,5 +275229,5 +275230,5 +275231,5 +275232,5 +275233,5 +275234,5 +275235,5 +275236,5 +275237,5 +275238,5 +275239,3 +275240,3 +275241,27 +275242,31 +275243,31 +275244,12 +275245,3 +275246,3 +275247,5 +275248,5 +275249,5 +275250,5 +275251,5 +275252,5 +275253,5 +275254,5 +275255,9 +275256,9 +275257,9 +275258,12 +275259,12 +275260,25 +275261,25 +275262,25 +275263,37 +275264,37 +275265,37 +275266,37 +275267,37 +275268,2 +275269,2 +275270,2 +275271,2 +275272,2 +275273,2 +275274,2 +275275,8 +275276,6 +275277,6 +275278,6 +275279,6 +275280,6 +275281,6 +275282,6 +275283,31 +275284,31 +275285,31 +275286,28 +275287,28 +275288,28 +275289,28 +275290,28 +275291,28 +275292,28 +275293,39 +275294,39 +275295,39 +275296,39 +275297,39 +275298,39 +275299,31 +275300,31 +275301,31 +275302,31 +275303,5 +275304,5 +275305,5 +275306,25 +275307,25 +275308,25 +275309,25 +275310,25 +275311,25 +275312,25 +275313,4 +275314,4 +275315,4 +275316,4 +275317,4 +275318,4 +275319,4 +275320,4 +275321,39 +275322,39 +275323,39 +275324,39 +275325,39 +275326,39 +275327,39 +275328,39 +275329,8 +275330,8 +275331,8 +275332,8 +275333,8 +275334,8 +275335,8 +275336,8 +275337,8 +275338,8 +275339,12 +275340,12 +275341,12 +275342,12 +275343,12 +275344,12 +275345,12 +275346,12 +275347,12 +275348,25 +275349,25 +275350,25 +275351,25 +275352,25 +275353,37 +275354,23 +275355,23 +275356,23 +275357,23 +275358,23 +275359,23 +275360,23 +275361,23 +275362,23 +275363,23 +275364,9 +275365,9 +275366,9 +275367,9 +275368,9 +275369,9 +275370,9 +275371,9 +275372,9 +275373,9 +275374,9 +275375,37 +275376,37 +275377,37 +275378,37 +275379,37 +275380,37 +275381,37 +275382,28 +275383,28 +275384,28 +275385,28 +275386,28 +275387,28 +275388,35 +275389,35 +275390,4 +275391,35 +275392,35 +275393,35 +275394,35 +275395,35 +275396,35 +275397,12 +275398,12 +275399,12 +275400,12 +275401,12 +275402,12 +275403,12 +275404,12 +275405,12 +275406,27 +275407,27 +275408,27 +275409,27 +275410,27 +275411,27 +275412,16 +275413,16 +275414,16 +275415,16 +275416,16 +275417,16 +275418,16 +275419,16 +275420,16 +275421,16 +275422,16 +275423,16 +275424,16 +275425,16 +275426,11 +275427,11 +275428,11 +275429,11 +275430,11 +275431,11 +275432,11 +275433,11 +275434,0 +275435,0 +275436,0 +275437,0 +275438,0 +275439,0 +275440,0 +275441,0 +275442,0 +275443,0 +275444,0 +275445,0 +275446,0 +275447,0 +275448,0 +275449,0 +275450,0 +275451,0 +275452,0 +275453,0 +275454,0 +275455,28 +275456,28 +275457,5 +275458,5 +275459,5 +275460,5 +275461,5 +275462,5 +275463,5 +275464,5 +275465,5 +275466,5 +275467,5 +275468,3 +275469,3 +275470,3 +275471,3 +275472,3 +275473,3 +275474,3 +275475,3 +275476,3 +275477,3 +275478,3 +275479,3 +275480,3 +275481,3 +275482,3 +275483,3 +275484,12 +275485,12 +275486,12 +275487,12 +275488,12 +275489,5 +275490,5 +275491,5 +275492,5 +275493,5 +275494,5 +275495,5 +275496,5 +275497,5 +275498,5 +275499,5 +275500,5 +275501,5 +275502,5 +275503,5 +275504,5 +275505,5 +275506,5 +275507,33 +275508,33 +275509,33 +275510,33 +275511,33 +275512,33 +275513,33 +275514,33 +275515,33 +275516,33 +275517,12 +275518,17 +275519,33 +275520,33 +275521,33 +275522,12 +275523,12 +275524,12 +275525,12 +275526,12 +275527,12 +275528,12 +275529,12 +275530,12 +275531,12 +275532,12 +275533,31 +275534,31 +275535,31 +275536,31 +275537,5 +275538,5 +275539,5 +275540,5 +275541,5 +275542,5 +275543,5 +275544,5 +275545,5 +275546,5 +275547,31 +275548,31 +275549,31 +275550,31 +275551,31 +275552,31 +275553,31 +275554,31 +275555,31 +275556,31 +275557,15 +275558,15 +275559,15 +275560,15 +275561,15 +275562,15 +275563,15 +275564,15 +275565,15 +275566,15 +275567,9 +275568,9 +275569,9 +275570,9 +275571,26 +275572,9 +275573,9 +275574,30 +275575,30 +275576,30 +275577,24 +275578,24 +275579,29 +275580,29 +275581,24 +275582,24 +275583,24 +275584,24 +275585,29 +275586,29 +275587,31 +275588,40 +275589,40 +275590,40 +275591,40 +275592,40 +275593,40 +275594,40 +275595,28 +275596,28 +275597,28 +275598,28 +275599,28 +275600,28 +275601,28 +275602,28 +275603,28 +275604,28 +275605,28 +275606,28 +275607,28 +275608,28 +275609,28 +275610,28 +275611,28 +275612,15 +275613,15 +275614,15 +275615,15 +275616,15 +275617,15 +275618,31 +275619,31 +275620,31 +275621,31 +275622,31 +275623,31 +275624,31 +275625,24 +275626,24 +275627,24 +275628,38 +275629,38 +275630,4 +275631,38 +275632,38 +275633,38 +275634,38 +275635,38 +275636,27 +275637,31 +275638,31 +275639,31 +275640,6 +275641,6 +275642,6 +275643,6 +275644,6 +275645,6 +275646,6 +275647,6 +275648,6 +275649,6 +275650,6 +275651,14 +275652,14 +275653,14 +275654,14 +275655,14 +275656,14 +275657,14 +275658,14 +275659,14 +275660,14 +275661,14 +275662,14 +275663,14 +275664,14 +275665,5 +275666,5 +275667,5 +275668,5 +275669,5 +275670,5 +275671,5 +275672,5 +275673,5 +275674,5 +275675,5 +275676,5 +275677,5 +275678,5 +275679,5 +275680,5 +275681,5 +275682,0 +275683,0 +275684,0 +275685,0 +275686,0 +275687,0 +275688,0 +275689,0 +275690,0 +275691,0 +275692,0 +275693,0 +275694,0 +275695,0 +275696,0 +275697,0 +275698,0 +275699,0 +275700,0 +275701,0 +275702,0 +275703,0 +275704,31 +275705,31 +275706,31 +275707,31 +275708,31 +275709,31 +275710,31 +275711,4 +275712,4 +275713,4 +275714,4 +275715,4 +275716,4 +275717,12 +275718,12 +275719,12 +275720,12 +275721,12 +275722,12 +275723,40 +275724,40 +275725,40 +275726,40 +275727,40 +275728,40 +275729,40 +275730,40 +275731,40 +275732,40 +275733,37 +275734,37 +275735,37 +275736,37 +275737,37 +275738,37 +275739,37 +275740,37 +275741,25 +275742,25 +275743,25 +275744,1 +275745,37 +275746,37 +275747,37 +275748,37 +275749,37 +275750,3 +275751,3 +275752,3 +275753,3 +275754,3 +275755,3 +275756,3 +275757,3 +275758,3 +275759,3 +275760,3 +275761,3 +275762,3 +275763,21 +275764,21 +275765,21 +275766,21 +275767,21 +275768,21 +275769,21 +275770,21 +275771,21 +275772,33 +275773,33 +275774,33 +275775,33 +275776,33 +275777,33 +275778,33 +275779,33 +275780,33 +275781,33 +275782,33 +275783,33 +275784,33 +275785,17 +275786,17 +275787,17 +275788,14 +275789,14 +275790,14 +275791,14 +275792,14 +275793,14 +275794,14 +275795,14 +275796,14 +275797,14 +275798,14 +275799,14 +275800,14 +275801,14 +275802,30 +275803,30 +275804,30 +275805,30 +275806,30 +275807,30 +275808,30 +275809,31 +275810,31 +275811,31 +275812,31 +275813,31 +275814,31 +275815,5 +275816,5 +275817,5 +275818,5 +275819,5 +275820,25 +275821,25 +275822,25 +275823,25 +275824,37 +275825,37 +275826,37 +275827,37 +275828,37 +275829,25 +275830,25 +275831,37 +275832,25 +275833,37 +275834,12 +275835,12 +275836,12 +275837,12 +275838,12 +275839,12 +275840,12 +275841,12 +275842,12 +275843,12 +275844,12 +275845,12 +275846,10 +275847,10 +275848,10 +275849,10 +275850,10 +275851,34 +275852,10 +275853,10 +275854,10 +275855,10 +275856,10 +275857,10 +275858,10 +275859,10 +275860,10 +275861,19 +275862,19 +275863,19 +275864,19 +275865,19 +275866,19 +275867,7 +275868,7 +275869,7 +275870,7 +275871,7 +275872,7 +275873,7 +275874,7 +275875,7 +275876,7 +275877,7 +275878,7 +275879,7 +275880,3 +275881,3 +275882,3 +275883,3 +275884,3 +275885,3 +275886,3 +275887,18 +275888,18 +275889,18 +275890,18 +275891,18 +275892,18 +275893,18 +275894,18 +275895,18 +275896,18 +275897,18 +275898,18 +275899,18 +275900,18 +275901,18 +275902,11 +275903,39 +275904,39 +275905,20 +275906,39 +275907,20 +275908,3 +275909,3 +275910,3 +275911,3 +275912,3 +275913,3 +275914,3 +275915,8 +275916,8 +275917,8 +275918,8 +275919,8 +275920,8 +275921,8 +275922,8 +275923,29 +275924,29 +275925,29 +275926,29 +275927,29 +275928,29 +275929,36 +275930,36 +275931,36 +275932,36 +275933,36 +275934,36 +275935,36 +275936,36 +275937,36 +275938,36 +275939,36 +275940,36 +275941,4 +275942,4 +275943,4 +275944,6 +275945,6 +275946,6 +275947,6 +275948,6 +275949,6 +275950,6 +275951,6 +275952,6 +275953,6 +275954,6 +275955,6 +275956,6 +275957,6 +275958,6 +275959,6 +275960,6 +275961,6 +275962,6 +275963,6 +275964,6 +275965,6 +275966,9 +275967,33 +275968,33 +275969,33 +275970,33 +275971,33 +275972,33 +275973,33 +275974,33 +275975,30 +275976,30 +275977,30 +275978,30 +275979,30 +275980,30 +275981,30 +275982,30 +275983,30 +275984,30 +275985,30 +275986,30 +275987,30 +275988,30 +275989,30 +275990,30 +275991,30 +275992,30 +275993,30 +275994,30 +275995,30 +275996,30 +275997,30 +275998,30 +275999,30 +276000,19 +276001,19 +276002,19 +276003,19 +276004,19 +276005,19 +276006,19 +276007,19 +276008,19 +276009,36 +276010,36 +276011,36 +276012,36 +276013,36 +276014,36 +276015,36 +276016,36 +276017,36 +276018,36 +276019,36 +276020,36 +276021,36 +276022,36 +276023,5 +276024,5 +276025,5 +276026,5 +276027,5 +276028,25 +276029,0 +276030,32 +276031,32 +276032,32 +276033,32 +276034,32 +276035,32 +276036,32 +276037,32 +276038,32 +276039,32 +276040,32 +276041,32 +276042,32 +276043,32 +276044,32 +276045,32 +276046,32 +276047,32 +276048,36 +276049,36 +276050,36 +276051,36 +276052,10 +276053,36 +276054,36 +276055,36 +276056,36 +276057,36 +276058,36 +276059,36 +276060,36 +276061,36 +276062,38 +276063,38 +276064,38 +276065,38 +276066,38 +276067,38 +276068,38 +276069,38 +276070,38 +276071,38 +276072,38 +276073,38 +276074,38 +276075,38 +276076,18 +276077,4 +276078,4 +276079,4 +276080,4 +276081,4 +276082,4 +276083,4 +276084,4 +276085,3 +276086,3 +276087,3 +276088,3 +276089,3 +276090,3 +276091,3 +276092,3 +276093,3 +276094,3 +276095,27 +276096,27 +276097,27 +276098,27 +276099,27 +276100,27 +276101,27 +276102,4 +276103,4 +276104,4 +276105,4 +276106,4 +276107,4 +276108,4 +276109,4 +276110,4 +276111,19 +276112,0 +276113,0 +276114,0 +276115,0 +276116,0 +276117,0 +276118,0 +276119,0 +276120,0 +276121,0 +276122,0 +276123,0 +276124,0 +276125,0 +276126,0 +276127,0 +276128,0 +276129,0 +276130,0 +276131,0 +276132,0 +276133,0 +276134,0 +276135,0 +276136,0 +276137,0 +276138,0 +276139,0 +276140,0 +276141,28 +276142,28 +276143,28 +276144,28 +276145,28 +276146,28 +276147,28 +276148,28 +276149,28 +276150,27 +276151,27 +276152,27 +276153,27 +276154,27 +276155,2 +276156,2 +276157,8 +276158,8 +276159,8 +276160,8 +276161,8 +276162,8 +276163,8 +276164,8 +276165,8 +276166,28 +276167,28 +276168,28 +276169,28 +276170,28 +276171,28 +276172,28 +276173,28 +276174,9 +276175,9 +276176,9 +276177,9 +276178,9 +276179,9 +276180,37 +276181,25 +276182,25 +276183,25 +276184,25 +276185,25 +276186,25 +276187,25 +276188,25 +276189,25 +276190,25 +276191,25 +276192,25 +276193,25 +276194,25 +276195,25 +276196,25 +276197,25 +276198,27 +276199,27 +276200,31 +276201,5 +276202,24 +276203,24 +276204,24 +276205,24 +276206,24 +276207,24 +276208,30 +276209,31 +276210,31 +276211,30 +276212,30 +276213,30 +276214,30 +276215,30 +276216,12 +276217,12 +276218,12 +276219,14 +276220,21 +276221,21 +276222,27 +276223,40 +276224,14 +276225,27 +276226,27 +276227,27 +276228,4 +276229,14 +276230,12 +276231,3 +276232,3 +276233,12 +276234,12 +276235,12 +276236,21 +276237,21 +276238,21 +276239,21 +276240,21 +276241,21 +276242,12 +276243,12 +276244,12 +276245,12 +276246,12 +276247,40 +276248,30 +276249,30 +276250,40 +276251,40 +276252,36 +276253,36 +276254,36 +276255,36 +276256,36 +276257,36 +276258,40 +276259,40 +276260,40 +276261,40 +276262,36 +276263,4 +276264,4 +276265,4 +276266,4 +276267,4 +276268,19 +276269,19 +276270,19 +276271,19 +276272,19 +276273,19 +276274,19 +276275,19 +276276,5 +276277,0 +276278,0 +276279,0 +276280,0 +276281,0 +276282,0 +276283,0 +276284,0 +276285,0 +276286,0 +276287,0 +276288,0 +276289,0 +276290,0 +276291,0 +276292,0 +276293,0 +276294,0 +276295,0 +276296,0 +276297,0 +276298,0 +276299,0 +276300,0 +276301,0 +276302,0 +276303,0 +276304,0 +276305,0 +276306,0 +276307,0 +276308,0 +276309,36 +276310,36 +276311,36 +276312,36 +276313,36 +276314,36 +276315,36 +276316,36 +276317,36 +276318,36 +276319,36 +276320,36 +276321,31 +276322,31 +276323,31 +276324,31 +276325,31 +276326,31 +276327,31 +276328,15 +276329,15 +276330,15 +276331,15 +276332,15 +276333,15 +276334,15 +276335,15 +276336,15 +276337,27 +276338,27 +276339,27 +276340,27 +276341,27 +276342,27 +276343,27 +276344,25 +276345,2 +276346,2 +276347,2 +276348,2 +276349,2 +276350,2 +276351,2 +276352,2 +276353,2 +276354,2 +276355,2 +276356,2 +276357,2 +276358,2 +276359,2 +276360,2 +276361,2 +276362,2 +276363,2 +276364,2 +276365,12 +276366,12 +276367,12 +276368,12 +276369,12 +276370,12 +276371,12 +276372,12 +276373,14 +276374,14 +276375,14 +276376,14 +276377,14 +276378,14 +276379,14 +276380,14 +276381,14 +276382,14 +276383,14 +276384,14 +276385,14 +276386,14 +276387,14 +276388,27 +276389,27 +276390,27 +276391,27 +276392,27 +276393,27 +276394,27 +276395,8 +276396,8 +276397,8 +276398,8 +276399,8 +276400,8 +276401,8 +276402,8 +276403,8 +276404,31 +276405,27 +276406,38 +276407,31 +276408,21 +276409,21 +276410,21 +276411,21 +276412,21 +276413,21 +276414,21 +276415,21 +276416,37 +276417,37 +276418,37 +276419,37 +276420,37 +276421,31 +276422,31 +276423,31 +276424,31 +276425,31 +276426,31 +276427,31 +276428,31 +276429,2 +276430,2 +276431,2 +276432,2 +276433,2 +276434,2 +276435,2 +276436,2 +276437,2 +276438,2 +276439,2 +276440,29 +276441,29 +276442,29 +276443,29 +276444,31 +276445,31 +276446,31 +276447,31 +276448,31 +276449,32 +276450,32 +276451,32 +276452,32 +276453,32 +276454,32 +276455,32 +276456,32 +276457,32 +276458,32 +276459,32 +276460,32 +276461,32 +276462,26 +276463,26 +276464,26 +276465,26 +276466,26 +276467,26 +276468,26 +276469,26 +276470,37 +276471,37 +276472,37 +276473,37 +276474,37 +276475,37 +276476,6 +276477,6 +276478,6 +276479,6 +276480,6 +276481,6 +276482,6 +276483,6 +276484,6 +276485,6 +276486,6 +276487,6 +276488,6 +276489,6 +276490,6 +276491,6 +276492,6 +276493,6 +276494,6 +276495,6 +276496,0 +276497,0 +276498,0 +276499,0 +276500,0 +276501,0 +276502,0 +276503,0 +276504,0 +276505,0 +276506,0 +276507,0 +276508,0 +276509,0 +276510,0 +276511,0 +276512,0 +276513,0 +276514,0 +276515,0 +276516,0 +276517,0 +276518,0 +276519,0 +276520,0 +276521,0 +276522,0 +276523,0 +276524,0 +276525,0 +276526,0 +276527,0 +276528,0 +276529,0 +276530,0 +276531,0 +276532,0 +276533,0 +276534,0 +276535,0 +276536,0 +276537,0 +276538,0 +276539,0 +276540,0 +276541,0 +276542,0 +276543,0 +276544,0 +276545,0 +276546,0 +276547,0 +276548,0 +276549,0 +276550,0 +276551,0 +276552,0 +276553,0 +276554,0 +276555,0 +276556,0 +276557,0 +276558,0 +276559,0 +276560,0 +276561,31 +276562,31 +276563,31 +276564,31 +276565,31 +276566,31 +276567,31 +276568,31 +276569,31 +276570,31 +276571,31 +276572,31 +276573,32 +276574,32 +276575,32 +276576,32 +276577,32 +276578,32 +276579,32 +276580,32 +276581,2 +276582,2 +276583,2 +276584,2 +276585,23 +276586,23 +276587,23 +276588,23 +276589,23 +276590,23 +276591,23 +276592,23 +276593,23 +276594,23 +276595,37 +276596,37 +276597,37 +276598,37 +276599,37 +276600,31 +276601,31 +276602,31 +276603,28 +276604,28 +276605,28 +276606,28 +276607,28 +276608,28 +276609,29 +276610,29 +276611,29 +276612,29 +276613,29 +276614,31 +276615,31 +276616,31 +276617,31 +276618,31 +276619,28 +276620,28 +276621,28 +276622,28 +276623,28 +276624,28 +276625,28 +276626,28 +276627,5 +276628,28 +276629,38 +276630,38 +276631,38 +276632,38 +276633,38 +276634,38 +276635,38 +276636,19 +276637,19 +276638,19 +276639,37 +276640,37 +276641,37 +276642,37 +276643,37 +276644,40 +276645,40 +276646,40 +276647,40 +276648,40 +276649,40 +276650,2 +276651,2 +276652,2 +276653,2 +276654,2 +276655,2 +276656,2 +276657,2 +276658,4 +276659,4 +276660,2 +276661,4 +276662,2 +276663,40 +276664,40 +276665,27 +276666,27 +276667,27 +276668,27 +276669,27 +276670,27 +276671,38 +276672,38 +276673,38 +276674,38 +276675,38 +276676,38 +276677,38 +276678,38 +276679,38 +276680,38 +276681,38 +276682,38 +276683,23 +276684,23 +276685,23 +276686,23 +276687,23 +276688,23 +276689,23 +276690,14 +276691,14 +276692,14 +276693,14 +276694,14 +276695,6 +276696,6 +276697,6 +276698,6 +276699,6 +276700,6 +276701,6 +276702,32 +276703,32 +276704,32 +276705,32 +276706,32 +276707,32 +276708,32 +276709,32 +276710,32 +276711,6 +276712,37 +276713,37 +276714,37 +276715,37 +276716,37 +276717,37 +276718,40 +276719,40 +276720,40 +276721,40 +276722,40 +276723,40 +276724,6 +276725,6 +276726,6 +276727,4 +276728,4 +276729,4 +276730,4 +276731,4 +276732,4 +276733,4 +276734,4 +276735,4 +276736,4 +276737,4 +276738,4 +276739,4 +276740,4 +276741,4 +276742,4 +276743,4 +276744,4 +276745,36 +276746,36 +276747,36 +276748,36 +276749,36 +276750,13 +276751,13 +276752,13 +276753,13 +276754,13 +276755,13 +276756,13 +276757,13 +276758,21 +276759,21 +276760,21 +276761,21 +276762,21 +276763,27 +276764,31 +276765,31 +276766,27 +276767,30 +276768,30 +276769,30 +276770,30 +276771,30 +276772,25 +276773,25 +276774,25 +276775,25 +276776,25 +276777,25 +276778,25 +276779,25 +276780,25 +276781,6 +276782,6 +276783,6 +276784,32 +276785,32 +276786,32 +276787,32 +276788,32 +276789,32 +276790,32 +276791,32 +276792,32 +276793,32 +276794,32 +276795,26 +276796,26 +276797,26 +276798,26 +276799,26 +276800,26 +276801,26 +276802,26 +276803,26 +276804,30 +276805,30 +276806,30 +276807,30 +276808,30 +276809,30 +276810,30 +276811,30 +276812,30 +276813,30 +276814,31 +276815,31 +276816,31 +276817,31 +276818,40 +276819,40 +276820,28 +276821,28 +276822,28 +276823,28 +276824,28 +276825,28 +276826,28 +276827,28 +276828,28 +276829,28 +276830,28 +276831,28 +276832,28 +276833,28 +276834,28 +276835,28 +276836,28 +276837,5 +276838,5 +276839,5 +276840,5 +276841,0 +276842,0 +276843,0 +276844,0 +276845,0 +276846,0 +276847,0 +276848,0 +276849,0 +276850,0 +276851,0 +276852,0 +276853,0 +276854,0 +276855,0 +276856,0 +276857,0 +276858,0 +276859,0 +276860,0 +276861,0 +276862,0 +276863,0 +276864,0 +276865,0 +276866,0 +276867,0 +276868,0 +276869,0 +276870,0 +276871,0 +276872,0 +276873,0 +276874,0 +276875,0 +276876,0 +276877,0 +276878,0 +276879,0 +276880,0 +276881,0 +276882,0 +276883,0 +276884,0 +276885,0 +276886,0 +276887,0 +276888,0 +276889,0 +276890,0 +276891,0 +276892,0 +276893,0 +276894,0 +276895,0 +276896,0 +276897,0 +276898,0 +276899,0 +276900,0 +276901,0 +276902,0 +276903,0 +276904,12 +276905,12 +276906,12 +276907,12 +276908,12 +276909,40 +276910,40 +276911,40 +276912,40 +276913,10 +276914,10 +276915,10 +276916,31 +276917,31 +276918,10 +276919,10 +276920,10 +276921,10 +276922,10 +276923,10 +276924,10 +276925,10 +276926,10 +276927,19 +276928,19 +276929,19 +276930,19 +276931,19 +276932,19 +276933,19 +276934,19 +276935,19 +276936,37 +276937,37 +276938,1 +276939,1 +276940,10 +276941,10 +276942,10 +276943,37 +276944,10 +276945,10 +276946,10 +276947,10 +276948,10 +276949,10 +276950,10 +276951,10 +276952,6 +276953,6 +276954,6 +276955,6 +276956,6 +276957,2 +276958,2 +276959,2 +276960,2 +276961,2 +276962,2 +276963,2 +276964,6 +276965,6 +276966,12 +276967,12 +276968,6 +276969,12 +276970,40 +276971,40 +276972,40 +276973,40 +276974,40 +276975,40 +276976,6 +276977,6 +276978,6 +276979,6 +276980,6 +276981,6 +276982,6 +276983,6 +276984,6 +276985,4 +276986,4 +276987,4 +276988,27 +276989,27 +276990,27 +276991,27 +276992,19 +276993,19 +276994,19 +276995,19 +276996,19 +276997,19 +276998,19 +276999,2 +277000,2 +277001,2 +277002,2 +277003,2 +277004,2 +277005,31 +277006,31 +277007,31 +277008,31 +277009,31 +277010,31 +277011,31 +277012,4 +277013,4 +277014,4 +277015,4 +277016,4 +277017,4 +277018,4 +277019,4 +277020,4 +277021,4 +277022,4 +277023,4 +277024,4 +277025,27 +277026,31 +277027,31 +277028,5 +277029,5 +277030,5 +277031,5 +277032,5 +277033,4 +277034,4 +277035,4 +277036,4 +277037,4 +277038,4 +277039,4 +277040,4 +277041,4 +277042,4 +277043,27 +277044,27 +277045,27 +277046,27 +277047,27 +277048,27 +277049,27 +277050,28 +277051,28 +277052,28 +277053,28 +277054,28 +277055,28 +277056,28 +277057,28 +277058,5 +277059,5 +277060,24 +277061,4 +277062,4 +277063,4 +277064,4 +277065,4 +277066,4 +277067,4 +277068,4 +277069,4 +277070,4 +277071,4 +277072,4 +277073,4 +277074,4 +277075,4 +277076,4 +277077,4 +277078,0 +277079,0 +277080,0 +277081,0 +277082,0 +277083,0 +277084,0 +277085,0 +277086,0 +277087,0 +277088,0 +277089,0 +277090,0 +277091,0 +277092,0 +277093,0 +277094,0 +277095,0 +277096,0 +277097,0 +277098,0 +277099,0 +277100,0 +277101,0 +277102,0 +277103,0 +277104,0 +277105,0 +277106,0 +277107,0 +277108,0 +277109,0 +277110,0 +277111,0 +277112,0 +277113,0 +277114,0 +277115,0 +277116,0 +277117,0 +277118,0 +277119,0 +277120,0 +277121,0 +277122,0 +277123,0 +277124,0 +277125,0 +277126,2 +277127,2 +277128,2 +277129,2 +277130,2 +277131,2 +277132,2 +277133,2 +277134,2 +277135,2 +277136,2 +277137,2 +277138,2 +277139,2 +277140,27 +277141,27 +277142,27 +277143,28 +277144,28 +277145,28 +277146,28 +277147,28 +277148,31 +277149,31 +277150,31 +277151,31 +277152,31 +277153,5 +277154,5 +277155,5 +277156,5 +277157,9 +277158,9 +277159,9 +277160,9 +277161,9 +277162,9 +277163,9 +277164,9 +277165,9 +277166,9 +277167,9 +277168,9 +277169,33 +277170,33 +277171,33 +277172,33 +277173,12 +277174,12 +277175,12 +277176,12 +277177,12 +277178,12 +277179,12 +277180,12 +277181,31 +277182,31 +277183,31 +277184,8 +277185,8 +277186,8 +277187,8 +277188,32 +277189,32 +277190,32 +277191,32 +277192,32 +277193,32 +277194,32 +277195,32 +277196,32 +277197,32 +277198,32 +277199,9 +277200,9 +277201,26 +277202,26 +277203,26 +277204,26 +277205,26 +277206,8 +277207,8 +277208,8 +277209,8 +277210,8 +277211,8 +277212,31 +277213,31 +277214,31 +277215,31 +277216,27 +277217,4 +277218,4 +277219,4 +277220,4 +277221,4 +277222,4 +277223,35 +277224,35 +277225,31 +277226,31 +277227,37 +277228,37 +277229,37 +277230,37 +277231,37 +277232,3 +277233,3 +277234,3 +277235,3 +277236,3 +277237,3 +277238,3 +277239,31 +277240,31 +277241,31 +277242,3 +277243,8 +277244,8 +277245,8 +277246,8 +277247,8 +277248,8 +277249,8 +277250,8 +277251,2 +277252,31 +277253,31 +277254,31 +277255,31 +277256,31 +277257,32 +277258,32 +277259,32 +277260,32 +277261,32 +277262,32 +277263,32 +277264,32 +277265,32 +277266,32 +277267,32 +277268,37 +277269,37 +277270,37 +277271,37 +277272,37 +277273,10 +277274,10 +277275,10 +277276,10 +277277,10 +277278,10 +277279,10 +277280,10 +277281,10 +277282,10 +277283,10 +277284,10 +277285,10 +277286,10 +277287,10 +277288,10 +277289,8 +277290,8 +277291,8 +277292,8 +277293,8 +277294,8 +277295,8 +277296,19 +277297,29 +277298,29 +277299,31 +277300,31 +277301,31 +277302,31 +277303,31 +277304,15 +277305,15 +277306,15 +277307,15 +277308,15 +277309,15 +277310,15 +277311,28 +277312,28 +277313,10 +277314,10 +277315,10 +277316,10 +277317,10 +277318,10 +277319,10 +277320,10 +277321,4 +277322,4 +277323,4 +277324,4 +277325,4 +277326,4 +277327,4 +277328,4 +277329,4 +277330,4 +277331,4 +277332,25 +277333,25 +277334,25 +277335,25 +277336,25 +277337,25 +277338,25 +277339,25 +277340,5 +277341,5 +277342,5 +277343,5 +277344,27 +277345,27 +277346,27 +277347,27 +277348,27 +277349,13 +277350,13 +277351,13 +277352,13 +277353,13 +277354,13 +277355,10 +277356,13 +277357,13 +277358,10 +277359,10 +277360,10 +277361,26 +277362,26 +277363,26 +277364,26 +277365,26 +277366,31 +277367,26 +277368,26 +277369,32 +277370,32 +277371,32 +277372,32 +277373,32 +277374,32 +277375,32 +277376,32 +277377,32 +277378,32 +277379,32 +277380,0 +277381,0 +277382,0 +277383,0 +277384,0 +277385,0 +277386,5 +277387,0 +277388,0 +277389,0 +277390,13 +277391,0 +277392,0 +277393,0 +277394,0 +277395,0 +277396,0 +277397,0 +277398,0 +277399,0 +277400,0 +277401,0 +277402,0 +277403,0 +277404,0 +277405,0 +277406,0 +277407,0 +277408,0 +277409,0 +277410,0 +277411,0 +277412,0 +277413,0 +277414,0 +277415,0 +277416,0 +277417,0 +277418,0 +277419,0 +277420,0 +277421,0 +277422,0 +277423,0 +277424,0 +277425,0 +277426,0 +277427,0 +277428,0 +277429,0 +277430,0 +277431,0 +277432,0 +277433,0 +277434,0 +277435,0 +277436,11 +277437,11 +277438,11 +277439,11 +277440,11 +277441,11 +277442,11 +277443,11 +277444,11 +277445,11 +277446,11 +277447,11 +277448,11 +277449,11 +277450,39 +277451,39 +277452,39 +277453,39 +277454,3 +277455,3 +277456,3 +277457,12 +277458,3 +277459,3 +277460,3 +277461,3 +277462,3 +277463,3 +277464,3 +277465,3 +277466,3 +277467,19 +277468,19 +277469,19 +277470,32 +277471,32 +277472,32 +277473,32 +277474,32 +277475,32 +277476,32 +277477,32 +277478,32 +277479,37 +277480,37 +277481,37 +277482,37 +277483,37 +277484,37 +277485,37 +277486,37 +277487,14 +277488,14 +277489,14 +277490,14 +277491,14 +277492,14 +277493,14 +277494,14 +277495,14 +277496,14 +277497,6 +277498,6 +277499,6 +277500,6 +277501,6 +277502,6 +277503,6 +277504,6 +277505,6 +277506,6 +277507,9 +277508,9 +277509,9 +277510,9 +277511,9 +277512,9 +277513,9 +277514,9 +277515,9 +277516,9 +277517,9 +277518,9 +277519,9 +277520,9 +277521,9 +277522,9 +277523,9 +277524,23 +277525,23 +277526,23 +277527,23 +277528,23 +277529,23 +277530,23 +277531,23 +277532,23 +277533,23 +277534,23 +277535,31 +277536,31 +277537,31 +277538,31 +277539,31 +277540,5 +277541,5 +277542,5 +277543,5 +277544,5 +277545,5 +277546,5 +277547,29 +277548,31 +277549,12 +277550,31 +277551,27 +277552,3 +277553,28 +277554,28 +277555,28 +277556,28 +277557,28 +277558,28 +277559,28 +277560,28 +277561,28 +277562,27 +277563,27 +277564,27 +277565,27 +277566,27 +277567,27 +277568,27 +277569,27 +277570,27 +277571,27 +277572,2 +277573,2 +277574,2 +277575,2 +277576,2 +277577,2 +277578,2 +277579,2 +277580,2 +277581,2 +277582,2 +277583,2 +277584,4 +277585,4 +277586,4 +277587,4 +277588,4 +277589,4 +277590,31 +277591,31 +277592,31 +277593,31 +277594,31 +277595,24 +277596,24 +277597,24 +277598,24 +277599,24 +277600,29 +277601,29 +277602,29 +277603,29 +277604,31 +277605,31 +277606,31 +277607,31 +277608,31 +277609,31 +277610,31 +277611,2 +277612,2 +277613,2 +277614,2 +277615,2 +277616,2 +277617,2 +277618,2 +277619,2 +277620,2 +277621,2 +277622,2 +277623,2 +277624,2 +277625,9 +277626,9 +277627,9 +277628,9 +277629,9 +277630,9 +277631,9 +277632,9 +277633,9 +277634,9 +277635,26 +277636,26 +277637,26 +277638,26 +277639,26 +277640,26 +277641,9 +277642,9 +277643,9 +277644,9 +277645,9 +277646,9 +277647,9 +277648,9 +277649,13 +277650,13 +277651,13 +277652,13 +277653,13 +277654,30 +277655,30 +277656,30 +277657,31 +277658,5 +277659,5 +277660,5 +277661,5 +277662,5 +277663,5 +277664,5 +277665,5 +277666,5 +277667,5 +277668,5 +277669,0 +277670,0 +277671,0 +277672,0 +277673,0 +277674,0 +277675,0 +277676,0 +277677,0 +277678,0 +277679,0 +277680,0 +277681,0 +277682,0 +277683,0 +277684,0 +277685,0 +277686,0 +277687,0 +277688,0 +277689,0 +277690,0 +277691,0 +277692,0 +277693,0 +277694,0 +277695,0 +277696,0 +277697,0 +277698,0 +277699,0 +277700,12 +277701,12 +277702,12 +277703,12 +277704,12 +277705,12 +277706,12 +277707,12 +277708,14 +277709,14 +277710,14 +277711,14 +277712,14 +277713,14 +277714,14 +277715,14 +277716,14 +277717,40 +277718,36 +277719,40 +277720,40 +277721,19 +277722,19 +277723,19 +277724,19 +277725,29 +277726,19 +277727,19 +277728,19 +277729,29 +277730,19 +277731,33 +277732,33 +277733,33 +277734,33 +277735,33 +277736,33 +277737,33 +277738,33 +277739,33 +277740,3 +277741,3 +277742,3 +277743,3 +277744,3 +277745,3 +277746,3 +277747,3 +277748,3 +277749,3 +277750,3 +277751,3 +277752,3 +277753,3 +277754,3 +277755,3 +277756,3 +277757,12 +277758,12 +277759,12 +277760,12 +277761,12 +277762,12 +277763,12 +277764,31 +277765,31 +277766,31 +277767,31 +277768,31 +277769,8 +277770,8 +277771,8 +277772,8 +277773,8 +277774,8 +277775,8 +277776,8 +277777,8 +277778,4 +277779,37 +277780,37 +277781,37 +277782,37 +277783,37 +277784,25 +277785,25 +277786,25 +277787,28 +277788,28 +277789,28 +277790,28 +277791,28 +277792,28 +277793,28 +277794,28 +277795,28 +277796,40 +277797,40 +277798,40 +277799,40 +277800,40 +277801,30 +277802,30 +277803,30 +277804,30 +277805,30 +277806,30 +277807,30 +277808,30 +277809,30 +277810,30 +277811,30 +277812,30 +277813,30 +277814,23 +277815,23 +277816,23 +277817,23 +277818,23 +277819,23 +277820,23 +277821,23 +277822,23 +277823,23 +277824,23 +277825,23 +277826,37 +277827,25 +277828,25 +277829,25 +277830,25 +277831,25 +277832,28 +277833,28 +277834,28 +277835,28 +277836,28 +277837,28 +277838,10 +277839,26 +277840,26 +277841,26 +277842,37 +277843,37 +277844,37 +277845,37 +277846,37 +277847,37 +277848,37 +277849,37 +277850,37 +277851,32 +277852,32 +277853,32 +277854,32 +277855,32 +277856,32 +277857,32 +277858,32 +277859,32 +277860,32 +277861,32 +277862,32 +277863,32 +277864,32 +277865,9 +277866,9 +277867,9 +277868,9 +277869,9 +277870,9 +277871,9 +277872,9 +277873,37 +277874,37 +277875,37 +277876,37 +277877,37 +277878,37 +277879,37 +277880,37 +277881,37 +277882,37 +277883,37 +277884,4 +277885,4 +277886,4 +277887,25 +277888,0 +277889,0 +277890,0 +277891,0 +277892,0 +277893,0 +277894,0 +277895,0 +277896,0 +277897,0 +277898,0 +277899,0 +277900,0 +277901,0 +277902,0 +277903,0 +277904,0 +277905,0 +277906,0 +277907,0 +277908,0 +277909,0 +277910,0 +277911,0 +277912,0 +277913,0 +277914,0 +277915,0 +277916,0 +277917,0 +277918,0 +277919,0 +277920,0 +277921,0 +277922,0 +277923,0 +277924,0 +277925,0 +277926,0 +277927,0 +277928,0 +277929,0 +277930,36 +277931,36 +277932,36 +277933,36 +277934,36 +277935,36 +277936,36 +277937,36 +277938,36 +277939,36 +277940,36 +277941,36 +277942,5 +277943,5 +277944,5 +277945,5 +277946,27 +277947,27 +277948,27 +277949,38 +277950,38 +277951,38 +277952,38 +277953,38 +277954,38 +277955,38 +277956,38 +277957,34 +277958,34 +277959,34 +277960,34 +277961,36 +277962,4 +277963,4 +277964,4 +277965,12 +277966,12 +277967,12 +277968,12 +277969,27 +277970,27 +277971,27 +277972,27 +277973,38 +277974,38 +277975,38 +277976,38 +277977,23 +277978,23 +277979,23 +277980,23 +277981,23 +277982,36 +277983,36 +277984,40 +277985,40 +277986,40 +277987,36 +277988,36 +277989,36 +277990,36 +277991,34 +277992,34 +277993,34 +277994,34 +277995,34 +277996,34 +277997,34 +277998,30 +277999,30 +278000,4 +278001,4 +278002,4 +278003,2 +278004,2 +278005,2 +278006,2 +278007,2 +278008,2 +278009,4 +278010,0 +278011,0 +278012,4 +278013,0 +278014,32 +278015,32 +278016,32 +278017,32 +278018,32 +278019,32 +278020,15 +278021,15 +278022,15 +278023,15 +278024,10 +278025,34 +278026,34 +278027,34 +278028,34 +278029,34 +278030,34 +278031,34 +278032,34 +278033,34 +278034,34 +278035,34 +278036,10 +278037,34 +278038,34 +278039,34 +278040,34 +278041,34 +278042,26 +278043,26 +278044,4 +278045,4 +278046,4 +278047,4 +278048,4 +278049,4 +278050,35 +278051,32 +278052,32 +278053,32 +278054,32 +278055,32 +278056,32 +278057,32 +278058,32 +278059,35 +278060,39 +278061,39 +278062,39 +278063,39 +278064,39 +278065,39 +278066,39 +278067,39 +278068,39 +278069,39 +278070,35 +278071,35 +278072,35 +278073,35 +278074,35 +278075,35 +278076,35 +278077,35 +278078,36 +278079,36 +278080,36 +278081,36 +278082,36 +278083,36 +278084,36 +278085,36 +278086,36 +278087,36 +278088,36 +278089,36 +278090,36 +278091,19 +278092,19 +278093,19 +278094,19 +278095,19 +278096,19 +278097,19 +278098,35 +278099,35 +278100,35 +278101,35 +278102,35 +278103,35 +278104,35 +278105,35 +278106,35 +278107,35 +278108,35 +278109,35 +278110,35 +278111,35 +278112,35 +278113,35 +278114,35 +278115,35 +278116,39 +278117,7 +278118,3 +278119,39 +278120,39 +278121,28 +278122,28 +278123,28 +278124,28 +278125,28 +278126,28 +278127,40 +278128,40 +278129,40 +278130,40 +278131,5 +278132,5 +278133,5 +278134,5 +278135,5 +278136,5 +278137,5 +278138,5 +278139,5 +278140,5 +278141,5 +278142,23 +278143,23 +278144,23 +278145,23 +278146,23 +278147,23 +278148,24 +278149,31 +278150,31 +278151,31 +278152,31 +278153,31 +278154,31 +278155,31 +278156,25 +278157,25 +278158,31 +278159,31 +278160,31 +278161,25 +278162,31 +278163,31 +278164,31 +278165,31 +278166,31 +278167,31 +278168,24 +278169,24 +278170,38 +278171,38 +278172,38 +278173,38 +278174,38 +278175,38 +278176,38 +278177,25 +278178,25 +278179,25 +278180,25 +278181,25 +278182,25 +278183,25 +278184,25 +278185,25 +278186,37 +278187,37 +278188,37 +278189,37 +278190,37 +278191,37 +278192,37 +278193,0 +278194,0 +278195,0 +278196,0 +278197,0 +278198,0 +278199,0 +278200,0 +278201,0 +278202,0 +278203,0 +278204,0 +278205,0 +278206,0 +278207,0 +278208,0 +278209,0 +278210,0 +278211,0 +278212,0 +278213,0 +278214,0 +278215,0 +278216,0 +278217,0 +278218,0 +278219,0 +278220,0 +278221,0 +278222,0 +278223,0 +278224,0 +278225,0 +278226,0 +278227,0 +278228,0 +278229,0 +278230,0 +278231,0 +278232,0 +278233,0 +278234,0 +278235,0 +278236,0 +278237,0 +278238,0 +278239,0 +278240,0 +278241,0 +278242,0 +278243,0 +278244,0 +278245,0 +278246,0 +278247,0 +278248,0 +278249,0 +278250,0 +278251,0 +278252,0 +278253,0 +278254,0 +278255,0 +278256,0 +278257,0 +278258,0 +278259,0 +278260,0 +278261,0 +278262,0 +278263,0 +278264,0 +278265,0 +278266,0 +278267,0 +278268,0 +278269,0 +278270,0 +278271,0 +278272,0 +278273,0 +278274,0 +278275,0 +278276,0 +278277,0 +278278,0 +278279,0 +278280,0 +278281,0 +278282,27 +278283,27 +278284,27 +278285,27 +278286,27 +278287,27 +278288,27 +278289,27 +278290,27 +278291,27 +278292,5 +278293,5 +278294,5 +278295,5 +278296,5 +278297,5 +278298,5 +278299,29 +278300,29 +278301,31 +278302,29 +278303,29 +278304,29 +278305,31 +278306,6 +278307,6 +278308,6 +278309,6 +278310,6 +278311,6 +278312,6 +278313,6 +278314,6 +278315,6 +278316,6 +278317,6 +278318,6 +278319,25 +278320,25 +278321,25 +278322,25 +278323,31 +278324,31 +278325,31 +278326,25 +278327,25 +278328,25 +278329,25 +278330,25 +278331,25 +278332,25 +278333,25 +278334,31 +278335,31 +278336,31 +278337,31 +278338,31 +278339,31 +278340,31 +278341,31 +278342,26 +278343,26 +278344,31 +278345,31 +278346,26 +278347,26 +278348,5 +278349,5 +278350,5 +278351,5 +278352,5 +278353,27 +278354,27 +278355,27 +278356,27 +278357,27 +278358,27 +278359,27 +278360,4 +278361,4 +278362,4 +278363,39 +278364,14 +278365,14 +278366,39 +278367,39 +278368,39 +278369,39 +278370,39 +278371,39 +278372,39 +278373,4 +278374,4 +278375,4 +278376,4 +278377,4 +278378,4 +278379,27 +278380,27 +278381,27 +278382,27 +278383,27 +278384,27 +278385,2 +278386,2 +278387,2 +278388,2 +278389,2 +278390,2 +278391,2 +278392,2 +278393,2 +278394,2 +278395,2 +278396,2 +278397,2 +278398,2 +278399,2 +278400,2 +278401,2 +278402,40 +278403,40 +278404,14 +278405,14 +278406,14 +278407,14 +278408,14 +278409,14 +278410,40 +278411,40 +278412,40 +278413,40 +278414,40 +278415,40 +278416,40 +278417,40 +278418,40 +278419,21 +278420,21 +278421,21 +278422,21 +278423,21 +278424,19 +278425,19 +278426,19 +278427,14 +278428,19 +278429,19 +278430,19 +278431,19 +278432,14 +278433,14 +278434,14 +278435,14 +278436,0 +278437,0 +278438,0 +278439,0 +278440,0 +278441,0 +278442,0 +278443,0 +278444,0 +278445,0 +278446,0 +278447,0 +278448,0 +278449,0 +278450,0 +278451,0 +278452,0 +278453,0 +278454,0 +278455,0 +278456,0 +278457,0 +278458,0 +278459,0 +278460,0 +278461,0 +278462,0 +278463,0 +278464,0 +278465,0 +278466,0 +278467,0 +278468,0 +278469,0 +278470,0 +278471,0 +278472,0 +278473,0 +278474,0 +278475,0 +278476,0 +278477,0 +278478,0 +278479,0 +278480,0 +278481,36 +278482,36 +278483,36 +278484,36 +278485,36 +278486,36 +278487,5 +278488,5 +278489,5 +278490,5 +278491,19 +278492,19 +278493,19 +278494,19 +278495,12 +278496,12 +278497,12 +278498,12 +278499,12 +278500,12 +278501,12 +278502,39 +278503,39 +278504,39 +278505,39 +278506,39 +278507,39 +278508,39 +278509,39 +278510,39 +278511,2 +278512,2 +278513,2 +278514,2 +278515,2 +278516,2 +278517,2 +278518,2 +278519,2 +278520,2 +278521,2 +278522,2 +278523,2 +278524,2 +278525,40 +278526,40 +278527,40 +278528,40 +278529,40 +278530,40 +278531,40 +278532,40 +278533,40 +278534,5 +278535,5 +278536,5 +278537,5 +278538,5 +278539,5 +278540,5 +278541,4 +278542,4 +278543,4 +278544,4 +278545,4 +278546,19 +278547,19 +278548,31 +278549,31 +278550,31 +278551,31 +278552,31 +278553,31 +278554,31 +278555,31 +278556,31 +278557,33 +278558,31 +278559,31 +278560,31 +278561,31 +278562,31 +278563,31 +278564,2 +278565,2 +278566,2 +278567,2 +278568,2 +278569,2 +278570,2 +278571,2 +278572,2 +278573,2 +278574,2 +278575,2 +278576,2 +278577,2 +278578,2 +278579,32 +278580,32 +278581,32 +278582,32 +278583,32 +278584,32 +278585,14 +278586,14 +278587,40 +278588,40 +278589,40 +278590,27 +278591,40 +278592,40 +278593,40 +278594,40 +278595,40 +278596,40 +278597,40 +278598,40 +278599,40 +278600,40 +278601,40 +278602,31 +278603,31 +278604,31 +278605,31 +278606,31 +278607,31 +278608,31 +278609,31 +278610,4 +278611,4 +278612,4 +278613,4 +278614,4 +278615,4 +278616,4 +278617,4 +278618,4 +278619,4 +278620,31 +278621,31 +278622,31 +278623,31 +278624,31 +278625,31 +278626,31 +278627,31 +278628,31 +278629,31 +278630,31 +278631,5 +278632,5 +278633,5 +278634,5 +278635,5 +278636,5 +278637,5 +278638,5 +278639,5 +278640,5 +278641,4 +278642,4 +278643,4 +278644,4 +278645,4 +278646,4 +278647,3 +278648,3 +278649,3 +278650,3 +278651,3 +278652,3 +278653,3 +278654,3 +278655,33 +278656,33 +278657,33 +278658,33 +278659,33 +278660,35 +278661,35 +278662,35 +278663,35 +278664,35 +278665,35 +278666,35 +278667,35 +278668,25 +278669,25 +278670,25 +278671,40 +278672,40 +278673,40 +278674,40 +278675,37 +278676,37 +278677,37 +278678,37 +278679,37 +278680,37 +278681,37 +278682,37 +278683,37 +278684,37 +278685,37 +278686,37 +278687,37 +278688,37 +278689,37 +278690,37 +278691,37 +278692,37 +278693,37 +278694,25 +278695,25 +278696,25 +278697,0 +278698,0 +278699,0 +278700,0 +278701,0 +278702,0 +278703,0 +278704,0 +278705,0 +278706,0 +278707,0 +278708,0 +278709,0 +278710,0 +278711,0 +278712,0 +278713,0 +278714,0 +278715,0 +278716,0 +278717,0 +278718,29 +278719,29 +278720,29 +278721,0 +278722,0 +278723,0 +278724,0 +278725,29 +278726,29 +278727,31 +278728,31 +278729,31 +278730,31 +278731,31 +278732,31 +278733,31 +278734,2 +278735,2 +278736,2 +278737,2 +278738,2 +278739,2 +278740,2 +278741,2 +278742,2 +278743,2 +278744,2 +278745,2 +278746,2 +278747,2 +278748,2 +278749,10 +278750,10 +278751,10 +278752,10 +278753,10 +278754,10 +278755,10 +278756,10 +278757,10 +278758,10 +278759,10 +278760,10 +278761,10 +278762,10 +278763,4 +278764,4 +278765,4 +278766,4 +278767,4 +278768,4 +278769,4 +278770,4 +278771,31 +278772,31 +278773,31 +278774,31 +278775,31 +278776,24 +278777,24 +278778,24 +278779,24 +278780,31 +278781,27 +278782,27 +278783,31 +278784,31 +278785,31 +278786,6 +278787,6 +278788,6 +278789,6 +278790,6 +278791,6 +278792,6 +278793,6 +278794,6 +278795,6 +278796,6 +278797,6 +278798,6 +278799,6 +278800,6 +278801,6 +278802,6 +278803,6 +278804,6 +278805,34 +278806,34 +278807,34 +278808,34 +278809,34 +278810,34 +278811,34 +278812,34 +278813,34 +278814,34 +278815,34 +278816,34 +278817,34 +278818,34 +278819,17 +278820,17 +278821,17 +278822,17 +278823,37 +278824,19 +278825,19 +278826,19 +278827,19 +278828,19 +278829,19 +278830,19 +278831,19 +278832,2 +278833,2 +278834,2 +278835,2 +278836,2 +278837,2 +278838,32 +278839,32 +278840,32 +278841,32 +278842,32 +278843,32 +278844,32 +278845,32 +278846,32 +278847,32 +278848,30 +278849,30 +278850,30 +278851,30 +278852,30 +278853,30 +278854,30 +278855,30 +278856,30 +278857,30 +278858,30 +278859,40 +278860,40 +278861,40 +278862,40 +278863,27 +278864,40 +278865,19 +278866,19 +278867,19 +278868,19 +278869,19 +278870,19 +278871,6 +278872,6 +278873,6 +278874,6 +278875,6 +278876,6 +278877,6 +278878,6 +278879,6 +278880,6 +278881,6 +278882,6 +278883,31 +278884,31 +278885,31 +278886,31 +278887,5 +278888,5 +278889,5 +278890,5 +278891,5 +278892,5 +278893,5 +278894,5 +278895,5 +278896,40 +278897,40 +278898,40 +278899,40 +278900,40 +278901,40 +278902,31 +278903,31 +278904,24 +278905,24 +278906,24 +278907,24 +278908,24 +278909,24 +278910,24 +278911,25 +278912,25 +278913,25 +278914,25 +278915,25 +278916,28 +278917,28 +278918,28 +278919,28 +278920,28 +278921,28 +278922,28 +278923,28 +278924,14 +278925,14 +278926,27 +278927,27 +278928,27 +278929,14 +278930,6 +278931,6 +278932,6 +278933,6 +278934,6 +278935,6 +278936,6 +278937,6 +278938,31 +278939,31 +278940,31 +278941,31 +278942,31 +278943,31 +278944,31 +278945,24 +278946,24 +278947,12 +278948,12 +278949,12 +278950,12 +278951,12 +278952,12 +278953,12 +278954,12 +278955,12 +278956,12 +278957,12 +278958,17 +278959,17 +278960,17 +278961,17 +278962,17 +278963,17 +278964,17 +278965,12 +278966,12 +278967,39 +278968,39 +278969,39 +278970,39 +278971,39 +278972,39 +278973,37 +278974,37 +278975,37 +278976,37 +278977,37 +278978,37 +278979,37 +278980,37 +278981,37 +278982,16 +278983,16 +278984,16 +278985,16 +278986,4 +278987,4 +278988,4 +278989,4 +278990,4 +278991,4 +278992,4 +278993,4 +278994,4 +278995,4 +278996,4 +278997,4 +278998,25 +278999,25 +279000,37 +279001,37 +279002,37 +279003,37 +279004,25 +279005,25 +279006,28 +279007,28 +279008,28 +279009,28 +279010,28 +279011,28 +279012,28 +279013,28 +279014,32 +279015,32 +279016,30 +279017,30 +279018,30 +279019,30 +279020,30 +279021,30 +279022,30 +279023,30 +279024,30 +279025,30 +279026,30 +279027,30 +279028,30 +279029,30 +279030,33 +279031,33 +279032,33 +279033,33 +279034,0 +279035,0 +279036,0 +279037,0 +279038,0 +279039,0 +279040,0 +279041,0 +279042,0 +279043,0 +279044,0 +279045,0 +279046,0 +279047,0 +279048,0 +279049,0 +279050,0 +279051,0 +279052,0 +279053,0 +279054,0 +279055,0 +279056,0 +279057,0 +279058,0 +279059,0 +279060,0 +279061,0 +279062,0 +279063,0 +279064,0 +279065,0 +279066,0 +279067,0 +279068,0 +279069,0 +279070,0 +279071,0 +279072,0 +279073,0 +279074,0 +279075,0 +279076,0 +279077,0 +279078,0 +279079,0 +279080,0 +279081,0 +279082,0 +279083,0 +279084,0 +279085,0 +279086,0 +279087,0 +279088,0 +279089,0 +279090,0 +279091,0 +279092,0 +279093,0 +279094,0 +279095,0 +279096,0 +279097,0 +279098,0 +279099,0 +279100,0 +279101,0 +279102,0 +279103,0 +279104,0 +279105,0 +279106,0 +279107,0 +279108,0 +279109,0 +279110,0 +279111,0 +279112,0 +279113,29 +279114,29 +279115,29 +279116,31 +279117,31 +279118,31 +279119,31 +279120,31 +279121,31 +279122,6 +279123,6 +279124,21 +279125,21 +279126,21 +279127,21 +279128,21 +279129,21 +279130,21 +279131,21 +279132,37 +279133,37 +279134,37 +279135,37 +279136,37 +279137,37 +279138,37 +279139,12 +279140,14 +279141,14 +279142,14 +279143,14 +279144,14 +279145,14 +279146,14 +279147,14 +279148,14 +279149,14 +279150,14 +279151,14 +279152,14 +279153,14 +279154,14 +279155,14 +279156,14 +279157,14 +279158,35 +279159,35 +279160,35 +279161,35 +279162,35 +279163,35 +279164,35 +279165,35 +279166,36 +279167,36 +279168,36 +279169,36 +279170,36 +279171,36 +279172,36 +279173,36 +279174,36 +279175,14 +279176,14 +279177,14 +279178,36 +279179,36 +279180,36 +279181,36 +279182,40 +279183,40 +279184,40 +279185,40 +279186,40 +279187,40 +279188,40 +279189,19 +279190,19 +279191,19 +279192,19 +279193,19 +279194,19 +279195,19 +279196,19 +279197,27 +279198,27 +279199,27 +279200,27 +279201,27 +279202,19 +279203,19 +279204,19 +279205,19 +279206,0 +279207,0 +279208,0 +279209,0 +279210,0 +279211,0 +279212,0 +279213,0 +279214,0 +279215,0 +279216,0 +279217,0 +279218,0 +279219,0 +279220,0 +279221,0 +279222,0 +279223,0 +279224,0 +279225,0 +279226,0 +279227,0 +279228,0 +279229,0 +279230,0 +279231,0 +279232,0 +279233,0 +279234,0 +279235,0 +279236,0 +279237,0 +279238,0 +279239,0 +279240,31 +279241,31 +279242,31 +279243,31 +279244,31 +279245,31 +279246,31 +279247,19 +279248,19 +279249,19 +279250,19 +279251,19 +279252,19 +279253,5 +279254,27 +279255,27 +279256,29 +279257,29 +279258,31 +279259,31 +279260,2 +279261,2 +279262,2 +279263,2 +279264,2 +279265,2 +279266,2 +279267,2 +279268,2 +279269,2 +279270,2 +279271,2 +279272,2 +279273,2 +279274,2 +279275,2 +279276,2 +279277,14 +279278,14 +279279,14 +279280,40 +279281,40 +279282,40 +279283,40 +279284,40 +279285,40 +279286,40 +279287,21 +279288,21 +279289,21 +279290,21 +279291,21 +279292,21 +279293,6 +279294,6 +279295,31 +279296,31 +279297,31 +279298,31 +279299,28 +279300,28 +279301,28 +279302,28 +279303,28 +279304,28 +279305,28 +279306,28 +279307,28 +279308,28 +279309,9 +279310,9 +279311,9 +279312,9 +279313,9 +279314,9 +279315,9 +279316,9 +279317,9 +279318,9 +279319,9 +279320,9 +279321,9 +279322,9 +279323,9 +279324,9 +279325,9 +279326,9 +279327,26 +279328,26 +279329,26 +279330,26 +279331,26 +279332,26 +279333,37 +279334,37 +279335,37 +279336,37 +279337,37 +279338,37 +279339,37 +279340,37 +279341,37 +279342,2 +279343,2 +279344,2 +279345,2 +279346,2 +279347,2 +279348,2 +279349,2 +279350,2 +279351,2 +279352,2 +279353,2 +279354,2 +279355,2 +279356,2 +279357,2 +279358,2 +279359,14 +279360,14 +279361,14 +279362,14 +279363,14 +279364,14 +279365,14 +279366,14 +279367,14 +279368,14 +279369,14 +279370,14 +279371,14 +279372,14 +279373,14 +279374,14 +279375,14 +279376,14 +279377,14 +279378,23 +279379,23 +279380,23 +279381,23 +279382,23 +279383,23 +279384,23 +279385,23 +279386,23 +279387,23 +279388,0 +279389,0 +279390,0 +279391,0 +279392,0 +279393,0 +279394,0 +279395,0 +279396,0 +279397,0 +279398,0 +279399,0 +279400,0 +279401,0 +279402,0 +279403,0 +279404,0 +279405,0 +279406,0 +279407,0 +279408,0 +279409,0 +279410,0 +279411,0 +279412,0 +279413,0 +279414,0 +279415,0 +279416,0 +279417,0 +279418,0 +279419,0 +279420,0 +279421,0 +279422,0 +279423,0 +279424,0 +279425,0 +279426,0 +279427,0 +279428,0 +279429,0 +279430,0 +279431,0 +279432,0 +279433,0 +279434,0 +279435,0 +279436,0 +279437,0 +279438,0 +279439,0 +279440,0 +279441,0 +279442,0 +279443,0 +279444,31 +279445,31 +279446,31 +279447,31 +279448,31 +279449,31 +279450,31 +279451,31 +279452,31 +279453,31 +279454,5 +279455,19 +279456,19 +279457,19 +279458,19 +279459,31 +279460,31 +279461,31 +279462,32 +279463,32 +279464,32 +279465,32 +279466,32 +279467,32 +279468,32 +279469,32 +279470,32 +279471,32 +279472,32 +279473,32 +279474,32 +279475,27 +279476,27 +279477,27 +279478,27 +279479,27 +279480,27 +279481,27 +279482,27 +279483,37 +279484,37 +279485,37 +279486,37 +279487,37 +279488,37 +279489,37 +279490,37 +279491,25 +279492,25 +279493,19 +279494,19 +279495,19 +279496,19 +279497,19 +279498,19 +279499,19 +279500,19 +279501,15 +279502,15 +279503,15 +279504,15 +279505,27 +279506,27 +279507,27 +279508,27 +279509,27 +279510,27 +279511,27 +279512,27 +279513,8 +279514,8 +279515,8 +279516,8 +279517,8 +279518,31 +279519,31 +279520,31 +279521,31 +279522,31 +279523,31 +279524,30 +279525,30 +279526,30 +279527,30 +279528,30 +279529,30 +279530,30 +279531,30 +279532,30 +279533,30 +279534,39 +279535,39 +279536,39 +279537,39 +279538,39 +279539,39 +279540,39 +279541,39 +279542,39 +279543,39 +279544,31 +279545,31 +279546,31 +279547,28 +279548,28 +279549,28 +279550,28 +279551,28 +279552,28 +279553,32 +279554,32 +279555,32 +279556,23 +279557,23 +279558,23 +279559,32 +279560,23 +279561,23 +279562,4 +279563,23 +279564,9 +279565,17 +279566,17 +279567,17 +279568,17 +279569,17 +279570,17 +279571,17 +279572,17 +279573,17 +279574,17 +279575,17 +279576,17 +279577,17 +279578,17 +279579,17 +279580,17 +279581,17 +279582,17 +279583,19 +279584,19 +279585,19 +279586,19 +279587,19 +279588,27 +279589,27 +279590,27 +279591,27 +279592,27 +279593,27 +279594,5 +279595,5 +279596,5 +279597,5 +279598,5 +279599,5 +279600,5 +279601,19 +279602,5 +279603,29 +279604,19 +279605,19 +279606,19 +279607,29 +279608,14 +279609,14 +279610,14 +279611,27 +279612,14 +279613,14 +279614,14 +279615,24 +279616,24 +279617,24 +279618,24 +279619,39 +279620,39 +279621,27 +279622,27 +279623,27 +279624,27 +279625,27 +279626,27 +279627,39 +279628,39 +279629,27 +279630,13 +279631,13 +279632,13 +279633,13 +279634,13 +279635,13 +279636,13 +279637,13 +279638,31 +279639,27 +279640,28 +279641,28 +279642,28 +279643,28 +279644,28 +279645,28 +279646,28 +279647,28 +279648,28 +279649,32 +279650,32 +279651,32 +279652,32 +279653,32 +279654,32 +279655,32 +279656,32 +279657,32 +279658,17 +279659,17 +279660,17 +279661,17 +279662,17 +279663,17 +279664,33 +279665,33 +279666,33 +279667,33 +279668,33 +279669,27 +279670,27 +279671,27 +279672,13 +279673,13 +279674,13 +279675,13 +279676,13 +279677,13 +279678,13 +279679,13 +279680,26 +279681,26 +279682,26 +279683,26 +279684,26 +279685,26 +279686,28 +279687,28 +279688,32 +279689,32 +279690,32 +279691,32 +279692,32 +279693,32 +279694,32 +279695,32 +279696,32 +279697,32 +279698,32 +279699,37 +279700,37 +279701,37 +279702,37 +279703,37 +279704,37 +279705,3 +279706,3 +279707,3 +279708,3 +279709,3 +279710,3 +279711,3 +279712,3 +279713,3 +279714,3 +279715,3 +279716,3 +279717,3 +279718,3 +279719,3 +279720,4 +279721,4 +279722,4 +279723,4 +279724,4 +279725,4 +279726,4 +279727,2 +279728,2 +279729,2 +279730,2 +279731,2 +279732,2 +279733,2 +279734,2 +279735,2 +279736,2 +279737,2 +279738,2 +279739,2 +279740,0 +279741,0 +279742,0 +279743,0 +279744,0 +279745,0 +279746,0 +279747,0 +279748,0 +279749,0 +279750,0 +279751,0 +279752,0 +279753,0 +279754,0 +279755,0 +279756,0 +279757,0 +279758,0 +279759,0 +279760,0 +279761,0 +279762,0 +279763,0 +279764,0 +279765,0 +279766,0 +279767,0 +279768,0 +279769,0 +279770,0 +279771,0 +279772,0 +279773,0 +279774,0 +279775,0 +279776,0 +279777,0 +279778,0 +279779,0 +279780,0 +279781,0 +279782,0 +279783,0 +279784,0 +279785,0 +279786,0 +279787,0 +279788,0 +279789,0 +279790,0 +279791,0 +279792,0 +279793,0 +279794,0 +279795,0 +279796,0 +279797,0 +279798,0 +279799,0 +279800,0 +279801,0 +279802,0 +279803,0 +279804,0 +279805,0 +279806,0 +279807,0 +279808,0 +279809,0 +279810,0 +279811,0 +279812,0 +279813,0 +279814,40 +279815,40 +279816,40 +279817,40 +279818,40 +279819,40 +279820,40 +279821,40 +279822,40 +279823,40 +279824,40 +279825,40 +279826,40 +279827,5 +279828,5 +279829,5 +279830,5 +279831,5 +279832,5 +279833,13 +279834,13 +279835,13 +279836,4 +279837,9 +279838,4 +279839,4 +279840,4 +279841,9 +279842,9 +279843,9 +279844,9 +279845,9 +279846,9 +279847,9 +279848,9 +279849,9 +279850,9 +279851,9 +279852,9 +279853,9 +279854,9 +279855,9 +279856,9 +279857,9 +279858,5 +279859,5 +279860,5 +279861,5 +279862,5 +279863,5 +279864,25 +279865,25 +279866,25 +279867,25 +279868,25 +279869,25 +279870,25 +279871,25 +279872,25 +279873,25 +279874,25 +279875,25 +279876,25 +279877,31 +279878,31 +279879,31 +279880,31 +279881,31 +279882,31 +279883,31 +279884,29 +279885,29 +279886,29 +279887,29 +279888,29 +279889,34 +279890,34 +279891,34 +279892,34 +279893,34 +279894,34 +279895,34 +279896,34 +279897,34 +279898,25 +279899,25 +279900,25 +279901,25 +279902,25 +279903,37 +279904,21 +279905,21 +279906,21 +279907,21 +279908,21 +279909,21 +279910,21 +279911,21 +279912,21 +279913,35 +279914,35 +279915,35 +279916,35 +279917,35 +279918,37 +279919,37 +279920,37 +279921,37 +279922,37 +279923,37 +279924,25 +279925,14 +279926,14 +279927,14 +279928,39 +279929,14 +279930,14 +279931,14 +279932,14 +279933,14 +279934,14 +279935,14 +279936,14 +279937,18 +279938,18 +279939,18 +279940,18 +279941,16 +279942,16 +279943,16 +279944,4 +279945,24 +279946,24 +279947,24 +279948,24 +279949,24 +279950,24 +279951,24 +279952,24 +279953,24 +279954,24 +279955,24 +279956,27 +279957,27 +279958,27 +279959,27 +279960,27 +279961,27 +279962,6 +279963,6 +279964,6 +279965,6 +279966,6 +279967,6 +279968,6 +279969,6 +279970,6 +279971,6 +279972,6 +279973,4 +279974,4 +279975,4 +279976,4 +279977,4 +279978,4 +279979,37 +279980,25 +279981,25 +279982,37 +279983,37 +279984,37 +279985,37 +279986,37 +279987,37 +279988,37 +279989,37 +279990,37 +279991,39 +279992,39 +279993,39 +279994,39 +279995,39 +279996,39 +279997,39 +279998,39 +279999,39 +280000,39 +280001,39 +280002,39 +280003,39 +280004,39 +280005,39 +280006,39 +280007,39 +280008,35 +280009,35 +280010,35 +280011,36 +280012,26 +280013,10 +280014,10 +280015,10 +280016,10 +280017,10 +280018,10 +280019,4 +280020,6 +280021,9 +280022,10 +280023,10 +280024,10 +280025,10 +280026,10 +280027,10 +280028,10 +280029,10 +280030,10 +280031,10 +280032,10 +280033,10 +280034,10 +280035,10 +280036,10 +280037,19 +280038,19 +280039,19 +280040,19 +280041,19 +280042,19 +280043,19 +280044,3 +280045,3 +280046,3 +280047,27 +280048,6 +280049,6 +280050,6 +280051,6 +280052,6 +280053,6 +280054,6 +280055,6 +280056,6 +280057,6 +280058,6 +280059,6 +280060,6 +280061,37 +280062,37 +280063,37 +280064,37 +280065,37 +280066,37 +280067,37 +280068,39 +280069,39 +280070,39 +280071,39 +280072,39 +280073,39 +280074,27 +280075,27 +280076,1 +280077,1 +280078,1 +280079,3 +280080,1 +280081,39 +280082,29 +280083,29 +280084,29 +280085,29 +280086,29 +280087,29 +280088,29 +280089,29 +280090,29 +280091,31 +280092,31 +280093,31 +280094,31 +280095,31 +280096,31 +280097,31 +280098,31 +280099,31 +280100,27 +280101,27 +280102,27 +280103,4 +280104,4 +280105,4 +280106,4 +280107,4 +280108,4 +280109,4 +280110,4 +280111,4 +280112,4 +280113,4 +280114,4 +280115,4 +280116,23 +280117,4 +280118,4 +280119,4 +280120,4 +280121,4 +280122,4 +280123,4 +280124,4 +280125,4 +280126,4 +280127,29 +280128,29 +280129,31 +280130,31 +280131,31 +280132,31 +280133,31 +280134,31 +280135,5 +280136,5 +280137,5 +280138,5 +280139,5 +280140,5 +280141,5 +280142,5 +280143,5 +280144,5 +280145,5 +280146,5 +280147,26 +280148,26 +280149,26 +280150,26 +280151,26 +280152,26 +280153,26 +280154,26 +280155,33 +280156,10 +280157,10 +280158,10 +280159,10 +280160,34 +280161,34 +280162,9 +280163,9 +280164,9 +280165,9 +280166,9 +280167,9 +280168,9 +280169,9 +280170,9 +280171,9 +280172,9 +280173,9 +280174,9 +280175,9 +280176,9 +280177,9 +280178,9 +280179,9 +280180,9 +280181,9 +280182,9 +280183,9 +280184,9 +280185,9 +280186,5 +280187,5 +280188,5 +280189,5 +280190,5 +280191,28 +280192,28 +280193,28 +280194,28 +280195,28 +280196,28 +280197,9 +280198,9 +280199,9 +280200,9 +280201,9 +280202,9 +280203,37 +280204,37 +280205,37 +280206,37 +280207,37 +280208,37 +280209,37 +280210,37 +280211,37 +280212,37 +280213,37 +280214,37 +280215,19 +280216,19 +280217,19 +280218,19 +280219,19 +280220,19 +280221,19 +280222,19 +280223,2 +280224,2 +280225,2 +280226,8 +280227,2 +280228,2 +280229,2 +280230,2 +280231,2 +280232,2 +280233,2 +280234,2 +280235,2 +280236,4 +280237,0 +280238,4 +280239,4 +280240,4 +280241,4 +280242,4 +280243,4 +280244,4 +280245,27 +280246,27 +280247,27 +280248,28 +280249,28 +280250,28 +280251,28 +280252,28 +280253,28 +280254,28 +280255,28 +280256,28 +280257,26 +280258,10 +280259,10 +280260,10 +280261,10 +280262,10 +280263,10 +280264,10 +280265,10 +280266,10 +280267,10 +280268,10 +280269,10 +280270,10 +280271,10 +280272,26 +280273,34 +280274,34 +280275,34 +280276,34 +280277,34 +280278,34 +280279,34 +280280,34 +280281,34 +280282,34 +280283,34 +280284,11 +280285,11 +280286,11 +280287,11 +280288,11 +280289,11 +280290,11 +280291,11 +280292,11 +280293,11 +280294,31 +280295,31 +280296,31 +280297,31 +280298,31 +280299,31 +280300,31 +280301,40 +280302,30 +280303,30 +280304,30 +280305,30 +280306,30 +280307,15 +280308,15 +280309,15 +280310,15 +280311,15 +280312,39 +280313,7 +280314,39 +280315,39 +280316,39 +280317,39 +280318,39 +280319,39 +280320,31 +280321,31 +280322,31 +280323,31 +280324,31 +280325,15 +280326,15 +280327,15 +280328,15 +280329,15 +280330,15 +280331,8 +280332,8 +280333,8 +280334,8 +280335,8 +280336,8 +280337,8 +280338,8 +280339,8 +280340,8 +280341,8 +280342,25 +280343,25 +280344,25 +280345,25 +280346,25 +280347,25 +280348,25 +280349,25 +280350,25 +280351,25 +280352,25 +280353,25 +280354,19 +280355,19 +280356,19 +280357,19 +280358,24 +280359,19 +280360,19 +280361,19 +280362,19 +280363,31 +280364,31 +280365,31 +280366,31 +280367,31 +280368,31 +280369,36 +280370,36 +280371,40 +280372,40 +280373,8 +280374,8 +280375,8 +280376,8 +280377,31 +280378,31 +280379,31 +280380,31 +280381,31 +280382,35 +280383,35 +280384,35 +280385,35 +280386,35 +280387,35 +280388,35 +280389,35 +280390,35 +280391,35 +280392,31 +280393,31 +280394,33 +280395,33 +280396,33 +280397,33 +280398,33 +280399,33 +280400,33 +280401,30 +280402,30 +280403,30 +280404,30 +280405,31 +280406,31 +280407,31 +280408,31 +280409,31 +280410,31 +280411,19 +280412,19 +280413,19 +280414,19 +280415,19 +280416,19 +280417,39 +280418,39 +280419,14 +280420,14 +280421,14 +280422,14 +280423,14 +280424,14 +280425,14 +280426,14 +280427,14 +280428,14 +280429,4 +280430,4 +280431,4 +280432,4 +280433,38 +280434,38 +280435,38 +280436,38 +280437,35 +280438,4 +280439,4 +280440,1 +280441,1 +280442,1 +280443,1 +280444,1 +280445,1 +280446,1 +280447,1 +280448,25 +280449,25 +280450,12 +280451,10 +280452,10 +280453,10 +280454,10 +280455,10 +280456,10 +280457,10 +280458,10 +280459,10 +280460,34 +280461,34 +280462,34 +280463,34 +280464,34 +280465,34 +280466,34 +280467,4 +280468,4 +280469,7 +280470,7 +280471,7 +280472,7 +280473,7 +280474,7 +280475,7 +280476,7 +280477,7 +280478,3 +280479,25 +280480,25 +280481,25 +280482,31 +280483,31 +280484,25 +280485,25 +280486,25 +280487,25 +280488,25 +280489,25 +280490,25 +280491,14 +280492,14 +280493,14 +280494,14 +280495,14 +280496,14 +280497,14 +280498,14 +280499,14 +280500,14 +280501,14 +280502,30 +280503,30 +280504,30 +280505,30 +280506,30 +280507,30 +280508,30 +280509,30 +280510,30 +280511,39 +280512,39 +280513,39 +280514,39 +280515,39 +280516,39 +280517,39 +280518,39 +280519,39 +280520,39 +280521,31 +280522,31 +280523,31 +280524,31 +280525,31 +280526,31 +280527,31 +280528,31 +280529,31 +280530,31 +280531,31 +280532,31 +280533,31 +280534,31 +280535,31 +280536,31 +280537,31 +280538,31 +280539,31 +280540,31 +280541,31 +280542,0 +280543,0 +280544,5 +280545,5 +280546,0 +280547,0 +280548,0 +280549,0 +280550,0 +280551,0 +280552,0 +280553,0 +280554,0 +280555,0 +280556,0 +280557,0 +280558,0 +280559,0 +280560,0 +280561,0 +280562,0 +280563,0 +280564,0 +280565,0 +280566,0 +280567,0 +280568,0 +280569,0 +280570,0 +280571,0 +280572,0 +280573,0 +280574,0 +280575,0 +280576,0 +280577,0 +280578,0 +280579,0 +280580,0 +280581,0 +280582,0 +280583,0 +280584,0 +280585,0 +280586,0 +280587,0 +280588,0 +280589,0 +280590,0 +280591,0 +280592,0 +280593,0 +280594,0 +280595,0 +280596,0 +280597,0 +280598,0 +280599,0 +280600,0 +280601,0 +280602,0 +280603,0 +280604,0 +280605,0 +280606,0 +280607,0 +280608,0 +280609,0 +280610,0 +280611,0 +280612,0 +280613,4 +280614,4 +280615,4 +280616,4 +280617,4 +280618,4 +280619,4 +280620,4 +280621,4 +280622,4 +280623,31 +280624,25 +280625,25 +280626,25 +280627,25 +280628,25 +280629,31 +280630,31 +280631,31 +280632,31 +280633,31 +280634,25 +280635,25 +280636,31 +280637,25 +280638,27 +280639,27 +280640,27 +280641,27 +280642,27 +280643,27 +280644,27 +280645,27 +280646,23 +280647,23 +280648,23 +280649,23 +280650,23 +280651,23 +280652,23 +280653,23 +280654,23 +280655,23 +280656,27 +280657,27 +280658,27 +280659,27 +280660,27 +280661,27 +280662,27 +280663,27 +280664,27 +280665,6 +280666,4 +280667,4 +280668,4 +280669,4 +280670,4 +280671,4 +280672,4 +280673,4 +280674,4 +280675,4 +280676,4 +280677,2 +280678,11 +280679,11 +280680,11 +280681,11 +280682,11 +280683,11 +280684,11 +280685,11 +280686,11 +280687,11 +280688,11 +280689,27 +280690,39 +280691,39 +280692,39 +280693,39 +280694,39 +280695,27 +280696,27 +280697,27 +280698,27 +280699,37 +280700,37 +280701,37 +280702,37 +280703,37 +280704,37 +280705,37 +280706,37 +280707,37 +280708,39 +280709,39 +280710,39 +280711,39 +280712,27 +280713,27 +280714,27 +280715,27 +280716,27 +280717,27 +280718,27 +280719,27 +280720,27 +280721,13 +280722,13 +280723,13 +280724,13 +280725,13 +280726,13 +280727,13 +280728,13 +280729,13 +280730,13 +280731,13 +280732,13 +280733,13 +280734,13 +280735,13 +280736,13 +280737,5 +280738,5 +280739,5 +280740,0 +280741,0 +280742,0 +280743,0 +280744,0 +280745,0 +280746,0 +280747,0 +280748,0 +280749,0 +280750,0 +280751,0 +280752,0 +280753,0 +280754,0 +280755,0 +280756,0 +280757,0 +280758,0 +280759,0 +280760,0 +280761,0 +280762,0 +280763,0 +280764,0 +280765,0 +280766,0 +280767,0 +280768,0 +280769,0 +280770,0 +280771,0 +280772,0 +280773,0 +280774,0 +280775,0 +280776,0 +280777,0 +280778,0 +280779,0 +280780,0 +280781,0 +280782,0 +280783,0 +280784,0 +280785,12 +280786,12 +280787,12 +280788,12 +280789,12 +280790,12 +280791,12 +280792,27 +280793,27 +280794,27 +280795,27 +280796,27 +280797,27 +280798,31 +280799,2 +280800,2 +280801,2 +280802,2 +280803,2 +280804,2 +280805,2 +280806,2 +280807,2 +280808,2 +280809,2 +280810,2 +280811,2 +280812,2 +280813,2 +280814,2 +280815,2 +280816,2 +280817,2 +280818,2 +280819,2 +280820,2 +280821,2 +280822,2 +280823,14 +280824,14 +280825,14 +280826,14 +280827,14 +280828,14 +280829,14 +280830,14 +280831,14 +280832,14 +280833,14 +280834,14 +280835,39 +280836,39 +280837,39 +280838,39 +280839,39 +280840,39 +280841,39 +280842,23 +280843,23 +280844,23 +280845,23 +280846,23 +280847,23 +280848,23 +280849,23 +280850,23 +280851,23 +280852,23 +280853,23 +280854,23 +280855,23 +280856,23 +280857,23 +280858,23 +280859,23 +280860,23 +280861,23 +280862,23 +280863,23 +280864,23 +280865,23 +280866,0 +280867,0 +280868,0 +280869,0 +280870,0 +280871,0 +280872,0 +280873,0 +280874,0 +280875,0 +280876,0 +280877,0 +280878,0 +280879,0 +280880,0 +280881,0 +280882,0 +280883,0 +280884,0 +280885,0 +280886,0 +280887,0 +280888,0 +280889,0 +280890,0 +280891,0 +280892,0 +280893,0 +280894,0 +280895,0 +280896,0 +280897,0 +280898,0 +280899,0 +280900,0 +280901,0 +280902,0 +280903,0 +280904,0 +280905,0 +280906,0 +280907,0 +280908,0 +280909,0 +280910,0 +280911,0 +280912,0 +280913,0 +280914,0 +280915,0 +280916,0 +280917,0 +280918,0 +280919,0 +280920,0 +280921,0 +280922,0 +280923,0 +280924,0 +280925,0 +280926,0 +280927,0 +280928,0 +280929,0 +280930,0 +280931,0 +280932,0 +280933,0 +280934,0 +280935,0 +280936,0 +280937,0 +280938,0 +280939,0 +280940,0 +280941,0 +280942,0 +280943,0 +280944,0 +280945,0 +280946,0 +280947,0 +280948,0 +280949,0 +280950,0 +280951,0 +280952,0 +280953,0 +280954,0 +280955,0 +280956,0 +280957,0 +280958,0 +280959,0 +280960,0 +280961,0 +280962,0 +280963,0 +280964,0 +280965,12 +280966,12 +280967,12 +280968,12 +280969,12 +280970,12 +280971,12 +280972,12 +280973,12 +280974,12 +280975,12 +280976,12 +280977,26 +280978,26 +280979,26 +280980,33 +280981,33 +280982,33 +280983,33 +280984,33 +280985,33 +280986,26 +280987,30 +280988,30 +280989,30 +280990,30 +280991,30 +280992,30 +280993,30 +280994,30 +280995,30 +280996,35 +280997,35 +280998,35 +280999,35 +281000,35 +281001,35 +281002,27 +281003,27 +281004,27 +281005,27 +281006,27 +281007,27 +281008,27 +281009,27 +281010,27 +281011,8 +281012,8 +281013,8 +281014,8 +281015,8 +281016,8 +281017,8 +281018,27 +281019,27 +281020,27 +281021,27 +281022,21 +281023,21 +281024,21 +281025,21 +281026,21 +281027,21 +281028,21 +281029,8 +281030,8 +281031,8 +281032,8 +281033,8 +281034,8 +281035,8 +281036,8 +281037,8 +281038,36 +281039,10 +281040,10 +281041,36 +281042,36 +281043,36 +281044,36 +281045,36 +281046,36 +281047,36 +281048,36 +281049,36 +281050,36 +281051,36 +281052,36 +281053,36 +281054,36 +281055,31 +281056,2 +281057,2 +281058,2 +281059,2 +281060,2 +281061,2 +281062,2 +281063,2 +281064,32 +281065,32 +281066,2 +281067,2 +281068,2 +281069,2 +281070,32 +281071,32 +281072,32 +281073,38 +281074,25 +281075,25 +281076,25 +281077,25 +281078,25 +281079,25 +281080,25 +281081,25 +281082,25 +281083,37 +281084,37 +281085,37 +281086,37 +281087,37 +281088,37 +281089,37 +281090,39 +281091,14 +281092,14 +281093,39 +281094,39 +281095,39 +281096,39 +281097,39 +281098,39 +281099,18 +281100,19 +281101,19 +281102,19 +281103,19 +281104,3 +281105,27 +281106,27 +281107,27 +281108,19 +281109,19 +281110,19 +281111,19 +281112,19 +281113,19 +281114,19 +281115,19 +281116,12 +281117,12 +281118,12 +281119,12 +281120,12 +281121,12 +281122,12 +281123,12 +281124,12 +281125,12 +281126,12 +281127,10 +281128,10 +281129,10 +281130,10 +281131,10 +281132,10 +281133,10 +281134,10 +281135,10 +281136,10 +281137,10 +281138,10 +281139,24 +281140,24 +281141,23 +281142,23 +281143,23 +281144,23 +281145,23 +281146,31 +281147,31 +281148,35 +281149,24 +281150,24 +281151,24 +281152,24 +281153,24 +281154,24 +281155,24 +281156,24 +281157,24 +281158,24 +281159,24 +281160,35 +281161,35 +281162,35 +281163,35 +281164,35 +281165,3 +281166,3 +281167,33 +281168,33 +281169,33 +281170,33 +281171,2 +281172,2 +281173,2 +281174,2 +281175,2 +281176,2 +281177,2 +281178,2 +281179,2 +281180,2 +281181,2 +281182,2 +281183,27 +281184,27 +281185,27 +281186,27 +281187,27 +281188,27 +281189,27 +281190,24 +281191,24 +281192,24 +281193,24 +281194,24 +281195,24 +281196,24 +281197,24 +281198,24 +281199,24 +281200,24 +281201,24 +281202,37 +281203,37 +281204,37 +281205,37 +281206,37 +281207,37 +281208,37 +281209,37 +281210,37 +281211,14 +281212,14 +281213,14 +281214,14 +281215,14 +281216,14 +281217,14 +281218,14 +281219,14 +281220,14 +281221,14 +281222,19 +281223,19 +281224,19 +281225,19 +281226,19 +281227,27 +281228,27 +281229,27 +281230,27 +281231,27 +281232,27 +281233,27 +281234,27 +281235,27 +281236,27 +281237,19 +281238,19 +281239,19 +281240,19 +281241,19 +281242,19 +281243,19 +281244,19 +281245,19 +281246,19 +281247,19 +281248,19 +281249,19 +281250,0 +281251,0 +281252,0 +281253,0 +281254,0 +281255,0 +281256,0 +281257,0 +281258,0 +281259,0 +281260,0 +281261,0 +281262,0 +281263,0 +281264,0 +281265,0 +281266,0 +281267,0 +281268,0 +281269,0 +281270,0 +281271,0 +281272,0 +281273,0 +281274,0 +281275,0 +281276,0 +281277,0 +281278,7 +281279,7 +281280,7 +281281,7 +281282,7 +281283,7 +281284,7 +281285,7 +281286,7 +281287,7 +281288,3 +281289,3 +281290,3 +281291,3 +281292,3 +281293,3 +281294,3 +281295,3 +281296,3 +281297,3 +281298,3 +281299,3 +281300,3 +281301,3 +281302,3 +281303,3 +281304,3 +281305,37 +281306,37 +281307,37 +281308,37 +281309,37 +281310,37 +281311,3 +281312,3 +281313,36 +281314,36 +281315,31 +281316,31 +281317,36 +281318,36 +281319,36 +281320,4 +281321,4 +281322,4 +281323,4 +281324,4 +281325,4 +281326,4 +281327,29 +281328,29 +281329,29 +281330,29 +281331,29 +281332,29 +281333,39 +281334,39 +281335,39 +281336,39 +281337,39 +281338,39 +281339,39 +281340,39 +281341,39 +281342,39 +281343,39 +281344,39 +281345,39 +281346,36 +281347,36 +281348,36 +281349,36 +281350,36 +281351,36 +281352,36 +281353,5 +281354,5 +281355,5 +281356,5 +281357,5 +281358,31 +281359,31 +281360,31 +281361,40 +281362,28 +281363,28 +281364,28 +281365,28 +281366,28 +281367,28 +281368,28 +281369,28 +281370,39 +281371,39 +281372,39 +281373,39 +281374,39 +281375,39 +281376,39 +281377,39 +281378,39 +281379,39 +281380,39 +281381,39 +281382,39 +281383,39 +281384,10 +281385,31 +281386,34 +281387,34 +281388,34 +281389,36 +281390,36 +281391,34 +281392,36 +281393,36 +281394,34 +281395,34 +281396,4 +281397,4 +281398,4 +281399,4 +281400,4 +281401,31 +281402,31 +281403,31 +281404,31 +281405,29 +281406,29 +281407,29 +281408,29 +281409,29 +281410,29 +281411,29 +281412,29 +281413,27 +281414,27 +281415,27 +281416,27 +281417,27 +281418,27 +281419,27 +281420,27 +281421,2 +281422,2 +281423,2 +281424,2 +281425,2 +281426,2 +281427,2 +281428,2 +281429,2 +281430,2 +281431,2 +281432,2 +281433,39 +281434,39 +281435,39 +281436,39 +281437,39 +281438,39 +281439,39 +281440,25 +281441,37 +281442,37 +281443,37 +281444,37 +281445,37 +281446,37 +281447,37 +281448,4 +281449,37 +281450,4 +281451,4 +281452,4 +281453,4 +281454,4 +281455,4 +281456,4 +281457,4 +281458,4 +281459,4 +281460,4 +281461,4 +281462,4 +281463,4 +281464,4 +281465,37 +281466,37 +281467,37 +281468,37 +281469,37 +281470,37 +281471,36 +281472,36 +281473,36 +281474,36 +281475,36 +281476,36 +281477,36 +281478,36 +281479,36 +281480,31 +281481,32 +281482,32 +281483,32 +281484,4 +281485,4 +281486,32 +281487,4 +281488,4 +281489,4 +281490,4 +281491,4 +281492,29 +281493,23 +281494,23 +281495,23 +281496,23 +281497,9 +281498,9 +281499,9 +281500,9 +281501,37 +281502,37 +281503,37 +281504,37 +281505,37 +281506,37 +281507,37 +281508,5 +281509,5 +281510,5 +281511,5 +281512,5 +281513,5 +281514,5 +281515,5 +281516,5 +281517,28 +281518,5 +281519,28 +281520,28 +281521,28 +281522,28 +281523,28 +281524,28 +281525,28 +281526,28 +281527,31 +281528,26 +281529,31 +281530,34 +281531,31 +281532,31 +281533,31 +281534,31 +281535,31 +281536,31 +281537,31 +281538,38 +281539,38 +281540,38 +281541,38 +281542,38 +281543,38 +281544,29 +281545,29 +281546,31 +281547,31 +281548,31 +281549,31 +281550,31 +281551,31 +281552,5 +281553,5 +281554,5 +281555,5 +281556,5 +281557,5 +281558,5 +281559,5 +281560,5 +281561,5 +281562,5 +281563,5 +281564,5 +281565,5 +281566,5 +281567,28 +281568,28 +281569,28 +281570,28 +281571,28 +281572,28 +281573,28 +281574,0 +281575,0 +281576,0 +281577,0 +281578,0 +281579,0 +281580,0 +281581,0 +281582,0 +281583,0 +281584,0 +281585,0 +281586,0 +281587,0 +281588,0 +281589,0 +281590,0 +281591,0 +281592,0 +281593,0 +281594,0 +281595,0 +281596,0 +281597,0 +281598,0 +281599,0 +281600,0 +281601,0 +281602,0 +281603,0 +281604,0 +281605,0 +281606,0 +281607,0 +281608,0 +281609,0 +281610,0 +281611,0 +281612,0 +281613,0 +281614,0 +281615,0 +281616,0 +281617,0 +281618,0 +281619,0 +281620,0 +281621,0 +281622,0 +281623,0 +281624,0 +281625,0 +281626,0 +281627,0 +281628,0 +281629,0 +281630,12 +281631,0 +281632,0 +281633,0 +281634,12 +281635,12 +281636,12 +281637,12 +281638,12 +281639,12 +281640,12 +281641,12 +281642,12 +281643,12 +281644,12 +281645,12 +281646,12 +281647,10 +281648,10 +281649,10 +281650,10 +281651,10 +281652,10 +281653,10 +281654,10 +281655,10 +281656,10 +281657,10 +281658,10 +281659,10 +281660,10 +281661,10 +281662,5 +281663,5 +281664,19 +281665,19 +281666,19 +281667,19 +281668,27 +281669,27 +281670,27 +281671,27 +281672,27 +281673,29 +281674,24 +281675,19 +281676,19 +281677,29 +281678,29 +281679,29 +281680,29 +281681,29 +281682,29 +281683,29 +281684,40 +281685,14 +281686,14 +281687,14 +281688,14 +281689,14 +281690,14 +281691,14 +281692,14 +281693,14 +281694,3 +281695,3 +281696,14 +281697,14 +281698,12 +281699,12 +281700,12 +281701,12 +281702,12 +281703,12 +281704,12 +281705,12 +281706,12 +281707,12 +281708,12 +281709,12 +281710,12 +281711,12 +281712,31 +281713,31 +281714,31 +281715,31 +281716,31 +281717,5 +281718,5 +281719,5 +281720,5 +281721,5 +281722,36 +281723,34 +281724,34 +281725,34 +281726,34 +281727,34 +281728,34 +281729,34 +281730,34 +281731,34 +281732,36 +281733,34 +281734,34 +281735,33 +281736,33 +281737,33 +281738,33 +281739,33 +281740,33 +281741,33 +281742,33 +281743,33 +281744,33 +281745,33 +281746,6 +281747,6 +281748,6 +281749,6 +281750,33 +281751,33 +281752,2 +281753,2 +281754,2 +281755,2 +281756,2 +281757,2 +281758,2 +281759,2 +281760,2 +281761,2 +281762,2 +281763,2 +281764,2 +281765,2 +281766,8 +281767,8 +281768,8 +281769,8 +281770,8 +281771,8 +281772,0 +281773,0 +281774,0 +281775,0 +281776,0 +281777,0 +281778,0 +281779,0 +281780,0 +281781,0 +281782,0 +281783,0 +281784,0 +281785,0 +281786,0 +281787,0 +281788,0 +281789,0 +281790,0 +281791,0 +281792,0 +281793,0 +281794,0 +281795,0 +281796,0 +281797,0 +281798,0 +281799,0 +281800,0 +281801,0 +281802,0 +281803,9 +281804,35 +281805,35 +281806,35 +281807,12 +281808,12 +281809,12 +281810,12 +281811,12 +281812,25 +281813,25 +281814,25 +281815,25 +281816,37 +281817,37 +281818,29 +281819,29 +281820,29 +281821,29 +281822,29 +281823,29 +281824,14 +281825,14 +281826,14 +281827,14 +281828,14 +281829,14 +281830,14 +281831,14 +281832,14 +281833,14 +281834,14 +281835,14 +281836,12 +281837,12 +281838,12 +281839,12 +281840,12 +281841,12 +281842,12 +281843,12 +281844,12 +281845,25 +281846,25 +281847,25 +281848,25 +281849,25 +281850,25 +281851,25 +281852,16 +281853,16 +281854,16 +281855,16 +281856,16 +281857,16 +281858,16 +281859,16 +281860,16 +281861,16 +281862,16 +281863,16 +281864,16 +281865,16 +281866,27 +281867,11 +281868,27 +281869,27 +281870,30 +281871,30 +281872,30 +281873,30 +281874,33 +281875,30 +281876,30 +281877,30 +281878,30 +281879,30 +281880,30 +281881,30 +281882,30 +281883,19 +281884,19 +281885,19 +281886,19 +281887,19 +281888,19 +281889,19 +281890,19 +281891,19 +281892,25 +281893,25 +281894,25 +281895,25 +281896,25 +281897,25 +281898,25 +281899,5 +281900,5 +281901,5 +281902,5 +281903,5 +281904,5 +281905,5 +281906,5 +281907,4 +281908,4 +281909,4 +281910,4 +281911,4 +281912,4 +281913,39 +281914,39 +281915,39 +281916,39 +281917,21 +281918,21 +281919,21 +281920,21 +281921,21 +281922,21 +281923,21 +281924,21 +281925,21 +281926,21 +281927,21 +281928,34 +281929,34 +281930,36 +281931,36 +281932,34 +281933,34 +281934,34 +281935,34 +281936,34 +281937,34 +281938,34 +281939,34 +281940,29 +281941,29 +281942,29 +281943,29 +281944,29 +281945,25 +281946,25 +281947,25 +281948,25 +281949,25 +281950,25 +281951,25 +281952,25 +281953,25 +281954,25 +281955,25 +281956,25 +281957,25 +281958,25 +281959,25 +281960,25 +281961,25 +281962,25 +281963,25 +281964,0 +281965,0 +281966,0 +281967,0 +281968,0 +281969,0 +281970,0 +281971,0 +281972,0 +281973,0 +281974,0 +281975,0 +281976,0 +281977,0 +281978,0 +281979,0 +281980,0 +281981,0 +281982,0 +281983,0 +281984,0 +281985,0 +281986,0 +281987,0 +281988,0 +281989,0 +281990,0 +281991,0 +281992,0 +281993,0 +281994,0 +281995,0 +281996,0 +281997,0 +281998,0 +281999,0 +282000,0 +282001,0 +282002,0 +282003,0 +282004,0 +282005,0 +282006,0 +282007,0 +282008,0 +282009,0 +282010,0 +282011,0 +282012,0 +282013,0 +282014,0 +282015,0 +282016,0 +282017,0 +282018,0 +282019,0 +282020,0 +282021,0 +282022,0 +282023,0 +282024,0 +282025,0 +282026,0 +282027,0 +282028,0 +282029,0 +282030,29 +282031,29 +282032,29 +282033,29 +282034,29 +282035,29 +282036,36 +282037,36 +282038,36 +282039,36 +282040,36 +282041,36 +282042,36 +282043,19 +282044,19 +282045,19 +282046,19 +282047,27 +282048,27 +282049,27 +282050,27 +282051,27 +282052,27 +282053,27 +282054,27 +282055,27 +282056,2 +282057,2 +282058,2 +282059,2 +282060,2 +282061,2 +282062,2 +282063,2 +282064,2 +282065,8 +282066,4 +282067,4 +282068,4 +282069,4 +282070,4 +282071,4 +282072,4 +282073,27 +282074,27 +282075,27 +282076,27 +282077,27 +282078,2 +282079,2 +282080,2 +282081,2 +282082,2 +282083,2 +282084,2 +282085,2 +282086,2 +282087,2 +282088,2 +282089,2 +282090,2 +282091,2 +282092,2 +282093,2 +282094,14 +282095,14 +282096,14 +282097,14 +282098,14 +282099,14 +282100,14 +282101,14 +282102,14 +282103,14 +282104,14 +282105,14 +282106,14 +282107,14 +282108,14 +282109,14 +282110,14 +282111,14 +282112,14 +282113,14 +282114,14 +282115,14 +282116,14 +282117,14 +282118,14 +282119,14 +282120,14 +282121,14 +282122,14 +282123,14 +282124,14 +282125,39 +282126,39 +282127,39 +282128,39 +282129,39 +282130,39 +282131,39 +282132,39 +282133,39 +282134,0 +282135,0 +282136,0 +282137,0 +282138,0 +282139,0 +282140,0 +282141,0 +282142,0 +282143,0 +282144,0 +282145,0 +282146,0 +282147,0 +282148,0 +282149,0 +282150,0 +282151,0 +282152,0 +282153,0 +282154,0 +282155,0 +282156,0 +282157,0 +282158,0 +282159,0 +282160,0 +282161,0 +282162,0 +282163,0 +282164,0 +282165,12 +282166,12 +282167,12 +282168,12 +282169,12 +282170,12 +282171,9 +282172,9 +282173,9 +282174,9 +282175,9 +282176,37 +282177,37 +282178,37 +282179,37 +282180,37 +282181,37 +282182,37 +282183,37 +282184,37 +282185,39 +282186,39 +282187,39 +282188,39 +282189,39 +282190,21 +282191,21 +282192,21 +282193,21 +282194,21 +282195,21 +282196,21 +282197,21 +282198,26 +282199,26 +282200,26 +282201,26 +282202,26 +282203,26 +282204,26 +282205,26 +282206,26 +282207,26 +282208,26 +282209,37 +282210,37 +282211,37 +282212,37 +282213,37 +282214,37 +282215,37 +282216,37 +282217,29 +282218,29 +282219,29 +282220,29 +282221,29 +282222,29 +282223,39 +282224,39 +282225,39 +282226,39 +282227,39 +282228,39 +282229,39 +282230,39 +282231,39 +282232,14 +282233,14 +282234,14 +282235,14 +282236,14 +282237,14 +282238,6 +282239,6 +282240,6 +282241,6 +282242,6 +282243,6 +282244,2 +282245,2 +282246,2 +282247,2 +282248,2 +282249,2 +282250,2 +282251,4 +282252,4 +282253,4 +282254,4 +282255,4 +282256,4 +282257,30 +282258,25 +282259,25 +282260,25 +282261,25 +282262,25 +282263,31 +282264,31 +282265,31 +282266,31 +282267,31 +282268,31 +282269,30 +282270,30 +282271,30 +282272,30 +282273,30 +282274,33 +282275,15 +282276,15 +282277,15 +282278,15 +282279,15 +282280,15 +282281,15 +282282,15 +282283,15 +282284,26 +282285,26 +282286,26 +282287,26 +282288,26 +282289,26 +282290,26 +282291,26 +282292,26 +282293,26 +282294,26 +282295,26 +282296,26 +282297,26 +282298,26 +282299,26 +282300,26 +282301,19 +282302,19 +282303,19 +282304,19 +282305,39 +282306,39 +282307,39 +282308,39 +282309,39 +282310,39 +282311,39 +282312,39 +282313,27 +282314,27 +282315,27 +282316,27 +282317,14 +282318,8 +282319,8 +282320,8 +282321,8 +282322,8 +282323,8 +282324,8 +282325,8 +282326,8 +282327,36 +282328,36 +282329,36 +282330,36 +282331,36 +282332,36 +282333,36 +282334,36 +282335,36 +282336,36 +282337,36 +282338,36 +282339,36 +282340,36 +282341,36 +282342,6 +282343,6 +282344,6 +282345,6 +282346,6 +282347,6 +282348,6 +282349,6 +282350,6 +282351,16 +282352,16 +282353,2 +282354,2 +282355,30 +282356,30 +282357,30 +282358,30 +282359,30 +282360,30 +282361,30 +282362,39 +282363,39 +282364,39 +282365,39 +282366,39 +282367,39 +282368,39 +282369,39 +282370,39 +282371,39 +282372,39 +282373,21 +282374,21 +282375,21 +282376,21 +282377,21 +282378,21 +282379,21 +282380,21 +282381,8 +282382,8 +282383,8 +282384,8 +282385,8 +282386,8 +282387,8 +282388,8 +282389,8 +282390,27 +282391,27 +282392,27 +282393,27 +282394,27 +282395,27 +282396,27 +282397,27 +282398,27 +282399,2 +282400,2 +282401,2 +282402,2 +282403,2 +282404,2 +282405,2 +282406,2 +282407,4 +282408,29 +282409,4 +282410,4 +282411,4 +282412,4 +282413,27 +282414,27 +282415,27 +282416,27 +282417,27 +282418,27 +282419,27 +282420,27 +282421,27 +282422,13 +282423,13 +282424,13 +282425,13 +282426,13 +282427,13 +282428,13 +282429,13 +282430,13 +282431,13 +282432,13 +282433,0 +282434,0 +282435,0 +282436,0 +282437,0 +282438,0 +282439,0 +282440,0 +282441,0 +282442,0 +282443,0 +282444,0 +282445,0 +282446,0 +282447,0 +282448,0 +282449,0 +282450,0 +282451,0 +282452,0 +282453,0 +282454,0 +282455,0 +282456,0 +282457,0 +282458,0 +282459,0 +282460,0 +282461,0 +282462,0 +282463,0 +282464,0 +282465,0 +282466,0 +282467,0 +282468,0 +282469,0 +282470,0 +282471,0 +282472,0 +282473,0 +282474,0 +282475,0 +282476,0 +282477,0 +282478,0 +282479,0 +282480,0 +282481,0 +282482,0 +282483,0 +282484,0 +282485,10 +282486,10 +282487,10 +282488,10 +282489,10 +282490,10 +282491,10 +282492,10 +282493,10 +282494,10 +282495,10 +282496,36 +282497,36 +282498,18 +282499,18 +282500,6 +282501,6 +282502,6 +282503,6 +282504,6 +282505,6 +282506,6 +282507,6 +282508,11 +282509,11 +282510,11 +282511,11 +282512,11 +282513,11 +282514,11 +282515,11 +282516,11 +282517,11 +282518,11 +282519,11 +282520,11 +282521,33 +282522,33 +282523,33 +282524,33 +282525,33 +282526,33 +282527,33 +282528,33 +282529,34 +282530,33 +282531,33 +282532,33 +282533,33 +282534,33 +282535,33 +282536,33 +282537,33 +282538,33 +282539,33 +282540,33 +282541,8 +282542,8 +282543,8 +282544,8 +282545,8 +282546,8 +282547,8 +282548,8 +282549,8 +282550,8 +282551,8 +282552,8 +282553,28 +282554,28 +282555,28 +282556,28 +282557,28 +282558,28 +282559,28 +282560,10 +282561,10 +282562,10 +282563,10 +282564,10 +282565,10 +282566,10 +282567,10 +282568,10 +282569,10 +282570,10 +282571,10 +282572,10 +282573,10 +282574,10 +282575,10 +282576,10 +282577,10 +282578,10 +282579,28 +282580,28 +282581,28 +282582,28 +282583,32 +282584,32 +282585,32 +282586,32 +282587,32 +282588,32 +282589,25 +282590,25 +282591,25 +282592,25 +282593,25 +282594,25 +282595,25 +282596,25 +282597,4 +282598,4 +282599,4 +282600,4 +282601,4 +282602,4 +282603,4 +282604,4 +282605,31 +282606,1 +282607,1 +282608,1 +282609,31 +282610,31 +282611,31 +282612,5 +282613,5 +282614,5 +282615,5 +282616,27 +282617,27 +282618,27 +282619,27 +282620,31 +282621,31 +282622,31 +282623,31 +282624,19 +282625,4 +282626,19 +282627,19 +282628,19 +282629,39 +282630,39 +282631,39 +282632,39 +282633,39 +282634,39 +282635,39 +282636,39 +282637,39 +282638,39 +282639,39 +282640,39 +282641,39 +282642,39 +282643,39 +282644,39 +282645,39 +282646,39 +282647,39 +282648,39 +282649,39 +282650,39 +282651,39 +282652,39 +282653,0 +282654,0 +282655,0 +282656,0 +282657,0 +282658,0 +282659,0 +282660,0 +282661,0 +282662,0 +282663,0 +282664,0 +282665,0 +282666,0 +282667,0 +282668,0 +282669,0 +282670,0 +282671,0 +282672,0 +282673,0 +282674,0 +282675,0 +282676,0 +282677,0 +282678,0 +282679,29 +282680,29 +282681,19 +282682,19 +282683,19 +282684,4 +282685,34 +282686,34 +282687,34 +282688,34 +282689,34 +282690,34 +282691,34 +282692,34 +282693,34 +282694,34 +282695,34 +282696,34 +282697,34 +282698,10 +282699,10 +282700,10 +282701,10 +282702,10 +282703,10 +282704,28 +282705,28 +282706,28 +282707,28 +282708,28 +282709,28 +282710,28 +282711,28 +282712,28 +282713,28 +282714,10 +282715,10 +282716,10 +282717,10 +282718,10 +282719,10 +282720,10 +282721,10 +282722,10 +282723,10 +282724,10 +282725,10 +282726,4 +282727,19 +282728,19 +282729,19 +282730,19 +282731,32 +282732,32 +282733,32 +282734,32 +282735,32 +282736,32 +282737,32 +282738,15 +282739,23 +282740,23 +282741,10 +282742,10 +282743,10 +282744,26 +282745,26 +282746,26 +282747,26 +282748,26 +282749,26 +282750,10 +282751,10 +282752,4 +282753,4 +282754,4 +282755,4 +282756,4 +282757,4 +282758,4 +282759,4 +282760,19 +282761,19 +282762,6 +282763,6 +282764,6 +282765,6 +282766,6 +282767,6 +282768,6 +282769,6 +282770,6 +282771,6 +282772,6 +282773,6 +282774,26 +282775,10 +282776,10 +282777,10 +282778,10 +282779,10 +282780,10 +282781,10 +282782,28 +282783,28 +282784,28 +282785,28 +282786,28 +282787,32 +282788,32 +282789,32 +282790,32 +282791,32 +282792,32 +282793,37 +282794,37 +282795,37 +282796,37 +282797,37 +282798,31 +282799,31 +282800,31 +282801,25 +282802,25 +282803,28 +282804,28 +282805,28 +282806,28 +282807,34 +282808,34 +282809,34 +282810,34 +282811,10 +282812,34 +282813,34 +282814,10 +282815,10 +282816,10 +282817,10 +282818,10 +282819,10 +282820,10 +282821,10 +282822,10 +282823,10 +282824,10 +282825,10 +282826,10 +282827,10 +282828,10 +282829,10 +282830,10 +282831,10 +282832,8 +282833,8 +282834,8 +282835,8 +282836,2 +282837,2 +282838,2 +282839,2 +282840,2 +282841,2 +282842,2 +282843,2 +282844,2 +282845,2 +282846,2 +282847,2 +282848,2 +282849,7 +282850,7 +282851,7 +282852,7 +282853,7 +282854,7 +282855,7 +282856,7 +282857,3 +282858,3 +282859,3 +282860,3 +282861,3 +282862,3 +282863,3 +282864,3 +282865,27 +282866,30 +282867,30 +282868,30 +282869,30 +282870,30 +282871,30 +282872,30 +282873,30 +282874,30 +282875,30 +282876,30 +282877,30 +282878,30 +282879,30 +282880,30 +282881,30 +282882,30 +282883,30 +282884,30 +282885,0 +282886,0 +282887,0 +282888,0 +282889,0 +282890,0 +282891,0 +282892,0 +282893,0 +282894,0 +282895,0 +282896,0 +282897,0 +282898,0 +282899,0 +282900,0 +282901,0 +282902,0 +282903,0 +282904,0 +282905,0 +282906,0 +282907,0 +282908,0 +282909,0 +282910,0 +282911,0 +282912,0 +282913,0 +282914,0 +282915,0 +282916,0 +282917,0 +282918,0 +282919,0 +282920,0 +282921,0 +282922,0 +282923,0 +282924,0 +282925,0 +282926,0 +282927,0 +282928,0 +282929,0 +282930,0 +282931,0 +282932,0 +282933,0 +282934,0 +282935,0 +282936,0 +282937,0 +282938,0 +282939,0 +282940,0 +282941,0 +282942,29 +282943,29 +282944,40 +282945,40 +282946,40 +282947,40 +282948,40 +282949,40 +282950,40 +282951,37 +282952,37 +282953,37 +282954,37 +282955,37 +282956,37 +282957,37 +282958,25 +282959,25 +282960,37 +282961,27 +282962,27 +282963,27 +282964,27 +282965,27 +282966,27 +282967,27 +282968,27 +282969,27 +282970,27 +282971,6 +282972,6 +282973,6 +282974,6 +282975,6 +282976,6 +282977,6 +282978,6 +282979,6 +282980,6 +282981,6 +282982,2 +282983,2 +282984,2 +282985,2 +282986,2 +282987,2 +282988,2 +282989,2 +282990,2 +282991,2 +282992,2 +282993,2 +282994,2 +282995,2 +282996,2 +282997,2 +282998,2 +282999,2 +283000,2 +283001,0 +283002,0 +283003,0 +283004,0 +283005,0 +283006,0 +283007,0 +283008,0 +283009,0 +283010,0 +283011,0 +283012,0 +283013,0 +283014,0 +283015,0 +283016,0 +283017,0 +283018,0 +283019,0 +283020,0 +283021,0 +283022,0 +283023,0 +283024,0 +283025,0 +283026,0 +283027,0 +283028,0 +283029,0 +283030,0 +283031,0 +283032,0 +283033,0 +283034,0 +283035,0 +283036,0 +283037,0 +283038,0 +283039,0 +283040,0 +283041,0 +283042,0 +283043,0 +283044,0 +283045,0 +283046,0 +283047,0 +283048,0 +283049,0 +283050,0 +283051,0 +283052,0 +283053,0 +283054,0 +283055,0 +283056,0 +283057,0 +283058,0 +283059,0 +283060,0 +283061,0 +283062,0 +283063,0 +283064,0 +283065,0 +283066,0 +283067,0 +283068,0 +283069,0 +283070,0 +283071,0 +283072,0 +283073,0 +283074,0 +283075,0 +283076,0 +283077,0 +283078,0 +283079,0 +283080,0 +283081,0 +283082,0 +283083,0 +283084,0 +283085,0 +283086,0 +283087,0 +283088,0 +283089,0 +283090,0 +283091,0 +283092,0 +283093,0 +283094,0 +283095,0 +283096,0 +283097,0 +283098,0 +283099,0 +283100,0 +283101,0 +283102,0 +283103,0 +283104,0 +283105,0 +283106,0 +283107,0 +283108,0 +283109,9 +283110,33 +283111,9 +283112,9 +283113,9 +283114,9 +283115,9 +283116,9 +283117,30 +283118,30 +283119,30 +283120,30 +283121,30 +283122,30 +283123,30 +283124,30 +283125,30 +283126,30 +283127,30 +283128,30 +283129,30 +283130,30 +283131,30 +283132,30 +283133,30 +283134,12 +283135,30 +283136,30 +283137,29 +283138,29 +283139,29 +283140,29 +283141,31 +283142,31 +283143,31 +283144,31 +283145,15 +283146,15 +283147,15 +283148,15 +283149,15 +283150,15 +283151,15 +283152,15 +283153,15 +283154,31 +283155,10 +283156,10 +283157,10 +283158,40 +283159,40 +283160,40 +283161,40 +283162,40 +283163,36 +283164,40 +283165,40 +283166,40 +283167,30 +283168,30 +283169,30 +283170,30 +283171,30 +283172,30 +283173,31 +283174,31 +283175,22 +283176,22 +283177,22 +283178,22 +283179,30 +283180,30 +283181,30 +283182,30 +283183,30 +283184,30 +283185,30 +283186,30 +283187,8 +283188,8 +283189,8 +283190,8 +283191,8 +283192,8 +283193,8 +283194,8 +283195,8 +283196,8 +283197,37 +283198,37 +283199,37 +283200,12 +283201,25 +283202,25 +283203,25 +283204,25 +283205,25 +283206,25 +283207,27 +283208,39 +283209,18 +283210,18 +283211,18 +283212,19 +283213,18 +283214,18 +283215,18 +283216,18 +283217,18 +283218,18 +283219,18 +283220,18 +283221,18 +283222,18 +283223,18 +283224,36 +283225,36 +283226,36 +283227,36 +283228,36 +283229,36 +283230,36 +283231,36 +283232,36 +283233,36 +283234,36 +283235,36 +283236,13 +283237,13 +283238,13 +283239,13 +283240,13 +283241,13 +283242,13 +283243,13 +283244,13 +283245,13 +283246,13 +283247,13 +283248,21 +283249,21 +283250,35 +283251,29 +283252,31 +283253,30 +283254,30 +283255,30 +283256,30 +283257,30 +283258,30 +283259,27 +283260,27 +283261,27 +283262,27 +283263,27 +283264,27 +283265,27 +283266,27 +283267,27 +283268,27 +283269,13 +283270,13 +283271,13 +283272,13 +283273,13 +283274,13 +283275,13 +283276,13 +283277,31 +283278,27 +283279,27 +283280,27 +283281,27 +283282,28 +283283,28 +283284,28 +283285,28 +283286,28 +283287,28 +283288,28 +283289,4 +283290,4 +283291,4 +283292,4 +283293,4 +283294,4 +283295,4 +283296,4 +283297,4 +283298,4 +283299,4 +283300,4 +283301,40 +283302,40 +283303,40 +283304,40 +283305,40 +283306,40 +283307,40 +283308,31 +283309,31 +283310,30 +283311,30 +283312,9 +283313,9 +283314,30 +283315,30 +283316,30 +283317,30 +283318,30 +283319,30 +283320,30 +283321,30 +283322,30 +283323,30 +283324,30 +283325,30 +283326,30 +283327,39 +283328,39 +283329,39 +283330,39 +283331,39 +283332,28 +283333,28 +283334,28 +283335,28 +283336,28 +283337,28 +283338,27 +283339,27 +283340,27 +283341,27 +283342,27 +283343,27 +283344,27 +283345,27 +283346,8 +283347,8 +283348,8 +283349,2 +283350,2 +283351,2 +283352,2 +283353,2 +283354,2 +283355,2 +283356,2 +283357,2 +283358,39 +283359,39 +283360,39 +283361,39 +283362,39 +283363,39 +283364,39 +283365,39 +283366,39 +283367,39 +283368,37 +283369,37 +283370,37 +283371,37 +283372,37 +283373,37 +283374,37 +283375,37 +283376,37 +283377,37 +283378,39 +283379,39 +283380,39 +283381,39 +283382,39 +283383,39 +283384,39 +283385,39 +283386,39 +283387,16 +283388,16 +283389,16 +283390,16 +283391,16 +283392,16 +283393,16 +283394,16 +283395,16 +283396,16 +283397,16 +283398,16 +283399,16 +283400,16 +283401,16 +283402,29 +283403,29 +283404,29 +283405,29 +283406,29 +283407,29 +283408,29 +283409,36 +283410,36 +283411,36 +283412,36 +283413,36 +283414,36 +283415,36 +283416,36 +283417,36 +283418,36 +283419,32 +283420,32 +283421,32 +283422,32 +283423,32 +283424,32 +283425,32 +283426,32 +283427,32 +283428,4 +283429,32 +283430,23 +283431,4 +283432,4 +283433,4 +283434,30 +283435,30 +283436,30 +283437,30 +283438,30 +283439,30 +283440,14 +283441,14 +283442,14 +283443,14 +283444,14 +283445,14 +283446,14 +283447,14 +283448,14 +283449,14 +283450,14 +283451,14 +283452,14 +283453,14 +283454,14 +283455,14 +283456,14 +283457,14 +283458,14 +283459,14 +283460,14 +283461,14 +283462,2 +283463,2 +283464,2 +283465,2 +283466,8 +283467,8 +283468,8 +283469,8 +283470,8 +283471,2 +283472,2 +283473,2 +283474,2 +283475,2 +283476,2 +283477,2 +283478,2 +283479,2 +283480,2 +283481,2 +283482,2 +283483,2 +283484,2 +283485,2 +283486,0 +283487,0 +283488,0 +283489,0 +283490,0 +283491,0 +283492,0 +283493,0 +283494,0 +283495,0 +283496,0 +283497,0 +283498,0 +283499,0 +283500,0 +283501,0 +283502,0 +283503,0 +283504,0 +283505,0 +283506,0 +283507,0 +283508,0 +283509,0 +283510,0 +283511,0 +283512,0 +283513,0 +283514,0 +283515,0 +283516,0 +283517,0 +283518,0 +283519,0 +283520,0 +283521,0 +283522,0 +283523,0 +283524,0 +283525,0 +283526,0 +283527,0 +283528,0 +283529,0 +283530,0 +283531,0 +283532,0 +283533,0 +283534,0 +283535,0 +283536,0 +283537,0 +283538,0 +283539,0 +283540,0 +283541,0 +283542,0 +283543,31 +283544,31 +283545,31 +283546,31 +283547,31 +283548,31 +283549,31 +283550,31 +283551,24 +283552,24 +283553,15 +283554,15 +283555,15 +283556,15 +283557,15 +283558,27 +283559,27 +283560,8 +283561,8 +283562,8 +283563,8 +283564,8 +283565,8 +283566,8 +283567,8 +283568,8 +283569,8 +283570,25 +283571,25 +283572,40 +283573,25 +283574,25 +283575,25 +283576,25 +283577,25 +283578,25 +283579,25 +283580,25 +283581,25 +283582,25 +283583,4 +283584,4 +283585,4 +283586,4 +283587,4 +283588,4 +283589,27 +283590,27 +283591,27 +283592,30 +283593,30 +283594,30 +283595,30 +283596,30 +283597,30 +283598,30 +283599,30 +283600,30 +283601,27 +283602,27 +283603,27 +283604,27 +283605,27 +283606,27 +283607,27 +283608,8 +283609,8 +283610,8 +283611,8 +283612,8 +283613,8 +283614,19 +283615,8 +283616,29 +283617,29 +283618,29 +283619,29 +283620,31 +283621,31 +283622,31 +283623,31 +283624,31 +283625,29 +283626,27 +283627,27 +283628,27 +283629,38 +283630,38 +283631,38 +283632,38 +283633,38 +283634,38 +283635,38 +283636,38 +283637,38 +283638,0 +283639,0 +283640,0 +283641,0 +283642,0 +283643,0 +283644,0 +283645,0 +283646,0 +283647,0 +283648,0 +283649,0 +283650,0 +283651,0 +283652,0 +283653,0 +283654,0 +283655,0 +283656,0 +283657,0 +283658,0 +283659,0 +283660,0 +283661,0 +283662,0 +283663,0 +283664,0 +283665,0 +283666,0 +283667,0 +283668,0 +283669,0 +283670,0 +283671,0 +283672,0 +283673,0 +283674,0 +283675,0 +283676,0 +283677,0 +283678,7 +283679,35 +283680,35 +283681,7 +283682,7 +283683,7 +283684,7 +283685,7 +283686,7 +283687,7 +283688,7 +283689,7 +283690,7 +283691,7 +283692,7 +283693,7 +283694,3 +283695,3 +283696,3 +283697,3 +283698,28 +283699,28 +283700,28 +283701,28 +283702,28 +283703,28 +283704,28 +283705,28 +283706,28 +283707,28 +283708,40 +283709,40 +283710,40 +283711,40 +283712,40 +283713,40 +283714,30 +283715,30 +283716,30 +283717,30 +283718,2 +283719,2 +283720,2 +283721,2 +283722,2 +283723,2 +283724,2 +283725,2 +283726,2 +283727,2 +283728,6 +283729,6 +283730,6 +283731,6 +283732,6 +283733,6 +283734,6 +283735,6 +283736,6 +283737,6 +283738,6 +283739,6 +283740,26 +283741,26 +283742,26 +283743,26 +283744,26 +283745,26 +283746,10 +283747,10 +283748,26 +283749,28 +283750,28 +283751,28 +283752,28 +283753,32 +283754,32 +283755,32 +283756,32 +283757,32 +283758,32 +283759,32 +283760,32 +283761,37 +283762,37 +283763,37 +283764,37 +283765,39 +283766,39 +283767,39 +283768,39 +283769,39 +283770,39 +283771,35 +283772,35 +283773,35 +283774,35 +283775,35 +283776,35 +283777,35 +283778,35 +283779,35 +283780,36 +283781,36 +283782,36 +283783,36 +283784,36 +283785,36 +283786,36 +283787,36 +283788,36 +283789,5 +283790,5 +283791,5 +283792,5 +283793,5 +283794,5 +283795,5 +283796,19 +283797,19 +283798,19 +283799,19 +283800,27 +283801,27 +283802,27 +283803,6 +283804,6 +283805,6 +283806,6 +283807,6 +283808,6 +283809,6 +283810,6 +283811,6 +283812,21 +283813,37 +283814,37 +283815,37 +283816,37 +283817,14 +283818,14 +283819,14 +283820,14 +283821,14 +283822,14 +283823,14 +283824,14 +283825,14 +283826,14 +283827,10 +283828,10 +283829,10 +283830,0 +283831,4 +283832,4 +283833,0 +283834,0 +283835,0 +283836,0 +283837,0 +283838,0 +283839,0 +283840,0 +283841,19 +283842,19 +283843,19 +283844,19 +283845,39 +283846,39 +283847,39 +283848,39 +283849,39 +283850,39 +283851,39 +283852,39 +283853,39 +283854,39 +283855,39 +283856,39 +283857,39 +283858,27 +283859,27 +283860,27 +283861,27 +283862,27 +283863,27 +283864,27 +283865,27 +283866,27 +283867,27 +283868,30 +283869,30 +283870,30 +283871,30 +283872,30 +283873,30 +283874,30 +283875,30 +283876,30 +283877,27 +283878,27 +283879,27 +283880,27 +283881,27 +283882,27 +283883,27 +283884,5 +283885,5 +283886,5 +283887,5 +283888,5 +283889,5 +283890,5 +283891,7 +283892,7 +283893,7 +283894,7 +283895,7 +283896,9 +283897,9 +283898,9 +283899,9 +283900,9 +283901,9 +283902,9 +283903,9 +283904,9 +283905,9 +283906,9 +283907,9 +283908,30 +283909,30 +283910,10 +283911,10 +283912,10 +283913,10 +283914,10 +283915,10 +283916,10 +283917,10 +283918,10 +283919,10 +283920,10 +283921,10 +283922,10 +283923,10 +283924,10 +283925,10 +283926,10 +283927,10 +283928,19 +283929,19 +283930,19 +283931,19 +283932,19 +283933,19 +283934,19 +283935,19 +283936,39 +283937,14 +283938,14 +283939,14 +283940,14 +283941,14 +283942,14 +283943,14 +283944,27 +283945,27 +283946,27 +283947,27 +283948,31 +283949,31 +283950,31 +283951,31 +283952,31 +283953,27 +283954,27 +283955,40 +283956,40 +283957,24 +283958,24 +283959,24 +283960,24 +283961,24 +283962,24 +283963,24 +283964,24 +283965,27 +283966,27 +283967,27 +283968,27 +283969,31 +283970,27 +283971,4 +283972,4 +283973,4 +283974,4 +283975,0 +283976,0 +283977,0 +283978,0 +283979,0 +283980,0 +283981,0 +283982,0 +283983,0 +283984,0 +283985,0 +283986,0 +283987,0 +283988,0 +283989,0 +283990,0 +283991,0 +283992,0 +283993,0 +283994,36 +283995,36 +283996,36 +283997,36 +283998,36 +283999,36 +284000,36 +284001,36 +284002,36 +284003,36 +284004,6 +284005,6 +284006,6 +284007,6 +284008,6 +284009,6 +284010,6 +284011,6 +284012,6 +284013,6 +284014,6 +284015,6 +284016,6 +284017,6 +284018,6 +284019,6 +284020,6 +284021,6 +284022,26 +284023,26 +284024,26 +284025,26 +284026,26 +284027,26 +284028,26 +284029,26 +284030,5 +284031,28 +284032,28 +284033,5 +284034,32 +284035,32 +284036,32 +284037,32 +284038,32 +284039,32 +284040,32 +284041,32 +284042,32 +284043,32 +284044,27 +284045,27 +284046,27 +284047,27 +284048,27 +284049,27 +284050,27 +284051,11 +284052,11 +284053,11 +284054,11 +284055,11 +284056,11 +284057,11 +284058,11 +284059,11 +284060,11 +284061,11 +284062,11 +284063,11 +284064,11 +284065,12 +284066,12 +284067,33 +284068,33 +284069,9 +284070,9 +284071,9 +284072,22 +284073,22 +284074,22 +284075,9 +284076,22 +284077,22 +284078,19 +284079,19 +284080,19 +284081,19 +284082,19 +284083,19 +284084,31 +284085,31 +284086,31 +284087,31 +284088,5 +284089,5 +284090,5 +284091,5 +284092,5 +284093,5 +284094,5 +284095,5 +284096,5 +284097,5 +284098,5 +284099,5 +284100,5 +284101,5 +284102,5 +284103,5 +284104,5 +284105,5 +284106,5 +284107,5 +284108,5 +284109,5 +284110,0 +284111,0 +284112,0 +284113,0 +284114,0 +284115,0 +284116,0 +284117,0 +284118,0 +284119,0 +284120,0 +284121,0 +284122,0 +284123,0 +284124,0 +284125,0 +284126,0 +284127,0 +284128,0 +284129,0 +284130,0 +284131,0 +284132,0 +284133,0 +284134,0 +284135,0 +284136,0 +284137,0 +284138,0 +284139,0 +284140,0 +284141,0 +284142,0 +284143,0 +284144,0 +284145,0 +284146,0 +284147,0 +284148,0 +284149,0 +284150,0 +284151,0 +284152,0 +284153,0 +284154,0 +284155,0 +284156,0 +284157,0 +284158,0 +284159,0 +284160,0 +284161,0 +284162,0 +284163,0 +284164,0 +284165,0 +284166,0 +284167,0 +284168,0 +284169,0 +284170,0 +284171,0 +284172,0 +284173,0 +284174,0 +284175,0 +284176,0 +284177,0 +284178,0 +284179,0 +284180,0 +284181,0 +284182,0 +284183,0 +284184,0 +284185,0 +284186,0 +284187,0 +284188,0 +284189,0 +284190,0 +284191,0 +284192,0 +284193,0 +284194,0 +284195,0 +284196,29 +284197,29 +284198,29 +284199,29 +284200,21 +284201,27 +284202,27 +284203,27 +284204,27 +284205,40 +284206,40 +284207,40 +284208,40 +284209,40 +284210,40 +284211,31 +284212,31 +284213,27 +284214,31 +284215,27 +284216,40 +284217,14 +284218,40 +284219,40 +284220,40 +284221,40 +284222,40 +284223,40 +284224,2 +284225,2 +284226,2 +284227,2 +284228,2 +284229,2 +284230,2 +284231,2 +284232,2 +284233,2 +284234,2 +284235,2 +284236,2 +284237,2 +284238,2 +284239,2 +284240,2 +284241,2 +284242,2 +284243,2 +284244,2 +284245,2 +284246,2 +284247,34 +284248,34 +284249,34 +284250,34 +284251,34 +284252,34 +284253,34 +284254,34 +284255,34 +284256,10 +284257,10 +284258,10 +284259,10 +284260,10 +284261,10 +284262,10 +284263,31 +284264,31 +284265,31 +284266,19 +284267,19 +284268,19 +284269,19 +284270,19 +284271,19 +284272,19 +284273,19 +284274,3 +284275,3 +284276,3 +284277,3 +284278,3 +284279,3 +284280,3 +284281,3 +284282,3 +284283,3 +284284,3 +284285,6 +284286,6 +284287,6 +284288,6 +284289,6 +284290,6 +284291,6 +284292,6 +284293,6 +284294,26 +284295,26 +284296,26 +284297,26 +284298,26 +284299,26 +284300,26 +284301,26 +284302,26 +284303,31 +284304,26 +284305,26 +284306,28 +284307,28 +284308,28 +284309,28 +284310,32 +284311,32 +284312,32 +284313,32 +284314,32 +284315,37 +284316,37 +284317,37 +284318,37 +284319,37 +284320,37 +284321,39 +284322,39 +284323,39 +284324,35 +284325,35 +284326,35 +284327,35 +284328,35 +284329,35 +284330,35 +284331,40 +284332,36 +284333,36 +284334,36 +284335,36 +284336,5 +284337,5 +284338,5 +284339,5 +284340,5 +284341,5 +284342,5 +284343,19 +284344,19 +284345,27 +284346,27 +284347,27 +284348,21 +284349,21 +284350,21 +284351,21 +284352,21 +284353,21 +284354,37 +284355,37 +284356,37 +284357,37 +284358,37 +284359,37 +284360,37 +284361,37 +284362,39 +284363,39 +284364,39 +284365,39 +284366,27 +284367,27 +284368,27 +284369,19 +284370,19 +284371,19 +284372,19 +284373,19 +284374,19 +284375,19 +284376,19 +284377,19 +284378,19 +284379,7 +284380,7 +284381,7 +284382,7 +284383,7 +284384,7 +284385,7 +284386,3 +284387,3 +284388,3 +284389,3 +284390,3 +284391,3 +284392,3 +284393,3 +284394,3 +284395,3 +284396,3 +284397,3 +284398,3 +284399,3 +284400,3 +284401,3 +284402,3 +284403,3 +284404,3 +284405,3 +284406,5 +284407,5 +284408,5 +284409,5 +284410,5 +284411,5 +284412,35 +284413,35 +284414,35 +284415,27 +284416,27 +284417,27 +284418,27 +284419,27 +284420,27 +284421,27 +284422,0 +284423,0 +284424,0 +284425,0 +284426,0 +284427,0 +284428,0 +284429,0 +284430,0 +284431,0 +284432,0 +284433,0 +284434,0 +284435,0 +284436,0 +284437,0 +284438,0 +284439,0 +284440,0 +284441,0 +284442,0 +284443,0 +284444,0 +284445,0 +284446,0 +284447,0 +284448,0 +284449,0 +284450,0 +284451,0 +284452,0 +284453,0 +284454,0 +284455,0 +284456,0 +284457,0 +284458,0 +284459,0 +284460,0 +284461,0 +284462,0 +284463,0 +284464,0 +284465,0 +284466,0 +284467,0 +284468,0 +284469,0 +284470,0 +284471,0 +284472,0 +284473,0 +284474,0 +284475,0 +284476,0 +284477,0 +284478,0 +284479,0 +284480,0 +284481,0 +284482,0 +284483,0 +284484,0 +284485,0 +284486,0 +284487,0 +284488,0 +284489,0 +284490,0 +284491,0 +284492,0 +284493,0 +284494,0 +284495,0 +284496,0 +284497,0 +284498,0 +284499,0 +284500,0 +284501,0 +284502,0 +284503,0 +284504,0 +284505,0 +284506,0 +284507,0 +284508,0 +284509,0 +284510,35 +284511,12 +284512,12 +284513,12 +284514,12 +284515,12 +284516,31 +284517,31 +284518,31 +284519,31 +284520,31 +284521,5 +284522,5 +284523,5 +284524,5 +284525,5 +284526,5 +284527,5 +284528,5 +284529,19 +284530,19 +284531,19 +284532,19 +284533,19 +284534,40 +284535,40 +284536,40 +284537,14 +284538,14 +284539,14 +284540,14 +284541,14 +284542,14 +284543,14 +284544,14 +284545,14 +284546,14 +284547,14 +284548,14 +284549,14 +284550,14 +284551,14 +284552,14 +284553,14 +284554,14 +284555,28 +284556,28 +284557,28 +284558,28 +284559,28 +284560,28 +284561,28 +284562,14 +284563,14 +284564,14 +284565,14 +284566,40 +284567,40 +284568,14 +284569,14 +284570,14 +284571,14 +284572,15 +284573,15 +284574,15 +284575,15 +284576,15 +284577,39 +284578,39 +284579,39 +284580,39 +284581,39 +284582,39 +284583,39 +284584,39 +284585,39 +284586,39 +284587,39 +284588,32 +284589,32 +284590,32 +284591,32 +284592,32 +284593,32 +284594,32 +284595,32 +284596,32 +284597,30 +284598,30 +284599,30 +284600,30 +284601,40 +284602,40 +284603,40 +284604,40 +284605,40 +284606,40 +284607,8 +284608,8 +284609,8 +284610,8 +284611,8 +284612,8 +284613,8 +284614,8 +284615,8 +284616,8 +284617,8 +284618,8 +284619,8 +284620,8 +284621,8 +284622,8 +284623,27 +284624,27 +284625,27 +284626,27 +284627,27 +284628,5 +284629,5 +284630,5 +284631,5 +284632,5 +284633,5 +284634,5 +284635,5 +284636,26 +284637,26 +284638,26 +284639,26 +284640,26 +284641,26 +284642,26 +284643,26 +284644,26 +284645,36 +284646,36 +284647,36 +284648,31 +284649,31 +284650,31 +284651,31 +284652,23 +284653,23 +284654,23 +284655,23 +284656,23 +284657,23 +284658,23 +284659,23 +284660,23 +284661,23 +284662,23 +284663,23 +284664,23 +284665,23 +284666,23 +284667,23 +284668,23 +284669,23 +284670,23 +284671,23 +284672,23 +284673,23 +284674,23 +284675,23 +284676,23 +284677,23 +284678,23 +284679,23 +284680,24 +284681,24 +284682,0 +284683,0 +284684,0 +284685,0 +284686,0 +284687,0 +284688,0 +284689,31 +284690,31 +284691,31 +284692,31 +284693,31 +284694,31 +284695,31 +284696,31 +284697,4 +284698,4 +284699,4 +284700,4 +284701,32 +284702,4 +284703,4 +284704,4 +284705,4 +284706,4 +284707,4 +284708,4 +284709,4 +284710,32 +284711,6 +284712,0 +284713,4 +284714,4 +284715,4 +284716,4 +284717,4 +284718,4 +284719,4 +284720,4 +284721,3 +284722,3 +284723,3 +284724,3 +284725,3 +284726,3 +284727,3 +284728,3 +284729,3 +284730,3 +284731,3 +284732,3 +284733,3 +284734,3 +284735,3 +284736,3 +284737,3 +284738,3 +284739,3 +284740,3 +284741,3 +284742,3 +284743,3 +284744,3 +284745,3 +284746,3 +284747,3 +284748,3 +284749,3 +284750,3 +284751,3 +284752,3 +284753,3 +284754,3 +284755,3 +284756,3 +284757,3 +284758,3 +284759,3 +284760,3 +284761,3 +284762,5 +284763,5 +284764,5 +284765,3 +284766,3 +284767,3 +284768,3 +284769,3 +284770,3 +284771,0 +284772,0 +284773,0 +284774,0 +284775,0 +284776,0 +284777,0 +284778,0 +284779,0 +284780,0 +284781,0 +284782,0 +284783,0 +284784,0 +284785,0 +284786,0 +284787,0 +284788,0 +284789,0 +284790,0 +284791,0 +284792,0 +284793,0 +284794,0 +284795,0 +284796,0 +284797,38 +284798,35 +284799,35 +284800,35 +284801,37 +284802,37 +284803,37 +284804,37 +284805,37 +284806,37 +284807,37 +284808,37 +284809,37 +284810,37 +284811,37 +284812,37 +284813,39 +284814,39 +284815,39 +284816,39 +284817,39 +284818,39 +284819,39 +284820,39 +284821,39 +284822,39 +284823,39 +284824,39 +284825,39 +284826,39 +284827,39 +284828,39 +284829,39 +284830,39 +284831,39 +284832,39 +284833,39 +284834,39 +284835,39 +284836,39 +284837,39 +284838,39 +284839,39 +284840,39 +284841,39 +284842,39 +284843,39 +284844,39 +284845,39 +284846,39 +284847,39 +284848,39 +284849,39 +284850,39 +284851,0 +284852,0 +284853,0 +284854,0 +284855,0 +284856,0 +284857,0 +284858,0 +284859,0 +284860,23 +284861,23 +284862,4 +284863,4 +284864,4 +284865,4 +284866,23 +284867,23 +284868,23 +284869,23 +284870,23 +284871,23 +284872,23 +284873,23 +284874,23 +284875,23 +284876,23 +284877,23 +284878,23 +284879,23 +284880,9 +284881,9 +284882,9 +284883,9 +284884,9 +284885,9 +284886,9 +284887,9 +284888,9 +284889,9 +284890,9 +284891,9 +284892,9 +284893,9 +284894,9 +284895,9 +284896,9 +284897,9 +284898,9 +284899,9 +284900,9 +284901,9 +284902,9 +284903,37 +284904,37 +284905,37 +284906,37 +284907,37 +284908,37 +284909,37 +284910,37 +284911,37 +284912,37 +284913,37 +284914,37 +284915,37 +284916,25 +284917,25 +284918,25 +284919,25 +284920,25 +284921,25 +284922,25 +284923,25 +284924,25 +284925,25 +284926,25 +284927,25 +284928,25 +284929,0 +284930,0 +284931,0 +284932,0 +284933,0 +284934,0 +284935,0 +284936,0 +284937,0 +284938,0 +284939,0 +284940,0 +284941,0 +284942,0 +284943,0 +284944,0 +284945,0 +284946,0 +284947,0 +284948,0 +284949,0 +284950,4 +284951,4 +284952,4 +284953,4 +284954,4 +284955,4 +284956,4 +284957,27 +284958,27 +284959,27 +284960,27 +284961,30 +284962,30 +284963,30 +284964,30 +284965,30 +284966,30 +284967,30 +284968,30 +284969,30 +284970,30 +284971,30 +284972,10 +284973,10 +284974,10 +284975,10 +284976,10 +284977,10 +284978,10 +284979,10 +284980,10 +284981,10 +284982,10 +284983,10 +284984,10 +284985,10 +284986,10 +284987,10 +284988,10 +284989,10 +284990,10 +284991,10 +284992,10 +284993,10 +284994,10 +284995,10 +284996,10 +284997,10 +284998,10 +284999,10 +285000,10 +285001,10 +285002,10 +285003,10 +285004,14 +285005,14 +285006,14 +285007,14 +285008,0 +285009,0 +285010,0 +285011,0 +285012,0 +285013,0 +285014,0 +285015,0 +285016,0 +285017,0 +285018,0 +285019,35 +285020,35 +285021,35 +285022,35 +285023,35 +285024,35 +285025,35 +285026,39 +285027,39 +285028,39 +285029,39 +285030,39 +285031,39 +285032,39 +285033,39 +285034,39 +285035,39 +285036,39 +285037,4 +285038,4 +285039,4 +285040,4 +285041,4 +285042,4 +285043,4 +285044,4 +285045,4 +285046,4 +285047,4 +285048,39 +285049,39 +285050,39 +285051,39 +285052,39 +285053,39 +285054,5 +285055,5 +285056,5 +285057,5 +285058,5 +285059,5 +285060,4 +285061,4 +285062,4 +285063,4 +285064,4 +285065,4 +285066,4 +285067,4 +285068,4 +285069,26 +285070,26 +285071,26 +285072,26 +285073,9 +285074,26 +285075,5 +285076,5 +285077,5 +285078,27 +285079,27 +285080,14 +285081,14 +285082,14 +285083,14 +285084,14 +285085,14 +285086,14 +285087,14 +285088,23 +285089,23 +285090,23 +285091,23 +285092,23 +285093,23 +285094,23 +285095,23 +285096,23 +285097,23 +285098,23 +285099,23 +285100,23 +285101,9 +285102,9 +285103,9 +285104,9 +285105,9 +285106,9 +285107,9 +285108,9 +285109,9 +285110,9 +285111,9 +285112,9 +285113,9 +285114,9 +285115,9 +285116,37 +285117,37 +285118,37 +285119,37 +285120,37 +285121,37 +285122,37 +285123,37 +285124,37 +285125,37 +285126,37 +285127,37 +285128,37 +285129,37 +285130,37 +285131,37 +285132,37 +285133,37 +285134,37 +285135,0 +285136,0 +285137,0 +285138,0 +285139,0 +285140,0 +285141,0 +285142,0 +285143,0 +285144,0 +285145,0 +285146,0 +285147,0 +285148,0 +285149,0 +285150,0 +285151,0 +285152,0 +285153,0 +285154,0 +285155,0 +285156,0 +285157,0 +285158,0 +285159,0 +285160,0 +285161,0 +285162,0 +285163,0 +285164,0 +285165,0 +285166,0 +285167,0 +285168,0 +285169,0 +285170,0 +285171,0 +285172,0 +285173,0 +285174,0 +285175,0 +285176,0 +285177,0 +285178,0 +285179,30 +285180,30 +285181,30 +285182,30 +285183,30 +285184,30 +285185,30 +285186,30 +285187,30 +285188,30 +285189,27 +285190,27 +285191,27 +285192,27 +285193,27 +285194,27 +285195,24 +285196,24 +285197,24 +285198,24 +285199,24 +285200,27 +285201,27 +285202,27 +285203,27 +285204,27 +285205,13 +285206,13 +285207,13 +285208,13 +285209,13 +285210,13 +285211,13 +285212,13 +285213,14 +285214,14 +285215,14 +285216,14 +285217,14 +285218,14 +285219,14 +285220,14 +285221,14 +285222,14 +285223,14 +285224,14 +285225,14 +285226,14 +285227,14 +285228,14 +285229,14 +285230,14 +285231,14 +285232,14 +285233,14 +285234,14 +285235,14 +285236,14 +285237,14 +285238,14 +285239,14 +285240,39 +285241,18 +285242,18 +285243,18 +285244,18 +285245,18 +285246,18 +285247,18 +285248,18 +285249,18 +285250,18 +285251,18 +285252,18 +285253,18 +285254,18 +285255,16 +285256,16 +285257,16 +285258,16 +285259,18 +285260,18 +285261,0 +285262,0 +285263,0 +285264,0 +285265,0 +285266,0 +285267,0 +285268,0 +285269,0 +285270,0 +285271,0 +285272,0 +285273,0 +285274,0 +285275,0 +285276,0 +285277,0 +285278,0 +285279,0 +285280,0 +285281,0 +285282,0 +285283,0 +285284,0 +285285,0 +285286,0 +285287,0 +285288,0 +285289,0 +285290,0 +285291,0 +285292,0 +285293,0 +285294,0 +285295,0 +285296,0 +285297,0 +285298,0 +285299,0 +285300,0 +285301,0 +285302,0 +285303,0 +285304,0 +285305,0 +285306,0 +285307,0 +285308,0 +285309,0 +285310,0 +285311,0 +285312,0 +285313,0 +285314,0 +285315,0 +285316,0 +285317,0 +285318,0 +285319,12 +285320,12 +285321,12 +285322,12 +285323,12 +285324,12 +285325,12 +285326,40 +285327,40 +285328,40 +285329,40 +285330,40 +285331,29 +285332,29 +285333,29 +285334,29 +285335,29 +285336,29 +285337,29 +285338,5 +285339,29 +285340,29 +285341,14 +285342,14 +285343,27 +285344,33 +285345,33 +285346,11 +285347,11 +285348,11 +285349,11 +285350,11 +285351,11 +285352,11 +285353,11 +285354,11 +285355,11 +285356,11 +285357,11 +285358,11 +285359,11 +285360,11 +285361,11 +285362,11 +285363,27 +285364,22 +285365,27 +285366,27 +285367,27 +285368,31 +285369,31 +285370,31 +285371,32 +285372,32 +285373,32 +285374,32 +285375,32 +285376,32 +285377,32 +285378,32 +285379,32 +285380,32 +285381,0 +285382,0 +285383,12 +285384,12 +285385,12 +285386,31 +285387,31 +285388,31 +285389,31 +285390,31 +285391,31 +285392,8 +285393,8 +285394,8 +285395,2 +285396,2 +285397,2 +285398,2 +285399,2 +285400,2 +285401,2 +285402,8 +285403,32 +285404,32 +285405,32 +285406,32 +285407,32 +285408,4 +285409,4 +285410,27 +285411,27 +285412,27 +285413,27 +285414,27 +285415,27 +285416,27 +285417,30 +285418,30 +285419,30 +285420,30 +285421,30 +285422,30 +285423,30 +285424,30 +285425,30 +285426,30 +285427,30 +285428,37 +285429,37 +285430,37 +285431,38 +285432,23 +285433,23 +285434,38 +285435,38 +285436,38 +285437,38 +285438,2 +285439,2 +285440,2 +285441,2 +285442,2 +285443,2 +285444,2 +285445,2 +285446,2 +285447,0 +285448,0 +285449,0 +285450,0 +285451,0 +285452,0 +285453,0 +285454,0 +285455,0 +285456,0 +285457,36 +285458,36 +285459,36 +285460,36 +285461,36 +285462,36 +285463,36 +285464,5 +285465,5 +285466,5 +285467,5 +285468,5 +285469,5 +285470,28 +285471,28 +285472,28 +285473,28 +285474,28 +285475,28 +285476,28 +285477,39 +285478,39 +285479,14 +285480,14 +285481,39 +285482,39 +285483,39 +285484,39 +285485,39 +285486,14 +285487,19 +285488,19 +285489,19 +285490,19 +285491,19 +285492,21 +285493,37 +285494,37 +285495,37 +285496,37 +285497,3 +285498,37 +285499,27 +285500,27 +285501,27 +285502,27 +285503,3 +285504,14 +285505,14 +285506,14 +285507,14 +285508,27 +285509,4 +285510,19 +285511,19 +285512,19 +285513,39 +285514,39 +285515,39 +285516,39 +285517,39 +285518,39 +285519,39 +285520,39 +285521,39 +285522,39 +285523,39 +285524,23 +285525,23 +285526,23 +285527,23 +285528,23 +285529,23 +285530,23 +285531,23 +285532,23 +285533,25 +285534,25 +285535,25 +285536,25 +285537,25 +285538,25 +285539,25 +285540,29 +285541,29 +285542,29 +285543,31 +285544,31 +285545,25 +285546,25 +285547,15 +285548,19 +285549,19 +285550,15 +285551,15 +285552,15 +285553,15 +285554,15 +285555,15 +285556,5 +285557,33 +285558,33 +285559,33 +285560,33 +285561,33 +285562,33 +285563,17 +285564,17 +285565,17 +285566,12 +285567,12 +285568,33 +285569,17 +285570,17 +285571,14 +285572,14 +285573,14 +285574,14 +285575,14 +285576,14 +285577,14 +285578,14 +285579,14 +285580,14 +285581,14 +285582,14 +285583,14 +285584,14 +285585,14 +285586,14 +285587,14 +285588,14 +285589,18 +285590,18 +285591,18 +285592,18 +285593,18 +285594,18 +285595,18 +285596,18 +285597,18 +285598,18 +285599,18 +285600,18 +285601,18 +285602,18 +285603,18 +285604,18 +285605,18 +285606,18 +285607,18 +285608,18 +285609,18 +285610,4 +285611,4 +285612,4 +285613,4 +285614,0 +285615,0 +285616,0 +285617,0 +285618,0 +285619,0 +285620,0 +285621,0 +285622,0 +285623,0 +285624,0 +285625,0 +285626,0 +285627,0 +285628,0 +285629,0 +285630,0 +285631,0 +285632,0 +285633,0 +285634,0 +285635,36 +285636,36 +285637,36 +285638,36 +285639,36 +285640,36 +285641,36 +285642,36 +285643,5 +285644,5 +285645,5 +285646,5 +285647,5 +285648,5 +285649,5 +285650,5 +285651,5 +285652,5 +285653,5 +285654,5 +285655,5 +285656,14 +285657,14 +285658,14 +285659,14 +285660,14 +285661,39 +285662,14 +285663,14 +285664,14 +285665,14 +285666,14 +285667,39 +285668,39 +285669,14 +285670,39 +285671,12 +285672,12 +285673,12 +285674,12 +285675,12 +285676,12 +285677,12 +285678,12 +285679,12 +285680,12 +285681,27 +285682,27 +285683,27 +285684,27 +285685,27 +285686,38 +285687,38 +285688,8 +285689,8 +285690,8 +285691,8 +285692,8 +285693,8 +285694,29 +285695,29 +285696,29 +285697,29 +285698,4 +285699,14 +285700,14 +285701,27 +285702,27 +285703,27 +285704,27 +285705,14 +285706,14 +285707,24 +285708,24 +285709,24 +285710,24 +285711,24 +285712,27 +285713,27 +285714,27 +285715,27 +285716,27 +285717,27 +285718,5 +285719,5 +285720,5 +285721,5 +285722,5 +285723,5 +285724,5 +285725,4 +285726,4 +285727,4 +285728,4 +285729,4 +285730,4 +285731,4 +285732,4 +285733,35 +285734,4 +285735,4 +285736,4 +285737,3 +285738,3 +285739,3 +285740,3 +285741,3 +285742,14 +285743,14 +285744,14 +285745,14 +285746,1 +285747,14 +285748,14 +285749,14 +285750,14 +285751,14 +285752,14 +285753,4 +285754,4 +285755,8 +285756,8 +285757,8 +285758,8 +285759,4 +285760,4 +285761,4 +285762,4 +285763,8 +285764,8 +285765,8 +285766,2 +285767,2 +285768,2 +285769,2 +285770,2 +285771,0 +285772,0 +285773,0 +285774,0 +285775,0 +285776,0 +285777,0 +285778,0 +285779,0 +285780,0 +285781,0 +285782,0 +285783,0 +285784,0 +285785,0 +285786,0 +285787,0 +285788,0 +285789,0 +285790,0 +285791,0 +285792,0 +285793,0 +285794,0 +285795,29 +285796,29 +285797,0 +285798,29 +285799,29 +285800,29 +285801,29 +285802,31 +285803,31 +285804,31 +285805,31 +285806,4 +285807,4 +285808,4 +285809,4 +285810,4 +285811,4 +285812,4 +285813,4 +285814,26 +285815,26 +285816,26 +285817,26 +285818,10 +285819,10 +285820,10 +285821,10 +285822,10 +285823,10 +285824,26 +285825,10 +285826,10 +285827,10 +285828,10 +285829,10 +285830,10 +285831,10 +285832,36 +285833,21 +285834,21 +285835,21 +285836,21 +285837,21 +285838,21 +285839,21 +285840,21 +285841,21 +285842,21 +285843,33 +285844,33 +285845,33 +285846,33 +285847,33 +285848,33 +285849,33 +285850,3 +285851,33 +285852,33 +285853,33 +285854,33 +285855,33 +285856,33 +285857,33 +285858,33 +285859,33 +285860,33 +285861,33 +285862,33 +285863,33 +285864,33 +285865,39 +285866,39 +285867,3 +285868,27 +285869,27 +285870,27 +285871,27 +285872,27 +285873,27 +285874,27 +285875,27 +285876,6 +285877,6 +285878,6 +285879,6 +285880,6 +285881,6 +285882,6 +285883,12 +285884,12 +285885,12 +285886,12 +285887,12 +285888,31 +285889,31 +285890,31 +285891,8 +285892,8 +285893,8 +285894,8 +285895,8 +285896,8 +285897,8 +285898,8 +285899,6 +285900,6 +285901,6 +285902,6 +285903,6 +285904,6 +285905,6 +285906,6 +285907,6 +285908,6 +285909,6 +285910,6 +285911,6 +285912,26 +285913,26 +285914,26 +285915,26 +285916,26 +285917,26 +285918,26 +285919,26 +285920,9 +285921,9 +285922,9 +285923,9 +285924,9 +285925,9 +285926,9 +285927,9 +285928,9 +285929,9 +285930,9 +285931,9 +285932,30 +285933,30 +285934,30 +285935,30 +285936,30 +285937,30 +285938,30 +285939,30 +285940,30 +285941,30 +285942,30 +285943,30 +285944,30 +285945,30 +285946,30 +285947,0 +285948,0 +285949,30 +285950,30 +285951,30 +285952,30 +285953,30 +285954,0 +285955,0 +285956,0 +285957,0 +285958,0 +285959,0 +285960,0 +285961,0 +285962,0 +285963,0 +285964,0 +285965,0 +285966,0 +285967,0 +285968,0 +285969,0 +285970,0 +285971,0 +285972,0 +285973,0 +285974,0 +285975,0 +285976,0 +285977,0 +285978,0 +285979,0 +285980,0 +285981,0 +285982,0 +285983,0 +285984,0 +285985,0 +285986,0 +285987,0 +285988,0 +285989,0 +285990,0 +285991,0 +285992,0 +285993,0 +285994,0 +285995,0 +285996,0 +285997,0 +285998,0 +285999,0 +286000,0 +286001,0 +286002,0 +286003,0 +286004,0 +286005,0 +286006,0 +286007,0 +286008,0 +286009,0 +286010,0 +286011,0 +286012,0 +286013,0 +286014,0 +286015,0 +286016,0 +286017,0 +286018,0 +286019,0 +286020,0 +286021,0 +286022,0 +286023,0 +286024,0 +286025,0 +286026,0 +286027,0 +286028,2 +286029,2 +286030,2 +286031,2 +286032,2 +286033,2 +286034,2 +286035,2 +286036,2 +286037,2 +286038,2 +286039,2 +286040,2 +286041,33 +286042,33 +286043,33 +286044,33 +286045,33 +286046,33 +286047,33 +286048,27 +286049,27 +286050,27 +286051,27 +286052,22 +286053,19 +286054,4 +286055,4 +286056,4 +286057,4 +286058,4 +286059,4 +286060,4 +286061,33 +286062,33 +286063,33 +286064,33 +286065,33 +286066,33 +286067,33 +286068,30 +286069,30 +286070,30 +286071,30 +286072,30 +286073,30 +286074,30 +286075,19 +286076,19 +286077,30 +286078,31 +286079,31 +286080,31 +286081,31 +286082,31 +286083,31 +286084,31 +286085,5 +286086,5 +286087,5 +286088,5 +286089,5 +286090,5 +286091,5 +286092,5 +286093,29 +286094,29 +286095,31 +286096,31 +286097,31 +286098,31 +286099,31 +286100,31 +286101,35 +286102,35 +286103,35 +286104,35 +286105,35 +286106,35 +286107,33 +286108,33 +286109,33 +286110,33 +286111,33 +286112,33 +286113,33 +286114,33 +286115,33 +286116,30 +286117,33 +286118,33 +286119,30 +286120,30 +286121,33 +286122,2 +286123,2 +286124,2 +286125,2 +286126,2 +286127,2 +286128,2 +286129,2 +286130,2 +286131,2 +286132,2 +286133,4 +286134,4 +286135,4 +286136,4 +286137,4 +286138,4 +286139,4 +286140,9 +286141,9 +286142,9 +286143,9 +286144,9 +286145,9 +286146,9 +286147,9 +286148,37 +286149,37 +286150,37 +286151,37 +286152,37 +286153,37 +286154,37 +286155,37 +286156,37 +286157,37 +286158,37 +286159,37 +286160,39 +286161,39 +286162,39 +286163,39 +286164,39 +286165,39 +286166,39 +286167,39 +286168,39 +286169,14 +286170,14 +286171,14 +286172,14 +286173,14 +286174,28 +286175,28 +286176,28 +286177,28 +286178,19 +286179,28 +286180,28 +286181,28 +286182,19 +286183,19 +286184,19 +286185,19 +286186,19 +286187,19 +286188,36 +286189,36 +286190,36 +286191,36 +286192,36 +286193,36 +286194,36 +286195,36 +286196,36 +286197,36 +286198,36 +286199,36 +286200,36 +286201,36 +286202,36 +286203,36 +286204,36 +286205,36 +286206,36 +286207,5 +286208,5 +286209,5 +286210,5 +286211,35 +286212,35 +286213,35 +286214,35 +286215,35 +286216,35 +286217,35 +286218,35 +286219,35 +286220,39 +286221,39 +286222,39 +286223,39 +286224,39 +286225,39 +286226,39 +286227,12 +286228,12 +286229,12 +286230,12 +286231,12 +286232,12 +286233,12 +286234,40 +286235,40 +286236,40 +286237,40 +286238,40 +286239,40 +286240,40 +286241,40 +286242,40 +286243,40 +286244,32 +286245,32 +286246,32 +286247,32 +286248,32 +286249,32 +286250,32 +286251,32 +286252,32 +286253,32 +286254,32 +286255,4 +286256,4 +286257,4 +286258,19 +286259,19 +286260,19 +286261,19 +286262,19 +286263,19 +286264,19 +286265,36 +286266,36 +286267,36 +286268,36 +286269,36 +286270,36 +286271,36 +286272,36 +286273,36 +286274,5 +286275,5 +286276,5 +286277,19 +286278,19 +286279,19 +286280,5 +286281,2 +286282,2 +286283,2 +286284,2 +286285,2 +286286,2 +286287,2 +286288,2 +286289,2 +286290,2 +286291,2 +286292,2 +286293,40 +286294,40 +286295,40 +286296,40 +286297,40 +286298,40 +286299,40 +286300,40 +286301,40 +286302,40 +286303,40 +286304,40 +286305,40 +286306,40 +286307,40 +286308,19 +286309,19 +286310,19 +286311,19 +286312,19 +286313,19 +286314,19 +286315,19 +286316,19 +286317,19 +286318,19 +286319,19 +286320,19 +286321,19 +286322,19 +286323,19 +286324,19 +286325,0 +286326,0 +286327,0 +286328,0 +286329,0 +286330,0 +286331,0 +286332,0 +286333,0 +286334,0 +286335,0 +286336,0 +286337,0 +286338,0 +286339,0 +286340,0 +286341,0 +286342,0 +286343,0 +286344,0 +286345,0 +286346,0 +286347,0 +286348,0 +286349,0 +286350,0 +286351,0 +286352,0 +286353,0 +286354,0 +286355,0 +286356,0 +286357,0 +286358,0 +286359,0 +286360,0 +286361,0 +286362,0 +286363,0 +286364,0 +286365,0 +286366,0 +286367,0 +286368,0 +286369,0 +286370,0 +286371,0 +286372,0 +286373,0 +286374,0 +286375,0 +286376,0 +286377,0 +286378,0 +286379,0 +286380,0 +286381,0 +286382,0 +286383,0 +286384,15 +286385,15 +286386,15 +286387,15 +286388,15 +286389,15 +286390,10 +286391,10 +286392,10 +286393,10 +286394,10 +286395,10 +286396,10 +286397,10 +286398,10 +286399,10 +286400,10 +286401,10 +286402,10 +286403,10 +286404,10 +286405,10 +286406,10 +286407,10 +286408,10 +286409,10 +286410,10 +286411,10 +286412,10 +286413,10 +286414,10 +286415,10 +286416,10 +286417,10 +286418,10 +286419,30 +286420,30 +286421,30 +286422,30 +286423,30 +286424,30 +286425,30 +286426,30 +286427,30 +286428,31 +286429,33 +286430,33 +286431,33 +286432,33 +286433,33 +286434,30 +286435,30 +286436,30 +286437,33 +286438,31 +286439,30 +286440,30 +286441,30 +286442,30 +286443,30 +286444,33 +286445,33 +286446,28 +286447,28 +286448,28 +286449,0 +286450,0 +286451,0 +286452,28 +286453,0 +286454,0 +286455,0 +286456,0 +286457,0 +286458,0 +286459,0 +286460,0 +286461,0 +286462,0 +286463,0 +286464,0 +286465,0 +286466,0 +286467,0 +286468,0 +286469,0 +286470,0 +286471,0 +286472,0 +286473,0 +286474,0 +286475,0 +286476,0 +286477,0 +286478,0 +286479,0 +286480,0 +286481,0 +286482,0 +286483,0 +286484,0 +286485,0 +286486,35 +286487,35 +286488,35 +286489,35 +286490,35 +286491,35 +286492,35 +286493,35 +286494,35 +286495,35 +286496,35 +286497,35 +286498,35 +286499,35 +286500,36 +286501,36 +286502,36 +286503,36 +286504,4 +286505,4 +286506,4 +286507,4 +286508,27 +286509,27 +286510,27 +286511,27 +286512,27 +286513,27 +286514,2 +286515,2 +286516,2 +286517,2 +286518,2 +286519,2 +286520,2 +286521,2 +286522,2 +286523,2 +286524,4 +286525,4 +286526,4 +286527,4 +286528,4 +286529,4 +286530,4 +286531,34 +286532,34 +286533,34 +286534,34 +286535,34 +286536,34 +286537,34 +286538,34 +286539,34 +286540,34 +286541,34 +286542,33 +286543,33 +286544,33 +286545,34 +286546,4 +286547,4 +286548,4 +286549,4 +286550,4 +286551,4 +286552,4 +286553,4 +286554,4 +286555,33 +286556,33 +286557,33 +286558,33 +286559,33 +286560,33 +286561,33 +286562,30 +286563,30 +286564,30 +286565,30 +286566,19 +286567,19 +286568,19 +286569,19 +286570,28 +286571,28 +286572,28 +286573,28 +286574,28 +286575,39 +286576,39 +286577,39 +286578,39 +286579,39 +286580,15 +286581,15 +286582,15 +286583,15 +286584,29 +286585,31 +286586,31 +286587,31 +286588,31 +286589,31 +286590,31 +286591,23 +286592,23 +286593,23 +286594,23 +286595,23 +286596,23 +286597,23 +286598,23 +286599,23 +286600,36 +286601,36 +286602,36 +286603,36 +286604,36 +286605,36 +286606,36 +286607,36 +286608,36 +286609,6 +286610,6 +286611,6 +286612,6 +286613,6 +286614,6 +286615,6 +286616,4 +286617,4 +286618,4 +286619,27 +286620,27 +286621,27 +286622,31 +286623,31 +286624,19 +286625,19 +286626,19 +286627,19 +286628,23 +286629,23 +286630,23 +286631,23 +286632,23 +286633,23 +286634,23 +286635,23 +286636,23 +286637,23 +286638,23 +286639,25 +286640,25 +286641,25 +286642,25 +286643,25 +286644,25 +286645,25 +286646,25 +286647,25 +286648,25 +286649,25 +286650,25 +286651,25 +286652,25 +286653,2 +286654,2 +286655,2 +286656,2 +286657,2 +286658,2 +286659,2 +286660,2 +286661,2 +286662,2 +286663,2 +286664,2 +286665,2 +286666,4 +286667,4 +286668,4 +286669,4 +286670,4 +286671,4 +286672,4 +286673,4 +286674,4 +286675,4 +286676,4 +286677,0 +286678,0 +286679,0 +286680,0 +286681,0 +286682,0 +286683,0 +286684,0 +286685,0 +286686,0 +286687,0 +286688,0 +286689,0 +286690,0 +286691,0 +286692,0 +286693,0 +286694,0 +286695,0 +286696,0 +286697,0 +286698,0 +286699,0 +286700,0 +286701,0 +286702,0 +286703,0 +286704,0 +286705,0 +286706,0 +286707,0 +286708,0 +286709,0 +286710,0 +286711,0 +286712,0 +286713,0 +286714,0 +286715,10 +286716,10 +286717,10 +286718,10 +286719,10 +286720,10 +286721,10 +286722,10 +286723,10 +286724,10 +286725,10 +286726,10 +286727,10 +286728,10 +286729,10 +286730,10 +286731,10 +286732,10 +286733,10 +286734,10 +286735,36 +286736,36 +286737,40 +286738,40 +286739,19 +286740,19 +286741,19 +286742,19 +286743,19 +286744,19 +286745,19 +286746,27 +286747,27 +286748,27 +286749,5 +286750,5 +286751,5 +286752,5 +286753,5 +286754,5 +286755,5 +286756,5 +286757,26 +286758,26 +286759,26 +286760,26 +286761,26 +286762,26 +286763,26 +286764,26 +286765,26 +286766,26 +286767,26 +286768,26 +286769,26 +286770,26 +286771,4 +286772,4 +286773,4 +286774,4 +286775,4 +286776,4 +286777,4 +286778,4 +286779,4 +286780,4 +286781,32 +286782,32 +286783,32 +286784,32 +286785,32 +286786,32 +286787,32 +286788,37 +286789,37 +286790,37 +286791,37 +286792,37 +286793,37 +286794,40 +286795,40 +286796,40 +286797,40 +286798,40 +286799,40 +286800,40 +286801,40 +286802,2 +286803,2 +286804,2 +286805,2 +286806,2 +286807,2 +286808,2 +286809,2 +286810,2 +286811,2 +286812,4 +286813,4 +286814,4 +286815,4 +286816,4 +286817,29 +286818,29 +286819,4 +286820,29 +286821,15 +286822,15 +286823,24 +286824,24 +286825,27 +286826,27 +286827,27 +286828,27 +286829,27 +286830,39 +286831,39 +286832,39 +286833,39 +286834,39 +286835,39 +286836,39 +286837,39 +286838,39 +286839,39 +286840,39 +286841,39 +286842,39 +286843,39 +286844,39 +286845,39 +286846,39 +286847,39 +286848,39 +286849,39 +286850,39 +286851,39 +286852,39 +286853,39 +286854,0 +286855,0 +286856,0 +286857,0 +286858,0 +286859,0 +286860,0 +286861,0 +286862,0 +286863,0 +286864,0 +286865,0 +286866,0 +286867,0 +286868,0 +286869,0 +286870,0 +286871,0 +286872,0 +286873,0 +286874,0 +286875,0 +286876,0 +286877,0 +286878,12 +286879,12 +286880,12 +286881,12 +286882,12 +286883,12 +286884,12 +286885,12 +286886,12 +286887,12 +286888,12 +286889,31 +286890,31 +286891,31 +286892,31 +286893,31 +286894,31 +286895,5 +286896,5 +286897,5 +286898,5 +286899,5 +286900,5 +286901,5 +286902,5 +286903,5 +286904,5 +286905,28 +286906,28 +286907,28 +286908,28 +286909,28 +286910,28 +286911,28 +286912,28 +286913,36 +286914,36 +286915,36 +286916,36 +286917,36 +286918,36 +286919,36 +286920,36 +286921,36 +286922,36 +286923,36 +286924,36 +286925,36 +286926,36 +286927,36 +286928,36 +286929,36 +286930,36 +286931,36 +286932,36 +286933,5 +286934,5 +286935,5 +286936,5 +286937,5 +286938,39 +286939,39 +286940,39 +286941,39 +286942,39 +286943,7 +286944,7 +286945,31 +286946,31 +286947,31 +286948,39 +286949,8 +286950,8 +286951,8 +286952,8 +286953,8 +286954,8 +286955,8 +286956,8 +286957,8 +286958,8 +286959,40 +286960,40 +286961,40 +286962,40 +286963,40 +286964,40 +286965,40 +286966,40 +286967,40 +286968,40 +286969,40 +286970,40 +286971,40 +286972,8 +286973,8 +286974,8 +286975,8 +286976,8 +286977,8 +286978,8 +286979,8 +286980,8 +286981,21 +286982,21 +286983,15 +286984,15 +286985,21 +286986,21 +286987,21 +286988,21 +286989,21 +286990,22 +286991,22 +286992,22 +286993,37 +286994,37 +286995,33 +286996,33 +286997,33 +286998,33 +286999,19 +287000,19 +287001,19 +287002,25 +287003,25 +287004,25 +287005,25 +287006,25 +287007,25 +287008,25 +287009,25 +287010,25 +287011,25 +287012,25 +287013,25 +287014,21 +287015,21 +287016,21 +287017,21 +287018,21 +287019,21 +287020,21 +287021,21 +287022,21 +287023,21 +287024,21 +287025,21 +287026,26 +287027,26 +287028,26 +287029,26 +287030,26 +287031,34 +287032,26 +287033,10 +287034,10 +287035,34 +287036,34 +287037,34 +287038,10 +287039,10 +287040,19 +287041,19 +287042,19 +287043,19 +287044,27 +287045,27 +287046,27 +287047,27 +287048,27 +287049,27 +287050,27 +287051,27 +287052,27 +287053,2 +287054,2 +287055,2 +287056,2 +287057,2 +287058,2 +287059,31 +287060,31 +287061,31 +287062,31 +287063,31 +287064,31 +287065,5 +287066,5 +287067,5 +287068,5 +287069,5 +287070,5 +287071,5 +287072,5 +287073,26 +287074,26 +287075,26 +287076,26 +287077,26 +287078,26 +287079,26 +287080,26 +287081,26 +287082,29 +287083,29 +287084,29 +287085,29 +287086,29 +287087,25 +287088,25 +287089,25 +287090,25 +287091,25 +287092,25 +287093,25 +287094,25 +287095,25 +287096,25 +287097,25 +287098,25 +287099,25 +287100,25 +287101,25 +287102,25 +287103,37 +287104,0 +287105,0 +287106,0 +287107,0 +287108,0 +287109,0 +287110,0 +287111,0 +287112,0 +287113,0 +287114,0 +287115,0 +287116,0 +287117,0 +287118,0 +287119,0 +287120,0 +287121,0 +287122,0 +287123,0 +287124,0 +287125,0 +287126,0 +287127,0 +287128,0 +287129,0 +287130,0 +287131,0 +287132,0 +287133,0 +287134,0 +287135,0 +287136,0 +287137,0 +287138,0 +287139,0 +287140,0 +287141,0 +287142,0 +287143,0 +287144,0 +287145,0 +287146,0 +287147,0 +287148,0 +287149,0 +287150,0 +287151,0 +287152,0 +287153,0 +287154,0 +287155,0 +287156,0 +287157,0 +287158,0 +287159,0 +287160,0 +287161,0 +287162,0 +287163,0 +287164,36 +287165,36 +287166,36 +287167,36 +287168,36 +287169,36 +287170,36 +287171,36 +287172,36 +287173,19 +287174,19 +287175,4 +287176,4 +287177,4 +287178,27 +287179,27 +287180,27 +287181,27 +287182,27 +287183,27 +287184,27 +287185,24 +287186,24 +287187,24 +287188,24 +287189,24 +287190,24 +287191,24 +287192,24 +287193,29 +287194,29 +287195,31 +287196,31 +287197,31 +287198,31 +287199,15 +287200,15 +287201,15 +287202,15 +287203,12 +287204,12 +287205,12 +287206,12 +287207,12 +287208,12 +287209,12 +287210,12 +287211,25 +287212,25 +287213,25 +287214,25 +287215,25 +287216,25 +287217,25 +287218,25 +287219,25 +287220,25 +287221,25 +287222,25 +287223,2 +287224,2 +287225,2 +287226,2 +287227,4 +287228,4 +287229,4 +287230,4 +287231,4 +287232,4 +287233,36 +287234,36 +287235,36 +287236,36 +287237,40 +287238,40 +287239,40 +287240,40 +287241,40 +287242,40 +287243,40 +287244,40 +287245,40 +287246,40 +287247,40 +287248,40 +287249,40 +287250,4 +287251,4 +287252,19 +287253,5 +287254,36 +287255,36 +287256,36 +287257,5 +287258,5 +287259,27 +287260,36 +287261,36 +287262,36 +287263,36 +287264,5 +287265,5 +287266,5 +287267,5 +287268,5 +287269,5 +287270,5 +287271,5 +287272,5 +287273,8 +287274,8 +287275,8 +287276,8 +287277,8 +287278,8 +287279,31 +287280,31 +287281,31 +287282,27 +287283,31 +287284,27 +287285,29 +287286,29 +287287,29 +287288,29 +287289,24 +287290,24 +287291,29 +287292,29 +287293,29 +287294,29 +287295,40 +287296,40 +287297,40 +287298,40 +287299,40 +287300,40 +287301,40 +287302,40 +287303,40 +287304,5 +287305,5 +287306,5 +287307,28 +287308,28 +287309,28 +287310,9 +287311,21 +287312,21 +287313,21 +287314,21 +287315,21 +287316,25 +287317,25 +287318,25 +287319,25 +287320,25 +287321,25 +287322,25 +287323,25 +287324,25 +287325,25 +287326,26 +287327,26 +287328,26 +287329,30 +287330,30 +287331,30 +287332,30 +287333,30 +287334,30 +287335,30 +287336,30 +287337,2 +287338,2 +287339,2 +287340,2 +287341,2 +287342,2 +287343,27 +287344,27 +287345,27 +287346,27 +287347,27 +287348,27 +287349,8 +287350,8 +287351,8 +287352,8 +287353,8 +287354,8 +287355,8 +287356,18 +287357,18 +287358,18 +287359,18 +287360,18 +287361,18 +287362,18 +287363,18 +287364,18 +287365,3 +287366,3 +287367,3 +287368,3 +287369,12 +287370,3 +287371,3 +287372,28 +287373,12 +287374,12 +287375,12 +287376,28 +287377,28 +287378,28 +287379,27 +287380,27 +287381,27 +287382,27 +287383,27 +287384,27 +287385,27 +287386,27 +287387,5 +287388,5 +287389,5 +287390,39 +287391,39 +287392,39 +287393,39 +287394,39 +287395,39 +287396,14 +287397,14 +287398,14 +287399,14 +287400,14 +287401,39 +287402,23 +287403,23 +287404,23 +287405,23 +287406,23 +287407,23 +287408,23 +287409,9 +287410,9 +287411,9 +287412,9 +287413,9 +287414,9 +287415,9 +287416,9 +287417,9 +287418,9 +287419,37 +287420,37 +287421,37 +287422,37 +287423,37 +287424,37 +287425,37 +287426,37 +287427,31 +287428,31 +287429,31 +287430,31 +287431,31 +287432,31 +287433,31 +287434,31 +287435,31 +287436,36 +287437,36 +287438,2 +287439,2 +287440,2 +287441,2 +287442,2 +287443,2 +287444,2 +287445,2 +287446,2 +287447,2 +287448,2 +287449,2 +287450,2 +287451,2 +287452,2 +287453,2 +287454,2 +287455,2 +287456,8 +287457,8 +287458,8 +287459,8 +287460,0 +287461,0 +287462,0 +287463,0 +287464,0 +287465,0 +287466,0 +287467,0 +287468,0 +287469,0 +287470,0 +287471,0 +287472,0 +287473,0 +287474,0 +287475,0 +287476,0 +287477,0 +287478,0 +287479,0 +287480,0 +287481,0 +287482,0 +287483,29 +287484,29 +287485,29 +287486,29 +287487,25 +287488,25 +287489,25 +287490,25 +287491,25 +287492,25 +287493,25 +287494,8 +287495,8 +287496,8 +287497,8 +287498,8 +287499,8 +287500,8 +287501,31 +287502,31 +287503,31 +287504,31 +287505,31 +287506,31 +287507,31 +287508,31 +287509,32 +287510,32 +287511,32 +287512,32 +287513,32 +287514,32 +287515,32 +287516,26 +287517,26 +287518,26 +287519,26 +287520,26 +287521,26 +287522,26 +287523,37 +287524,37 +287525,37 +287526,37 +287527,37 +287528,37 +287529,37 +287530,37 +287531,37 +287532,37 +287533,25 +287534,25 +287535,25 +287536,37 +287537,37 +287538,25 +287539,25 +287540,25 +287541,25 +287542,25 +287543,25 +287544,25 +287545,25 +287546,25 +287547,25 +287548,25 +287549,20 +287550,20 +287551,20 +287552,20 +287553,20 +287554,20 +287555,20 +287556,20 +287557,20 +287558,20 +287559,8 +287560,11 +287561,35 +287562,35 +287563,35 +287564,35 +287565,35 +287566,35 +287567,35 +287568,36 +287569,36 +287570,36 +287571,32 +287572,32 +287573,32 +287574,4 +287575,4 +287576,4 +287577,15 +287578,15 +287579,32 +287580,32 +287581,32 +287582,31 +287583,31 +287584,31 +287585,24 +287586,24 +287587,5 +287588,5 +287589,5 +287590,5 +287591,31 +287592,31 +287593,31 +287594,31 +287595,31 +287596,31 +287597,21 +287598,21 +287599,21 +287600,21 +287601,37 +287602,37 +287603,25 +287604,25 +287605,37 +287606,25 +287607,25 +287608,25 +287609,33 +287610,33 +287611,33 +287612,33 +287613,33 +287614,33 +287615,33 +287616,33 +287617,33 +287618,33 +287619,2 +287620,8 +287621,8 +287622,8 +287623,8 +287624,8 +287625,2 +287626,8 +287627,2 +287628,2 +287629,39 +287630,39 +287631,37 +287632,37 +287633,39 +287634,39 +287635,39 +287636,39 +287637,39 +287638,21 +287639,21 +287640,21 +287641,21 +287642,21 +287643,21 +287644,27 +287645,27 +287646,27 +287647,27 +287648,27 +287649,27 +287650,27 +287651,27 +287652,27 +287653,8 +287654,8 +287655,8 +287656,8 +287657,8 +287658,8 +287659,8 +287660,8 +287661,31 +287662,31 +287663,31 +287664,31 +287665,31 +287666,31 +287667,31 +287668,11 +287669,8 +287670,8 +287671,8 +287672,8 +287673,8 +287674,8 +287675,8 +287676,8 +287677,8 +287678,37 +287679,37 +287680,37 +287681,37 +287682,37 +287683,37 +287684,37 +287685,40 +287686,27 +287687,27 +287688,40 +287689,40 +287690,40 +287691,19 +287692,19 +287693,19 +287694,35 +287695,35 +287696,35 +287697,39 +287698,14 +287699,14 +287700,14 +287701,14 +287702,14 +287703,14 +287704,14 +287705,38 +287706,38 +287707,23 +287708,23 +287709,23 +287710,23 +287711,23 +287712,23 +287713,23 +287714,23 +287715,9 +287716,9 +287717,9 +287718,9 +287719,9 +287720,37 +287721,37 +287722,37 +287723,37 +287724,37 +287725,37 +287726,37 +287727,37 +287728,39 +287729,39 +287730,39 +287731,39 +287732,39 +287733,39 +287734,39 +287735,3 +287736,3 +287737,3 +287738,3 +287739,3 +287740,3 +287741,3 +287742,3 +287743,12 +287744,12 +287745,3 +287746,3 +287747,12 +287748,27 +287749,27 +287750,5 +287751,5 +287752,5 +287753,13 +287754,13 +287755,13 +287756,13 +287757,13 +287758,5 +287759,35 +287760,35 +287761,35 +287762,35 +287763,7 +287764,7 +287765,35 +287766,35 +287767,25 +287768,25 +287769,25 +287770,25 +287771,25 +287772,25 +287773,25 +287774,25 +287775,37 +287776,37 +287777,37 +287778,37 +287779,9 +287780,9 +287781,9 +287782,9 +287783,33 +287784,33 +287785,33 +287786,33 +287787,30 +287788,30 +287789,30 +287790,30 +287791,30 +287792,30 +287793,30 +287794,19 +287795,19 +287796,19 +287797,19 +287798,19 +287799,19 +287800,27 +287801,27 +287802,31 +287803,31 +287804,31 +287805,31 +287806,31 +287807,31 +287808,31 +287809,31 +287810,31 +287811,31 +287812,31 +287813,31 +287814,31 +287815,31 +287816,31 +287817,31 +287818,31 +287819,31 +287820,31 +287821,40 +287822,40 +287823,40 +287824,40 +287825,23 +287826,23 +287827,23 +287828,23 +287829,23 +287830,23 +287831,23 +287832,23 +287833,23 +287834,23 +287835,23 +287836,38 +287837,38 +287838,38 +287839,0 +287840,0 +287841,0 +287842,0 +287843,0 +287844,0 +287845,0 +287846,0 +287847,0 +287848,0 +287849,0 +287850,0 +287851,0 +287852,0 +287853,0 +287854,0 +287855,0 +287856,0 +287857,0 +287858,0 +287859,0 +287860,0 +287861,0 +287862,0 +287863,0 +287864,0 +287865,0 +287866,0 +287867,0 +287868,0 +287869,0 +287870,36 +287871,36 +287872,36 +287873,36 +287874,36 +287875,36 +287876,36 +287877,36 +287878,36 +287879,36 +287880,5 +287881,5 +287882,5 +287883,5 +287884,5 +287885,26 +287886,26 +287887,31 +287888,31 +287889,31 +287890,31 +287891,31 +287892,35 +287893,35 +287894,35 +287895,35 +287896,35 +287897,35 +287898,35 +287899,35 +287900,33 +287901,33 +287902,33 +287903,33 +287904,33 +287905,33 +287906,33 +287907,30 +287908,33 +287909,30 +287910,30 +287911,9 +287912,9 +287913,30 +287914,30 +287915,30 +287916,30 +287917,33 +287918,33 +287919,33 +287920,33 +287921,33 +287922,33 +287923,5 +287924,28 +287925,28 +287926,28 +287927,28 +287928,28 +287929,28 +287930,1 +287931,31 +287932,31 +287933,31 +287934,31 +287935,31 +287936,31 +287937,31 +287938,31 +287939,31 +287940,5 +287941,5 +287942,5 +287943,5 +287944,31 +287945,31 +287946,31 +287947,31 +287948,31 +287949,24 +287950,24 +287951,24 +287952,24 +287953,24 +287954,24 +287955,24 +287956,24 +287957,24 +287958,24 +287959,24 +287960,37 +287961,37 +287962,37 +287963,37 +287964,37 +287965,37 +287966,37 +287967,27 +287968,27 +287969,27 +287970,27 +287971,27 +287972,31 +287973,31 +287974,31 +287975,31 +287976,31 +287977,31 +287978,31 +287979,31 +287980,5 +287981,5 +287982,5 +287983,5 +287984,5 +287985,5 +287986,5 +287987,19 +287988,19 +287989,19 +287990,27 +287991,27 +287992,27 +287993,27 +287994,27 +287995,27 +287996,27 +287997,27 +287998,27 +287999,27 +288000,31 +288001,27 +288002,27 +288003,27 +288004,27 +288005,27 +288006,5 +288007,4 +288008,4 +288009,4 +288010,4 +288011,4 +288012,5 +288013,0 +288014,0 +288015,0 +288016,0 +288017,0 +288018,0 +288019,0 +288020,0 +288021,0 +288022,0 +288023,0 +288024,0 +288025,0 +288026,0 +288027,0 +288028,0 +288029,0 +288030,0 +288031,0 +288032,0 +288033,0 +288034,0 +288035,0 +288036,0 +288037,0 +288038,0 +288039,0 +288040,0 +288041,0 +288042,0 +288043,0 +288044,0 +288045,0 +288046,0 +288047,0 +288048,0 +288049,0 +288050,0 +288051,0 +288052,0 +288053,0 +288054,0 +288055,0 +288056,0 +288057,0 +288058,0 +288059,0 +288060,0 +288061,0 +288062,0 +288063,0 +288064,0 +288065,0 +288066,0 +288067,0 +288068,0 +288069,0 +288070,0 +288071,0 +288072,36 +288073,36 +288074,36 +288075,36 +288076,36 +288077,36 +288078,36 +288079,36 +288080,5 +288081,5 +288082,5 +288083,5 +288084,36 +288085,36 +288086,36 +288087,36 +288088,36 +288089,5 +288090,5 +288091,5 +288092,5 +288093,5 +288094,30 +288095,30 +288096,30 +288097,30 +288098,30 +288099,30 +288100,40 +288101,40 +288102,40 +288103,40 +288104,40 +288105,40 +288106,40 +288107,2 +288108,2 +288109,2 +288110,2 +288111,2 +288112,2 +288113,2 +288114,2 +288115,2 +288116,2 +288117,29 +288118,29 +288119,29 +288120,29 +288121,29 +288122,31 +288123,31 +288124,31 +288125,31 +288126,5 +288127,5 +288128,5 +288129,5 +288130,5 +288131,5 +288132,5 +288133,5 +288134,5 +288135,5 +288136,5 +288137,5 +288138,5 +288139,5 +288140,5 +288141,5 +288142,5 +288143,5 +288144,33 +288145,33 +288146,33 +288147,33 +288148,33 +288149,33 +288150,33 +288151,33 +288152,33 +288153,33 +288154,34 +288155,4 +288156,4 +288157,4 +288158,4 +288159,4 +288160,4 +288161,4 +288162,4 +288163,4 +288164,4 +288165,4 +288166,4 +288167,4 +288168,10 +288169,10 +288170,10 +288171,10 +288172,10 +288173,10 +288174,10 +288175,10 +288176,10 +288177,36 +288178,10 +288179,10 +288180,5 +288181,5 +288182,5 +288183,5 +288184,5 +288185,5 +288186,29 +288187,29 +288188,29 +288189,31 +288190,31 +288191,31 +288192,31 +288193,31 +288194,12 +288195,12 +288196,12 +288197,12 +288198,12 +288199,12 +288200,31 +288201,40 +288202,40 +288203,40 +288204,8 +288205,8 +288206,8 +288207,8 +288208,8 +288209,8 +288210,8 +288211,5 +288212,5 +288213,5 +288214,5 +288215,5 +288216,5 +288217,5 +288218,2 +288219,2 +288220,2 +288221,2 +288222,2 +288223,2 +288224,2 +288225,2 +288226,2 +288227,2 +288228,4 +288229,4 +288230,4 +288231,4 +288232,4 +288233,4 +288234,4 +288235,14 +288236,36 +288237,36 +288238,36 +288239,36 +288240,14 +288241,14 +288242,14 +288243,14 +288244,14 +288245,5 +288246,5 +288247,5 +288248,5 +288249,5 +288250,5 +288251,27 +288252,27 +288253,27 +288254,27 +288255,13 +288256,13 +288257,13 +288258,13 +288259,13 +288260,13 +288261,13 +288262,13 +288263,37 +288264,37 +288265,37 +288266,37 +288267,37 +288268,39 +288269,3 +288270,3 +288271,39 +288272,39 +288273,39 +288274,12 +288275,39 +288276,28 +288277,28 +288278,28 +288279,28 +288280,28 +288281,28 +288282,29 +288283,29 +288284,29 +288285,29 +288286,29 +288287,29 +288288,29 +288289,29 +288290,31 +288291,31 +288292,31 +288293,31 +288294,15 +288295,15 +288296,15 +288297,15 +288298,15 +288299,15 +288300,15 +288301,26 +288302,26 +288303,26 +288304,26 +288305,26 +288306,26 +288307,37 +288308,37 +288309,37 +288310,37 +288311,37 +288312,37 +288313,37 +288314,37 +288315,37 +288316,15 +288317,15 +288318,15 +288319,15 +288320,25 +288321,25 +288322,25 +288323,25 +288324,25 +288325,25 +288326,25 +288327,11 +288328,11 +288329,11 +288330,8 +288331,8 +288332,8 +288333,8 +288334,8 +288335,8 +288336,8 +288337,8 +288338,11 +288339,11 +288340,11 +288341,11 +288342,11 +288343,34 +288344,34 +288345,34 +288346,34 +288347,34 +288348,26 +288349,26 +288350,34 +288351,34 +288352,34 +288353,34 +288354,34 +288355,34 +288356,34 +288357,32 +288358,32 +288359,32 +288360,32 +288361,32 +288362,31 +288363,31 +288364,31 +288365,31 +288366,5 +288367,5 +288368,5 +288369,5 +288370,33 +288371,33 +288372,33 +288373,33 +288374,33 +288375,33 +288376,33 +288377,33 +288378,33 +288379,33 +288380,24 +288381,24 +288382,24 +288383,24 +288384,24 +288385,24 +288386,24 +288387,37 +288388,37 +288389,37 +288390,37 +288391,37 +288392,40 +288393,40 +288394,36 +288395,36 +288396,5 +288397,5 +288398,5 +288399,5 +288400,5 +288401,2 +288402,2 +288403,2 +288404,2 +288405,2 +288406,2 +288407,2 +288408,2 +288409,2 +288410,2 +288411,2 +288412,28 +288413,28 +288414,28 +288415,28 +288416,27 +288417,27 +288418,27 +288419,27 +288420,27 +288421,27 +288422,27 +288423,2 +288424,2 +288425,2 +288426,2 +288427,2 +288428,2 +288429,2 +288430,2 +288431,2 +288432,2 +288433,2 +288434,2 +288435,33 +288436,33 +288437,33 +288438,33 +288439,33 +288440,33 +288441,33 +288442,33 +288443,33 +288444,33 +288445,4 +288446,4 +288447,4 +288448,4 +288449,4 +288450,4 +288451,4 +288452,4 +288453,4 +288454,4 +288455,40 +288456,40 +288457,40 +288458,40 +288459,40 +288460,40 +288461,40 +288462,40 +288463,40 +288464,30 +288465,30 +288466,30 +288467,30 +288468,30 +288469,30 +288470,30 +288471,29 +288472,29 +288473,29 +288474,29 +288475,29 +288476,14 +288477,14 +288478,14 +288479,14 +288480,14 +288481,14 +288482,14 +288483,14 +288484,14 +288485,14 +288486,35 +288487,35 +288488,36 +288489,36 +288490,19 +288491,19 +288492,19 +288493,19 +288494,19 +288495,19 +288496,19 +288497,19 +288498,19 +288499,19 +288500,19 +288501,38 +288502,38 +288503,38 +288504,38 +288505,38 +288506,38 +288507,38 +288508,38 +288509,38 +288510,38 +288511,37 +288512,37 +288513,37 +288514,37 +288515,37 +288516,37 +288517,39 +288518,39 +288519,39 +288520,39 +288521,39 +288522,39 +288523,39 +288524,39 +288525,39 +288526,39 +288527,39 +288528,39 +288529,39 +288530,39 +288531,39 +288532,39 +288533,39 +288534,39 +288535,36 +288536,36 +288537,36 +288538,36 +288539,36 +288540,36 +288541,36 +288542,36 +288543,36 +288544,36 +288545,6 +288546,6 +288547,6 +288548,6 +288549,6 +288550,6 +288551,4 +288552,4 +288553,4 +288554,4 +288555,4 +288556,4 +288557,4 +288558,16 +288559,4 +288560,37 +288561,37 +288562,37 +288563,37 +288564,37 +288565,31 +288566,31 +288567,31 +288568,15 +288569,15 +288570,15 +288571,15 +288572,15 +288573,15 +288574,15 +288575,15 +288576,15 +288577,26 +288578,26 +288579,26 +288580,26 +288581,26 +288582,26 +288583,26 +288584,37 +288585,37 +288586,37 +288587,37 +288588,37 +288589,37 +288590,37 +288591,37 +288592,37 +288593,6 +288594,6 +288595,6 +288596,6 +288597,6 +288598,6 +288599,6 +288600,6 +288601,6 +288602,32 +288603,39 +288604,39 +288605,39 +288606,39 +288607,39 +288608,39 +288609,39 +288610,39 +288611,39 +288612,39 +288613,32 +288614,32 +288615,32 +288616,32 +288617,32 +288618,32 +288619,32 +288620,32 +288621,25 +288622,25 +288623,25 +288624,25 +288625,25 +288626,25 +288627,25 +288628,25 +288629,25 +288630,8 +288631,8 +288632,8 +288633,8 +288634,8 +288635,12 +288636,12 +288637,12 +288638,12 +288639,12 +288640,12 +288641,12 +288642,12 +288643,12 +288644,12 +288645,25 +288646,25 +288647,25 +288648,25 +288649,25 +288650,25 +288651,6 +288652,6 +288653,6 +288654,6 +288655,6 +288656,6 +288657,6 +288658,27 +288659,27 +288660,27 +288661,27 +288662,27 +288663,13 +288664,13 +288665,13 +288666,13 +288667,13 +288668,13 +288669,13 +288670,26 +288671,26 +288672,26 +288673,26 +288674,26 +288675,26 +288676,5 +288677,5 +288678,5 +288679,5 +288680,5 +288681,30 +288682,31 +288683,31 +288684,30 +288685,30 +288686,30 +288687,30 +288688,30 +288689,30 +288690,30 +288691,30 +288692,30 +288693,30 +288694,30 +288695,30 +288696,30 +288697,9 +288698,9 +288699,9 +288700,9 +288701,9 +288702,9 +288703,9 +288704,9 +288705,9 +288706,9 +288707,9 +288708,9 +288709,21 +288710,21 +288711,21 +288712,21 +288713,21 +288714,21 +288715,21 +288716,21 +288717,21 +288718,25 +288719,21 +288720,21 +288721,21 +288722,25 +288723,15 +288724,15 +288725,15 +288726,15 +288727,15 +288728,15 +288729,15 +288730,15 +288731,39 +288732,39 +288733,39 +288734,39 +288735,37 +288736,37 +288737,37 +288738,25 +288739,25 +288740,25 +288741,25 +288742,25 +288743,25 +288744,25 +288745,32 +288746,32 +288747,32 +288748,32 +288749,32 +288750,32 +288751,32 +288752,32 +288753,32 +288754,30 +288755,30 +288756,30 +288757,26 +288758,26 +288759,32 +288760,26 +288761,9 +288762,5 +288763,5 +288764,5 +288765,5 +288766,5 +288767,5 +288768,5 +288769,5 +288770,2 +288771,2 +288772,2 +288773,2 +288774,2 +288775,2 +288776,2 +288777,2 +288778,2 +288779,2 +288780,2 +288781,2 +288782,2 +288783,2 +288784,2 +288785,2 +288786,2 +288787,2 +288788,0 +288789,0 +288790,0 +288791,0 +288792,0 +288793,0 +288794,0 +288795,0 +288796,0 +288797,0 +288798,0 +288799,0 +288800,0 +288801,0 +288802,0 +288803,0 +288804,0 +288805,0 +288806,0 +288807,0 +288808,0 +288809,0 +288810,0 +288811,0 +288812,0 +288813,0 +288814,0 +288815,0 +288816,0 +288817,0 +288818,0 +288819,0 +288820,0 +288821,0 +288822,0 +288823,0 +288824,0 +288825,0 +288826,0 +288827,0 +288828,0 +288829,0 +288830,0 +288831,0 +288832,0 +288833,0 +288834,0 +288835,0 +288836,0 +288837,0 +288838,0 +288839,0 +288840,0 +288841,0 +288842,0 +288843,0 +288844,0 +288845,0 +288846,0 +288847,0 +288848,0 +288849,0 +288850,0 +288851,0 +288852,0 +288853,0 +288854,0 +288855,0 +288856,0 +288857,0 +288858,0 +288859,0 +288860,0 +288861,0 +288862,0 +288863,0 +288864,0 +288865,0 +288866,0 +288867,0 +288868,0 +288869,0 +288870,0 +288871,0 +288872,0 +288873,0 +288874,0 +288875,0 +288876,0 +288877,0 +288878,0 +288879,0 +288880,0 +288881,0 +288882,0 +288883,0 +288884,0 +288885,0 +288886,29 +288887,29 +288888,29 +288889,29 +288890,31 +288891,31 +288892,31 +288893,31 +288894,31 +288895,31 +288896,31 +288897,23 +288898,23 +288899,23 +288900,23 +288901,23 +288902,23 +288903,23 +288904,23 +288905,23 +288906,23 +288907,26 +288908,26 +288909,26 +288910,26 +288911,26 +288912,26 +288913,26 +288914,26 +288915,26 +288916,26 +288917,37 +288918,37 +288919,37 +288920,37 +288921,37 +288922,37 +288923,37 +288924,37 +288925,37 +288926,4 +288927,4 +288928,4 +288929,4 +288930,4 +288931,4 +288932,4 +288933,4 +288934,2 +288935,4 +288936,2 +288937,2 +288938,2 +288939,2 +288940,2 +288941,12 +288942,12 +288943,12 +288944,12 +288945,12 +288946,12 +288947,12 +288948,12 +288949,25 +288950,25 +288951,25 +288952,37 +288953,35 +288954,35 +288955,35 +288956,35 +288957,35 +288958,35 +288959,35 +288960,36 +288961,36 +288962,36 +288963,36 +288964,36 +288965,36 +288966,36 +288967,36 +288968,36 +288969,36 +288970,24 +288971,24 +288972,24 +288973,24 +288974,24 +288975,27 +288976,27 +288977,27 +288978,27 +288979,27 +288980,27 +288981,5 +288982,5 +288983,5 +288984,5 +288985,13 +288986,13 +288987,29 +288988,29 +288989,29 +288990,40 +288991,40 +288992,40 +288993,40 +288994,40 +288995,37 +288996,37 +288997,27 +288998,27 +288999,27 +289000,27 +289001,37 +289002,35 +289003,35 +289004,35 +289005,35 +289006,35 +289007,35 +289008,35 +289009,35 +289010,35 +289011,14 +289012,36 +289013,36 +289014,36 +289015,36 +289016,36 +289017,36 +289018,36 +289019,36 +289020,14 +289021,14 +289022,14 +289023,36 +289024,14 +289025,36 +289026,36 +289027,28 +289028,28 +289029,28 +289030,28 +289031,28 +289032,28 +289033,28 +289034,28 +289035,28 +289036,8 +289037,8 +289038,8 +289039,8 +289040,8 +289041,8 +289042,8 +289043,8 +289044,8 +289045,8 +289046,8 +289047,2 +289048,2 +289049,23 +289050,23 +289051,23 +289052,23 +289053,23 +289054,23 +289055,23 +289056,31 +289057,9 +289058,9 +289059,9 +289060,9 +289061,9 +289062,9 +289063,30 +289064,30 +289065,30 +289066,30 +289067,30 +289068,30 +289069,30 +289070,33 +289071,33 +289072,33 +289073,33 +289074,31 +289075,33 +289076,33 +289077,5 +289078,5 +289079,5 +289080,5 +289081,5 +289082,5 +289083,5 +289084,29 +289085,29 +289086,31 +289087,31 +289088,31 +289089,31 +289090,31 +289091,31 +289092,2 +289093,2 +289094,2 +289095,2 +289096,2 +289097,2 +289098,2 +289099,2 +289100,2 +289101,2 +289102,2 +289103,2 +289104,2 +289105,40 +289106,40 +289107,40 +289108,40 +289109,40 +289110,40 +289111,40 +289112,40 +289113,5 +289114,5 +289115,5 +289116,5 +289117,5 +289118,5 +289119,19 +289120,19 +289121,19 +289122,19 +289123,19 +289124,25 +289125,25 +289126,25 +289127,25 +289128,25 +289129,25 +289130,25 +289131,25 +289132,25 +289133,25 +289134,25 +289135,25 +289136,25 +289137,25 +289138,15 +289139,15 +289140,15 +289141,15 +289142,15 +289143,19 +289144,19 +289145,29 +289146,29 +289147,29 +289148,31 +289149,31 +289150,31 +289151,31 +289152,31 +289153,31 +289154,31 +289155,31 +289156,31 +289157,25 +289158,3 +289159,3 +289160,3 +289161,25 +289162,25 +289163,37 +289164,37 +289165,37 +289166,37 +289167,37 +289168,3 +289169,3 +289170,3 +289171,3 +289172,3 +289173,3 +289174,3 +289175,3 +289176,3 +289177,3 +289178,3 +289179,28 +289180,28 +289181,28 +289182,28 +289183,28 +289184,28 +289185,28 +289186,28 +289187,28 +289188,13 +289189,13 +289190,13 +289191,13 +289192,13 +289193,13 +289194,0 +289195,0 +289196,0 +289197,0 +289198,0 +289199,0 +289200,0 +289201,0 +289202,0 +289203,0 +289204,0 +289205,0 +289206,0 +289207,0 +289208,0 +289209,0 +289210,0 +289211,0 +289212,0 +289213,0 +289214,0 +289215,0 +289216,0 +289217,0 +289218,0 +289219,0 +289220,0 +289221,0 +289222,0 +289223,0 +289224,0 +289225,0 +289226,0 +289227,0 +289228,0 +289229,0 +289230,0 +289231,0 +289232,0 +289233,0 +289234,0 +289235,0 +289236,0 +289237,0 +289238,0 +289239,0 +289240,0 +289241,0 +289242,0 +289243,0 +289244,0 +289245,0 +289246,0 +289247,0 +289248,0 +289249,0 +289250,0 +289251,0 +289252,0 +289253,0 +289254,0 +289255,0 +289256,39 +289257,39 +289258,39 +289259,39 +289260,39 +289261,39 +289262,7 +289263,7 +289264,7 +289265,39 +289266,39 +289267,39 +289268,39 +289269,39 +289270,39 +289271,3 +289272,39 +289273,3 +289274,3 +289275,30 +289276,30 +289277,30 +289278,30 +289279,30 +289280,30 +289281,30 +289282,9 +289283,9 +289284,9 +289285,9 +289286,30 +289287,30 +289288,30 +289289,30 +289290,30 +289291,30 +289292,30 +289293,30 +289294,30 +289295,30 +289296,39 +289297,39 +289298,39 +289299,39 +289300,39 +289301,39 +289302,39 +289303,39 +289304,39 +289305,39 +289306,39 +289307,39 +289308,39 +289309,39 +289310,39 +289311,39 +289312,39 +289313,39 +289314,27 +289315,27 +289316,3 +289317,3 +289318,3 +289319,3 +289320,3 +289321,29 +289322,29 +289323,29 +289324,29 +289325,29 +289326,29 +289327,36 +289328,36 +289329,36 +289330,36 +289331,36 +289332,36 +289333,36 +289334,4 +289335,4 +289336,4 +289337,4 +289338,31 +289339,25 +289340,25 +289341,25 +289342,25 +289343,37 +289344,23 +289345,23 +289346,23 +289347,23 +289348,23 +289349,23 +289350,23 +289351,23 +289352,23 +289353,23 +289354,23 +289355,23 +289356,23 +289357,37 +289358,37 +289359,37 +289360,37 +289361,31 +289362,31 +289363,31 +289364,31 +289365,31 +289366,31 +289367,31 +289368,5 +289369,5 +289370,5 +289371,5 +289372,5 +289373,5 +289374,4 +289375,4 +289376,4 +289377,16 +289378,16 +289379,16 +289380,4 +289381,4 +289382,4 +289383,37 +289384,37 +289385,37 +289386,37 +289387,37 +289388,37 +289389,37 +289390,37 +289391,27 +289392,27 +289393,27 +289394,27 +289395,27 +289396,27 +289397,39 +289398,39 +289399,39 +289400,39 +289401,39 +289402,39 +289403,39 +289404,39 +289405,39 +289406,39 +289407,8 +289408,8 +289409,8 +289410,8 +289411,8 +289412,8 +289413,8 +289414,8 +289415,8 +289416,6 +289417,6 +289418,6 +289419,6 +289420,6 +289421,6 +289422,6 +289423,31 +289424,31 +289425,31 +289426,31 +289427,31 +289428,31 +289429,31 +289430,31 +289431,31 +289432,13 +289433,5 +289434,5 +289435,23 +289436,23 +289437,23 +289438,23 +289439,23 +289440,23 +289441,23 +289442,23 +289443,23 +289444,23 +289445,26 +289446,10 +289447,10 +289448,10 +289449,10 +289450,10 +289451,10 +289452,10 +289453,10 +289454,10 +289455,10 +289456,10 +289457,10 +289458,10 +289459,10 +289460,10 +289461,10 +289462,10 +289463,10 +289464,10 +289465,10 +289466,10 +289467,5 +289468,5 +289469,5 +289470,5 +289471,5 +289472,5 +289473,5 +289474,5 +289475,4 +289476,4 +289477,4 +289478,4 +289479,4 +289480,4 +289481,4 +289482,3 +289483,3 +289484,3 +289485,3 +289486,3 +289487,3 +289488,31 +289489,3 +289490,33 +289491,33 +289492,33 +289493,31 +289494,15 +289495,15 +289496,15 +289497,15 +289498,15 +289499,15 +289500,15 +289501,15 +289502,36 +289503,36 +289504,36 +289505,36 +289506,36 +289507,36 +289508,36 +289509,36 +289510,36 +289511,36 +289512,36 +289513,36 +289514,36 +289515,5 +289516,5 +289517,5 +289518,5 +289519,5 +289520,19 +289521,19 +289522,19 +289523,31 +289524,31 +289525,31 +289526,31 +289527,31 +289528,5 +289529,5 +289530,5 +289531,5 +289532,5 +289533,5 +289534,5 +289535,5 +289536,5 +289537,5 +289538,5 +289539,12 +289540,12 +289541,12 +289542,12 +289543,12 +289544,12 +289545,12 +289546,12 +289547,12 +289548,31 +289549,31 +289550,31 +289551,31 +289552,31 +289553,5 +289554,5 +289555,5 +289556,5 +289557,5 +289558,5 +289559,27 +289560,27 +289561,27 +289562,27 +289563,27 +289564,31 +289565,31 +289566,31 +289567,31 +289568,5 +289569,5 +289570,5 +289571,5 +289572,5 +289573,5 +289574,5 +289575,5 +289576,5 +289577,5 +289578,5 +289579,5 +289580,5 +289581,13 +289582,0 +289583,0 +289584,0 +289585,0 +289586,0 +289587,0 +289588,0 +289589,0 +289590,0 +289591,0 +289592,0 +289593,0 +289594,0 +289595,0 +289596,0 +289597,0 +289598,0 +289599,0 +289600,0 +289601,0 +289602,0 +289603,0 +289604,0 +289605,0 +289606,0 +289607,0 +289608,0 +289609,0 +289610,0 +289611,0 +289612,0 +289613,0 +289614,0 +289615,0 +289616,0 +289617,0 +289618,0 +289619,0 +289620,0 +289621,0 +289622,0 +289623,0 +289624,0 +289625,0 +289626,0 +289627,0 +289628,0 +289629,0 +289630,0 +289631,0 +289632,0 +289633,0 +289634,0 +289635,0 +289636,0 +289637,0 +289638,0 +289639,0 +289640,0 +289641,0 +289642,0 +289643,36 +289644,36 +289645,36 +289646,36 +289647,36 +289648,36 +289649,36 +289650,36 +289651,36 +289652,36 +289653,36 +289654,36 +289655,36 +289656,36 +289657,36 +289658,36 +289659,36 +289660,36 +289661,36 +289662,36 +289663,36 +289664,36 +289665,36 +289666,36 +289667,36 +289668,40 +289669,5 +289670,5 +289671,5 +289672,5 +289673,5 +289674,5 +289675,5 +289676,5 +289677,5 +289678,5 +289679,19 +289680,19 +289681,19 +289682,19 +289683,19 +289684,19 +289685,19 +289686,19 +289687,19 +289688,19 +289689,19 +289690,19 +289691,0 +289692,0 +289693,0 +289694,0 +289695,0 +289696,0 +289697,0 +289698,0 +289699,0 +289700,0 +289701,0 +289702,0 +289703,0 +289704,0 +289705,0 +289706,0 +289707,0 +289708,0 +289709,0 +289710,0 +289711,0 +289712,0 +289713,0 +289714,0 +289715,0 +289716,0 +289717,0 +289718,0 +289719,0 +289720,29 +289721,29 +289722,29 +289723,29 +289724,29 +289725,29 +289726,27 +289727,27 +289728,27 +289729,27 +289730,27 +289731,27 +289732,27 +289733,13 +289734,13 +289735,21 +289736,5 +289737,5 +289738,28 +289739,32 +289740,32 +289741,32 +289742,32 +289743,32 +289744,32 +289745,39 +289746,39 +289747,39 +289748,39 +289749,39 +289750,39 +289751,5 +289752,5 +289753,5 +289754,5 +289755,4 +289756,4 +289757,4 +289758,19 +289759,38 +289760,38 +289761,38 +289762,27 +289763,31 +289764,31 +289765,3 +289766,31 +289767,32 +289768,32 +289769,32 +289770,32 +289771,32 +289772,32 +289773,32 +289774,32 +289775,32 +289776,32 +289777,32 +289778,32 +289779,26 +289780,26 +289781,26 +289782,31 +289783,31 +289784,31 +289785,31 +289786,5 +289787,5 +289788,5 +289789,5 +289790,5 +289791,5 +289792,5 +289793,1 +289794,1 +289795,1 +289796,1 +289797,1 +289798,1 +289799,8 +289800,8 +289801,8 +289802,8 +289803,8 +289804,8 +289805,8 +289806,8 +289807,8 +289808,29 +289809,29 +289810,29 +289811,29 +289812,31 +289813,31 +289814,31 +289815,31 +289816,32 +289817,32 +289818,32 +289819,32 +289820,32 +289821,32 +289822,32 +289823,32 +289824,32 +289825,32 +289826,32 +289827,32 +289828,40 +289829,40 +289830,40 +289831,40 +289832,36 +289833,36 +289834,40 +289835,40 +289836,36 +289837,8 +289838,8 +289839,8 +289840,8 +289841,8 +289842,8 +289843,40 +289844,40 +289845,40 +289846,40 +289847,40 +289848,31 +289849,31 +289850,27 +289851,5 +289852,5 +289853,5 +289854,5 +289855,5 +289856,23 +289857,23 +289858,23 +289859,23 +289860,23 +289861,23 +289862,23 +289863,23 +289864,23 +289865,23 +289866,23 +289867,23 +289868,23 +289869,9 +289870,9 +289871,9 +289872,9 +289873,9 +289874,31 +289875,31 +289876,31 +289877,31 +289878,5 +289879,5 +289880,5 +289881,5 +289882,5 +289883,5 +289884,5 +289885,5 +289886,5 +289887,5 +289888,23 +289889,23 +289890,23 +289891,23 +289892,4 +289893,4 +289894,4 +289895,4 +289896,27 +289897,27 +289898,27 +289899,27 +289900,27 +289901,27 +289902,27 +289903,27 +289904,27 +289905,27 +289906,27 +289907,27 +289908,5 +289909,5 +289910,5 +289911,5 +289912,5 +289913,5 +289914,5 +289915,5 +289916,5 +289917,23 +289918,23 +289919,23 +289920,23 +289921,23 +289922,23 +289923,29 +289924,29 +289925,31 +289926,31 +289927,31 +289928,30 +289929,30 +289930,30 +289931,30 +289932,30 +289933,30 +289934,30 +289935,30 +289936,25 +289937,25 +289938,31 +289939,31 +289940,31 +289941,31 +289942,31 +289943,31 +289944,31 +289945,5 +289946,5 +289947,5 +289948,5 +289949,5 +289950,5 +289951,5 +289952,5 +289953,5 +289954,2 +289955,2 +289956,2 +289957,2 +289958,2 +289959,2 +289960,2 +289961,2 +289962,2 +289963,2 +289964,2 +289965,2 +289966,2 +289967,2 +289968,2 +289969,2 +289970,2 +289971,2 +289972,2 +289973,2 +289974,0 +289975,2 +289976,2 +289977,2 +289978,2 +289979,2 +289980,2 +289981,2 +289982,2 +289983,2 +289984,2 +289985,2 +289986,2 +289987,2 +289988,2 +289989,2 +289990,2 +289991,2 +289992,2 +289993,2 +289994,2 +289995,2 +289996,2 +289997,2 +289998,2 +289999,2 +290000,14 +290001,14 +290002,14 +290003,14 +290004,14 +290005,14 +290006,14 +290007,40 +290008,40 +290009,40 +290010,40 +290011,40 +290012,40 +290013,40 +290014,40 +290015,40 +290016,40 +290017,19 +290018,19 +290019,19 +290020,19 +290021,19 +290022,19 +290023,19 +290024,19 +290025,19 +290026,19 +290027,19 +290028,19 +290029,19 +290030,19 +290031,19 +290032,19 +290033,19 +290034,19 +290035,0 +290036,0 +290037,0 +290038,0 +290039,0 +290040,0 +290041,0 +290042,0 +290043,0 +290044,0 +290045,0 +290046,0 +290047,0 +290048,0 +290049,0 +290050,0 +290051,0 +290052,0 +290053,0 +290054,0 +290055,0 +290056,0 +290057,0 +290058,0 +290059,0 +290060,0 +290061,0 +290062,0 +290063,0 +290064,0 +290065,0 +290066,0 +290067,0 +290068,0 +290069,0 +290070,0 +290071,0 +290072,0 +290073,0 +290074,0 +290075,0 +290076,0 +290077,0 +290078,0 +290079,0 +290080,0 +290081,0 +290082,0 +290083,6 +290084,6 +290085,0 +290086,0 +290087,35 +290088,35 +290089,35 +290090,35 +290091,35 +290092,35 +290093,35 +290094,35 +290095,35 +290096,35 +290097,39 +290098,39 +290099,39 +290100,39 +290101,39 +290102,39 +290103,39 +290104,39 +290105,39 +290106,39 +290107,39 +290108,39 +290109,23 +290110,23 +290111,23 +290112,23 +290113,23 +290114,23 +290115,23 +290116,23 +290117,23 +290118,23 +290119,23 +290120,23 +290121,9 +290122,9 +290123,9 +290124,9 +290125,26 +290126,26 +290127,26 +290128,26 +290129,26 +290130,26 +290131,26 +290132,26 +290133,26 +290134,26 +290135,26 +290136,4 +290137,4 +290138,4 +290139,4 +290140,4 +290141,4 +290142,35 +290143,35 +290144,35 +290145,35 +290146,35 +290147,35 +290148,35 +290149,35 +290150,27 +290151,27 +290152,27 +290153,8 +290154,8 +290155,8 +290156,8 +290157,8 +290158,8 +290159,8 +290160,8 +290161,8 +290162,8 +290163,15 +290164,15 +290165,15 +290166,15 +290167,15 +290168,32 +290169,19 +290170,37 +290171,37 +290172,37 +290173,37 +290174,37 +290175,37 +290176,37 +290177,31 +290178,31 +290179,31 +290180,31 +290181,31 +290182,31 +290183,29 +290184,29 +290185,29 +290186,29 +290187,29 +290188,29 +290189,29 +290190,25 +290191,25 +290192,25 +290193,25 +290194,25 +290195,25 +290196,25 +290197,12 +290198,12 +290199,12 +290200,12 +290201,12 +290202,12 +290203,12 +290204,31 +290205,31 +290206,31 +290207,31 +290208,8 +290209,8 +290210,8 +290211,8 +290212,8 +290213,8 +290214,8 +290215,8 +290216,5 +290217,5 +290218,5 +290219,5 +290220,5 +290221,5 +290222,5 +290223,31 +290224,31 +290225,31 +290226,26 +290227,31 +290228,22 +290229,22 +290230,31 +290231,31 +290232,31 +290233,22 +290234,4 +290235,4 +290236,4 +290237,4 +290238,4 +290239,4 +290240,4 +290241,4 +290242,4 +290243,4 +290244,4 +290245,4 +290246,2 +290247,2 +290248,2 +290249,2 +290250,2 +290251,2 +290252,2 +290253,2 +290254,2 +290255,2 +290256,2 +290257,2 +290258,2 +290259,33 +290260,33 +290261,33 +290262,33 +290263,33 +290264,33 +290265,33 +290266,33 +290267,33 +290268,33 +290269,15 +290270,15 +290271,15 +290272,15 +290273,15 +290274,15 +290275,15 +290276,15 +290277,25 +290278,25 +290279,25 +290280,25 +290281,25 +290282,25 +290283,25 +290284,25 +290285,25 +290286,25 +290287,25 +290288,25 +290289,25 +290290,25 +290291,25 +290292,25 +290293,25 +290294,25 +290295,25 +290296,25 +290297,25 +290298,25 +290299,25 +290300,25 +290301,25 +290302,25 +290303,25 +290304,25 +290305,25 +290306,0 +290307,0 +290308,0 +290309,0 +290310,0 +290311,0 +290312,0 +290313,0 +290314,0 +290315,0 +290316,0 +290317,0 +290318,0 +290319,0 +290320,0 +290321,0 +290322,0 +290323,0 +290324,0 +290325,0 +290326,0 +290327,0 +290328,0 +290329,0 +290330,0 +290331,0 +290332,0 +290333,0 +290334,0 +290335,0 +290336,0 +290337,0 +290338,0 +290339,0 +290340,0 +290341,0 +290342,0 +290343,0 +290344,0 +290345,0 +290346,0 +290347,0 +290348,0 +290349,0 +290350,0 +290351,0 +290352,0 +290353,0 +290354,0 +290355,0 +290356,0 +290357,0 +290358,0 +290359,0 +290360,0 +290361,0 +290362,0 +290363,0 +290364,0 +290365,0 +290366,0 +290367,0 +290368,0 +290369,0 +290370,0 +290371,0 +290372,0 +290373,0 +290374,0 +290375,0 +290376,0 +290377,0 +290378,0 +290379,0 +290380,0 +290381,0 +290382,0 +290383,35 +290384,35 +290385,35 +290386,35 +290387,35 +290388,35 +290389,35 +290390,35 +290391,35 +290392,35 +290393,35 +290394,35 +290395,35 +290396,35 +290397,39 +290398,39 +290399,39 +290400,39 +290401,39 +290402,39 +290403,39 +290404,39 +290405,39 +290406,39 +290407,39 +290408,35 +290409,35 +290410,35 +290411,35 +290412,35 +290413,35 +290414,35 +290415,35 +290416,35 +290417,35 +290418,35 +290419,35 +290420,3 +290421,3 +290422,3 +290423,3 +290424,3 +290425,3 +290426,3 +290427,3 +290428,3 +290429,3 +290430,3 +290431,3 +290432,3 +290433,12 +290434,12 +290435,12 +290436,12 +290437,12 +290438,12 +290439,12 +290440,12 +290441,31 +290442,31 +290443,31 +290444,31 +290445,31 +290446,9 +290447,9 +290448,17 +290449,9 +290450,5 +290451,5 +290452,5 +290453,5 +290454,28 +290455,19 +290456,19 +290457,19 +290458,19 +290459,4 +290460,27 +290461,27 +290462,27 +290463,27 +290464,27 +290465,27 +290466,27 +290467,27 +290468,18 +290469,19 +290470,19 +290471,19 +290472,19 +290473,19 +290474,19 +290475,19 +290476,7 +290477,7 +290478,18 +290479,18 +290480,18 +290481,18 +290482,18 +290483,3 +290484,3 +290485,3 +290486,3 +290487,3 +290488,3 +290489,3 +290490,8 +290491,8 +290492,8 +290493,8 +290494,8 +290495,8 +290496,8 +290497,8 +290498,8 +290499,8 +290500,8 +290501,8 +290502,8 +290503,2 +290504,2 +290505,2 +290506,2 +290507,10 +290508,10 +290509,10 +290510,10 +290511,10 +290512,10 +290513,26 +290514,26 +290515,26 +290516,26 +290517,26 +290518,10 +290519,10 +290520,10 +290521,10 +290522,10 +290523,10 +290524,6 +290525,6 +290526,6 +290527,6 +290528,6 +290529,6 +290530,6 +290531,6 +290532,6 +290533,0 +290534,0 +290535,0 +290536,0 +290537,0 +290538,0 +290539,0 +290540,0 +290541,0 +290542,0 +290543,0 +290544,0 +290545,0 +290546,0 +290547,0 +290548,0 +290549,0 +290550,0 +290551,0 +290552,35 +290553,32 +290554,32 +290555,32 +290556,32 +290557,32 +290558,32 +290559,37 +290560,37 +290561,37 +290562,37 +290563,37 +290564,37 +290565,37 +290566,10 +290567,10 +290568,10 +290569,10 +290570,10 +290571,10 +290572,10 +290573,19 +290574,19 +290575,19 +290576,19 +290577,19 +290578,29 +290579,29 +290580,31 +290581,39 +290582,39 +290583,39 +290584,39 +290585,39 +290586,6 +290587,6 +290588,6 +290589,6 +290590,6 +290591,6 +290592,6 +290593,6 +290594,6 +290595,6 +290596,6 +290597,6 +290598,6 +290599,6 +290600,6 +290601,14 +290602,14 +290603,14 +290604,27 +290605,39 +290606,14 +290607,14 +290608,27 +290609,27 +290610,27 +290611,27 +290612,28 +290613,28 +290614,28 +290615,28 +290616,28 +290617,28 +290618,28 +290619,28 +290620,28 +290621,28 +290622,28 +290623,0 +290624,0 +290625,0 +290626,0 +290627,0 +290628,0 +290629,0 +290630,0 +290631,0 +290632,0 +290633,0 +290634,0 +290635,0 +290636,0 +290637,0 +290638,0 +290639,0 +290640,0 +290641,0 +290642,35 +290643,35 +290644,35 +290645,35 +290646,35 +290647,35 +290648,35 +290649,35 +290650,35 +290651,35 +290652,35 +290653,35 +290654,35 +290655,35 +290656,39 +290657,39 +290658,39 +290659,39 +290660,39 +290661,39 +290662,39 +290663,39 +290664,39 +290665,39 +290666,39 +290667,39 +290668,39 +290669,39 +290670,39 +290671,31 +290672,31 +290673,31 +290674,31 +290675,31 +290676,31 +290677,31 +290678,31 +290679,31 +290680,31 +290681,31 +290682,31 +290683,15 +290684,15 +290685,15 +290686,15 +290687,15 +290688,15 +290689,15 +290690,15 +290691,15 +290692,15 +290693,15 +290694,15 +290695,31 +290696,31 +290697,31 +290698,31 +290699,30 +290700,17 +290701,30 +290702,30 +290703,30 +290704,30 +290705,30 +290706,30 +290707,30 +290708,30 +290709,30 +290710,30 +290711,10 +290712,10 +290713,10 +290714,10 +290715,10 +290716,10 +290717,10 +290718,10 +290719,10 +290720,10 +290721,10 +290722,10 +290723,10 +290724,10 +290725,10 +290726,10 +290727,10 +290728,10 +290729,10 +290730,10 +290731,0 +290732,0 +290733,0 +290734,0 +290735,0 +290736,0 +290737,0 +290738,0 +290739,0 +290740,0 +290741,0 +290742,0 +290743,0 +290744,0 +290745,0 +290746,0 +290747,0 +290748,0 +290749,0 +290750,0 +290751,0 +290752,0 +290753,0 +290754,0 +290755,0 +290756,0 +290757,0 +290758,0 +290759,0 +290760,0 +290761,0 +290762,37 +290763,37 +290764,0 +290765,0 +290766,28 +290767,28 +290768,28 +290769,28 +290770,28 +290771,27 +290772,27 +290773,27 +290774,27 +290775,2 +290776,2 +290777,2 +290778,2 +290779,2 +290780,2 +290781,2 +290782,2 +290783,2 +290784,2 +290785,2 +290786,2 +290787,2 +290788,39 +290789,39 +290790,39 +290791,39 +290792,39 +290793,39 +290794,39 +290795,14 +290796,14 +290797,14 +290798,14 +290799,14 +290800,14 +290801,14 +290802,14 +290803,3 +290804,3 +290805,3 +290806,2 +290807,2 +290808,2 +290809,2 +290810,2 +290811,2 +290812,2 +290813,2 +290814,2 +290815,2 +290816,5 +290817,5 +290818,5 +290819,5 +290820,5 +290821,5 +290822,5 +290823,5 +290824,5 +290825,5 +290826,33 +290827,33 +290828,33 +290829,33 +290830,33 +290831,33 +290832,33 +290833,33 +290834,33 +290835,33 +290836,33 +290837,33 +290838,33 +290839,33 +290840,33 +290841,33 +290842,27 +290843,27 +290844,27 +290845,27 +290846,27 +290847,27 +290848,28 +290849,28 +290850,28 +290851,28 +290852,28 +290853,32 +290854,32 +290855,32 +290856,32 +290857,32 +290858,32 +290859,32 +290860,32 +290861,37 +290862,37 +290863,37 +290864,37 +290865,37 +290866,37 +290867,40 +290868,40 +290869,40 +290870,40 +290871,40 +290872,11 +290873,11 +290874,11 +290875,11 +290876,11 +290877,11 +290878,11 +290879,11 +290880,11 +290881,11 +290882,11 +290883,11 +290884,31 +290885,11 +290886,5 +290887,5 +290888,5 +290889,5 +290890,5 +290891,5 +290892,5 +290893,5 +290894,5 +290895,5 +290896,5 +290897,5 +290898,5 +290899,5 +290900,5 +290901,5 +290902,5 +290903,5 +290904,5 +290905,5 +290906,8 +290907,8 +290908,2 +290909,2 +290910,2 +290911,2 +290912,2 +290913,2 +290914,2 +290915,2 +290916,2 +290917,2 +290918,2 +290919,2 +290920,2 +290921,2 +290922,2 +290923,2 +290924,2 +290925,0 +290926,0 +290927,23 +290928,23 +290929,23 +290930,23 +290931,23 +290932,23 +290933,23 +290934,0 +290935,0 +290936,0 +290937,0 +290938,0 +290939,0 +290940,0 +290941,0 +290942,0 +290943,0 +290944,0 +290945,0 +290946,0 +290947,0 +290948,0 +290949,0 +290950,0 +290951,0 +290952,0 +290953,27 +290954,27 +290955,27 +290956,27 +290957,27 +290958,27 +290959,27 +290960,27 +290961,27 +290962,27 +290963,27 +290964,27 +290965,29 +290966,29 +290967,29 +290968,29 +290969,29 +290970,40 +290971,40 +290972,40 +290973,40 +290974,40 +290975,37 +290976,37 +290977,37 +290978,39 +290979,39 +290980,39 +290981,35 +290982,35 +290983,35 +290984,35 +290985,35 +290986,35 +290987,35 +290988,35 +290989,35 +290990,35 +290991,39 +290992,39 +290993,7 +290994,7 +290995,3 +290996,3 +290997,3 +290998,3 +290999,3 +291000,3 +291001,3 +291002,3 +291003,28 +291004,28 +291005,28 +291006,28 +291007,28 +291008,28 +291009,31 +291010,31 +291011,31 +291012,31 +291013,31 +291014,31 +291015,31 +291016,31 +291017,31 +291018,5 +291019,5 +291020,5 +291021,5 +291022,5 +291023,5 +291024,5 +291025,5 +291026,5 +291027,5 +291028,5 +291029,5 +291030,5 +291031,5 +291032,5 +291033,5 +291034,5 +291035,5 +291036,5 +291037,5 +291038,0 +291039,0 +291040,0 +291041,0 +291042,0 +291043,0 +291044,0 +291045,0 +291046,0 +291047,0 +291048,0 +291049,0 +291050,0 +291051,0 +291052,0 +291053,0 +291054,0 +291055,0 +291056,0 +291057,9 +291058,9 +291059,9 +291060,9 +291061,9 +291062,9 +291063,9 +291064,37 +291065,37 +291066,37 +291067,37 +291068,37 +291069,37 +291070,37 +291071,37 +291072,32 +291073,32 +291074,32 +291075,32 +291076,32 +291077,32 +291078,32 +291079,32 +291080,32 +291081,32 +291082,30 +291083,30 +291084,31 +291085,30 +291086,30 +291087,30 +291088,31 +291089,31 +291090,31 +291091,31 +291092,31 +291093,31 +291094,31 +291095,31 +291096,2 +291097,2 +291098,2 +291099,2 +291100,2 +291101,2 +291102,2 +291103,33 +291104,33 +291105,31 +291106,31 +291107,31 +291108,31 +291109,31 +291110,5 +291111,5 +291112,5 +291113,5 +291114,5 +291115,4 +291116,4 +291117,4 +291118,4 +291119,4 +291120,31 +291121,31 +291122,31 +291123,31 +291124,25 +291125,25 +291126,25 +291127,25 +291128,25 +291129,25 +291130,25 +291131,32 +291132,32 +291133,32 +291134,32 +291135,32 +291136,32 +291137,32 +291138,32 +291139,32 +291140,32 +291141,32 +291142,32 +291143,32 +291144,36 +291145,14 +291146,14 +291147,14 +291148,14 +291149,14 +291150,14 +291151,14 +291152,14 +291153,14 +291154,14 +291155,14 +291156,28 +291157,28 +291158,28 +291159,28 +291160,5 +291161,5 +291162,5 +291163,28 +291164,5 +291165,13 +291166,23 +291167,23 +291168,23 +291169,23 +291170,23 +291171,23 +291172,23 +291173,30 +291174,30 +291175,30 +291176,30 +291177,30 +291178,30 +291179,30 +291180,30 +291181,30 +291182,30 +291183,30 +291184,30 +291185,30 +291186,30 +291187,30 +291188,30 +291189,30 +291190,30 +291191,30 +291192,30 +291193,30 +291194,30 +291195,30 +291196,30 +291197,30 +291198,0 +291199,0 +291200,0 +291201,0 +291202,0 +291203,0 +291204,0 +291205,0 +291206,0 +291207,0 +291208,0 +291209,0 +291210,0 +291211,0 +291212,0 +291213,0 +291214,0 +291215,0 +291216,0 +291217,0 +291218,0 +291219,0 +291220,0 +291221,0 +291222,0 +291223,0 +291224,0 +291225,0 +291226,0 +291227,0 +291228,0 +291229,0 +291230,0 +291231,0 +291232,0 +291233,0 +291234,0 +291235,0 +291236,0 +291237,12 +291238,12 +291239,0 +291240,0 +291241,12 +291242,12 +291243,12 +291244,12 +291245,12 +291246,27 +291247,27 +291248,27 +291249,27 +291250,27 +291251,38 +291252,38 +291253,38 +291254,38 +291255,2 +291256,2 +291257,2 +291258,2 +291259,27 +291260,27 +291261,27 +291262,27 +291263,27 +291264,27 +291265,27 +291266,27 +291267,27 +291268,27 +291269,27 +291270,27 +291271,6 +291272,6 +291273,6 +291274,6 +291275,6 +291276,6 +291277,6 +291278,6 +291279,2 +291280,2 +291281,2 +291282,2 +291283,2 +291284,2 +291285,2 +291286,2 +291287,2 +291288,40 +291289,40 +291290,40 +291291,40 +291292,40 +291293,40 +291294,40 +291295,40 +291296,40 +291297,32 +291298,32 +291299,32 +291300,32 +291301,32 +291302,23 +291303,11 +291304,11 +291305,11 +291306,11 +291307,11 +291308,11 +291309,11 +291310,11 +291311,11 +291312,31 +291313,31 +291314,31 +291315,31 +291316,31 +291317,31 +291318,5 +291319,5 +291320,5 +291321,5 +291322,5 +291323,5 +291324,5 +291325,26 +291326,26 +291327,26 +291328,26 +291329,26 +291330,26 +291331,31 +291332,31 +291333,31 +291334,31 +291335,31 +291336,24 +291337,24 +291338,24 +291339,24 +291340,24 +291341,24 +291342,25 +291343,25 +291344,25 +291345,25 +291346,25 +291347,25 +291348,25 +291349,25 +291350,25 +291351,25 +291352,25 +291353,25 +291354,25 +291355,25 +291356,25 +291357,25 +291358,25 +291359,25 +291360,2 +291361,2 +291362,2 +291363,2 +291364,2 +291365,2 +291366,6 +291367,6 +291368,6 +291369,6 +291370,6 +291371,6 +291372,6 +291373,6 +291374,6 +291375,6 +291376,6 +291377,12 +291378,12 +291379,12 +291380,12 +291381,12 +291382,14 +291383,14 +291384,14 +291385,14 +291386,14 +291387,14 +291388,14 +291389,14 +291390,14 +291391,14 +291392,6 +291393,6 +291394,6 +291395,6 +291396,6 +291397,6 +291398,6 +291399,6 +291400,6 +291401,6 +291402,6 +291403,2 +291404,2 +291405,2 +291406,2 +291407,2 +291408,2 +291409,2 +291410,2 +291411,2 +291412,2 +291413,2 +291414,2 +291415,2 +291416,2 +291417,2 +291418,2 +291419,2 +291420,2 +291421,2 +291422,2 +291423,2 +291424,2 +291425,2 +291426,0 +291427,0 +291428,0 +291429,0 +291430,0 +291431,0 +291432,0 +291433,0 +291434,0 +291435,0 +291436,0 +291437,0 +291438,0 +291439,0 +291440,0 +291441,0 +291442,0 +291443,0 +291444,0 +291445,0 +291446,0 +291447,0 +291448,0 +291449,0 +291450,0 +291451,0 +291452,36 +291453,36 +291454,36 +291455,36 +291456,36 +291457,36 +291458,31 +291459,5 +291460,5 +291461,5 +291462,5 +291463,5 +291464,6 +291465,6 +291466,6 +291467,6 +291468,6 +291469,6 +291470,6 +291471,31 +291472,31 +291473,31 +291474,31 +291475,31 +291476,4 +291477,4 +291478,4 +291479,4 +291480,4 +291481,4 +291482,4 +291483,40 +291484,40 +291485,40 +291486,40 +291487,40 +291488,40 +291489,40 +291490,36 +291491,36 +291492,36 +291493,36 +291494,36 +291495,36 +291496,2 +291497,2 +291498,2 +291499,2 +291500,2 +291501,2 +291502,2 +291503,2 +291504,2 +291505,2 +291506,2 +291507,2 +291508,2 +291509,2 +291510,2 +291511,25 +291512,25 +291513,25 +291514,25 +291515,25 +291516,25 +291517,23 +291518,23 +291519,23 +291520,23 +291521,23 +291522,23 +291523,23 +291524,23 +291525,23 +291526,39 +291527,39 +291528,39 +291529,39 +291530,39 +291531,39 +291532,39 +291533,39 +291534,39 +291535,39 +291536,39 +291537,39 +291538,39 +291539,39 +291540,39 +291541,8 +291542,8 +291543,8 +291544,8 +291545,8 +291546,8 +291547,8 +291548,8 +291549,8 +291550,8 +291551,8 +291552,2 +291553,2 +291554,2 +291555,2 +291556,2 +291557,2 +291558,2 +291559,2 +291560,2 +291561,2 +291562,2 +291563,2 +291564,8 +291565,8 +291566,8 +291567,0 +291568,0 +291569,0 +291570,0 +291571,0 +291572,0 +291573,0 +291574,0 +291575,0 +291576,0 +291577,0 +291578,0 +291579,0 +291580,0 +291581,0 +291582,0 +291583,0 +291584,0 +291585,0 +291586,0 +291587,0 +291588,0 +291589,0 +291590,0 +291591,0 +291592,0 +291593,0 +291594,0 +291595,0 +291596,0 +291597,0 +291598,0 +291599,0 +291600,0 +291601,0 +291602,0 +291603,0 +291604,0 +291605,0 +291606,0 +291607,0 +291608,0 +291609,0 +291610,0 +291611,0 +291612,0 +291613,0 +291614,0 +291615,0 +291616,0 +291617,2 +291618,2 +291619,2 +291620,2 +291621,2 +291622,2 +291623,0 +291624,2 +291625,2 +291626,0 +291627,0 +291628,0 +291629,0 +291630,0 +291631,0 +291632,0 +291633,0 +291634,0 +291635,0 +291636,29 +291637,29 +291638,29 +291639,29 +291640,29 +291641,29 +291642,27 +291643,27 +291644,27 +291645,27 +291646,27 +291647,27 +291648,27 +291649,27 +291650,2 +291651,2 +291652,2 +291653,2 +291654,2 +291655,2 +291656,2 +291657,4 +291658,4 +291659,4 +291660,4 +291661,4 +291662,4 +291663,4 +291664,31 +291665,31 +291666,31 +291667,24 +291668,24 +291669,24 +291670,24 +291671,24 +291672,24 +291673,31 +291674,31 +291675,31 +291676,31 +291677,31 +291678,31 +291679,31 +291680,31 +291681,31 +291682,31 +291683,36 +291684,36 +291685,36 +291686,31 +291687,31 +291688,31 +291689,11 +291690,11 +291691,11 +291692,11 +291693,11 +291694,11 +291695,11 +291696,11 +291697,11 +291698,11 +291699,11 +291700,11 +291701,11 +291702,31 +291703,31 +291704,31 +291705,31 +291706,31 +291707,31 +291708,31 +291709,31 +291710,31 +291711,31 +291712,5 +291713,5 +291714,5 +291715,5 +291716,5 +291717,5 +291718,5 +291719,5 +291720,5 +291721,5 +291722,5 +291723,5 +291724,5 +291725,5 +291726,5 +291727,5 +291728,0 +291729,0 +291730,0 +291731,0 +291732,0 +291733,0 +291734,0 +291735,0 +291736,0 +291737,0 +291738,0 +291739,0 +291740,0 +291741,0 +291742,0 +291743,0 +291744,0 +291745,0 +291746,0 +291747,0 +291748,0 +291749,0 +291750,0 +291751,0 +291752,0 +291753,0 +291754,0 +291755,0 +291756,0 +291757,0 +291758,0 +291759,0 +291760,0 +291761,0 +291762,0 +291763,0 +291764,0 +291765,0 +291766,0 +291767,0 +291768,0 +291769,0 +291770,0 +291771,7 +291772,7 +291773,7 +291774,18 +291775,18 +291776,18 +291777,18 +291778,3 +291779,3 +291780,3 +291781,18 +291782,18 +291783,18 +291784,11 +291785,11 +291786,11 +291787,11 +291788,11 +291789,11 +291790,11 +291791,22 +291792,22 +291793,22 +291794,22 +291795,22 +291796,19 +291797,5 +291798,5 +291799,5 +291800,5 +291801,5 +291802,5 +291803,5 +291804,5 +291805,26 +291806,26 +291807,26 +291808,26 +291809,26 +291810,37 +291811,37 +291812,37 +291813,37 +291814,6 +291815,6 +291816,6 +291817,6 +291818,6 +291819,6 +291820,6 +291821,6 +291822,6 +291823,6 +291824,6 +291825,6 +291826,9 +291827,9 +291828,9 +291829,9 +291830,9 +291831,9 +291832,9 +291833,9 +291834,9 +291835,9 +291836,9 +291837,24 +291838,24 +291839,24 +291840,30 +291841,30 +291842,31 +291843,31 +291844,31 +291845,31 +291846,31 +291847,31 +291848,31 +291849,31 +291850,31 +291851,31 +291852,28 +291853,28 +291854,28 +291855,28 +291856,28 +291857,28 +291858,28 +291859,28 +291860,28 +291861,28 +291862,28 +291863,28 +291864,28 +291865,28 +291866,28 +291867,28 +291868,36 +291869,36 +291870,36 +291871,36 +291872,36 +291873,36 +291874,36 +291875,36 +291876,36 +291877,19 +291878,19 +291879,19 +291880,19 +291881,19 +291882,19 +291883,19 +291884,36 +291885,36 +291886,36 +291887,36 +291888,36 +291889,36 +291890,36 +291891,36 +291892,26 +291893,10 +291894,26 +291895,26 +291896,26 +291897,26 +291898,26 +291899,34 +291900,34 +291901,34 +291902,34 +291903,34 +291904,34 +291905,34 +291906,36 +291907,36 +291908,36 +291909,36 +291910,36 +291911,36 +291912,28 +291913,28 +291914,28 +291915,28 +291916,28 +291917,28 +291918,28 +291919,28 +291920,28 +291921,28 +291922,28 +291923,28 +291924,28 +291925,28 +291926,28 +291927,28 +291928,28 +291929,28 +291930,28 +291931,28 +291932,28 +291933,28 +291934,5 +291935,0 +291936,0 +291937,0 +291938,0 +291939,0 +291940,0 +291941,0 +291942,0 +291943,0 +291944,0 +291945,0 +291946,0 +291947,0 +291948,0 +291949,0 +291950,0 +291951,0 +291952,0 +291953,0 +291954,0 +291955,0 +291956,0 +291957,0 +291958,0 +291959,0 +291960,0 +291961,0 +291962,0 +291963,0 +291964,0 +291965,0 +291966,0 +291967,0 +291968,0 +291969,0 +291970,0 +291971,0 +291972,0 +291973,0 +291974,0 +291975,0 +291976,0 +291977,0 +291978,2 +291979,2 +291980,2 +291981,2 +291982,2 +291983,2 +291984,2 +291985,2 +291986,2 +291987,2 +291988,2 +291989,40 +291990,40 +291991,40 +291992,40 +291993,40 +291994,40 +291995,19 +291996,19 +291997,19 +291998,19 +291999,19 +292000,19 +292001,19 +292002,19 +292003,19 +292004,26 +292005,26 +292006,26 +292007,26 +292008,26 +292009,26 +292010,37 +292011,37 +292012,37 +292013,37 +292014,4 +292015,4 +292016,4 +292017,4 +292018,4 +292019,4 +292020,4 +292021,4 +292022,4 +292023,25 +292024,25 +292025,25 +292026,25 +292027,25 +292028,25 +292029,25 +292030,36 +292031,5 +292032,5 +292033,5 +292034,5 +292035,7 +292036,7 +292037,7 +292038,7 +292039,3 +292040,27 +292041,27 +292042,27 +292043,27 +292044,5 +292045,5 +292046,5 +292047,5 +292048,5 +292049,5 +292050,5 +292051,5 +292052,5 +292053,5 +292054,5 +292055,5 +292056,5 +292057,5 +292058,5 +292059,0 +292060,0 +292061,0 +292062,0 +292063,0 +292064,0 +292065,0 +292066,0 +292067,0 +292068,0 +292069,0 +292070,0 +292071,0 +292072,0 +292073,0 +292074,0 +292075,0 +292076,0 +292077,0 +292078,0 +292079,0 +292080,0 +292081,0 +292082,0 +292083,0 +292084,0 +292085,0 +292086,0 +292087,35 +292088,35 +292089,35 +292090,35 +292091,35 +292092,35 +292093,35 +292094,35 +292095,35 +292096,35 +292097,12 +292098,12 +292099,12 +292100,34 +292101,34 +292102,10 +292103,10 +292104,10 +292105,10 +292106,10 +292107,10 +292108,10 +292109,10 +292110,10 +292111,10 +292112,10 +292113,10 +292114,5 +292115,5 +292116,5 +292117,5 +292118,5 +292119,5 +292120,5 +292121,5 +292122,5 +292123,5 +292124,5 +292125,5 +292126,5 +292127,5 +292128,5 +292129,5 +292130,5 +292131,5 +292132,5 +292133,5 +292134,5 +292135,5 +292136,5 +292137,5 +292138,33 +292139,33 +292140,26 +292141,26 +292142,26 +292143,26 +292144,26 +292145,26 +292146,10 +292147,10 +292148,26 +292149,26 +292150,26 +292151,26 +292152,26 +292153,26 +292154,26 +292155,26 +292156,26 +292157,26 +292158,26 +292159,4 +292160,4 +292161,4 +292162,4 +292163,4 +292164,4 +292165,4 +292166,4 +292167,36 +292168,36 +292169,36 +292170,36 +292171,36 +292172,36 +292173,36 +292174,36 +292175,36 +292176,36 +292177,36 +292178,36 +292179,36 +292180,36 +292181,36 +292182,2 +292183,2 +292184,2 +292185,2 +292186,2 +292187,2 +292188,2 +292189,2 +292190,2 +292191,2 +292192,2 +292193,32 +292194,32 +292195,32 +292196,32 +292197,32 +292198,30 +292199,30 +292200,30 +292201,30 +292202,30 +292203,30 +292204,30 +292205,36 +292206,36 +292207,36 +292208,36 +292209,36 +292210,36 +292211,6 +292212,6 +292213,6 +292214,6 +292215,6 +292216,6 +292217,6 +292218,6 +292219,6 +292220,6 +292221,27 +292222,27 +292223,14 +292224,14 +292225,27 +292226,14 +292227,27 +292228,27 +292229,27 +292230,27 +292231,27 +292232,27 +292233,27 +292234,27 +292235,4 +292236,4 +292237,4 +292238,4 +292239,0 +292240,0 +292241,0 +292242,0 +292243,0 +292244,0 +292245,0 +292246,0 +292247,0 +292248,0 +292249,0 +292250,0 +292251,0 +292252,0 +292253,0 +292254,0 +292255,0 +292256,0 +292257,0 +292258,0 +292259,0 +292260,0 +292261,0 +292262,0 +292263,0 +292264,0 +292265,0 +292266,0 +292267,0 +292268,0 +292269,0 +292270,0 +292271,0 +292272,0 +292273,0 +292274,0 +292275,0 +292276,0 +292277,0 +292278,0 +292279,29 +292280,29 +292281,39 +292282,39 +292283,39 +292284,39 +292285,39 +292286,39 +292287,6 +292288,6 +292289,6 +292290,6 +292291,6 +292292,6 +292293,6 +292294,31 +292295,31 +292296,31 +292297,31 +292298,31 +292299,31 +292300,31 +292301,36 +292302,36 +292303,36 +292304,36 +292305,36 +292306,40 +292307,40 +292308,40 +292309,40 +292310,40 +292311,8 +292312,8 +292313,8 +292314,8 +292315,8 +292316,8 +292317,3 +292318,3 +292319,3 +292320,3 +292321,3 +292322,12 +292323,12 +292324,12 +292325,12 +292326,3 +292327,3 +292328,3 +292329,3 +292330,3 +292331,19 +292332,28 +292333,19 +292334,19 +292335,19 +292336,28 +292337,28 +292338,28 +292339,28 +292340,28 +292341,28 +292342,28 +292343,28 +292344,14 +292345,14 +292346,14 +292347,14 +292348,14 +292349,14 +292350,14 +292351,14 +292352,6 +292353,6 +292354,6 +292355,6 +292356,6 +292357,6 +292358,6 +292359,6 +292360,6 +292361,6 +292362,6 +292363,25 +292364,25 +292365,25 +292366,25 +292367,25 +292368,25 +292369,25 +292370,2 +292371,2 +292372,2 +292373,2 +292374,2 +292375,2 +292376,2 +292377,2 +292378,2 +292379,2 +292380,2 +292381,2 +292382,2 +292383,2 +292384,2 +292385,2 +292386,2 +292387,39 +292388,39 +292389,39 +292390,39 +292391,39 +292392,39 +292393,39 +292394,39 +292395,14 +292396,14 +292397,28 +292398,28 +292399,28 +292400,28 +292401,28 +292402,28 +292403,33 +292404,33 +292405,33 +292406,0 +292407,0 +292408,9 +292409,9 +292410,9 +292411,9 +292412,0 +292413,33 +292414,33 +292415,0 +292416,0 +292417,33 +292418,33 +292419,33 +292420,33 +292421,9 +292422,33 +292423,30 +292424,30 +292425,30 +292426,30 +292427,30 +292428,30 +292429,30 +292430,30 +292431,30 +292432,30 +292433,30 +292434,30 +292435,30 +292436,30 +292437,30 +292438,19 +292439,19 +292440,19 +292441,25 +292442,25 +292443,25 +292444,25 +292445,25 +292446,25 +292447,25 +292448,25 +292449,25 +292450,25 +292451,25 +292452,25 +292453,25 +292454,25 +292455,25 +292456,25 +292457,25 +292458,25 +292459,40 +292460,40 +292461,40 +292462,40 +292463,40 +292464,40 +292465,40 +292466,40 +292467,40 +292468,40 +292469,24 +292470,24 +292471,24 +292472,24 +292473,24 +292474,24 +292475,24 +292476,37 +292477,37 +292478,37 +292479,37 +292480,37 +292481,39 +292482,39 +292483,39 +292484,39 +292485,39 +292486,4 +292487,4 +292488,4 +292489,4 +292490,4 +292491,4 +292492,4 +292493,4 +292494,4 +292495,4 +292496,4 +292497,10 +292498,10 +292499,10 +292500,10 +292501,10 +292502,10 +292503,10 +292504,10 +292505,10 +292506,10 +292507,10 +292508,10 +292509,28 +292510,28 +292511,28 +292512,28 +292513,28 +292514,28 +292515,39 +292516,39 +292517,39 +292518,39 +292519,39 +292520,39 +292521,39 +292522,3 +292523,6 +292524,6 +292525,6 +292526,6 +292527,6 +292528,6 +292529,6 +292530,6 +292531,6 +292532,6 +292533,6 +292534,6 +292535,6 +292536,9 +292537,9 +292538,9 +292539,9 +292540,9 +292541,9 +292542,9 +292543,9 +292544,33 +292545,33 +292546,33 +292547,33 +292548,35 +292549,35 +292550,35 +292551,35 +292552,35 +292553,35 +292554,25 +292555,25 +292556,25 +292557,25 +292558,25 +292559,25 +292560,25 +292561,2 +292562,2 +292563,2 +292564,2 +292565,2 +292566,2 +292567,2 +292568,2 +292569,2 +292570,2 +292571,2 +292572,2 +292573,33 +292574,33 +292575,33 +292576,33 +292577,33 +292578,33 +292579,33 +292580,33 +292581,33 +292582,33 +292583,33 +292584,33 +292585,33 +292586,33 +292587,33 +292588,33 +292589,33 +292590,33 +292591,33 +292592,33 +292593,33 +292594,0 +292595,0 +292596,0 +292597,0 +292598,0 +292599,0 +292600,0 +292601,0 +292602,0 +292603,0 +292604,0 +292605,0 +292606,0 +292607,0 +292608,0 +292609,0 +292610,0 +292611,0 +292612,0 +292613,0 +292614,0 +292615,0 +292616,0 +292617,0 +292618,0 +292619,0 +292620,0 +292621,0 +292622,0 +292623,0 +292624,0 +292625,0 +292626,0 +292627,0 +292628,0 +292629,0 +292630,0 +292631,0 +292632,0 +292633,0 +292634,0 +292635,0 +292636,0 +292637,0 +292638,12 +292639,12 +292640,12 +292641,12 +292642,12 +292643,12 +292644,40 +292645,40 +292646,40 +292647,40 +292648,40 +292649,40 +292650,40 +292651,40 +292652,40 +292653,40 +292654,40 +292655,30 +292656,30 +292657,30 +292658,30 +292659,30 +292660,30 +292661,30 +292662,30 +292663,30 +292664,30 +292665,30 +292666,30 +292667,0 +292668,0 +292669,0 +292670,0 +292671,0 +292672,0 +292673,0 +292674,0 +292675,0 +292676,0 +292677,0 +292678,0 +292679,0 +292680,0 +292681,0 +292682,0 +292683,0 +292684,0 +292685,0 +292686,0 +292687,0 +292688,0 +292689,0 +292690,0 +292691,0 +292692,0 +292693,0 +292694,0 +292695,0 +292696,0 +292697,0 +292698,0 +292699,0 +292700,0 +292701,0 +292702,0 +292703,0 +292704,0 +292705,0 +292706,0 +292707,0 +292708,0 +292709,0 +292710,0 +292711,0 +292712,0 +292713,0 +292714,0 +292715,0 +292716,35 +292717,35 +292718,35 +292719,35 +292720,35 +292721,35 +292722,35 +292723,35 +292724,39 +292725,39 +292726,39 +292727,39 +292728,39 +292729,39 +292730,36 +292731,36 +292732,14 +292733,14 +292734,14 +292735,14 +292736,36 +292737,5 +292738,5 +292739,5 +292740,5 +292741,5 +292742,4 +292743,4 +292744,4 +292745,4 +292746,4 +292747,4 +292748,4 +292749,4 +292750,4 +292751,27 +292752,27 +292753,27 +292754,27 +292755,27 +292756,2 +292757,2 +292758,2 +292759,2 +292760,2 +292761,2 +292762,2 +292763,2 +292764,2 +292765,27 +292766,27 +292767,27 +292768,27 +292769,31 +292770,31 +292771,32 +292772,32 +292773,32 +292774,32 +292775,32 +292776,32 +292777,32 +292778,32 +292779,32 +292780,37 +292781,37 +292782,37 +292783,37 +292784,39 +292785,39 +292786,39 +292787,14 +292788,14 +292789,39 +292790,39 +292791,27 +292792,27 +292793,27 +292794,27 +292795,27 +292796,27 +292797,27 +292798,27 +292799,19 +292800,19 +292801,19 +292802,19 +292803,19 +292804,19 +292805,19 +292806,27 +292807,27 +292808,27 +292809,27 +292810,27 +292811,27 +292812,27 +292813,37 +292814,37 +292815,37 +292816,24 +292817,24 +292818,24 +292819,24 +292820,37 +292821,37 +292822,37 +292823,39 +292824,27 +292825,27 +292826,27 +292827,27 +292828,27 +292829,27 +292830,27 +292831,28 +292832,28 +292833,28 +292834,28 +292835,28 +292836,28 +292837,28 +292838,28 +292839,28 +292840,28 +292841,28 +292842,28 +292843,14 +292844,14 +292845,14 +292846,40 +292847,40 +292848,40 +292849,40 +292850,40 +292851,20 +292852,20 +292853,20 +292854,20 +292855,20 +292856,20 +292857,20 +292858,20 +292859,20 +292860,20 +292861,20 +292862,20 +292863,20 +292864,20 +292865,25 +292866,25 +292867,25 +292868,25 +292869,34 +292870,34 +292871,34 +292872,34 +292873,34 +292874,34 +292875,34 +292876,34 +292877,26 +292878,26 +292879,26 +292880,30 +292881,30 +292882,30 +292883,30 +292884,30 +292885,30 +292886,30 +292887,30 +292888,30 +292889,0 +292890,0 +292891,0 +292892,0 +292893,0 +292894,0 +292895,12 +292896,12 +292897,12 +292898,27 +292899,27 +292900,27 +292901,27 +292902,27 +292903,27 +292904,16 +292905,16 +292906,16 +292907,16 +292908,16 +292909,16 +292910,16 +292911,2 +292912,16 +292913,16 +292914,29 +292915,16 +292916,29 +292917,29 +292918,29 +292919,29 +292920,29 +292921,29 +292922,29 +292923,14 +292924,14 +292925,14 +292926,14 +292927,14 +292928,14 +292929,14 +292930,14 +292931,19 +292932,19 +292933,19 +292934,19 +292935,19 +292936,29 +292937,29 +292938,29 +292939,31 +292940,31 +292941,27 +292942,2 +292943,2 +292944,2 +292945,2 +292946,2 +292947,2 +292948,2 +292949,2 +292950,2 +292951,2 +292952,2 +292953,2 +292954,2 +292955,2 +292956,10 +292957,10 +292958,10 +292959,10 +292960,10 +292961,10 +292962,10 +292963,10 +292964,10 +292965,10 +292966,10 +292967,10 +292968,10 +292969,10 +292970,10 +292971,10 +292972,10 +292973,19 +292974,19 +292975,19 +292976,19 +292977,29 +292978,19 +292979,27 +292980,31 +292981,27 +292982,27 +292983,27 +292984,40 +292985,19 +292986,19 +292987,19 +292988,19 +292989,19 +292990,19 +292991,19 +292992,19 +292993,19 +292994,19 +292995,19 +292996,19 +292997,19 +292998,19 +292999,0 +293000,0 +293001,0 +293002,0 +293003,0 +293004,0 +293005,0 +293006,0 +293007,0 +293008,0 +293009,0 +293010,0 +293011,0 +293012,0 +293013,0 +293014,0 +293015,0 +293016,0 +293017,0 +293018,0 +293019,0 +293020,0 +293021,0 +293022,0 +293023,0 +293024,0 +293025,0 +293026,0 +293027,0 +293028,0 +293029,0 +293030,0 +293031,0 +293032,0 +293033,0 +293034,0 +293035,0 +293036,0 +293037,0 +293038,0 +293039,0 +293040,0 +293041,0 +293042,0 +293043,0 +293044,0 +293045,0 +293046,0 +293047,0 +293048,0 +293049,0 +293050,0 +293051,0 +293052,0 +293053,0 +293054,0 +293055,0 +293056,0 +293057,0 +293058,0 +293059,0 +293060,0 +293061,0 +293062,0 +293063,0 +293064,0 +293065,0 +293066,0 +293067,0 +293068,0 +293069,0 +293070,0 +293071,0 +293072,0 +293073,0 +293074,0 +293075,0 +293076,0 +293077,0 +293078,0 +293079,0 +293080,0 +293081,0 +293082,0 +293083,0 +293084,0 +293085,0 +293086,0 +293087,36 +293088,36 +293089,31 +293090,31 +293091,31 +293092,31 +293093,31 +293094,5 +293095,5 +293096,5 +293097,5 +293098,27 +293099,27 +293100,27 +293101,31 +293102,28 +293103,28 +293104,28 +293105,28 +293106,28 +293107,28 +293108,28 +293109,28 +293110,28 +293111,28 +293112,10 +293113,10 +293114,10 +293115,10 +293116,10 +293117,10 +293118,10 +293119,10 +293120,10 +293121,19 +293122,19 +293123,19 +293124,19 +293125,19 +293126,19 +293127,9 +293128,9 +293129,9 +293130,9 +293131,9 +293132,9 +293133,9 +293134,9 +293135,30 +293136,30 +293137,30 +293138,9 +293139,9 +293140,9 +293141,9 +293142,9 +293143,30 +293144,30 +293145,28 +293146,28 +293147,28 +293148,12 +293149,12 +293150,12 +293151,12 +293152,12 +293153,12 +293154,33 +293155,33 +293156,33 +293157,33 +293158,31 +293159,31 +293160,31 +293161,2 +293162,2 +293163,2 +293164,2 +293165,2 +293166,2 +293167,2 +293168,15 +293169,15 +293170,15 +293171,15 +293172,15 +293173,15 +293174,15 +293175,15 +293176,39 +293177,39 +293178,39 +293179,39 +293180,39 +293181,39 +293182,39 +293183,2 +293184,2 +293185,2 +293186,2 +293187,2 +293188,2 +293189,2 +293190,2 +293191,2 +293192,2 +293193,2 +293194,2 +293195,2 +293196,2 +293197,2 +293198,2 +293199,2 +293200,2 +293201,2 +293202,40 +293203,40 +293204,40 +293205,40 +293206,40 +293207,40 +293208,40 +293209,40 +293210,40 +293211,40 +293212,40 +293213,40 +293214,40 +293215,40 +293216,40 +293217,40 +293218,40 +293219,40 +293220,40 +293221,40 +293222,40 +293223,40 +293224,40 +293225,19 +293226,19 +293227,19 +293228,19 +293229,19 +293230,19 +293231,19 +293232,19 +293233,19 +293234,19 +293235,19 +293236,19 +293237,19 +293238,19 +293239,19 +293240,0 +293241,0 +293242,0 +293243,0 +293244,0 +293245,0 +293246,0 +293247,0 +293248,0 +293249,0 +293250,0 +293251,0 +293252,0 +293253,0 +293254,0 +293255,0 +293256,0 +293257,0 +293258,0 +293259,0 +293260,0 +293261,0 +293262,0 +293263,0 +293264,0 +293265,0 +293266,0 +293267,0 +293268,0 +293269,0 +293270,0 +293271,0 +293272,0 +293273,0 +293274,0 +293275,0 +293276,0 +293277,0 +293278,0 +293279,0 +293280,0 +293281,0 +293282,0 +293283,0 +293284,0 +293285,0 +293286,0 +293287,0 +293288,0 +293289,0 +293290,0 +293291,0 +293292,0 +293293,0 +293294,0 +293295,0 +293296,0 +293297,0 +293298,0 +293299,0 +293300,29 +293301,29 +293302,29 +293303,29 +293304,39 +293305,14 +293306,14 +293307,14 +293308,14 +293309,14 +293310,14 +293311,14 +293312,14 +293313,24 +293314,24 +293315,24 +293316,24 +293317,24 +293318,24 +293319,24 +293320,23 +293321,23 +293322,23 +293323,23 +293324,23 +293325,23 +293326,23 +293327,23 +293328,23 +293329,23 +293330,40 +293331,40 +293332,40 +293333,40 +293334,40 +293335,40 +293336,40 +293337,6 +293338,6 +293339,6 +293340,6 +293341,6 +293342,6 +293343,11 +293344,16 +293345,11 +293346,11 +293347,11 +293348,11 +293349,11 +293350,11 +293351,11 +293352,11 +293353,31 +293354,31 +293355,31 +293356,31 +293357,5 +293358,5 +293359,5 +293360,5 +293361,5 +293362,35 +293363,35 +293364,35 +293365,35 +293366,35 +293367,35 +293368,35 +293369,35 +293370,40 +293371,40 +293372,40 +293373,40 +293374,40 +293375,40 +293376,36 +293377,36 +293378,36 +293379,36 +293380,36 +293381,36 +293382,19 +293383,19 +293384,19 +293385,4 +293386,4 +293387,4 +293388,4 +293389,4 +293390,4 +293391,5 +293392,5 +293393,5 +293394,5 +293395,5 +293396,34 +293397,34 +293398,34 +293399,34 +293400,34 +293401,34 +293402,34 +293403,34 +293404,10 +293405,34 +293406,34 +293407,34 +293408,34 +293409,34 +293410,34 +293411,34 +293412,34 +293413,34 +293414,2 +293415,2 +293416,2 +293417,2 +293418,2 +293419,2 +293420,2 +293421,2 +293422,2 +293423,2 +293424,2 +293425,2 +293426,2 +293427,2 +293428,2 +293429,2 +293430,2 +293431,2 +293432,32 +293433,32 +293434,32 +293435,32 +293436,32 +293437,32 +293438,32 +293439,37 +293440,37 +293441,37 +293442,37 +293443,37 +293444,37 +293445,31 +293446,31 +293447,40 +293448,40 +293449,40 +293450,31 +293451,25 +293452,25 +293453,25 +293454,19 +293455,19 +293456,19 +293457,19 +293458,19 +293459,19 +293460,27 +293461,27 +293462,27 +293463,27 +293464,27 +293465,27 +293466,27 +293467,27 +293468,27 +293469,27 +293470,27 +293471,27 +293472,27 +293473,27 +293474,27 +293475,27 +293476,27 +293477,5 +293478,5 +293479,5 +293480,5 +293481,5 +293482,5 +293483,28 +293484,31 +293485,31 +293486,31 +293487,31 +293488,31 +293489,31 +293490,2 +293491,2 +293492,2 +293493,2 +293494,2 +293495,2 +293496,2 +293497,2 +293498,2 +293499,2 +293500,2 +293501,2 +293502,2 +293503,2 +293504,2 +293505,2 +293506,2 +293507,31 +293508,31 +293509,31 +293510,31 +293511,31 +293512,31 +293513,31 +293514,31 +293515,29 +293516,29 +293517,29 +293518,29 +293519,29 +293520,29 +293521,25 +293522,25 +293523,25 +293524,25 +293525,25 +293526,25 +293527,25 +293528,25 +293529,25 +293530,25 +293531,19 +293532,19 +293533,19 +293534,28 +293535,28 +293536,32 +293537,32 +293538,32 +293539,32 +293540,32 +293541,32 +293542,32 +293543,32 +293544,32 +293545,32 +293546,37 +293547,37 +293548,37 +293549,37 +293550,37 +293551,9 +293552,9 +293553,34 +293554,34 +293555,34 +293556,34 +293557,34 +293558,34 +293559,26 +293560,24 +293561,24 +293562,24 +293563,24 +293564,24 +293565,31 +293566,31 +293567,31 +293568,31 +293569,5 +293570,5 +293571,5 +293572,5 +293573,5 +293574,5 +293575,5 +293576,5 +293577,2 +293578,2 +293579,2 +293580,2 +293581,2 +293582,2 +293583,2 +293584,2 +293585,2 +293586,31 +293587,31 +293588,27 +293589,27 +293590,27 +293591,27 +293592,8 +293593,8 +293594,8 +293595,8 +293596,8 +293597,8 +293598,8 +293599,8 +293600,31 +293601,31 +293602,31 +293603,31 +293604,31 +293605,31 +293606,23 +293607,23 +293608,23 +293609,23 +293610,23 +293611,23 +293612,23 +293613,23 +293614,23 +293615,23 +293616,23 +293617,23 +293618,23 +293619,23 +293620,23 +293621,23 +293622,23 +293623,23 +293624,23 +293625,23 +293626,23 +293627,37 +293628,37 +293629,37 +293630,37 +293631,37 +293632,37 +293633,37 +293634,36 +293635,36 +293636,36 +293637,36 +293638,36 +293639,36 +293640,36 +293641,36 +293642,40 +293643,36 +293644,36 +293645,40 +293646,40 +293647,40 +293648,40 +293649,40 +293650,5 +293651,5 +293652,5 +293653,5 +293654,5 +293655,5 +293656,5 +293657,4 +293658,4 +293659,4 +293660,4 +293661,4 +293662,4 +293663,4 +293664,4 +293665,2 +293666,2 +293667,2 +293668,2 +293669,2 +293670,2 +293671,2 +293672,2 +293673,2 +293674,2 +293675,2 +293676,2 +293677,2 +293678,2 +293679,2 +293680,2 +293681,2 +293682,2 +293683,2 +293684,2 +293685,2 +293686,0 +293687,0 +293688,0 +293689,0 +293690,0 +293691,0 +293692,0 +293693,0 +293694,0 +293695,0 +293696,0 +293697,0 +293698,0 +293699,0 +293700,0 +293701,0 +293702,0 +293703,0 +293704,0 +293705,0 +293706,0 +293707,0 +293708,0 +293709,0 +293710,0 +293711,0 +293712,0 +293713,0 +293714,0 +293715,0 +293716,0 +293717,0 +293718,0 +293719,0 +293720,0 +293721,0 +293722,0 +293723,0 +293724,0 +293725,0 +293726,0 +293727,0 +293728,0 +293729,0 +293730,0 +293731,0 +293732,0 +293733,0 +293734,0 +293735,0 +293736,0 +293737,29 +293738,29 +293739,32 +293740,31 +293741,31 +293742,31 +293743,31 +293744,4 +293745,4 +293746,4 +293747,19 +293748,19 +293749,19 +293750,19 +293751,19 +293752,19 +293753,40 +293754,40 +293755,36 +293756,36 +293757,40 +293758,40 +293759,40 +293760,40 +293761,40 +293762,40 +293763,40 +293764,40 +293765,40 +293766,4 +293767,4 +293768,4 +293769,4 +293770,4 +293771,4 +293772,4 +293773,4 +293774,4 +293775,6 +293776,6 +293777,6 +293778,6 +293779,6 +293780,6 +293781,31 +293782,31 +293783,31 +293784,31 +293785,31 +293786,31 +293787,5 +293788,5 +293789,4 +293790,4 +293791,4 +293792,4 +293793,4 +293794,4 +293795,4 +293796,4 +293797,4 +293798,37 +293799,37 +293800,37 +293801,37 +293802,37 +293803,37 +293804,37 +293805,37 +293806,14 +293807,39 +293808,39 +293809,39 +293810,39 +293811,39 +293812,39 +293813,39 +293814,39 +293815,14 +293816,14 +293817,14 +293818,14 +293819,35 +293820,35 +293821,35 +293822,35 +293823,35 +293824,35 +293825,35 +293826,35 +293827,40 +293828,40 +293829,40 +293830,40 +293831,40 +293832,40 +293833,36 +293834,36 +293835,36 +293836,19 +293837,19 +293838,19 +293839,19 +293840,19 +293841,19 +293842,19 +293843,19 +293844,19 +293845,2 +293846,2 +293847,2 +293848,2 +293849,2 +293850,2 +293851,2 +293852,2 +293853,2 +293854,2 +293855,2 +293856,2 +293857,2 +293858,2 +293859,2 +293860,2 +293861,33 +293862,33 +293863,33 +293864,33 +293865,33 +293866,33 +293867,33 +293868,33 +293869,33 +293870,33 +293871,33 +293872,28 +293873,28 +293874,28 +293875,28 +293876,28 +293877,28 +293878,28 +293879,28 +293880,14 +293881,14 +293882,14 +293883,14 +293884,5 +293885,5 +293886,39 +293887,39 +293888,39 +293889,39 +293890,39 +293891,39 +293892,39 +293893,39 +293894,39 +293895,39 +293896,37 +293897,37 +293898,37 +293899,37 +293900,37 +293901,37 +293902,37 +293903,37 +293904,37 +293905,39 +293906,39 +293907,39 +293908,39 +293909,39 +293910,39 +293911,39 +293912,39 +293913,2 +293914,2 +293915,2 +293916,2 +293917,2 +293918,2 +293919,2 +293920,2 +293921,2 +293922,2 +293923,2 +293924,2 +293925,2 +293926,9 +293927,9 +293928,9 +293929,37 +293930,37 +293931,37 +293932,37 +293933,37 +293934,37 +293935,37 +293936,37 +293937,37 +293938,8 +293939,8 +293940,8 +293941,8 +293942,8 +293943,8 +293944,8 +293945,8 +293946,8 +293947,27 +293948,27 +293949,27 +293950,27 +293951,27 +293952,27 +293953,27 +293954,27 +293955,8 +293956,8 +293957,8 +293958,8 +293959,8 +293960,8 +293961,27 +293962,31 +293963,31 +293964,27 +293965,27 +293966,27 +293967,27 +293968,5 +293969,5 +293970,29 +293971,29 +293972,29 +293973,29 +293974,29 +293975,31 +293976,31 +293977,31 +293978,31 +293979,31 +293980,31 +293981,31 +293982,31 +293983,31 +293984,31 +293985,12 +293986,12 +293987,12 +293988,12 +293989,12 +293990,12 +293991,12 +293992,12 +293993,12 +293994,12 +293995,14 +293996,14 +293997,14 +293998,14 +293999,14 +294000,14 +294001,14 +294002,14 +294003,14 +294004,14 +294005,14 +294006,39 +294007,39 +294008,31 +294009,31 +294010,31 +294011,31 +294012,31 +294013,31 +294014,31 +294015,27 +294016,24 +294017,24 +294018,24 +294019,24 +294020,24 +294021,24 +294022,24 +294023,24 +294024,40 +294025,40 +294026,40 +294027,36 +294028,36 +294029,36 +294030,36 +294031,36 +294032,36 +294033,36 +294034,36 +294035,36 +294036,36 +294037,36 +294038,36 +294039,36 +294040,36 +294041,36 +294042,36 +294043,36 +294044,36 +294045,36 +294046,21 +294047,21 +294048,21 +294049,21 +294050,21 +294051,25 +294052,25 +294053,25 +294054,25 +294055,25 +294056,25 +294057,39 +294058,6 +294059,6 +294060,6 +294061,6 +294062,6 +294063,6 +294064,6 +294065,6 +294066,6 +294067,6 +294068,9 +294069,9 +294070,9 +294071,9 +294072,9 +294073,9 +294074,9 +294075,9 +294076,30 +294077,30 +294078,30 +294079,30 +294080,30 +294081,30 +294082,16 +294083,16 +294084,16 +294085,16 +294086,16 +294087,16 +294088,16 +294089,16 +294090,16 +294091,16 +294092,16 +294093,16 +294094,16 +294095,16 +294096,16 +294097,11 +294098,25 +294099,25 +294100,25 +294101,25 +294102,25 +294103,25 +294104,25 +294105,25 +294106,25 +294107,25 +294108,25 +294109,25 +294110,25 +294111,25 +294112,25 +294113,25 +294114,25 +294115,25 +294116,25 +294117,25 +294118,25 +294119,0 +294120,0 +294121,0 +294122,0 +294123,0 +294124,0 +294125,0 +294126,0 +294127,0 +294128,0 +294129,0 +294130,0 +294131,0 +294132,0 +294133,0 +294134,0 +294135,0 +294136,0 +294137,0 +294138,0 +294139,0 +294140,0 +294141,0 +294142,0 +294143,0 +294144,0 +294145,0 +294146,0 +294147,0 +294148,0 +294149,0 +294150,0 +294151,0 +294152,0 +294153,0 +294154,0 +294155,0 +294156,0 +294157,0 +294158,0 +294159,0 +294160,0 +294161,0 +294162,0 +294163,0 +294164,0 +294165,0 +294166,0 +294167,0 +294168,0 +294169,0 +294170,0 +294171,0 +294172,29 +294173,29 +294174,29 +294175,29 +294176,29 +294177,29 +294178,29 +294179,29 +294180,29 +294181,27 +294182,27 +294183,27 +294184,27 +294185,27 +294186,27 +294187,2 +294188,2 +294189,2 +294190,2 +294191,2 +294192,2 +294193,2 +294194,2 +294195,2 +294196,2 +294197,39 +294198,39 +294199,39 +294200,39 +294201,39 +294202,39 +294203,39 +294204,34 +294205,34 +294206,34 +294207,34 +294208,34 +294209,34 +294210,34 +294211,34 +294212,5 +294213,5 +294214,5 +294215,5 +294216,5 +294217,5 +294218,5 +294219,5 +294220,28 +294221,28 +294222,28 +294223,28 +294224,28 +294225,28 +294226,28 +294227,28 +294228,28 +294229,28 +294230,36 +294231,36 +294232,36 +294233,36 +294234,36 +294235,36 +294236,36 +294237,36 +294238,36 +294239,36 +294240,36 +294241,36 +294242,36 +294243,36 +294244,36 +294245,36 +294246,36 +294247,36 +294248,36 +294249,36 +294250,36 +294251,36 +294252,36 +294253,5 +294254,5 +294255,5 +294256,5 +294257,5 +294258,5 +294259,5 +294260,5 +294261,5 +294262,5 +294263,5 +294264,5 +294265,5 +294266,5 +294267,5 +294268,5 +294269,5 +294270,5 +294271,0 +294272,0 +294273,0 +294274,0 +294275,0 +294276,0 +294277,0 +294278,0 +294279,0 +294280,0 +294281,0 +294282,0 +294283,0 +294284,0 +294285,0 +294286,0 +294287,0 +294288,29 +294289,29 +294290,29 +294291,29 +294292,29 +294293,29 +294294,29 +294295,29 +294296,29 +294297,29 +294298,29 +294299,29 +294300,31 +294301,31 +294302,31 +294303,31 +294304,31 +294305,12 +294306,33 +294307,33 +294308,12 +294309,12 +294310,12 +294311,9 +294312,9 +294313,9 +294314,9 +294315,9 +294316,9 +294317,37 +294318,37 +294319,37 +294320,28 +294321,28 +294322,28 +294323,28 +294324,28 +294325,28 +294326,28 +294327,28 +294328,25 +294329,12 +294330,12 +294331,12 +294332,25 +294333,25 +294334,25 +294335,25 +294336,25 +294337,25 +294338,25 +294339,25 +294340,25 +294341,19 +294342,19 +294343,19 +294344,19 +294345,19 +294346,25 +294347,25 +294348,25 +294349,25 +294350,25 +294351,25 +294352,25 +294353,25 +294354,25 +294355,25 +294356,25 +294357,25 +294358,25 +294359,25 +294360,25 +294361,25 +294362,25 +294363,25 +294364,25 +294365,25 +294366,25 +294367,25 +294368,25 +294369,25 +294370,25 +294371,25 +294372,25 +294373,25 +294374,25 +294375,25 +294376,25 +294377,25 +294378,25 +294379,0 +294380,0 +294381,0 +294382,0 +294383,0 +294384,0 +294385,0 +294386,27 +294387,27 +294388,27 +294389,27 +294390,27 +294391,27 +294392,27 +294393,27 +294394,8 +294395,8 +294396,8 +294397,8 +294398,8 +294399,8 +294400,8 +294401,27 +294402,27 +294403,27 +294404,27 +294405,5 +294406,5 +294407,5 +294408,5 +294409,5 +294410,5 +294411,5 +294412,0 +294413,0 +294414,0 +294415,0 +294416,0 +294417,5 +294418,9 +294419,9 +294420,9 +294421,9 +294422,9 +294423,9 +294424,9 +294425,9 +294426,9 +294427,9 +294428,9 +294429,37 +294430,37 +294431,37 +294432,37 +294433,37 +294434,37 +294435,37 +294436,23 +294437,23 +294438,23 +294439,23 +294440,23 +294441,23 +294442,23 +294443,23 +294444,23 +294445,23 +294446,23 +294447,27 +294448,27 +294449,27 +294450,40 +294451,40 +294452,40 +294453,40 +294454,40 +294455,40 +294456,40 +294457,5 +294458,5 +294459,5 +294460,5 +294461,5 +294462,5 +294463,5 +294464,5 +294465,5 +294466,5 +294467,5 +294468,5 +294469,5 +294470,5 +294471,5 +294472,5 +294473,0 +294474,0 +294475,0 +294476,0 +294477,0 +294478,0 +294479,0 +294480,0 +294481,0 +294482,0 +294483,0 +294484,0 +294485,0 +294486,0 +294487,0 +294488,0 +294489,0 +294490,0 +294491,0 +294492,0 +294493,0 +294494,0 +294495,0 +294496,0 +294497,0 +294498,0 +294499,0 +294500,0 +294501,0 +294502,0 +294503,0 +294504,36 +294505,36 +294506,36 +294507,31 +294508,32 +294509,32 +294510,32 +294511,32 +294512,32 +294513,32 +294514,32 +294515,32 +294516,32 +294517,36 +294518,36 +294519,36 +294520,36 +294521,36 +294522,36 +294523,36 +294524,36 +294525,36 +294526,36 +294527,36 +294528,36 +294529,36 +294530,5 +294531,19 +294532,19 +294533,19 +294534,19 +294535,19 +294536,19 +294537,19 +294538,27 +294539,27 +294540,27 +294541,27 +294542,27 +294543,27 +294544,5 +294545,5 +294546,5 +294547,5 +294548,5 +294549,5 +294550,5 +294551,15 +294552,15 +294553,15 +294554,15 +294555,10 +294556,10 +294557,10 +294558,10 +294559,10 +294560,10 +294561,10 +294562,10 +294563,10 +294564,10 +294565,10 +294566,10 +294567,10 +294568,10 +294569,36 +294570,40 +294571,40 +294572,40 +294573,40 +294574,40 +294575,40 +294576,40 +294577,40 +294578,40 +294579,24 +294580,24 +294581,24 +294582,24 +294583,24 +294584,24 +294585,37 +294586,37 +294587,37 +294588,37 +294589,39 +294590,39 +294591,39 +294592,39 +294593,39 +294594,39 +294595,39 +294596,39 +294597,32 +294598,32 +294599,32 +294600,32 +294601,32 +294602,15 +294603,15 +294604,30 +294605,10 +294606,10 +294607,10 +294608,10 +294609,10 +294610,10 +294611,10 +294612,10 +294613,4 +294614,4 +294615,4 +294616,39 +294617,39 +294618,39 +294619,39 +294620,39 +294621,39 +294622,39 +294623,39 +294624,39 +294625,39 +294626,39 +294627,39 +294628,39 +294629,39 +294630,39 +294631,39 +294632,39 +294633,39 +294634,39 +294635,39 +294636,39 +294637,39 +294638,39 +294639,0 +294640,0 +294641,0 +294642,0 +294643,0 +294644,0 +294645,0 +294646,0 +294647,0 +294648,0 +294649,0 +294650,0 +294651,0 +294652,0 +294653,0 +294654,0 +294655,0 +294656,0 +294657,0 +294658,0 +294659,0 +294660,0 +294661,0 +294662,0 +294663,0 +294664,0 +294665,0 +294666,0 +294667,0 +294668,0 +294669,0 +294670,0 +294671,0 +294672,0 +294673,0 +294674,0 +294675,0 +294676,0 +294677,0 +294678,0 +294679,0 +294680,0 +294681,0 +294682,0 +294683,0 +294684,0 +294685,0 +294686,0 +294687,0 +294688,0 +294689,0 +294690,0 +294691,0 +294692,0 +294693,0 +294694,0 +294695,0 +294696,0 +294697,0 +294698,0 +294699,0 +294700,0 +294701,0 +294702,0 +294703,0 +294704,0 +294705,0 +294706,0 +294707,0 +294708,0 +294709,0 +294710,0 +294711,2 +294712,2 +294713,2 +294714,2 +294715,2 +294716,2 +294717,2 +294718,2 +294719,2 +294720,2 +294721,2 +294722,2 +294723,2 +294724,2 +294725,2 +294726,2 +294727,2 +294728,33 +294729,33 +294730,33 +294731,33 +294732,33 +294733,33 +294734,33 +294735,33 +294736,28 +294737,28 +294738,28 +294739,28 +294740,28 +294741,28 +294742,28 +294743,10 +294744,10 +294745,10 +294746,10 +294747,10 +294748,10 +294749,10 +294750,4 +294751,4 +294752,6 +294753,6 +294754,6 +294755,2 +294756,2 +294757,2 +294758,2 +294759,2 +294760,2 +294761,2 +294762,2 +294763,2 +294764,2 +294765,29 +294766,29 +294767,29 +294768,29 +294769,31 +294770,31 +294771,31 +294772,31 +294773,31 +294774,31 +294775,31 +294776,31 +294777,12 +294778,12 +294779,12 +294780,12 +294781,12 +294782,12 +294783,12 +294784,12 +294785,12 +294786,12 +294787,12 +294788,12 +294789,12 +294790,12 +294791,25 +294792,25 +294793,25 +294794,25 +294795,25 +294796,25 +294797,25 +294798,25 +294799,25 +294800,25 +294801,25 +294802,25 +294803,25 +294804,25 +294805,25 +294806,25 +294807,2 +294808,2 +294809,2 +294810,2 +294811,2 +294812,2 +294813,2 +294814,2 +294815,2 +294816,2 +294817,2 +294818,2 +294819,2 +294820,2 +294821,2 +294822,2 +294823,2 +294824,2 +294825,2 +294826,2 +294827,2 +294828,2 +294829,2 +294830,2 +294831,2 +294832,2 +294833,2 +294834,2 +294835,0 +294836,0 +294837,0 +294838,0 +294839,0 +294840,0 +294841,0 +294842,0 +294843,0 +294844,0 +294845,0 +294846,0 +294847,0 +294848,0 +294849,0 +294850,0 +294851,0 +294852,0 +294853,0 +294854,0 +294855,0 +294856,0 +294857,0 +294858,0 +294859,0 +294860,0 +294861,0 +294862,0 +294863,0 +294864,0 +294865,0 +294866,35 +294867,35 +294868,35 +294869,35 +294870,6 +294871,6 +294872,6 +294873,6 +294874,9 +294875,9 +294876,9 +294877,9 +294878,9 +294879,9 +294880,9 +294881,9 +294882,9 +294883,9 +294884,25 +294885,37 +294886,37 +294887,37 +294888,37 +294889,37 +294890,25 +294891,25 +294892,25 +294893,25 +294894,25 +294895,25 +294896,25 +294897,25 +294898,25 +294899,36 +294900,36 +294901,36 +294902,36 +294903,36 +294904,36 +294905,36 +294906,36 +294907,36 +294908,36 +294909,4 +294910,29 +294911,29 +294912,29 +294913,29 +294914,29 +294915,29 +294916,29 +294917,29 +294918,29 +294919,25 +294920,25 +294921,25 +294922,25 +294923,25 +294924,25 +294925,25 +294926,37 +294927,37 +294928,37 +294929,37 +294930,37 +294931,25 +294932,25 +294933,25 +294934,37 +294935,37 +294936,0 +294937,0 +294938,0 +294939,0 +294940,0 +294941,0 +294942,0 +294943,0 +294944,0 +294945,0 +294946,0 +294947,0 +294948,0 +294949,0 +294950,0 +294951,0 +294952,0 +294953,0 +294954,0 +294955,0 +294956,0 +294957,0 +294958,0 +294959,0 +294960,0 +294961,0 +294962,0 +294963,0 +294964,0 +294965,0 +294966,0 +294967,0 +294968,0 +294969,0 +294970,0 +294971,0 +294972,0 +294973,0 +294974,0 +294975,0 +294976,0 +294977,0 +294978,0 +294979,0 +294980,2 +294981,2 +294982,2 +294983,2 +294984,2 +294985,2 +294986,2 +294987,2 +294988,2 +294989,2 +294990,2 +294991,2 +294992,2 +294993,2 +294994,2 +294995,2 +294996,33 +294997,33 +294998,33 +294999,33 +295000,28 +295001,28 +295002,28 +295003,28 +295004,28 +295005,28 +295006,28 +295007,28 +295008,10 +295009,10 +295010,10 +295011,10 +295012,10 +295013,10 +295014,11 +295015,11 +295016,11 +295017,11 +295018,11 +295019,11 +295020,11 +295021,11 +295022,2 +295023,16 +295024,16 +295025,29 +295026,29 +295027,29 +295028,29 +295029,29 +295030,31 +295031,31 +295032,31 +295033,31 +295034,32 +295035,4 +295036,4 +295037,4 +295038,4 +295039,15 +295040,15 +295041,15 +295042,19 +295043,40 +295044,40 +295045,40 +295046,40 +295047,40 +295048,40 +295049,36 +295050,36 +295051,36 +295052,4 +295053,4 +295054,4 +295055,4 +295056,4 +295057,4 +295058,4 +295059,4 +295060,25 +295061,25 +295062,25 +295063,25 +295064,25 +295065,25 +295066,25 +295067,25 +295068,37 +295069,37 +295070,25 +295071,25 +295072,25 +295073,25 +295074,25 +295075,25 +295076,25 +295077,37 +295078,0 +295079,0 +295080,0 +295081,0 +295082,0 +295083,0 +295084,0 +295085,0 +295086,0 +295087,0 +295088,0 +295089,0 +295090,0 +295091,0 +295092,0 +295093,0 +295094,0 +295095,0 +295096,0 +295097,0 +295098,0 +295099,0 +295100,0 +295101,0 +295102,0 +295103,0 +295104,0 +295105,0 +295106,0 +295107,0 +295108,0 +295109,0 +295110,0 +295111,0 +295112,0 +295113,0 +295114,0 +295115,0 +295116,0 +295117,0 +295118,0 +295119,0 +295120,0 +295121,0 +295122,0 +295123,0 +295124,0 +295125,0 +295126,0 +295127,0 +295128,0 +295129,0 +295130,0 +295131,0 +295132,0 +295133,0 +295134,0 +295135,0 +295136,23 +295137,23 +295138,23 +295139,23 +295140,23 +295141,23 +295142,23 +295143,25 +295144,25 +295145,25 +295146,25 +295147,6 +295148,6 +295149,32 +295150,32 +295151,32 +295152,32 +295153,32 +295154,32 +295155,32 +295156,32 +295157,32 +295158,32 +295159,32 +295160,32 +295161,35 +295162,10 +295163,10 +295164,10 +295165,10 +295166,10 +295167,10 +295168,10 +295169,10 +295170,10 +295171,10 +295172,10 +295173,25 +295174,25 +295175,25 +295176,25 +295177,25 +295178,37 +295179,25 +295180,37 +295181,25 +295182,25 +295183,26 +295184,26 +295185,26 +295186,26 +295187,26 +295188,5 +295189,5 +295190,5 +295191,5 +295192,35 +295193,35 +295194,35 +295195,35 +295196,35 +295197,35 +295198,36 +295199,36 +295200,36 +295201,31 +295202,31 +295203,31 +295204,31 +295205,4 +295206,4 +295207,4 +295208,4 +295209,4 +295210,4 +295211,4 +295212,4 +295213,4 +295214,4 +295215,4 +295216,4 +295217,26 +295218,26 +295219,26 +295220,26 +295221,34 +295222,34 +295223,34 +295224,4 +295225,4 +295226,4 +295227,4 +295228,4 +295229,4 +295230,4 +295231,35 +295232,35 +295233,35 +295234,35 +295235,35 +295236,35 +295237,27 +295238,27 +295239,27 +295240,28 +295241,28 +295242,28 +295243,28 +295244,28 +295245,28 +295246,35 +295247,35 +295248,32 +295249,32 +295250,32 +295251,32 +295252,31 +295253,31 +295254,36 +295255,36 +295256,31 +295257,36 +295258,36 +295259,36 +295260,31 +295261,31 +295262,31 +295263,31 +295264,15 +295265,15 +295266,15 +295267,15 +295268,15 +295269,15 +295270,15 +295271,14 +295272,14 +295273,39 +295274,14 +295275,39 +295276,14 +295277,6 +295278,6 +295279,35 +295280,6 +295281,6 +295282,6 +295283,14 +295284,14 +295285,14 +295286,14 +295287,14 +295288,14 +295289,14 +295290,14 +295291,14 +295292,14 +295293,14 +295294,14 +295295,14 +295296,14 +295297,14 +295298,14 +295299,14 +295300,14 +295301,14 +295302,39 +295303,12 +295304,12 +295305,12 +295306,12 +295307,12 +295308,12 +295309,27 +295310,27 +295311,27 +295312,27 +295313,27 +295314,38 +295315,38 +295316,32 +295317,32 +295318,32 +295319,32 +295320,32 +295321,32 +295322,32 +295323,32 +295324,32 +295325,25 +295326,25 +295327,25 +295328,25 +295329,25 +295330,25 +295331,25 +295332,32 +295333,32 +295334,32 +295335,32 +295336,32 +295337,32 +295338,32 +295339,32 +295340,32 +295341,32 +295342,32 +295343,32 +295344,10 +295345,10 +295346,10 +295347,10 +295348,10 +295349,10 +295350,10 +295351,10 +295352,10 +295353,10 +295354,10 +295355,10 +295356,10 +295357,10 +295358,10 +295359,10 +295360,10 +295361,14 +295362,14 +295363,4 +295364,4 +295365,4 +295366,4 +295367,4 +295368,4 +295369,4 +295370,4 +295371,4 +295372,4 +295373,4 +295374,4 +295375,4 +295376,4 +295377,4 +295378,4 +295379,39 +295380,39 +295381,39 +295382,39 +295383,39 +295384,39 +295385,39 +295386,39 +295387,39 +295388,39 +295389,39 +295390,39 +295391,39 +295392,39 +295393,39 +295394,39 +295395,39 +295396,39 +295397,39 +295398,39 +295399,0 +295400,0 +295401,0 +295402,0 +295403,0 +295404,0 +295405,0 +295406,0 +295407,0 +295408,0 +295409,0 +295410,0 +295411,0 +295412,0 +295413,0 +295414,0 +295415,0 +295416,0 +295417,0 +295418,0 +295419,0 +295420,0 +295421,0 +295422,0 +295423,0 +295424,0 +295425,0 +295426,12 +295427,12 +295428,12 +295429,12 +295430,12 +295431,12 +295432,12 +295433,12 +295434,14 +295435,3 +295436,3 +295437,3 +295438,14 +295439,14 +295440,14 +295441,14 +295442,25 +295443,39 +295444,25 +295445,25 +295446,25 +295447,25 +295448,25 +295449,4 +295450,4 +295451,4 +295452,4 +295453,4 +295454,4 +295455,4 +295456,4 +295457,4 +295458,4 +295459,4 +295460,39 +295461,39 +295462,39 +295463,39 +295464,39 +295465,6 +295466,6 +295467,6 +295468,6 +295469,6 +295470,6 +295471,6 +295472,6 +295473,6 +295474,6 +295475,14 +295476,14 +295477,14 +295478,27 +295479,27 +295480,27 +295481,27 +295482,27 +295483,27 +295484,27 +295485,27 +295486,13 +295487,13 +295488,13 +295489,13 +295490,13 +295491,13 +295492,13 +295493,13 +295494,13 +295495,13 +295496,13 +295497,13 +295498,5 +295499,5 +295500,5 +295501,5 +295502,5 +295503,2 +295504,2 +295505,2 +295506,2 +295507,2 +295508,2 +295509,2 +295510,2 +295511,2 +295512,2 +295513,2 +295514,2 +295515,2 +295516,2 +295517,21 +295518,6 +295519,21 +295520,21 +295521,21 +295522,25 +295523,25 +295524,25 +295525,25 +295526,25 +295527,25 +295528,25 +295529,25 +295530,15 +295531,15 +295532,15 +295533,15 +295534,15 +295535,15 +295536,15 +295537,15 +295538,15 +295539,15 +295540,40 +295541,40 +295542,10 +295543,10 +295544,40 +295545,40 +295546,40 +295547,40 +295548,6 +295549,6 +295550,6 +295551,21 +295552,6 +295553,6 +295554,21 +295555,21 +295556,21 +295557,25 +295558,25 +295559,25 +295560,25 +295561,25 +295562,25 +295563,25 +295564,25 +295565,25 +295566,25 +295567,8 +295568,8 +295569,8 +295570,8 +295571,8 +295572,2 +295573,2 +295574,2 +295575,2 +295576,2 +295577,2 +295578,2 +295579,2 +295580,2 +295581,2 +295582,2 +295583,2 +295584,2 +295585,2 +295586,2 +295587,2 +295588,2 +295589,2 +295590,2 +295591,2 +295592,2 +295593,2 +295594,2 +295595,0 +295596,0 +295597,0 +295598,0 +295599,0 +295600,0 +295601,0 +295602,0 +295603,0 +295604,0 +295605,0 +295606,0 +295607,0 +295608,0 +295609,0 +295610,0 +295611,0 +295612,0 +295613,0 +295614,0 +295615,0 +295616,0 +295617,0 +295618,0 +295619,0 +295620,0 +295621,0 +295622,0 +295623,0 +295624,0 +295625,0 +295626,0 +295627,0 +295628,0 +295629,0 +295630,0 +295631,0 +295632,0 +295633,0 +295634,0 +295635,0 +295636,0 +295637,0 +295638,0 +295639,0 +295640,0 +295641,0 +295642,0 +295643,0 +295644,0 +295645,0 +295646,0 +295647,0 +295648,0 +295649,0 +295650,0 +295651,0 +295652,0 +295653,0 +295654,33 +295655,33 +295656,33 +295657,33 +295658,33 +295659,33 +295660,33 +295661,33 +295662,33 +295663,33 +295664,33 +295665,33 +295666,33 +295667,33 +295668,30 +295669,39 +295670,39 +295671,39 +295672,39 +295673,39 +295674,39 +295675,39 +295676,39 +295677,39 +295678,39 +295679,40 +295680,40 +295681,40 +295682,40 +295683,40 +295684,40 +295685,40 +295686,40 +295687,40 +295688,40 +295689,40 +295690,40 +295691,40 +295692,2 +295693,2 +295694,2 +295695,2 +295696,2 +295697,2 +295698,2 +295699,2 +295700,2 +295701,35 +295702,35 +295703,2 +295704,2 +295705,2 +295706,39 +295707,39 +295708,39 +295709,39 +295710,39 +295711,39 +295712,39 +295713,39 +295714,39 +295715,39 +295716,39 +295717,39 +295718,39 +295719,39 +295720,39 +295721,39 +295722,27 +295723,27 +295724,27 +295725,27 +295726,27 +295727,27 +295728,27 +295729,27 +295730,27 +295731,8 +295732,8 +295733,8 +295734,8 +295735,8 +295736,8 +295737,8 +295738,33 +295739,33 +295740,33 +295741,33 +295742,33 +295743,33 +295744,33 +295745,30 +295746,30 +295747,30 +295748,30 +295749,33 +295750,30 +295751,30 +295752,30 +295753,19 +295754,19 +295755,19 +295756,19 +295757,19 +295758,28 +295759,28 +295760,28 +295761,28 +295762,28 +295763,28 +295764,28 +295765,28 +295766,28 +295767,36 +295768,36 +295769,36 +295770,36 +295771,36 +295772,36 +295773,36 +295774,36 +295775,36 +295776,36 +295777,31 +295778,31 +295779,31 +295780,36 +295781,36 +295782,40 +295783,40 +295784,40 +295785,5 +295786,5 +295787,5 +295788,5 +295789,5 +295790,5 +295791,5 +295792,5 +295793,5 +295794,5 +295795,5 +295796,5 +295797,5 +295798,5 +295799,5 +295800,5 +295801,5 +295802,5 +295803,5 +295804,0 +295805,0 +295806,0 +295807,0 +295808,0 +295809,0 +295810,0 +295811,0 +295812,0 +295813,0 +295814,0 +295815,0 +295816,0 +295817,0 +295818,0 +295819,0 +295820,0 +295821,0 +295822,0 +295823,0 +295824,0 +295825,0 +295826,0 +295827,0 +295828,0 +295829,0 +295830,0 +295831,0 +295832,0 +295833,0 +295834,0 +295835,0 +295836,0 +295837,0 +295838,0 +295839,0 +295840,0 +295841,0 +295842,0 +295843,0 +295844,0 +295845,0 +295846,0 +295847,0 +295848,0 +295849,0 +295850,0 +295851,0 +295852,0 +295853,0 +295854,0 +295855,0 +295856,0 +295857,0 +295858,0 +295859,0 +295860,0 +295861,0 +295862,0 +295863,0 +295864,0 +295865,0 +295866,0 +295867,0 +295868,0 +295869,0 +295870,29 +295871,29 +295872,29 +295873,29 +295874,29 +295875,31 +295876,31 +295877,31 +295878,31 +295879,31 +295880,31 +295881,30 +295882,30 +295883,30 +295884,30 +295885,30 +295886,30 +295887,30 +295888,30 +295889,30 +295890,26 +295891,26 +295892,26 +295893,26 +295894,26 +295895,31 +295896,4 +295897,4 +295898,4 +295899,4 +295900,4 +295901,25 +295902,25 +295903,25 +295904,25 +295905,25 +295906,25 +295907,25 +295908,25 +295909,35 +295910,35 +295911,35 +295912,35 +295913,35 +295914,35 +295915,35 +295916,35 +295917,35 +295918,36 +295919,36 +295920,36 +295921,19 +295922,4 +295923,4 +295924,4 +295925,31 +295926,31 +295927,31 +295928,31 +295929,31 +295930,31 +295931,31 +295932,23 +295933,23 +295934,23 +295935,23 +295936,23 +295937,23 +295938,23 +295939,23 +295940,23 +295941,23 +295942,23 +295943,23 +295944,23 +295945,9 +295946,9 +295947,9 +295948,9 +295949,37 +295950,37 +295951,37 +295952,37 +295953,37 +295954,37 +295955,2 +295956,2 +295957,2 +295958,2 +295959,2 +295960,2 +295961,2 +295962,2 +295963,2 +295964,2 +295965,27 +295966,27 +295967,31 +295968,31 +295969,31 +295970,23 +295971,4 +295972,4 +295973,4 +295974,4 +295975,4 +295976,4 +295977,4 +295978,4 +295979,4 +295980,4 +295981,4 +295982,4 +295983,4 +295984,4 +295985,4 +295986,4 +295987,4 +295988,4 +295989,4 +295990,40 +295991,40 +295992,40 +295993,40 +295994,40 +295995,40 +295996,28 +295997,28 +295998,28 +295999,28 +296000,28 +296001,28 +296002,28 +296003,28 +296004,28 +296005,28 +296006,28 +296007,28 +296008,28 +296009,28 +296010,38 +296011,38 +296012,38 +296013,38 +296014,38 +296015,38 +296016,34 +296017,34 +296018,34 +296019,34 +296020,34 +296021,34 +296022,34 +296023,34 +296024,34 +296025,34 +296026,34 +296027,34 +296028,34 +296029,34 +296030,8 +296031,8 +296032,8 +296033,8 +296034,8 +296035,8 +296036,8 +296037,8 +296038,1 +296039,1 +296040,25 +296041,31 +296042,5 +296043,5 +296044,5 +296045,5 +296046,5 +296047,5 +296048,28 +296049,28 +296050,28 +296051,28 +296052,28 +296053,28 +296054,28 +296055,40 +296056,40 +296057,40 +296058,40 +296059,40 +296060,40 +296061,40 +296062,40 +296063,40 +296064,40 +296065,5 +296066,5 +296067,5 +296068,5 +296069,5 +296070,5 +296071,5 +296072,5 +296073,5 +296074,5 +296075,5 +296076,5 +296077,5 +296078,0 +296079,0 +296080,0 +296081,0 +296082,0 +296083,0 +296084,31 +296085,31 +296086,31 +296087,31 +296088,31 +296089,31 +296090,5 +296091,5 +296092,5 +296093,5 +296094,5 +296095,5 +296096,5 +296097,19 +296098,19 +296099,19 +296100,19 +296101,25 +296102,25 +296103,25 +296104,25 +296105,25 +296106,25 +296107,25 +296108,25 +296109,25 +296110,25 +296111,25 +296112,25 +296113,25 +296114,25 +296115,25 +296116,27 +296117,27 +296118,27 +296119,8 +296120,8 +296121,8 +296122,8 +296123,8 +296124,8 +296125,8 +296126,8 +296127,6 +296128,6 +296129,6 +296130,6 +296131,6 +296132,6 +296133,6 +296134,6 +296135,6 +296136,28 +296137,28 +296138,28 +296139,28 +296140,28 +296141,28 +296142,28 +296143,28 +296144,28 +296145,28 +296146,28 +296147,28 +296148,36 +296149,36 +296150,36 +296151,36 +296152,36 +296153,36 +296154,36 +296155,36 +296156,36 +296157,36 +296158,36 +296159,36 +296160,31 +296161,31 +296162,31 +296163,31 +296164,31 +296165,5 +296166,5 +296167,5 +296168,5 +296169,5 +296170,5 +296171,5 +296172,5 +296173,5 +296174,5 +296175,19 +296176,19 +296177,19 +296178,19 +296179,19 +296180,19 +296181,19 +296182,19 +296183,19 +296184,19 +296185,19 +296186,19 +296187,4 +296188,4 +296189,0 +296190,0 +296191,0 +296192,0 +296193,0 +296194,0 +296195,0 +296196,0 +296197,0 +296198,0 +296199,0 +296200,0 +296201,0 +296202,0 +296203,0 +296204,0 +296205,0 +296206,0 +296207,0 +296208,0 +296209,0 +296210,0 +296211,0 +296212,0 +296213,0 +296214,0 +296215,0 +296216,0 +296217,0 +296218,0 +296219,0 +296220,0 +296221,0 +296222,0 +296223,0 +296224,0 +296225,0 +296226,0 +296227,0 +296228,0 +296229,0 +296230,0 +296231,0 +296232,0 +296233,0 +296234,0 +296235,0 +296236,0 +296237,0 +296238,0 +296239,0 +296240,0 +296241,0 +296242,0 +296243,0 +296244,0 +296245,0 +296246,0 +296247,0 +296248,0 +296249,0 +296250,0 +296251,0 +296252,0 +296253,0 +296254,0 +296255,0 +296256,0 +296257,0 +296258,0 +296259,0 +296260,0 +296261,0 +296262,0 +296263,0 +296264,0 +296265,0 +296266,0 +296267,0 +296268,0 +296269,0 +296270,0 +296271,0 +296272,0 +296273,0 +296274,0 +296275,0 +296276,0 +296277,0 +296278,0 +296279,0 +296280,0 +296281,0 +296282,0 +296283,0 +296284,0 +296285,0 +296286,0 +296287,0 +296288,0 +296289,0 +296290,0 +296291,0 +296292,0 +296293,0 +296294,0 +296295,0 +296296,0 +296297,0 +296298,0 +296299,0 +296300,0 +296301,0 +296302,0 +296303,0 +296304,0 +296305,0 +296306,0 +296307,0 +296308,0 +296309,0 +296310,0 +296311,0 +296312,0 +296313,0 +296314,0 +296315,0 +296316,0 +296317,0 +296318,0 +296319,0 +296320,0 +296321,0 +296322,0 +296323,0 +296324,0 +296325,0 +296326,0 +296327,0 +296328,0 +296329,0 +296330,0 +296331,0 +296332,0 +296333,0 +296334,0 +296335,0 +296336,0 +296337,0 +296338,0 +296339,0 +296340,0 +296341,0 +296342,0 +296343,0 +296344,0 +296345,0 +296346,0 +296347,0 +296348,0 +296349,0 +296350,0 +296351,0 +296352,0 +296353,0 +296354,0 +296355,0 +296356,0 +296357,0 +296358,0 +296359,0 +296360,0 +296361,0 +296362,0 +296363,0 +296364,0 +296365,0 +296366,0 +296367,0 +296368,0 +296369,0 +296370,0 +296371,23 +296372,23 +296373,23 +296374,23 +296375,23 +296376,23 +296377,23 +296378,23 +296379,23 +296380,23 +296381,23 +296382,9 +296383,9 +296384,9 +296385,9 +296386,9 +296387,9 +296388,37 +296389,37 +296390,37 +296391,37 +296392,37 +296393,37 +296394,37 +296395,39 +296396,39 +296397,39 +296398,40 +296399,39 +296400,39 +296401,39 +296402,37 +296403,37 +296404,37 +296405,37 +296406,37 +296407,37 +296408,37 +296409,31 +296410,31 +296411,27 +296412,25 +296413,27 +296414,8 +296415,8 +296416,8 +296417,8 +296418,8 +296419,8 +296420,8 +296421,31 +296422,36 +296423,36 +296424,36 +296425,36 +296426,36 +296427,36 +296428,36 +296429,36 +296430,36 +296431,23 +296432,23 +296433,23 +296434,23 +296435,23 +296436,4 +296437,4 +296438,4 +296439,4 +296440,4 +296441,4 +296442,4 +296443,37 +296444,37 +296445,37 +296446,37 +296447,37 +296448,27 +296449,37 +296450,27 +296451,27 +296452,27 +296453,27 +296454,27 +296455,27 +296456,27 +296457,27 +296458,27 +296459,27 +296460,14 +296461,14 +296462,27 +296463,14 +296464,14 +296465,14 +296466,14 +296467,14 +296468,14 +296469,14 +296470,14 +296471,14 +296472,35 +296473,35 +296474,35 +296475,35 +296476,35 +296477,35 +296478,35 +296479,35 +296480,36 +296481,36 +296482,36 +296483,36 +296484,36 +296485,36 +296486,15 +296487,15 +296488,15 +296489,15 +296490,15 +296491,15 +296492,15 +296493,15 +296494,15 +296495,15 +296496,15 +296497,15 +296498,39 +296499,39 +296500,39 +296501,39 +296502,39 +296503,35 +296504,35 +296505,35 +296506,6 +296507,6 +296508,6 +296509,6 +296510,40 +296511,40 +296512,40 +296513,40 +296514,40 +296515,40 +296516,40 +296517,40 +296518,40 +296519,5 +296520,5 +296521,5 +296522,5 +296523,5 +296524,5 +296525,5 +296526,5 +296527,4 +296528,4 +296529,4 +296530,4 +296531,4 +296532,4 +296533,4 +296534,4 +296535,4 +296536,4 +296537,4 +296538,4 +296539,25 +296540,25 +296541,25 +296542,25 +296543,25 +296544,37 +296545,37 +296546,25 +296547,25 +296548,25 +296549,14 +296550,14 +296551,14 +296552,14 +296553,14 +296554,14 +296555,14 +296556,14 +296557,14 +296558,14 +296559,14 +296560,14 +296561,14 +296562,14 +296563,5 +296564,5 +296565,5 +296566,5 +296567,5 +296568,5 +296569,5 +296570,5 +296571,5 +296572,28 +296573,28 +296574,28 +296575,28 +296576,5 +296577,5 +296578,0 +296579,0 +296580,0 +296581,0 +296582,0 +296583,0 +296584,0 +296585,0 +296586,0 +296587,0 +296588,0 +296589,0 +296590,0 +296591,0 +296592,0 +296593,0 +296594,0 +296595,0 +296596,0 +296597,0 +296598,0 +296599,0 +296600,0 +296601,0 +296602,0 +296603,0 +296604,0 +296605,0 +296606,0 +296607,0 +296608,0 +296609,0 +296610,0 +296611,0 +296612,0 +296613,0 +296614,0 +296615,0 +296616,0 +296617,0 +296618,9 +296619,9 +296620,9 +296621,9 +296622,9 +296623,9 +296624,9 +296625,9 +296626,9 +296627,9 +296628,9 +296629,9 +296630,9 +296631,9 +296632,9 +296633,9 +296634,13 +296635,13 +296636,13 +296637,13 +296638,13 +296639,13 +296640,13 +296641,13 +296642,13 +296643,13 +296644,31 +296645,31 +296646,31 +296647,31 +296648,29 +296649,29 +296650,6 +296651,6 +296652,6 +296653,6 +296654,6 +296655,6 +296656,6 +296657,6 +296658,6 +296659,26 +296660,26 +296661,26 +296662,26 +296663,26 +296664,26 +296665,26 +296666,26 +296667,26 +296668,9 +296669,9 +296670,9 +296671,5 +296672,5 +296673,5 +296674,5 +296675,5 +296676,5 +296677,5 +296678,4 +296679,4 +296680,4 +296681,4 +296682,4 +296683,4 +296684,4 +296685,4 +296686,16 +296687,16 +296688,16 +296689,16 +296690,16 +296691,25 +296692,25 +296693,25 +296694,25 +296695,25 +296696,25 +296697,25 +296698,25 +296699,25 +296700,25 +296701,37 +296702,37 +296703,37 +296704,37 +296705,37 +296706,37 +296707,37 +296708,37 +296709,37 +296710,39 +296711,39 +296712,39 +296713,39 +296714,39 +296715,39 +296716,39 +296717,35 +296718,35 +296719,35 +296720,35 +296721,35 +296722,35 +296723,35 +296724,39 +296725,39 +296726,39 +296727,39 +296728,39 +296729,39 +296730,39 +296731,39 +296732,12 +296733,12 +296734,12 +296735,12 +296736,12 +296737,12 +296738,12 +296739,31 +296740,31 +296741,31 +296742,8 +296743,8 +296744,8 +296745,8 +296746,8 +296747,8 +296748,8 +296749,8 +296750,21 +296751,21 +296752,21 +296753,21 +296754,30 +296755,30 +296756,30 +296757,30 +296758,30 +296759,30 +296760,30 +296761,36 +296762,36 +296763,36 +296764,36 +296765,36 +296766,36 +296767,36 +296768,36 +296769,36 +296770,36 +296771,36 +296772,36 +296773,19 +296774,19 +296775,19 +296776,19 +296777,19 +296778,19 +296779,19 +296780,19 +296781,31 +296782,31 +296783,31 +296784,31 +296785,31 +296786,4 +296787,4 +296788,4 +296789,30 +296790,30 +296791,30 +296792,30 +296793,30 +296794,30 +296795,30 +296796,30 +296797,30 +296798,30 +296799,39 +296800,39 +296801,39 +296802,39 +296803,39 +296804,39 +296805,39 +296806,39 +296807,39 +296808,14 +296809,19 +296810,19 +296811,39 +296812,39 +296813,39 +296814,39 +296815,39 +296816,39 +296817,39 +296818,39 +296819,39 +296820,39 +296821,39 +296822,39 +296823,39 +296824,8 +296825,8 +296826,8 +296827,8 +296828,8 +296829,8 +296830,8 +296831,8 +296832,31 +296833,31 +296834,31 +296835,31 +296836,31 +296837,31 +296838,5 +296839,5 +296840,5 +296841,4 +296842,4 +296843,4 +296844,4 +296845,4 +296846,4 +296847,4 +296848,4 +296849,4 +296850,37 +296851,37 +296852,37 +296853,37 +296854,37 +296855,37 +296856,37 +296857,14 +296858,39 +296859,39 +296860,39 +296861,39 +296862,39 +296863,39 +296864,19 +296865,19 +296866,19 +296867,4 +296868,4 +296869,2 +296870,2 +296871,2 +296872,2 +296873,2 +296874,2 +296875,12 +296876,32 +296877,32 +296878,32 +296879,31 +296880,31 +296881,31 +296882,31 +296883,31 +296884,31 +296885,5 +296886,5 +296887,5 +296888,28 +296889,5 +296890,5 +296891,5 +296892,5 +296893,28 +296894,5 +296895,5 +296896,8 +296897,8 +296898,8 +296899,8 +296900,8 +296901,8 +296902,8 +296903,8 +296904,8 +296905,12 +296906,12 +296907,12 +296908,12 +296909,12 +296910,12 +296911,12 +296912,12 +296913,12 +296914,12 +296915,12 +296916,12 +296917,12 +296918,12 +296919,10 +296920,10 +296921,10 +296922,10 +296923,10 +296924,10 +296925,10 +296926,10 +296927,10 +296928,10 +296929,10 +296930,10 +296931,10 +296932,10 +296933,10 +296934,10 +296935,10 +296936,10 +296937,18 +296938,18 +296939,19 +296940,19 +296941,19 +296942,8 +296943,2 +296944,16 +296945,16 +296946,16 +296947,8 +296948,32 +296949,8 +296950,8 +296951,8 +296952,12 +296953,12 +296954,12 +296955,12 +296956,12 +296957,25 +296958,37 +296959,37 +296960,37 +296961,37 +296962,37 +296963,37 +296964,3 +296965,25 +296966,25 +296967,25 +296968,30 +296969,30 +296970,30 +296971,30 +296972,30 +296973,30 +296974,30 +296975,30 +296976,39 +296977,39 +296978,39 +296979,39 +296980,39 +296981,39 +296982,39 +296983,12 +296984,12 +296985,12 +296986,12 +296987,12 +296988,27 +296989,27 +296990,27 +296991,27 +296992,27 +296993,13 +296994,13 +296995,13 +296996,13 +296997,13 +296998,13 +296999,13 +297000,13 +297001,13 +297002,27 +297003,27 +297004,27 +297005,27 +297006,27 +297007,27 +297008,2 +297009,2 +297010,2 +297011,2 +297012,2 +297013,2 +297014,2 +297015,2 +297016,2 +297017,2 +297018,2 +297019,2 +297020,2 +297021,40 +297022,40 +297023,40 +297024,40 +297025,40 +297026,19 +297027,4 +297028,4 +297029,4 +297030,39 +297031,39 +297032,39 +297033,39 +297034,39 +297035,39 +297036,39 +297037,39 +297038,39 +297039,39 +297040,39 +297041,39 +297042,39 +297043,39 +297044,39 +297045,39 +297046,39 +297047,39 +297048,0 +297049,0 +297050,0 +297051,0 +297052,0 +297053,0 +297054,0 +297055,0 +297056,0 +297057,0 +297058,0 +297059,0 +297060,0 +297061,0 +297062,0 +297063,0 +297064,0 +297065,0 +297066,0 +297067,0 +297068,0 +297069,0 +297070,0 +297071,0 +297072,0 +297073,0 +297074,0 +297075,0 +297076,0 +297077,0 +297078,0 +297079,0 +297080,0 +297081,0 +297082,0 +297083,0 +297084,0 +297085,0 +297086,0 +297087,0 +297088,0 +297089,0 +297090,0 +297091,0 +297092,0 +297093,0 +297094,0 +297095,0 +297096,0 +297097,0 +297098,0 +297099,0 +297100,0 +297101,0 +297102,0 +297103,0 +297104,29 +297105,29 +297106,40 +297107,40 +297108,40 +297109,40 +297110,37 +297111,37 +297112,37 +297113,37 +297114,37 +297115,37 +297116,37 +297117,12 +297118,12 +297119,12 +297120,12 +297121,12 +297122,31 +297123,30 +297124,30 +297125,30 +297126,30 +297127,30 +297128,30 +297129,30 +297130,30 +297131,30 +297132,30 +297133,30 +297134,15 +297135,15 +297136,15 +297137,15 +297138,15 +297139,15 +297140,39 +297141,39 +297142,39 +297143,39 +297144,39 +297145,39 +297146,39 +297147,30 +297148,30 +297149,30 +297150,30 +297151,30 +297152,30 +297153,30 +297154,30 +297155,30 +297156,30 +297157,30 +297158,40 +297159,40 +297160,40 +297161,40 +297162,40 +297163,40 +297164,40 +297165,40 +297166,40 +297167,2 +297168,2 +297169,2 +297170,2 +297171,2 +297172,2 +297173,2 +297174,2 +297175,2 +297176,32 +297177,32 +297178,32 +297179,32 +297180,32 +297181,32 +297182,32 +297183,32 +297184,36 +297185,36 +297186,36 +297187,36 +297188,36 +297189,36 +297190,34 +297191,34 +297192,34 +297193,34 +297194,34 +297195,34 +297196,34 +297197,34 +297198,34 +297199,5 +297200,5 +297201,5 +297202,5 +297203,31 +297204,31 +297205,31 +297206,31 +297207,31 +297208,31 +297209,31 +297210,31 +297211,31 +297212,6 +297213,6 +297214,6 +297215,31 +297216,31 +297217,31 +297218,31 +297219,31 +297220,31 +297221,6 +297222,6 +297223,31 +297224,31 +297225,31 +297226,31 +297227,31 +297228,5 +297229,5 +297230,5 +297231,30 +297232,30 +297233,30 +297234,31 +297235,30 +297236,30 +297237,40 +297238,31 +297239,31 +297240,40 +297241,40 +297242,40 +297243,40 +297244,2 +297245,2 +297246,2 +297247,2 +297248,2 +297249,2 +297250,2 +297251,2 +297252,2 +297253,21 +297254,21 +297255,21 +297256,21 +297257,21 +297258,21 +297259,21 +297260,26 +297261,26 +297262,26 +297263,9 +297264,9 +297265,9 +297266,9 +297267,9 +297268,9 +297269,9 +297270,9 +297271,9 +297272,9 +297273,9 +297274,2 +297275,2 +297276,2 +297277,2 +297278,2 +297279,2 +297280,2 +297281,2 +297282,2 +297283,2 +297284,31 +297285,31 +297286,31 +297287,31 +297288,31 +297289,31 +297290,15 +297291,15 +297292,15 +297293,15 +297294,15 +297295,15 +297296,15 +297297,15 +297298,15 +297299,15 +297300,15 +297301,37 +297302,37 +297303,37 +297304,37 +297305,37 +297306,34 +297307,34 +297308,34 +297309,34 +297310,34 +297311,34 +297312,34 +297313,34 +297314,34 +297315,5 +297316,5 +297317,5 +297318,5 +297319,29 +297320,29 +297321,29 +297322,29 +297323,31 +297324,31 +297325,31 +297326,31 +297327,31 +297328,15 +297329,15 +297330,15 +297331,15 +297332,15 +297333,15 +297334,37 +297335,37 +297336,37 +297337,37 +297338,37 +297339,37 +297340,31 +297341,10 +297342,10 +297343,26 +297344,26 +297345,26 +297346,26 +297347,26 +297348,26 +297349,26 +297350,18 +297351,19 +297352,19 +297353,19 +297354,19 +297355,11 +297356,11 +297357,11 +297358,11 +297359,11 +297360,11 +297361,11 +297362,16 +297363,16 +297364,11 +297365,39 +297366,39 +297367,39 +297368,39 +297369,39 +297370,39 +297371,39 +297372,39 +297373,39 +297374,39 +297375,39 +297376,39 +297377,39 +297378,39 +297379,5 +297380,5 +297381,39 +297382,39 +297383,0 +297384,0 +297385,0 +297386,0 +297387,0 +297388,0 +297389,0 +297390,0 +297391,0 +297392,0 +297393,0 +297394,0 +297395,0 +297396,0 +297397,0 +297398,0 +297399,0 +297400,0 +297401,0 +297402,0 +297403,0 +297404,0 +297405,0 +297406,0 +297407,0 +297408,0 +297409,0 +297410,0 +297411,0 +297412,0 +297413,0 +297414,0 +297415,0 +297416,0 +297417,0 +297418,0 +297419,0 +297420,0 +297421,0 +297422,0 +297423,0 +297424,0 +297425,0 +297426,0 +297427,0 +297428,0 +297429,0 +297430,0 +297431,0 +297432,0 +297433,0 +297434,0 +297435,0 +297436,0 +297437,0 +297438,0 +297439,0 +297440,0 +297441,0 +297442,0 +297443,0 +297444,0 +297445,0 +297446,0 +297447,27 +297448,27 +297449,27 +297450,27 +297451,40 +297452,37 +297453,37 +297454,33 +297455,33 +297456,33 +297457,33 +297458,33 +297459,33 +297460,31 +297461,34 +297462,8 +297463,8 +297464,8 +297465,8 +297466,8 +297467,8 +297468,35 +297469,35 +297470,35 +297471,35 +297472,35 +297473,35 +297474,39 +297475,39 +297476,39 +297477,39 +297478,39 +297479,39 +297480,39 +297481,39 +297482,39 +297483,39 +297484,39 +297485,39 +297486,32 +297487,32 +297488,32 +297489,32 +297490,32 +297491,32 +297492,2 +297493,2 +297494,2 +297495,2 +297496,2 +297497,2 +297498,31 +297499,31 +297500,31 +297501,31 +297502,31 +297503,31 +297504,28 +297505,28 +297506,5 +297507,5 +297508,28 +297509,28 +297510,15 +297511,15 +297512,15 +297513,15 +297514,15 +297515,15 +297516,15 +297517,15 +297518,15 +297519,15 +297520,30 +297521,30 +297522,30 +297523,30 +297524,30 +297525,30 +297526,30 +297527,30 +297528,30 +297529,30 +297530,31 +297531,10 +297532,10 +297533,10 +297534,10 +297535,10 +297536,10 +297537,10 +297538,10 +297539,10 +297540,19 +297541,19 +297542,19 +297543,19 +297544,19 +297545,19 +297546,19 +297547,19 +297548,19 +297549,2 +297550,2 +297551,2 +297552,2 +297553,2 +297554,2 +297555,2 +297556,2 +297557,2 +297558,2 +297559,2 +297560,2 +297561,2 +297562,2 +297563,0 +297564,29 +297565,29 +297566,29 +297567,29 +297568,29 +297569,31 +297570,31 +297571,31 +297572,31 +297573,31 +297574,31 +297575,12 +297576,12 +297577,12 +297578,12 +297579,30 +297580,30 +297581,33 +297582,33 +297583,33 +297584,33 +297585,33 +297586,30 +297587,0 +297588,0 +297589,0 +297590,0 +297591,31 +297592,26 +297593,26 +297594,31 +297595,31 +297596,31 +297597,31 +297598,31 +297599,31 +297600,31 +297601,31 +297602,5 +297603,5 +297604,5 +297605,5 +297606,5 +297607,5 +297608,5 +297609,5 +297610,5 +297611,5 +297612,5 +297613,5 +297614,5 +297615,5 +297616,5 +297617,5 +297618,40 +297619,40 +297620,40 +297621,40 +297622,40 +297623,40 +297624,40 +297625,40 +297626,2 +297627,2 +297628,2 +297629,2 +297630,2 +297631,2 +297632,2 +297633,2 +297634,27 +297635,27 +297636,27 +297637,27 +297638,27 +297639,27 +297640,31 +297641,2 +297642,2 +297643,2 +297644,2 +297645,2 +297646,2 +297647,2 +297648,2 +297649,2 +297650,40 +297651,40 +297652,40 +297653,40 +297654,40 +297655,40 +297656,40 +297657,37 +297658,37 +297659,37 +297660,37 +297661,37 +297662,37 +297663,37 +297664,37 +297665,37 +297666,37 +297667,39 +297668,39 +297669,39 +297670,39 +297671,39 +297672,15 +297673,15 +297674,15 +297675,15 +297676,15 +297677,15 +297678,15 +297679,10 +297680,10 +297681,10 +297682,10 +297683,10 +297684,10 +297685,10 +297686,10 +297687,10 +297688,10 +297689,10 +297690,10 +297691,10 +297692,10 +297693,10 +297694,10 +297695,10 +297696,31 +297697,31 +297698,31 +297699,31 +297700,10 +297701,10 +297702,31 +297703,34 +297704,2 +297705,2 +297706,2 +297707,2 +297708,2 +297709,2 +297710,2 +297711,2 +297712,15 +297713,15 +297714,5 +297715,15 +297716,15 +297717,15 +297718,15 +297719,15 +297720,15 +297721,15 +297722,15 +297723,15 +297724,15 +297725,15 +297726,15 +297727,9 +297728,9 +297729,9 +297730,9 +297731,9 +297732,30 +297733,9 +297734,9 +297735,9 +297736,9 +297737,9 +297738,17 +297739,17 +297740,17 +297741,17 +297742,17 +297743,17 +297744,17 +297745,17 +297746,17 +297747,17 +297748,17 +297749,17 +297750,17 +297751,17 +297752,17 +297753,17 +297754,8 +297755,8 +297756,8 +297757,8 +297758,8 +297759,8 +297760,8 +297761,31 +297762,31 +297763,31 +297764,31 +297765,31 +297766,31 +297767,31 +297768,23 +297769,23 +297770,23 +297771,23 +297772,23 +297773,23 +297774,23 +297775,23 +297776,23 +297777,23 +297778,23 +297779,23 +297780,23 +297781,23 +297782,10 +297783,10 +297784,10 +297785,10 +297786,10 +297787,10 +297788,10 +297789,10 +297790,10 +297791,10 +297792,4 +297793,4 +297794,4 +297795,4 +297796,31 +297797,31 +297798,5 +297799,5 +297800,5 +297801,5 +297802,5 +297803,5 +297804,5 +297805,19 +297806,27 +297807,27 +297808,27 +297809,27 +297810,27 +297811,2 +297812,2 +297813,2 +297814,2 +297815,2 +297816,2 +297817,2 +297818,2 +297819,2 +297820,2 +297821,2 +297822,2 +297823,14 +297824,14 +297825,14 +297826,14 +297827,14 +297828,14 +297829,14 +297830,14 +297831,39 +297832,39 +297833,14 +297834,14 +297835,14 +297836,39 +297837,39 +297838,39 +297839,24 +297840,24 +297841,24 +297842,24 +297843,24 +297844,24 +297845,24 +297846,27 +297847,27 +297848,27 +297849,39 +297850,39 +297851,39 +297852,39 +297853,39 +297854,39 +297855,39 +297856,17 +297857,33 +297858,17 +297859,17 +297860,17 +297861,17 +297862,17 +297863,17 +297864,17 +297865,17 +297866,33 +297867,33 +297868,33 +297869,33 +297870,33 +297871,30 +297872,30 +297873,30 +297874,30 +297875,23 +297876,23 +297877,23 +297878,23 +297879,23 +297880,23 +297881,23 +297882,23 +297883,23 +297884,23 +297885,23 +297886,23 +297887,23 +297888,23 +297889,23 +297890,23 +297891,30 +297892,30 +297893,30 +297894,30 +297895,30 +297896,30 +297897,30 +297898,30 +297899,36 +297900,36 +297901,10 +297902,36 +297903,36 +297904,36 +297905,36 +297906,36 +297907,36 +297908,10 +297909,10 +297910,36 +297911,14 +297912,36 +297913,36 +297914,36 +297915,36 +297916,36 +297917,36 +297918,36 +297919,36 +297920,21 +297921,21 +297922,21 +297923,21 +297924,21 +297925,21 +297926,6 +297927,6 +297928,6 +297929,21 +297930,21 +297931,21 +297932,0 +297933,21 +297934,0 +297935,0 +297936,0 +297937,0 +297938,0 +297939,0 +297940,0 +297941,0 +297942,0 +297943,0 +297944,0 +297945,0 +297946,0 +297947,0 +297948,0 +297949,0 +297950,0 +297951,0 +297952,0 +297953,0 +297954,0 +297955,0 +297956,0 +297957,0 +297958,0 +297959,0 +297960,0 +297961,0 +297962,0 +297963,0 +297964,0 +297965,0 +297966,0 +297967,0 +297968,0 +297969,0 +297970,0 +297971,0 +297972,0 +297973,0 +297974,0 +297975,0 +297976,0 +297977,0 +297978,0 +297979,0 +297980,0 +297981,0 +297982,0 +297983,0 +297984,0 +297985,0 +297986,0 +297987,0 +297988,15 +297989,15 +297990,15 +297991,31 +297992,31 +297993,31 +297994,31 +297995,4 +297996,4 +297997,4 +297998,4 +297999,27 +298000,27 +298001,27 +298002,27 +298003,27 +298004,27 +298005,27 +298006,27 +298007,27 +298008,4 +298009,4 +298010,4 +298011,4 +298012,4 +298013,4 +298014,6 +298015,31 +298016,27 +298017,31 +298018,31 +298019,31 +298020,31 +298021,31 +298022,31 +298023,31 +298024,2 +298025,2 +298026,2 +298027,2 +298028,2 +298029,2 +298030,2 +298031,2 +298032,2 +298033,2 +298034,2 +298035,2 +298036,2 +298037,2 +298038,25 +298039,25 +298040,25 +298041,25 +298042,25 +298043,25 +298044,25 +298045,25 +298046,25 +298047,25 +298048,19 +298049,19 +298050,19 +298051,19 +298052,3 +298053,3 +298054,3 +298055,3 +298056,3 +298057,3 +298058,3 +298059,3 +298060,3 +298061,19 +298062,19 +298063,19 +298064,19 +298065,19 +298066,19 +298067,19 +298068,19 +298069,19 +298070,19 +298071,19 +298072,19 +298073,19 +298074,19 +298075,19 +298076,19 +298077,29 +298078,29 +298079,29 +298080,31 +298081,31 +298082,31 +298083,31 +298084,31 +298085,5 +298086,5 +298087,5 +298088,5 +298089,31 +298090,31 +298091,31 +298092,31 +298093,31 +298094,31 +298095,31 +298096,31 +298097,2 +298098,2 +298099,2 +298100,2 +298101,2 +298102,2 +298103,2 +298104,2 +298105,2 +298106,31 +298107,31 +298108,31 +298109,31 +298110,31 +298111,31 +298112,31 +298113,31 +298114,31 +298115,31 +298116,2 +298117,2 +298118,2 +298119,2 +298120,2 +298121,2 +298122,2 +298123,2 +298124,2 +298125,2 +298126,31 +298127,31 +298128,31 +298129,31 +298130,19 +298131,19 +298132,19 +298133,19 +298134,14 +298135,39 +298136,39 +298137,39 +298138,39 +298139,39 +298140,39 +298141,39 +298142,31 +298143,31 +298144,31 +298145,31 +298146,31 +298147,31 +298148,31 +298149,2 +298150,2 +298151,2 +298152,2 +298153,2 +298154,2 +298155,2 +298156,2 +298157,2 +298158,2 +298159,32 +298160,32 +298161,32 +298162,32 +298163,32 +298164,32 +298165,32 +298166,32 +298167,40 +298168,40 +298169,40 +298170,40 +298171,40 +298172,40 +298173,11 +298174,11 +298175,11 +298176,11 +298177,11 +298178,11 +298179,11 +298180,11 +298181,11 +298182,11 +298183,11 +298184,31 +298185,31 +298186,31 +298187,30 +298188,30 +298189,30 +298190,30 +298191,30 +298192,30 +298193,30 +298194,39 +298195,39 +298196,39 +298197,39 +298198,39 +298199,39 +298200,39 +298201,39 +298202,39 +298203,36 +298204,36 +298205,36 +298206,36 +298207,36 +298208,28 +298209,28 +298210,28 +298211,28 +298212,28 +298213,28 +298214,28 +298215,23 +298216,23 +298217,23 +298218,23 +298219,23 +298220,23 +298221,31 +298222,31 +298223,31 +298224,31 +298225,31 +298226,31 +298227,31 +298228,2 +298229,2 +298230,2 +298231,2 +298232,2 +298233,2 +298234,2 +298235,2 +298236,2 +298237,2 +298238,2 +298239,10 +298240,10 +298241,10 +298242,10 +298243,10 +298244,10 +298245,10 +298246,10 +298247,10 +298248,10 +298249,10 +298250,10 +298251,10 +298252,10 +298253,8 +298254,8 +298255,8 +298256,8 +298257,8 +298258,8 +298259,8 +298260,8 +298261,27 +298262,27 +298263,27 +298264,27 +298265,27 +298266,13 +298267,13 +298268,13 +298269,13 +298270,13 +298271,13 +298272,13 +298273,13 +298274,27 +298275,27 +298276,27 +298277,27 +298278,27 +298279,27 +298280,38 +298281,38 +298282,38 +298283,38 +298284,2 +298285,2 +298286,2 +298287,2 +298288,32 +298289,32 +298290,32 +298291,32 +298292,32 +298293,32 +298294,31 +298295,25 +298296,25 +298297,31 +298298,31 +298299,4 +298300,4 +298301,4 +298302,4 +298303,4 +298304,4 +298305,4 +298306,14 +298307,14 +298308,14 +298309,14 +298310,6 +298311,6 +298312,6 +298313,6 +298314,6 +298315,31 +298316,31 +298317,31 +298318,31 +298319,30 +298320,30 +298321,30 +298322,30 +298323,30 +298324,25 +298325,25 +298326,25 +298327,25 +298328,25 +298329,27 +298330,27 +298331,27 +298332,27 +298333,32 +298334,32 +298335,32 +298336,32 +298337,32 +298338,32 +298339,32 +298340,32 +298341,32 +298342,17 +298343,17 +298344,17 +298345,17 +298346,17 +298347,17 +298348,17 +298349,17 +298350,31 +298351,31 +298352,5 +298353,5 +298354,5 +298355,31 +298356,31 +298357,31 +298358,31 +298359,31 +298360,31 +298361,31 +298362,31 +298363,31 +298364,15 +298365,24 +298366,24 +298367,24 +298368,24 +298369,39 +298370,7 +298371,7 +298372,7 +298373,7 +298374,7 +298375,7 +298376,7 +298377,3 +298378,3 +298379,3 +298380,3 +298381,3 +298382,3 +298383,3 +298384,3 +298385,3 +298386,3 +298387,3 +298388,3 +298389,3 +298390,3 +298391,3 +298392,3 +298393,27 +298394,27 +298395,27 +298396,27 +298397,27 +298398,27 +298399,27 +298400,5 +298401,5 +298402,5 +298403,5 +298404,5 +298405,27 +298406,27 +298407,27 +298408,27 +298409,27 +298410,4 +298411,4 +298412,4 +298413,4 +298414,2 +298415,2 +298416,2 +298417,2 +298418,2 +298419,2 +298420,2 +298421,33 +298422,33 +298423,33 +298424,33 +298425,33 +298426,33 +298427,33 +298428,33 +298429,33 +298430,33 +298431,33 +298432,33 +298433,5 +298434,5 +298435,5 +298436,5 +298437,5 +298438,5 +298439,5 +298440,6 +298441,6 +298442,6 +298443,6 +298444,6 +298445,6 +298446,6 +298447,6 +298448,34 +298449,34 +298450,34 +298451,34 +298452,34 +298453,34 +298454,34 +298455,34 +298456,34 +298457,34 +298458,34 +298459,34 +298460,34 +298461,34 +298462,34 +298463,34 +298464,34 +298465,34 +298466,34 +298467,34 +298468,28 +298469,28 +298470,28 +298471,28 +298472,28 +298473,28 +298474,28 +298475,28 +298476,28 +298477,28 +298478,8 +298479,8 +298480,8 +298481,8 +298482,8 +298483,8 +298484,8 +298485,8 +298486,8 +298487,8 +298488,8 +298489,8 +298490,8 +298491,8 +298492,8 +298493,8 +298494,8 +298495,8 +298496,2 +298497,0 +298498,0 +298499,0 +298500,0 +298501,0 +298502,0 +298503,0 +298504,0 +298505,0 +298506,0 +298507,0 +298508,0 +298509,0 +298510,0 +298511,0 +298512,0 +298513,0 +298514,0 +298515,0 +298516,0 +298517,0 +298518,0 +298519,0 +298520,0 +298521,0 +298522,0 +298523,0 +298524,0 +298525,0 +298526,0 +298527,0 +298528,0 +298529,0 +298530,23 +298531,23 +298532,23 +298533,23 +298534,23 +298535,9 +298536,9 +298537,9 +298538,37 +298539,37 +298540,37 +298541,25 +298542,25 +298543,25 +298544,25 +298545,25 +298546,25 +298547,25 +298548,25 +298549,25 +298550,25 +298551,25 +298552,30 +298553,30 +298554,30 +298555,30 +298556,30 +298557,30 +298558,30 +298559,30 +298560,30 +298561,30 +298562,27 +298563,27 +298564,27 +298565,27 +298566,27 +298567,27 +298568,27 +298569,27 +298570,27 +298571,18 +298572,18 +298573,18 +298574,18 +298575,18 +298576,18 +298577,18 +298578,18 +298579,18 +298580,40 +298581,40 +298582,40 +298583,40 +298584,40 +298585,40 +298586,40 +298587,40 +298588,5 +298589,5 +298590,5 +298591,5 +298592,5 +298593,5 +298594,5 +298595,5 +298596,5 +298597,0 +298598,0 +298599,0 +298600,0 +298601,31 +298602,9 +298603,9 +298604,9 +298605,9 +298606,9 +298607,9 +298608,31 +298609,23 +298610,23 +298611,23 +298612,23 +298613,23 +298614,23 +298615,23 +298616,23 +298617,23 +298618,23 +298619,23 +298620,36 +298621,36 +298622,36 +298623,36 +298624,36 +298625,36 +298626,36 +298627,36 +298628,6 +298629,6 +298630,6 +298631,6 +298632,6 +298633,6 +298634,2 +298635,2 +298636,2 +298637,2 +298638,2 +298639,2 +298640,9 +298641,9 +298642,9 +298643,9 +298644,9 +298645,9 +298646,9 +298647,9 +298648,9 +298649,9 +298650,9 +298651,9 +298652,9 +298653,9 +298654,9 +298655,9 +298656,9 +298657,9 +298658,9 +298659,30 +298660,30 +298661,30 +298662,30 +298663,30 +298664,30 +298665,30 +298666,30 +298667,30 +298668,30 +298669,30 +298670,30 +298671,30 +298672,30 +298673,10 +298674,10 +298675,10 +298676,10 +298677,10 +298678,10 +298679,10 +298680,10 +298681,10 +298682,10 +298683,10 +298684,10 +298685,23 +298686,23 +298687,23 +298688,23 +298689,23 +298690,23 +298691,23 +298692,23 +298693,23 +298694,23 +298695,23 +298696,23 +298697,23 +298698,23 +298699,23 +298700,23 +298701,23 +298702,23 +298703,23 +298704,23 +298705,23 +298706,23 +298707,23 +298708,23 +298709,0 +298710,0 +298711,0 +298712,0 +298713,0 +298714,0 +298715,0 +298716,0 +298717,0 +298718,0 +298719,0 +298720,0 +298721,0 +298722,0 +298723,0 +298724,0 +298725,0 +298726,0 +298727,0 +298728,0 +298729,0 +298730,0 +298731,0 +298732,0 +298733,0 +298734,0 +298735,0 +298736,0 +298737,0 +298738,0 +298739,0 +298740,0 +298741,0 +298742,0 +298743,0 +298744,0 +298745,0 +298746,0 +298747,0 +298748,0 +298749,0 +298750,0 +298751,0 +298752,0 +298753,0 +298754,0 +298755,0 +298756,0 +298757,0 +298758,0 +298759,0 +298760,0 +298761,0 +298762,0 +298763,0 +298764,0 +298765,0 +298766,0 +298767,0 +298768,0 +298769,0 +298770,0 +298771,0 +298772,31 +298773,31 +298774,31 +298775,31 +298776,31 +298777,31 +298778,31 +298779,31 +298780,31 +298781,5 +298782,19 +298783,19 +298784,19 +298785,19 +298786,5 +298787,5 +298788,5 +298789,31 +298790,31 +298791,31 +298792,31 +298793,31 +298794,32 +298795,32 +298796,32 +298797,32 +298798,32 +298799,32 +298800,32 +298801,32 +298802,32 +298803,32 +298804,32 +298805,39 +298806,39 +298807,39 +298808,39 +298809,39 +298810,39 +298811,39 +298812,39 +298813,39 +298814,39 +298815,39 +298816,2 +298817,2 +298818,2 +298819,2 +298820,2 +298821,2 +298822,2 +298823,2 +298824,2 +298825,2 +298826,27 +298827,27 +298828,27 +298829,27 +298830,27 +298831,27 +298832,27 +298833,27 +298834,24 +298835,24 +298836,24 +298837,24 +298838,24 +298839,21 +298840,21 +298841,21 +298842,21 +298843,21 +298844,21 +298845,21 +298846,21 +298847,26 +298848,26 +298849,26 +298850,26 +298851,26 +298852,26 +298853,26 +298854,26 +298855,26 +298856,26 +298857,26 +298858,26 +298859,26 +298860,26 +298861,26 +298862,9 +298863,9 +298864,9 +298865,9 +298866,9 +298867,9 +298868,9 +298869,9 +298870,9 +298871,9 +298872,4 +298873,4 +298874,4 +298875,12 +298876,12 +298877,12 +298878,12 +298879,12 +298880,12 +298881,12 +298882,12 +298883,12 +298884,27 +298885,27 +298886,27 +298887,27 +298888,16 +298889,16 +298890,16 +298891,16 +298892,16 +298893,16 +298894,16 +298895,16 +298896,16 +298897,16 +298898,32 +298899,32 +298900,32 +298901,32 +298902,32 +298903,32 +298904,32 +298905,32 +298906,32 +298907,32 +298908,32 +298909,32 +298910,32 +298911,32 +298912,36 +298913,36 +298914,36 +298915,36 +298916,36 +298917,36 +298918,36 +298919,36 +298920,36 +298921,36 +298922,36 +298923,36 +298924,2 +298925,2 +298926,2 +298927,2 +298928,2 +298929,2 +298930,2 +298931,2 +298932,2 +298933,2 +298934,2 +298935,2 +298936,27 +298937,27 +298938,27 +298939,27 +298940,27 +298941,27 +298942,27 +298943,27 +298944,38 +298945,38 +298946,38 +298947,38 +298948,38 +298949,38 +298950,38 +298951,38 +298952,38 +298953,9 +298954,9 +298955,9 +298956,33 +298957,33 +298958,33 +298959,33 +298960,33 +298961,33 +298962,30 +298963,33 +298964,9 +298965,9 +298966,9 +298967,9 +298968,9 +298969,9 +298970,9 +298971,9 +298972,9 +298973,9 +298974,30 +298975,30 +298976,30 +298977,30 +298978,30 +298979,30 +298980,30 +298981,30 +298982,30 +298983,31 +298984,31 +298985,31 +298986,31 +298987,31 +298988,5 +298989,19 +298990,5 +298991,19 +298992,19 +298993,19 +298994,27 +298995,27 +298996,27 +298997,27 +298998,27 +298999,27 +299000,2 +299001,2 +299002,2 +299003,2 +299004,2 +299005,2 +299006,2 +299007,2 +299008,2 +299009,2 +299010,2 +299011,4 +299012,4 +299013,4 +299014,4 +299015,4 +299016,4 +299017,36 +299018,36 +299019,36 +299020,36 +299021,36 +299022,36 +299023,40 +299024,40 +299025,40 +299026,40 +299027,5 +299028,5 +299029,5 +299030,5 +299031,5 +299032,5 +299033,5 +299034,19 +299035,19 +299036,19 +299037,19 +299038,27 +299039,27 +299040,27 +299041,27 +299042,27 +299043,27 +299044,27 +299045,13 +299046,13 +299047,13 +299048,13 +299049,13 +299050,13 +299051,13 +299052,13 +299053,13 +299054,13 +299055,13 +299056,13 +299057,13 +299058,13 +299059,13 +299060,13 +299061,2 +299062,8 +299063,8 +299064,8 +299065,8 +299066,8 +299067,2 +299068,2 +299069,2 +299070,2 +299071,2 +299072,2 +299073,2 +299074,2 +299075,2 +299076,8 +299077,8 +299078,0 +299079,0 +299080,0 +299081,0 +299082,0 +299083,0 +299084,0 +299085,0 +299086,0 +299087,0 +299088,0 +299089,0 +299090,0 +299091,0 +299092,0 +299093,0 +299094,0 +299095,0 +299096,0 +299097,0 +299098,0 +299099,0 +299100,0 +299101,0 +299102,0 +299103,0 +299104,0 +299105,0 +299106,0 +299107,11 +299108,11 +299109,11 +299110,11 +299111,11 +299112,11 +299113,11 +299114,11 +299115,16 +299116,16 +299117,16 +299118,16 +299119,16 +299120,16 +299121,33 +299122,33 +299123,22 +299124,22 +299125,33 +299126,33 +299127,33 +299128,34 +299129,33 +299130,6 +299131,6 +299132,6 +299133,6 +299134,6 +299135,6 +299136,6 +299137,6 +299138,6 +299139,6 +299140,6 +299141,39 +299142,39 +299143,39 +299144,39 +299145,39 +299146,39 +299147,39 +299148,39 +299149,39 +299150,39 +299151,32 +299152,32 +299153,32 +299154,32 +299155,32 +299156,32 +299157,32 +299158,15 +299159,32 +299160,32 +299161,32 +299162,32 +299163,32 +299164,28 +299165,28 +299166,28 +299167,28 +299168,28 +299169,28 +299170,28 +299171,28 +299172,28 +299173,28 +299174,28 +299175,28 +299176,10 +299177,10 +299178,10 +299179,10 +299180,10 +299181,10 +299182,10 +299183,10 +299184,10 +299185,10 +299186,10 +299187,10 +299188,10 +299189,10 +299190,35 +299191,35 +299192,35 +299193,35 +299194,35 +299195,35 +299196,35 +299197,35 +299198,35 +299199,35 +299200,9 +299201,9 +299202,26 +299203,26 +299204,26 +299205,26 +299206,26 +299207,26 +299208,37 +299209,37 +299210,37 +299211,37 +299212,37 +299213,37 +299214,19 +299215,6 +299216,6 +299217,6 +299218,6 +299219,6 +299220,19 +299221,19 +299222,19 +299223,19 +299224,31 +299225,31 +299226,31 +299227,31 +299228,36 +299229,36 +299230,5 +299231,5 +299232,5 +299233,5 +299234,5 +299235,5 +299236,5 +299237,28 +299238,28 +299239,28 +299240,28 +299241,28 +299242,28 +299243,28 +299244,28 +299245,28 +299246,26 +299247,10 +299248,10 +299249,10 +299250,10 +299251,10 +299252,10 +299253,10 +299254,10 +299255,10 +299256,10 +299257,10 +299258,10 +299259,10 +299260,10 +299261,10 +299262,10 +299263,10 +299264,10 +299265,10 +299266,10 +299267,10 +299268,10 +299269,10 +299270,5 +299271,5 +299272,5 +299273,5 +299274,5 +299275,5 +299276,5 +299277,6 +299278,32 +299279,6 +299280,6 +299281,19 +299282,19 +299283,19 +299284,0 +299285,0 +299286,0 +299287,0 +299288,0 +299289,0 +299290,0 +299291,0 +299292,0 +299293,0 +299294,0 +299295,0 +299296,0 +299297,0 +299298,0 +299299,0 +299300,0 +299301,0 +299302,0 +299303,0 +299304,0 +299305,0 +299306,0 +299307,0 +299308,0 +299309,0 +299310,0 +299311,0 +299312,0 +299313,0 +299314,0 +299315,0 +299316,0 +299317,0 +299318,0 +299319,0 +299320,0 +299321,0 +299322,4 +299323,4 +299324,4 +299325,4 +299326,4 +299327,3 +299328,3 +299329,3 +299330,3 +299331,3 +299332,3 +299333,3 +299334,3 +299335,3 +299336,3 +299337,3 +299338,6 +299339,6 +299340,6 +299341,6 +299342,6 +299343,6 +299344,6 +299345,6 +299346,6 +299347,6 +299348,37 +299349,37 +299350,37 +299351,37 +299352,10 +299353,10 +299354,10 +299355,10 +299356,10 +299357,10 +299358,10 +299359,10 +299360,10 +299361,10 +299362,10 +299363,10 +299364,2 +299365,2 +299366,2 +299367,2 +299368,2 +299369,2 +299370,2 +299371,2 +299372,2 +299373,2 +299374,2 +299375,2 +299376,2 +299377,32 +299378,32 +299379,11 +299380,11 +299381,11 +299382,11 +299383,11 +299384,18 +299385,18 +299386,39 +299387,39 +299388,39 +299389,39 +299390,39 +299391,39 +299392,39 +299393,39 +299394,39 +299395,39 +299396,39 +299397,2 +299398,2 +299399,2 +299400,2 +299401,2 +299402,2 +299403,2 +299404,2 +299405,31 +299406,31 +299407,31 +299408,31 +299409,31 +299410,31 +299411,31 +299412,31 +299413,2 +299414,2 +299415,2 +299416,2 +299417,2 +299418,2 +299419,2 +299420,2 +299421,2 +299422,2 +299423,2 +299424,2 +299425,2 +299426,2 +299427,2 +299428,2 +299429,8 +299430,8 +299431,8 +299432,8 +299433,8 +299434,8 +299435,0 +299436,0 +299437,0 +299438,0 +299439,0 +299440,0 +299441,0 +299442,0 +299443,0 +299444,0 +299445,0 +299446,0 +299447,0 +299448,0 +299449,0 +299450,0 +299451,0 +299452,0 +299453,0 +299454,0 +299455,0 +299456,0 +299457,0 +299458,0 +299459,0 +299460,0 +299461,0 +299462,0 +299463,0 +299464,0 +299465,0 +299466,0 +299467,0 +299468,0 +299469,0 +299470,0 +299471,36 +299472,36 +299473,36 +299474,36 +299475,31 +299476,31 +299477,31 +299478,36 +299479,36 +299480,5 +299481,5 +299482,5 +299483,19 +299484,19 +299485,19 +299486,19 +299487,19 +299488,19 +299489,35 +299490,35 +299491,35 +299492,35 +299493,35 +299494,35 +299495,39 +299496,39 +299497,39 +299498,39 +299499,39 +299500,39 +299501,4 +299502,4 +299503,4 +299504,4 +299505,4 +299506,4 +299507,27 +299508,27 +299509,27 +299510,27 +299511,27 +299512,27 +299513,31 +299514,31 +299515,28 +299516,28 +299517,28 +299518,28 +299519,28 +299520,36 +299521,36 +299522,36 +299523,36 +299524,36 +299525,10 +299526,10 +299527,10 +299528,10 +299529,10 +299530,10 +299531,5 +299532,5 +299533,5 +299534,5 +299535,5 +299536,5 +299537,5 +299538,5 +299539,7 +299540,7 +299541,7 +299542,7 +299543,7 +299544,7 +299545,7 +299546,7 +299547,39 +299548,39 +299549,39 +299550,39 +299551,27 +299552,39 +299553,39 +299554,39 +299555,39 +299556,19 +299557,19 +299558,19 +299559,19 +299560,19 +299561,19 +299562,19 +299563,9 +299564,9 +299565,9 +299566,9 +299567,9 +299568,9 +299569,9 +299570,9 +299571,9 +299572,9 +299573,9 +299574,9 +299575,37 +299576,25 +299577,25 +299578,25 +299579,25 +299580,25 +299581,25 +299582,25 +299583,25 +299584,25 +299585,25 +299586,25 +299587,5 +299588,5 +299589,5 +299590,5 +299591,5 +299592,5 +299593,5 +299594,32 +299595,32 +299596,32 +299597,32 +299598,32 +299599,32 +299600,39 +299601,39 +299602,39 +299603,39 +299604,39 +299605,39 +299606,39 +299607,39 +299608,39 +299609,39 +299610,4 +299611,4 +299612,4 +299613,4 +299614,4 +299615,4 +299616,4 +299617,4 +299618,4 +299619,25 +299620,25 +299621,25 +299622,25 +299623,25 +299624,25 +299625,25 +299626,25 +299627,25 +299628,25 +299629,24 +299630,24 +299631,24 +299632,24 +299633,24 +299634,24 +299635,2 +299636,2 +299637,2 +299638,2 +299639,2 +299640,2 +299641,2 +299642,2 +299643,2 +299644,2 +299645,2 +299646,32 +299647,32 +299648,32 +299649,32 +299650,32 +299651,32 +299652,32 +299653,14 +299654,14 +299655,14 +299656,14 +299657,14 +299658,14 +299659,14 +299660,14 +299661,14 +299662,14 +299663,14 +299664,14 +299665,14 +299666,14 +299667,14 +299668,14 +299669,14 +299670,14 +299671,14 +299672,14 +299673,14 +299674,14 +299675,19 +299676,5 +299677,5 +299678,5 +299679,5 +299680,5 +299681,5 +299682,5 +299683,5 +299684,5 +299685,0 +299686,0 +299687,0 +299688,0 +299689,0 +299690,0 +299691,0 +299692,0 +299693,0 +299694,0 +299695,0 +299696,0 +299697,0 +299698,0 +299699,0 +299700,0 +299701,0 +299702,0 +299703,0 +299704,0 +299705,0 +299706,0 +299707,0 +299708,0 +299709,0 +299710,0 +299711,0 +299712,0 +299713,0 +299714,35 +299715,35 +299716,35 +299717,35 +299718,35 +299719,35 +299720,35 +299721,35 +299722,3 +299723,3 +299724,3 +299725,3 +299726,3 +299727,19 +299728,19 +299729,19 +299730,19 +299731,19 +299732,19 +299733,19 +299734,19 +299735,19 +299736,34 +299737,34 +299738,34 +299739,34 +299740,34 +299741,34 +299742,34 +299743,34 +299744,34 +299745,34 +299746,34 +299747,34 +299748,34 +299749,34 +299750,5 +299751,5 +299752,5 +299753,5 +299754,28 +299755,28 +299756,28 +299757,15 +299758,15 +299759,15 +299760,15 +299761,31 +299762,31 +299763,31 +299764,31 +299765,31 +299766,31 +299767,30 +299768,33 +299769,33 +299770,33 +299771,33 +299772,33 +299773,30 +299774,22 +299775,22 +299776,22 +299777,22 +299778,33 +299779,33 +299780,33 +299781,33 +299782,33 +299783,33 +299784,33 +299785,33 +299786,33 +299787,33 +299788,33 +299789,33 +299790,33 +299791,33 +299792,33 +299793,33 +299794,5 +299795,5 +299796,17 +299797,5 +299798,5 +299799,5 +299800,5 +299801,5 +299802,5 +299803,5 +299804,5 +299805,5 +299806,24 +299807,24 +299808,24 +299809,24 +299810,24 +299811,24 +299812,9 +299813,9 +299814,9 +299815,9 +299816,9 +299817,9 +299818,9 +299819,9 +299820,30 +299821,30 +299822,9 +299823,9 +299824,9 +299825,30 +299826,30 +299827,30 +299828,30 +299829,39 +299830,39 +299831,39 +299832,39 +299833,39 +299834,39 +299835,39 +299836,39 +299837,39 +299838,39 +299839,39 +299840,28 +299841,28 +299842,28 +299843,28 +299844,28 +299845,28 +299846,28 +299847,28 +299848,28 +299849,28 +299850,2 +299851,2 +299852,8 +299853,8 +299854,8 +299855,8 +299856,8 +299857,4 +299858,4 +299859,4 +299860,4 +299861,4 +299862,4 +299863,4 +299864,4 +299865,4 +299866,4 +299867,12 +299868,12 +299869,12 +299870,12 +299871,12 +299872,12 +299873,40 +299874,40 +299875,40 +299876,40 +299877,40 +299878,40 +299879,40 +299880,40 +299881,33 +299882,30 +299883,30 +299884,30 +299885,30 +299886,30 +299887,30 +299888,30 +299889,31 +299890,31 +299891,31 +299892,31 +299893,31 +299894,30 +299895,30 +299896,30 +299897,30 +299898,30 +299899,30 +299900,30 +299901,14 +299902,14 +299903,14 +299904,14 +299905,27 +299906,27 +299907,27 +299908,11 +299909,11 +299910,11 +299911,11 +299912,11 +299913,11 +299914,11 +299915,11 +299916,11 +299917,11 +299918,11 +299919,11 +299920,11 +299921,11 +299922,11 +299923,11 +299924,11 +299925,11 +299926,11 +299927,10 +299928,10 +299929,10 +299930,10 +299931,10 +299932,10 +299933,10 +299934,10 +299935,10 +299936,10 +299937,10 +299938,10 +299939,10 +299940,5 +299941,5 +299942,5 +299943,5 +299944,5 +299945,27 +299946,27 +299947,27 +299948,27 +299949,27 +299950,27 +299951,27 +299952,27 +299953,27 +299954,5 +299955,19 +299956,5 +299957,19 +299958,5 +299959,5 +299960,5 +299961,5 +299962,5 +299963,5 +299964,19 +299965,5 +299966,0 +299967,0 +299968,0 +299969,0 +299970,0 +299971,0 +299972,0 +299973,0 +299974,0 +299975,0 +299976,0 +299977,0 +299978,0 +299979,0 +299980,0 +299981,0 +299982,0 +299983,0 +299984,0 +299985,0 +299986,0 +299987,0 +299988,0 +299989,0 +299990,0 +299991,0 +299992,0 +299993,0 +299994,0 +299995,0 +299996,0 +299997,0 +299998,0 +299999,0 +300000,0 +300001,0 +300002,0 +300003,0 +300004,0 +300005,0 +300006,0 +300007,0 +300008,0 +300009,0 +300010,0 +300011,0 +300012,0 +300013,0 +300014,0 +300015,0 +300016,0 +300017,0 +300018,0 +300019,0 +300020,0 +300021,0 +300022,0 +300023,0 +300024,0 +300025,0 +300026,0 +300027,0 +300028,0 +300029,0 +300030,0 +300031,0 +300032,0 +300033,0 +300034,0 +300035,0 +300036,0 +300037,0 +300038,0 +300039,0 +300040,0 +300041,0 +300042,5 +300043,5 +300044,5 +300045,5 +300046,5 +300047,14 +300048,14 +300049,14 +300050,14 +300051,14 +300052,14 +300053,14 +300054,14 +300055,14 +300056,14 +300057,14 +300058,14 +300059,14 +300060,38 +300061,38 +300062,38 +300063,38 +300064,38 +300065,38 +300066,38 +300067,38 +300068,31 +300069,31 +300070,31 +300071,31 +300072,31 +300073,31 +300074,29 +300075,29 +300076,29 +300077,5 +300078,19 +300079,29 +300080,29 +300081,29 +300082,29 +300083,29 +300084,31 +300085,31 +300086,31 +300087,31 +300088,31 +300089,31 +300090,31 +300091,2 +300092,2 +300093,2 +300094,2 +300095,2 +300096,2 +300097,2 +300098,2 +300099,2 +300100,2 +300101,2 +300102,2 +300103,2 +300104,39 +300105,39 +300106,39 +300107,39 +300108,39 +300109,39 +300110,39 +300111,14 +300112,14 +300113,14 +300114,39 +300115,39 +300116,39 +300117,39 +300118,27 +300119,27 +300120,37 +300121,37 +300122,37 +300123,37 +300124,37 +300125,37 +300126,37 +300127,37 +300128,37 +300129,37 +300130,37 +300131,37 +300132,37 +300133,37 +300134,37 +300135,37 +300136,37 +300137,37 +300138,37 +300139,37 +300140,37 +300141,25 +300142,25 +300143,25 +300144,25 +300145,25 +300146,25 +300147,25 +300148,0 +300149,0 +300150,0 +300151,0 +300152,0 +300153,36 +300154,36 +300155,36 +300156,36 +300157,36 +300158,36 +300159,36 +300160,36 +300161,36 +300162,5 +300163,5 +300164,19 +300165,19 +300166,19 +300167,19 +300168,19 +300169,5 +300170,5 +300171,5 +300172,5 +300173,25 +300174,26 +300175,26 +300176,26 +300177,26 +300178,25 +300179,25 +300180,16 +300181,16 +300182,4 +300183,4 +300184,4 +300185,4 +300186,4 +300187,4 +300188,4 +300189,4 +300190,4 +300191,37 +300192,37 +300193,25 +300194,25 +300195,25 +300196,25 +300197,25 +300198,32 +300199,32 +300200,32 +300201,32 +300202,32 +300203,32 +300204,32 +300205,32 +300206,26 +300207,26 +300208,26 +300209,26 +300210,26 +300211,26 +300212,26 +300213,26 +300214,26 +300215,26 +300216,26 +300217,30 +300218,30 +300219,30 +300220,30 +300221,30 +300222,30 +300223,30 +300224,27 +300225,27 +300226,27 +300227,27 +300228,27 +300229,27 +300230,4 +300231,4 +300232,4 +300233,4 +300234,4 +300235,4 +300236,2 +300237,27 +300238,27 +300239,27 +300240,27 +300241,27 +300242,27 +300243,27 +300244,5 +300245,5 +300246,5 +300247,5 +300248,5 +300249,5 +300250,5 +300251,5 +300252,5 +300253,5 +300254,5 +300255,6 +300256,6 +300257,6 +300258,6 +300259,6 +300260,6 +300261,6 +300262,6 +300263,37 +300264,37 +300265,37 +300266,37 +300267,27 +300268,27 +300269,27 +300270,27 +300271,2 +300272,2 +300273,2 +300274,2 +300275,2 +300276,2 +300277,2 +300278,2 +300279,2 +300280,2 +300281,2 +300282,2 +300283,33 +300284,33 +300285,33 +300286,33 +300287,33 +300288,30 +300289,30 +300290,30 +300291,30 +300292,30 +300293,2 +300294,2 +300295,2 +300296,2 +300297,2 +300298,2 +300299,2 +300300,2 +300301,2 +300302,2 +300303,2 +300304,2 +300305,2 +300306,4 +300307,4 +300308,4 +300309,4 +300310,4 +300311,4 +300312,26 +300313,26 +300314,33 +300315,33 +300316,33 +300317,33 +300318,33 +300319,33 +300320,33 +300321,33 +300322,33 +300323,33 +300324,33 +300325,28 +300326,28 +300327,28 +300328,28 +300329,28 +300330,28 +300331,28 +300332,28 +300333,28 +300334,28 +300335,5 +300336,5 +300337,0 +300338,0 +300339,0 +300340,0 +300341,0 +300342,0 +300343,0 +300344,0 +300345,0 +300346,0 +300347,0 +300348,0 +300349,0 +300350,0 +300351,0 +300352,0 +300353,0 +300354,0 +300355,0 +300356,0 +300357,0 +300358,0 +300359,0 +300360,0 +300361,0 +300362,0 +300363,0 +300364,0 +300365,0 +300366,0 +300367,0 +300368,27 +300369,27 +300370,27 +300371,27 +300372,27 +300373,27 +300374,27 +300375,27 +300376,27 +300377,27 +300378,27 +300379,27 +300380,8 +300381,8 +300382,8 +300383,8 +300384,8 +300385,8 +300386,35 +300387,35 +300388,35 +300389,35 +300390,35 +300391,35 +300392,35 +300393,26 +300394,26 +300395,26 +300396,26 +300397,26 +300398,26 +300399,26 +300400,37 +300401,37 +300402,37 +300403,37 +300404,37 +300405,37 +300406,37 +300407,4 +300408,4 +300409,37 +300410,27 +300411,27 +300412,37 +300413,37 +300414,25 +300415,14 +300416,14 +300417,36 +300418,36 +300419,36 +300420,36 +300421,36 +300422,36 +300423,36 +300424,36 +300425,36 +300426,36 +300427,36 +300428,36 +300429,6 +300430,6 +300431,6 +300432,6 +300433,11 +300434,11 +300435,11 +300436,11 +300437,11 +300438,11 +300439,11 +300440,31 +300441,31 +300442,5 +300443,5 +300444,5 +300445,5 +300446,27 +300447,27 +300448,27 +300449,27 +300450,27 +300451,27 +300452,27 +300453,8 +300454,8 +300455,8 +300456,8 +300457,8 +300458,8 +300459,8 +300460,8 +300461,32 +300462,32 +300463,32 +300464,32 +300465,32 +300466,32 +300467,32 +300468,32 +300469,32 +300470,32 +300471,32 +300472,32 +300473,25 +300474,25 +300475,25 +300476,25 +300477,19 +300478,19 +300479,19 +300480,19 +300481,39 +300482,39 +300483,39 +300484,39 +300485,39 +300486,39 +300487,12 +300488,12 +300489,12 +300490,12 +300491,12 +300492,12 +300493,12 +300494,12 +300495,12 +300496,12 +300497,12 +300498,12 +300499,39 +300500,39 +300501,39 +300502,39 +300503,39 +300504,39 +300505,39 +300506,39 +300507,39 +300508,39 +300509,39 +300510,39 +300511,39 +300512,39 +300513,6 +300514,6 +300515,6 +300516,6 +300517,39 +300518,39 +300519,39 +300520,39 +300521,39 +300522,39 +300523,39 +300524,39 +300525,24 +300526,24 +300527,24 +300528,24 +300529,24 +300530,24 +300531,27 +300532,27 +300533,27 +300534,5 +300535,5 +300536,5 +300537,5 +300538,5 +300539,5 +300540,5 +300541,7 +300542,39 +300543,39 +300544,7 +300545,7 +300546,7 +300547,7 +300548,31 +300549,31 +300550,31 +300551,31 +300552,36 +300553,36 +300554,36 +300555,31 +300556,31 +300557,31 +300558,31 +300559,31 +300560,31 +300561,4 +300562,4 +300563,19 +300564,19 +300565,19 +300566,19 +300567,19 +300568,19 +300569,19 +300570,19 +300571,19 +300572,19 +300573,19 +300574,19 +300575,0 +300576,0 +300577,0 +300578,0 +300579,0 +300580,0 +300581,0 +300582,0 +300583,0 +300584,0 +300585,0 +300586,0 +300587,0 +300588,0 +300589,0 +300590,0 +300591,0 +300592,0 +300593,0 +300594,0 +300595,0 +300596,0 +300597,0 +300598,0 +300599,0 +300600,0 +300601,0 +300602,0 +300603,0 +300604,0 +300605,0 +300606,0 +300607,0 +300608,0 +300609,0 +300610,0 +300611,0 +300612,0 +300613,0 +300614,0 +300615,0 +300616,0 +300617,0 +300618,0 +300619,0 +300620,0 +300621,0 +300622,0 +300623,0 +300624,0 +300625,0 +300626,0 +300627,0 +300628,0 +300629,0 +300630,0 +300631,0 +300632,0 +300633,0 +300634,0 +300635,0 +300636,0 +300637,0 +300638,0 +300639,0 +300640,29 +300641,29 +300642,29 +300643,29 +300644,29 +300645,29 +300646,29 +300647,36 +300648,36 +300649,36 +300650,36 +300651,36 +300652,36 +300653,36 +300654,36 +300655,36 +300656,36 +300657,36 +300658,36 +300659,4 +300660,4 +300661,4 +300662,4 +300663,4 +300664,4 +300665,31 +300666,31 +300667,31 +300668,31 +300669,31 +300670,31 +300671,30 +300672,30 +300673,30 +300674,30 +300675,33 +300676,33 +300677,33 +300678,33 +300679,33 +300680,30 +300681,30 +300682,30 +300683,30 +300684,30 +300685,30 +300686,30 +300687,30 +300688,30 +300689,30 +300690,30 +300691,30 +300692,30 +300693,30 +300694,30 +300695,4 +300696,4 +300697,4 +300698,4 +300699,4 +300700,4 +300701,4 +300702,4 +300703,4 +300704,4 +300705,4 +300706,4 +300707,4 +300708,4 +300709,10 +300710,10 +300711,10 +300712,10 +300713,10 +300714,10 +300715,10 +300716,10 +300717,10 +300718,10 +300719,10 +300720,10 +300721,10 +300722,10 +300723,10 +300724,25 +300725,25 +300726,25 +300727,25 +300728,25 +300729,25 +300730,25 +300731,37 +300732,37 +300733,8 +300734,8 +300735,2 +300736,2 +300737,2 +300738,2 +300739,2 +300740,2 +300741,2 +300742,2 +300743,2 +300744,2 +300745,2 +300746,31 +300747,31 +300748,31 +300749,31 +300750,31 +300751,31 +300752,31 +300753,31 +300754,31 +300755,31 +300756,31 +300757,31 +300758,31 +300759,28 +300760,27 +300761,37 +300762,27 +300763,31 +300764,31 +300765,27 +300766,27 +300767,27 +300768,27 +300769,27 +300770,27 +300771,27 +300772,5 +300773,5 +300774,5 +300775,5 +300776,5 +300777,31 +300778,31 +300779,31 +300780,31 +300781,31 +300782,31 +300783,31 +300784,31 +300785,4 +300786,4 +300787,4 +300788,4 +300789,4 +300790,4 +300791,4 +300792,4 +300793,4 +300794,27 +300795,27 +300796,27 +300797,27 +300798,27 +300799,27 +300800,27 +300801,27 +300802,8 +300803,8 +300804,8 +300805,8 +300806,8 +300807,8 +300808,8 +300809,8 +300810,8 +300811,27 +300812,27 +300813,27 +300814,28 +300815,28 +300816,28 +300817,28 +300818,5 +300819,5 +300820,5 +300821,5 +300822,6 +300823,6 +300824,6 +300825,6 +300826,6 +300827,6 +300828,6 +300829,6 +300830,6 +300831,6 +300832,6 +300833,36 +300834,36 +300835,36 +300836,36 +300837,36 +300838,36 +300839,36 +300840,36 +300841,36 +300842,4 +300843,32 +300844,4 +300845,4 +300846,4 +300847,4 +300848,4 +300849,4 +300850,4 +300851,4 +300852,4 +300853,4 +300854,4 +300855,15 +300856,15 +300857,15 +300858,15 +300859,15 +300860,15 +300861,32 +300862,32 +300863,26 +300864,26 +300865,26 +300866,26 +300867,26 +300868,26 +300869,26 +300870,9 +300871,26 +300872,26 +300873,26 +300874,26 +300875,26 +300876,26 +300877,26 +300878,26 +300879,26 +300880,29 +300881,29 +300882,29 +300883,29 +300884,29 +300885,29 +300886,29 +300887,25 +300888,25 +300889,25 +300890,25 +300891,25 +300892,25 +300893,25 +300894,27 +300895,27 +300896,27 +300897,27 +300898,27 +300899,13 +300900,13 +300901,13 +300902,13 +300903,13 +300904,35 +300905,35 +300906,35 +300907,35 +300908,35 +300909,35 +300910,35 +300911,35 +300912,35 +300913,35 +300914,27 +300915,27 +300916,27 +300917,27 +300918,27 +300919,27 +300920,27 +300921,27 +300922,27 +300923,27 +300924,40 +300925,40 +300926,27 +300927,27 +300928,27 +300929,28 +300930,28 +300931,28 +300932,28 +300933,28 +300934,28 +300935,28 +300936,28 +300937,5 +300938,28 +300939,28 +300940,28 +300941,28 +300942,28 +300943,0 +300944,0 +300945,0 +300946,0 +300947,0 +300948,0 +300949,0 +300950,0 +300951,0 +300952,0 +300953,0 +300954,0 +300955,0 +300956,0 +300957,0 +300958,0 +300959,0 +300960,0 +300961,0 +300962,0 +300963,0 +300964,36 +300965,36 +300966,36 +300967,36 +300968,36 +300969,36 +300970,36 +300971,36 +300972,36 +300973,36 +300974,36 +300975,36 +300976,5 +300977,5 +300978,5 +300979,28 +300980,28 +300981,28 +300982,15 +300983,15 +300984,15 +300985,15 +300986,15 +300987,10 +300988,10 +300989,10 +300990,10 +300991,10 +300992,10 +300993,10 +300994,10 +300995,10 +300996,10 +300997,10 +300998,10 +300999,10 +301000,10 +301001,10 +301002,10 +301003,10 +301004,10 +301005,10 +301006,10 +301007,10 +301008,14 +301009,14 +301010,14 +301011,14 +301012,28 +301013,28 +301014,28 +301015,28 +301016,28 +301017,28 +301018,28 +301019,15 +301020,15 +301021,15 +301022,15 +301023,15 +301024,10 +301025,10 +301026,10 +301027,10 +301028,10 +301029,10 +301030,10 +301031,10 +301032,10 +301033,10 +301034,10 +301035,10 +301036,10 +301037,10 +301038,10 +301039,10 +301040,10 +301041,10 +301042,10 +301043,10 +301044,10 +301045,10 +301046,10 +301047,35 +301048,35 +301049,35 +301050,35 +301051,35 +301052,35 +301053,35 +301054,35 +301055,35 +301056,39 +301057,39 +301058,39 +301059,39 +301060,39 +301061,39 +301062,39 +301063,39 +301064,39 +301065,35 +301066,35 +301067,35 +301068,35 +301069,35 +301070,35 +301071,35 +301072,36 +301073,36 +301074,36 +301075,36 +301076,36 +301077,36 +301078,4 +301079,4 +301080,4 +301081,4 +301082,4 +301083,31 +301084,31 +301085,31 +301086,31 +301087,31 +301088,31 +301089,31 +301090,30 +301091,31 +301092,30 +301093,30 +301094,30 +301095,30 +301096,30 +301097,30 +301098,30 +301099,9 +301100,9 +301101,9 +301102,9 +301103,9 +301104,9 +301105,9 +301106,9 +301107,9 +301108,9 +301109,9 +301110,9 +301111,9 +301112,9 +301113,9 +301114,9 +301115,9 +301116,9 +301117,9 +301118,9 +301119,13 +301120,13 +301121,13 +301122,13 +301123,13 +301124,13 +301125,13 +301126,13 +301127,13 +301128,13 +301129,37 +301130,37 +301131,37 +301132,37 +301133,37 +301134,37 +301135,25 +301136,27 +301137,27 +301138,27 +301139,27 +301140,27 +301141,5 +301142,5 +301143,5 +301144,5 +301145,5 +301146,5 +301147,28 +301148,5 +301149,5 +301150,40 +301151,40 +301152,40 +301153,40 +301154,40 +301155,40 +301156,40 +301157,40 +301158,40 +301159,40 +301160,40 +301161,40 +301162,40 +301163,40 +301164,40 +301165,19 +301166,19 +301167,19 +301168,27 +301169,27 +301170,27 +301171,27 +301172,27 +301173,27 +301174,27 +301175,27 +301176,4 +301177,4 +301178,6 +301179,6 +301180,6 +301181,23 +301182,23 +301183,23 +301184,23 +301185,23 +301186,23 +301187,23 +301188,23 +301189,23 +301190,23 +301191,23 +301192,23 +301193,23 +301194,23 +301195,23 +301196,23 +301197,39 +301198,39 +301199,39 +301200,39 +301201,39 +301202,39 +301203,39 +301204,39 +301205,39 +301206,39 +301207,39 +301208,39 +301209,39 +301210,39 +301211,39 +301212,39 +301213,39 +301214,39 +301215,23 +301216,23 +301217,23 +301218,23 +301219,23 +301220,23 +301221,23 +301222,25 +301223,25 +301224,25 +301225,25 +301226,25 +301227,25 +301228,25 +301229,25 +301230,25 +301231,25 +301232,25 +301233,25 +301234,25 +301235,25 +301236,25 +301237,25 +301238,25 +301239,25 +301240,25 +301241,25 +301242,25 +301243,25 +301244,25 +301245,25 +301246,25 +301247,0 +301248,0 +301249,0 +301250,0 +301251,0 +301252,0 +301253,0 +301254,0 +301255,0 +301256,0 +301257,0 +301258,0 +301259,0 +301260,0 +301261,0 +301262,0 +301263,0 +301264,0 +301265,0 +301266,0 +301267,0 +301268,0 +301269,0 +301270,0 +301271,0 +301272,0 +301273,0 +301274,0 +301275,0 +301276,0 +301277,0 +301278,0 +301279,0 +301280,0 +301281,0 +301282,0 +301283,0 +301284,0 +301285,0 +301286,0 +301287,0 +301288,0 +301289,0 +301290,0 +301291,0 +301292,0 +301293,0 +301294,0 +301295,0 +301296,0 +301297,0 +301298,0 +301299,0 +301300,0 +301301,0 +301302,0 +301303,0 +301304,0 +301305,39 +301306,39 +301307,39 +301308,39 +301309,39 +301310,39 +301311,39 +301312,23 +301313,23 +301314,23 +301315,23 +301316,23 +301317,23 +301318,23 +301319,23 +301320,23 +301321,33 +301322,33 +301323,33 +301324,33 +301325,31 +301326,33 +301327,33 +301328,1 +301329,1 +301330,21 +301331,21 +301332,21 +301333,21 +301334,21 +301335,21 +301336,21 +301337,21 +301338,9 +301339,9 +301340,9 +301341,9 +301342,9 +301343,9 +301344,9 +301345,9 +301346,33 +301347,9 +301348,9 +301349,33 +301350,33 +301351,33 +301352,33 +301353,33 +301354,33 +301355,33 +301356,33 +301357,33 +301358,5 +301359,5 +301360,5 +301361,5 +301362,5 +301363,5 +301364,5 +301365,5 +301366,4 +301367,4 +301368,4 +301369,4 +301370,4 +301371,27 +301372,27 +301373,27 +301374,27 +301375,27 +301376,2 +301377,2 +301378,2 +301379,2 +301380,2 +301381,2 +301382,2 +301383,2 +301384,2 +301385,2 +301386,2 +301387,2 +301388,2 +301389,2 +301390,2 +301391,2 +301392,39 +301393,39 +301394,39 +301395,39 +301396,39 +301397,39 +301398,39 +301399,39 +301400,39 +301401,39 +301402,39 +301403,39 +301404,39 +301405,39 +301406,39 +301407,39 +301408,39 +301409,39 +301410,39 +301411,39 +301412,39 +301413,39 +301414,39 +301415,39 +301416,39 +301417,39 +301418,39 +301419,39 +301420,0 +301421,0 +301422,0 +301423,0 +301424,0 +301425,0 +301426,0 +301427,0 +301428,0 +301429,0 +301430,0 +301431,0 +301432,0 +301433,0 +301434,0 +301435,0 +301436,0 +301437,0 +301438,0 +301439,0 +301440,0 +301441,0 +301442,0 +301443,0 +301444,0 +301445,0 +301446,0 +301447,0 +301448,0 +301449,0 +301450,0 +301451,0 +301452,0 +301453,0 +301454,0 +301455,0 +301456,0 +301457,0 +301458,0 +301459,0 +301460,2 +301461,2 +301462,2 +301463,2 +301464,2 +301465,2 +301466,2 +301467,2 +301468,2 +301469,2 +301470,2 +301471,2 +301472,2 +301473,2 +301474,2 +301475,2 +301476,2 +301477,2 +301478,2 +301479,2 +301480,2 +301481,2 +301482,2 +301483,40 +301484,40 +301485,40 +301486,40 +301487,40 +301488,40 +301489,19 +301490,19 +301491,19 +301492,19 +301493,19 +301494,23 +301495,23 +301496,23 +301497,23 +301498,23 +301499,23 +301500,23 +301501,23 +301502,23 +301503,23 +301504,23 +301505,27 +301506,27 +301507,27 +301508,27 +301509,27 +301510,30 +301511,30 +301512,30 +301513,30 +301514,30 +301515,30 +301516,30 +301517,30 +301518,33 +301519,33 +301520,33 +301521,33 +301522,33 +301523,32 +301524,32 +301525,32 +301526,32 +301527,32 +301528,32 +301529,32 +301530,32 +301531,32 +301532,32 +301533,32 +301534,32 +301535,32 +301536,40 +301537,40 +301538,40 +301539,36 +301540,40 +301541,40 +301542,36 +301543,2 +301544,2 +301545,2 +301546,2 +301547,2 +301548,2 +301549,2 +301550,2 +301551,2 +301552,2 +301553,2 +301554,2 +301555,2 +301556,2 +301557,2 +301558,2 +301559,28 +301560,28 +301561,28 +301562,28 +301563,28 +301564,28 +301565,34 +301566,34 +301567,34 +301568,34 +301569,34 +301570,34 +301571,34 +301572,34 +301573,34 +301574,34 +301575,10 +301576,10 +301577,10 +301578,10 +301579,10 +301580,10 +301581,10 +301582,10 +301583,10 +301584,10 +301585,10 +301586,10 +301587,33 +301588,10 +301589,27 +301590,27 +301591,27 +301592,13 +301593,13 +301594,13 +301595,13 +301596,28 +301597,28 +301598,39 +301599,28 +301600,39 +301601,39 +301602,39 +301603,39 +301604,28 +301605,28 +301606,28 +301607,28 +301608,28 +301609,0 +301610,0 +301611,0 +301612,0 +301613,0 +301614,0 +301615,0 +301616,0 +301617,0 +301618,0 +301619,0 +301620,0 +301621,0 +301622,0 +301623,0 +301624,0 +301625,0 +301626,0 +301627,0 +301628,0 +301629,0 +301630,0 +301631,0 +301632,0 +301633,0 +301634,0 +301635,0 +301636,0 +301637,0 +301638,0 +301639,0 +301640,0 +301641,0 +301642,0 +301643,0 +301644,0 +301645,0 +301646,0 +301647,0 +301648,0 +301649,0 +301650,0 +301651,0 +301652,0 +301653,0 +301654,0 +301655,5 +301656,5 +301657,5 +301658,5 +301659,5 +301660,5 +301661,5 +301662,5 +301663,5 +301664,5 +301665,5 +301666,5 +301667,34 +301668,34 +301669,34 +301670,34 +301671,34 +301672,34 +301673,34 +301674,34 +301675,34 +301676,34 +301677,34 +301678,36 +301679,36 +301680,36 +301681,36 +301682,36 +301683,36 +301684,36 +301685,36 +301686,36 +301687,36 +301688,36 +301689,36 +301690,36 +301691,36 +301692,36 +301693,36 +301694,34 +301695,34 +301696,34 +301697,35 +301698,35 +301699,35 +301700,10 +301701,10 +301702,10 +301703,10 +301704,33 +301705,32 +301706,0 +301707,0 +301708,0 +301709,0 +301710,0 +301711,0 +301712,0 +301713,0 +301714,0 +301715,0 +301716,0 +301717,0 +301718,0 +301719,0 +301720,0 +301721,0 +301722,0 +301723,0 +301724,0 +301725,0 +301726,0 +301727,0 +301728,0 +301729,0 +301730,0 +301731,0 +301732,0 +301733,0 +301734,0 +301735,0 +301736,0 +301737,0 +301738,0 +301739,0 +301740,0 +301741,0 +301742,0 +301743,0 +301744,0 +301745,0 +301746,0 +301747,0 +301748,0 +301749,0 +301750,0 +301751,0 +301752,0 +301753,0 +301754,0 +301755,0 +301756,0 +301757,0 +301758,0 +301759,0 +301760,0 +301761,0 +301762,0 +301763,0 +301764,0 +301765,0 +301766,0 +301767,0 +301768,0 +301769,0 +301770,0 +301771,0 +301772,0 +301773,0 +301774,0 +301775,0 +301776,0 +301777,0 +301778,0 +301779,0 +301780,0 +301781,0 +301782,0 +301783,0 +301784,0 +301785,0 +301786,0 +301787,0 +301788,0 +301789,0 +301790,23 +301791,23 +301792,23 +301793,23 +301794,23 +301795,23 +301796,23 +301797,23 +301798,23 +301799,23 +301800,23 +301801,23 +301802,23 +301803,23 +301804,23 +301805,23 +301806,23 +301807,23 +301808,23 +301809,23 +301810,9 +301811,33 +301812,9 +301813,9 +301814,9 +301815,9 +301816,9 +301817,9 +301818,9 +301819,30 +301820,30 +301821,30 +301822,30 +301823,30 +301824,30 +301825,30 +301826,30 +301827,30 +301828,30 +301829,30 +301830,30 +301831,30 +301832,12 +301833,12 +301834,12 +301835,12 +301836,12 +301837,12 +301838,12 +301839,5 +301840,5 +301841,5 +301842,5 +301843,5 +301844,0 +301845,0 +301846,0 +301847,32 +301848,32 +301849,0 +301850,0 +301851,0 +301852,0 +301853,0 +301854,0 +301855,31 +301856,31 +301857,31 +301858,31 +301859,31 +301860,31 +301861,31 +301862,24 +301863,24 +301864,24 +301865,24 +301866,24 +301867,24 +301868,2 +301869,2 +301870,2 +301871,2 +301872,2 +301873,2 +301874,2 +301875,2 +301876,2 +301877,2 +301878,2 +301879,32 +301880,32 +301881,32 +301882,32 +301883,32 +301884,40 +301885,40 +301886,14 +301887,14 +301888,14 +301889,14 +301890,14 +301891,6 +301892,6 +301893,6 +301894,6 +301895,6 +301896,6 +301897,6 +301898,6 +301899,7 +301900,7 +301901,7 +301902,7 +301903,7 +301904,7 +301905,7 +301906,3 +301907,3 +301908,3 +301909,3 +301910,30 +301911,30 +301912,30 +301913,30 +301914,30 +301915,30 +301916,30 +301917,30 +301918,39 +301919,39 +301920,14 +301921,14 +301922,14 +301923,14 +301924,14 +301925,14 +301926,14 +301927,14 +301928,14 +301929,11 +301930,11 +301931,11 +301932,11 +301933,11 +301934,11 +301935,11 +301936,11 +301937,11 +301938,11 +301939,11 +301940,11 +301941,11 +301942,11 +301943,11 +301944,11 +301945,11 +301946,31 +301947,31 +301948,31 +301949,27 +301950,27 +301951,31 +301952,5 +301953,5 +301954,5 +301955,5 +301956,5 +301957,5 +301958,5 +301959,5 +301960,5 +301961,5 +301962,0 +301963,0 +301964,0 +301965,36 +301966,36 +301967,36 +301968,36 +301969,36 +301970,36 +301971,36 +301972,36 +301973,36 +301974,36 +301975,5 +301976,5 +301977,5 +301978,5 +301979,5 +301980,5 +301981,5 +301982,31 +301983,31 +301984,31 +301985,31 +301986,31 +301987,31 +301988,31 +301989,28 +301990,28 +301991,5 +301992,5 +301993,19 +301994,19 +301995,19 +301996,19 +301997,19 +301998,19 +301999,19 +302000,19 +302001,19 +302002,19 +302003,19 +302004,39 +302005,39 +302006,39 +302007,39 +302008,39 +302009,39 +302010,39 +302011,39 +302012,39 +302013,39 +302014,39 +302015,32 +302016,32 +302017,32 +302018,32 +302019,32 +302020,32 +302021,32 +302022,32 +302023,32 +302024,32 +302025,32 +302026,32 +302027,32 +302028,32 +302029,32 +302030,32 +302031,32 +302032,32 +302033,37 +302034,37 +302035,37 +302036,37 +302037,39 +302038,39 +302039,39 +302040,39 +302041,39 +302042,2 +302043,2 +302044,2 +302045,2 +302046,2 +302047,2 +302048,2 +302049,2 +302050,2 +302051,2 +302052,2 +302053,2 +302054,2 +302055,2 +302056,2 +302057,4 +302058,4 +302059,4 +302060,4 +302061,4 +302062,4 +302063,4 +302064,4 +302065,4 +302066,37 +302067,37 +302068,37 +302069,37 +302070,14 +302071,14 +302072,14 +302073,14 +302074,14 +302075,14 +302076,14 +302077,14 +302078,14 +302079,14 +302080,14 +302081,14 +302082,14 +302083,5 +302084,5 +302085,5 +302086,5 +302087,5 +302088,5 +302089,19 +302090,4 +302091,4 +302092,4 +302093,4 +302094,27 +302095,27 +302096,27 +302097,27 +302098,27 +302099,6 +302100,6 +302101,6 +302102,6 +302103,6 +302104,6 +302105,6 +302106,6 +302107,6 +302108,6 +302109,2 +302110,2 +302111,2 +302112,2 +302113,2 +302114,2 +302115,2 +302116,2 +302117,2 +302118,2 +302119,2 +302120,2 +302121,2 +302122,2 +302123,10 +302124,10 +302125,10 +302126,10 +302127,10 +302128,10 +302129,10 +302130,10 +302131,21 +302132,21 +302133,21 +302134,21 +302135,21 +302136,21 +302137,28 +302138,28 +302139,28 +302140,28 +302141,28 +302142,28 +302143,28 +302144,28 +302145,28 +302146,28 +302147,28 +302148,28 +302149,28 +302150,31 +302151,31 +302152,31 +302153,31 +302154,5 +302155,5 +302156,5 +302157,5 +302158,5 +302159,5 +302160,5 +302161,5 +302162,5 +302163,5 +302164,0 +302165,0 +302166,0 +302167,0 +302168,0 +302169,0 +302170,0 +302171,0 +302172,0 +302173,2 +302174,2 +302175,2 +302176,2 +302177,2 +302178,2 +302179,8 +302180,8 +302181,8 +302182,8 +302183,8 +302184,8 +302185,8 +302186,0 +302187,0 +302188,0 +302189,0 +302190,0 +302191,0 +302192,0 +302193,0 +302194,0 +302195,0 +302196,0 +302197,0 +302198,0 +302199,0 +302200,0 +302201,0 +302202,0 +302203,0 +302204,0 +302205,0 +302206,0 +302207,0 +302208,0 +302209,0 +302210,0 +302211,0 +302212,0 +302213,0 +302214,0 +302215,0 +302216,0 +302217,0 +302218,0 +302219,0 +302220,0 +302221,0 +302222,0 +302223,0 +302224,0 +302225,0 +302226,0 +302227,0 +302228,0 +302229,0 +302230,0 +302231,0 +302232,0 +302233,0 +302234,0 +302235,0 +302236,0 +302237,0 +302238,0 +302239,0 +302240,0 +302241,0 +302242,0 +302243,0 +302244,0 +302245,0 +302246,0 +302247,0 +302248,0 +302249,0 +302250,0 +302251,0 +302252,0 +302253,0 +302254,0 +302255,0 +302256,0 +302257,0 +302258,0 +302259,0 +302260,0 +302261,0 +302262,0 +302263,0 +302264,0 +302265,0 +302266,0 +302267,0 +302268,0 +302269,0 +302270,0 +302271,28 +302272,28 +302273,28 +302274,28 +302275,28 +302276,28 +302277,28 +302278,28 +302279,28 +302280,28 +302281,26 +302282,26 +302283,10 +302284,10 +302285,10 +302286,10 +302287,10 +302288,10 +302289,10 +302290,10 +302291,10 +302292,10 +302293,10 +302294,10 +302295,10 +302296,10 +302297,10 +302298,10 +302299,7 +302300,7 +302301,27 +302302,27 +302303,14 +302304,39 +302305,39 +302306,39 +302307,39 +302308,39 +302309,7 +302310,31 +302311,31 +302312,31 +302313,31 +302314,31 +302315,31 +302316,31 +302317,31 +302318,31 +302319,31 +302320,31 +302321,31 +302322,31 +302323,13 +302324,13 +302325,13 +302326,13 +302327,13 +302328,13 +302329,13 +302330,13 +302331,13 +302332,13 +302333,13 +302334,13 +302335,13 +302336,28 +302337,28 +302338,28 +302339,28 +302340,28 +302341,28 +302342,28 +302343,40 +302344,40 +302345,40 +302346,40 +302347,40 +302348,40 +302349,40 +302350,40 +302351,40 +302352,40 +302353,40 +302354,5 +302355,5 +302356,5 +302357,5 +302358,5 +302359,5 +302360,5 +302361,5 +302362,5 +302363,5 +302364,5 +302365,5 +302366,15 +302367,15 +302368,15 +302369,15 +302370,27 +302371,27 +302372,27 +302373,27 +302374,30 +302375,30 +302376,30 +302377,30 +302378,30 +302379,30 +302380,30 +302381,30 +302382,30 +302383,30 +302384,30 +302385,30 +302386,30 +302387,30 +302388,30 +302389,39 +302390,39 +302391,39 +302392,39 +302393,39 +302394,39 +302395,39 +302396,39 +302397,39 +302398,7 +302399,7 +302400,7 +302401,27 +302402,27 +302403,27 +302404,27 +302405,27 +302406,39 +302407,39 +302408,39 +302409,39 +302410,39 +302411,39 +302412,39 +302413,39 +302414,39 +302415,39 +302416,39 +302417,39 +302418,39 +302419,23 +302420,23 +302421,38 +302422,23 +302423,23 +302424,23 +302425,23 +302426,23 +302427,29 +302428,29 +302429,29 +302430,23 +302431,40 +302432,40 +302433,40 +302434,40 +302435,40 +302436,40 +302437,4 +302438,4 +302439,4 +302440,4 +302441,4 +302442,29 +302443,29 +302444,29 +302445,29 +302446,29 +302447,4 +302448,4 +302449,27 +302450,27 +302451,27 +302452,27 +302453,21 +302454,21 +302455,21 +302456,21 +302457,21 +302458,21 +302459,21 +302460,21 +302461,21 +302462,21 +302463,21 +302464,21 +302465,21 +302466,21 +302467,21 +302468,21 +302469,33 +302470,33 +302471,33 +302472,33 +302473,33 +302474,33 +302475,33 +302476,33 +302477,9 +302478,9 +302479,9 +302480,9 +302481,9 +302482,30 +302483,30 +302484,30 +302485,30 +302486,30 +302487,30 +302488,30 +302489,19 +302490,19 +302491,19 +302492,19 +302493,19 +302494,19 +302495,19 +302496,19 +302497,19 +302498,27 +302499,27 +302500,27 +302501,27 +302502,31 +302503,27 +302504,27 +302505,27 +302506,27 +302507,27 +302508,21 +302509,21 +302510,4 +302511,4 +302512,4 +302513,4 +302514,21 +302515,25 +302516,25 +302517,25 +302518,25 +302519,25 +302520,25 +302521,25 +302522,35 +302523,27 +302524,25 +302525,25 +302526,8 +302527,8 +302528,8 +302529,8 +302530,8 +302531,8 +302532,8 +302533,8 +302534,8 +302535,8 +302536,8 +302537,12 +302538,12 +302539,12 +302540,12 +302541,12 +302542,12 +302543,12 +302544,12 +302545,12 +302546,12 +302547,12 +302548,12 +302549,12 +302550,12 +302551,12 +302552,25 +302553,25 +302554,25 +302555,25 +302556,25 +302557,25 +302558,25 +302559,25 +302560,25 +302561,25 +302562,25 +302563,25 +302564,25 +302565,25 +302566,25 +302567,25 +302568,25 +302569,25 +302570,25 +302571,25 +302572,25 +302573,25 +302574,26 +302575,26 +302576,26 +302577,37 +302578,37 +302579,37 +302580,37 +302581,37 +302582,37 +302583,37 +302584,37 +302585,37 +302586,37 +302587,37 +302588,40 +302589,40 +302590,40 +302591,40 +302592,40 +302593,40 +302594,40 +302595,40 +302596,40 +302597,5 +302598,5 +302599,5 +302600,5 +302601,5 +302602,31 +302603,27 +302604,31 +302605,31 +302606,31 +302607,27 +302608,27 +302609,27 +302610,27 +302611,27 +302612,27 +302613,27 +302614,27 +302615,27 +302616,27 +302617,27 +302618,27 +302619,13 +302620,13 +302621,13 +302622,13 +302623,13 +302624,28 +302625,28 +302626,28 +302627,39 +302628,39 +302629,8 +302630,8 +302631,8 +302632,8 +302633,8 +302634,8 +302635,8 +302636,8 +302637,8 +302638,8 +302639,8 +302640,8 +302641,8 +302642,8 +302643,2 +302644,2 +302645,2 +302646,2 +302647,2 +302648,2 +302649,2 +302650,2 +302651,2 +302652,2 +302653,2 +302654,2 +302655,2 +302656,2 +302657,2 +302658,2 +302659,2 +302660,0 +302661,0 +302662,0 +302663,0 +302664,0 +302665,0 +302666,0 +302667,0 +302668,0 +302669,0 +302670,0 +302671,0 +302672,0 +302673,0 +302674,0 +302675,0 +302676,0 +302677,0 +302678,0 +302679,0 +302680,0 +302681,0 +302682,0 +302683,0 +302684,0 +302685,0 +302686,0 +302687,0 +302688,0 +302689,0 +302690,0 +302691,0 +302692,0 +302693,0 +302694,0 +302695,0 +302696,0 +302697,0 +302698,0 +302699,0 +302700,0 +302701,0 +302702,0 +302703,0 +302704,0 +302705,0 +302706,0 +302707,0 +302708,0 +302709,23 +302710,23 +302711,0 +302712,0 +302713,0 +302714,12 +302715,12 +302716,12 +302717,12 +302718,12 +302719,12 +302720,12 +302721,27 +302722,27 +302723,27 +302724,27 +302725,27 +302726,27 +302727,5 +302728,19 +302729,19 +302730,19 +302731,19 +302732,19 +302733,19 +302734,19 +302735,29 +302736,29 +302737,31 +302738,31 +302739,31 +302740,31 +302741,23 +302742,23 +302743,23 +302744,23 +302745,23 +302746,23 +302747,23 +302748,23 +302749,23 +302750,23 +302751,23 +302752,23 +302753,23 +302754,7 +302755,7 +302756,7 +302757,7 +302758,7 +302759,7 +302760,7 +302761,3 +302762,27 +302763,39 +302764,31 +302765,31 +302766,31 +302767,31 +302768,5 +302769,5 +302770,5 +302771,5 +302772,5 +302773,5 +302774,25 +302775,25 +302776,25 +302777,25 +302778,25 +302779,25 +302780,25 +302781,25 +302782,25 +302783,25 +302784,12 +302785,12 +302786,12 +302787,12 +302788,12 +302789,12 +302790,12 +302791,12 +302792,12 +302793,12 +302794,31 +302795,31 +302796,31 +302797,31 +302798,31 +302799,31 +302800,31 +302801,8 +302802,31 +302803,2 +302804,2 +302805,2 +302806,2 +302807,2 +302808,2 +302809,2 +302810,2 +302811,2 +302812,33 +302813,33 +302814,33 +302815,33 +302816,33 +302817,33 +302818,33 +302819,33 +302820,33 +302821,33 +302822,33 +302823,24 +302824,24 +302825,24 +302826,24 +302827,24 +302828,24 +302829,24 +302830,24 +302831,24 +302832,24 +302833,24 +302834,25 +302835,25 +302836,25 +302837,25 +302838,25 +302839,25 +302840,25 +302841,25 +302842,25 +302843,25 +302844,25 +302845,25 +302846,25 +302847,25 +302848,25 +302849,25 +302850,25 +302851,0 +302852,0 +302853,0 +302854,0 +302855,0 +302856,0 +302857,0 +302858,0 +302859,0 +302860,0 +302861,0 +302862,0 +302863,0 +302864,0 +302865,0 +302866,0 +302867,0 +302868,0 +302869,0 +302870,0 +302871,0 +302872,0 +302873,0 +302874,0 +302875,0 +302876,0 +302877,0 +302878,0 +302879,0 +302880,0 +302881,0 +302882,0 +302883,0 +302884,0 +302885,0 +302886,29 +302887,29 +302888,29 +302889,29 +302890,29 +302891,29 +302892,14 +302893,14 +302894,14 +302895,14 +302896,14 +302897,14 +302898,14 +302899,14 +302900,6 +302901,6 +302902,6 +302903,6 +302904,6 +302905,6 +302906,6 +302907,6 +302908,6 +302909,6 +302910,6 +302911,6 +302912,6 +302913,6 +302914,14 +302915,14 +302916,14 +302917,14 +302918,14 +302919,14 +302920,30 +302921,30 +302922,30 +302923,30 +302924,30 +302925,30 +302926,19 +302927,19 +302928,24 +302929,24 +302930,15 +302931,15 +302932,15 +302933,27 +302934,27 +302935,27 +302936,27 +302937,27 +302938,27 +302939,27 +302940,27 +302941,31 +302942,31 +302943,2 +302944,2 +302945,2 +302946,2 +302947,2 +302948,2 +302949,2 +302950,2 +302951,2 +302952,2 +302953,2 +302954,2 +302955,2 +302956,2 +302957,2 +302958,30 +302959,30 +302960,30 +302961,30 +302962,30 +302963,30 +302964,30 +302965,30 +302966,30 +302967,14 +302968,14 +302969,14 +302970,14 +302971,14 +302972,14 +302973,14 +302974,14 +302975,14 +302976,14 +302977,14 +302978,14 +302979,14 +302980,14 +302981,14 +302982,14 +302983,14 +302984,14 +302985,8 +302986,39 +302987,39 +302988,2 +302989,2 +302990,2 +302991,2 +302992,2 +302993,2 +302994,2 +302995,2 +302996,2 +302997,2 +302998,2 +302999,8 +303000,2 +303001,35 +303002,35 +303003,35 +303004,35 +303005,35 +303006,35 +303007,35 +303008,3 +303009,3 +303010,3 +303011,3 +303012,3 +303013,3 +303014,3 +303015,3 +303016,3 +303017,3 +303018,35 +303019,35 +303020,35 +303021,35 +303022,35 +303023,35 +303024,36 +303025,36 +303026,36 +303027,36 +303028,36 +303029,36 +303030,19 +303031,19 +303032,19 +303033,19 +303034,19 +303035,19 +303036,19 +303037,19 +303038,19 +303039,19 +303040,19 +303041,19 +303042,19 +303043,19 +303044,19 +303045,31 +303046,31 +303047,31 +303048,31 +303049,31 +303050,31 +303051,31 +303052,31 +303053,19 +303054,19 +303055,19 +303056,19 +303057,19 +303058,19 +303059,19 +303060,29 +303061,29 +303062,29 +303063,29 +303064,29 +303065,29 +303066,29 +303067,29 +303068,31 +303069,31 +303070,31 +303071,31 +303072,31 +303073,31 +303074,21 +303075,21 +303076,21 +303077,21 +303078,21 +303079,21 +303080,37 +303081,37 +303082,37 +303083,37 +303084,37 +303085,37 +303086,37 +303087,37 +303088,14 +303089,14 +303090,14 +303091,14 +303092,14 +303093,14 +303094,14 +303095,14 +303096,14 +303097,14 +303098,14 +303099,14 +303100,14 +303101,14 +303102,14 +303103,14 +303104,14 +303105,14 +303106,14 +303107,14 +303108,23 +303109,23 +303110,23 +303111,23 +303112,23 +303113,23 +303114,23 +303115,23 +303116,23 +303117,23 +303118,23 +303119,23 +303120,23 +303121,23 +303122,23 +303123,23 +303124,23 +303125,23 +303126,0 +303127,0 +303128,0 +303129,0 +303130,0 +303131,0 +303132,0 +303133,0 +303134,0 +303135,0 +303136,0 +303137,0 +303138,0 +303139,0 +303140,0 +303141,0 +303142,0 +303143,0 +303144,0 +303145,0 +303146,0 +303147,0 +303148,0 +303149,0 +303150,0 +303151,0 +303152,0 +303153,0 +303154,0 +303155,0 +303156,0 +303157,0 +303158,0 +303159,35 +303160,35 +303161,35 +303162,35 +303163,35 +303164,25 +303165,25 +303166,25 +303167,25 +303168,25 +303169,18 +303170,18 +303171,18 +303172,18 +303173,18 +303174,18 +303175,18 +303176,18 +303177,18 +303178,18 +303179,18 +303180,18 +303181,31 +303182,31 +303183,31 +303184,31 +303185,40 +303186,40 +303187,40 +303188,40 +303189,5 +303190,5 +303191,5 +303192,2 +303193,2 +303194,2 +303195,2 +303196,2 +303197,28 +303198,28 +303199,28 +303200,28 +303201,28 +303202,28 +303203,28 +303204,28 +303205,28 +303206,31 +303207,31 +303208,31 +303209,5 +303210,5 +303211,5 +303212,5 +303213,31 +303214,31 +303215,31 +303216,26 +303217,33 +303218,33 +303219,33 +303220,35 +303221,35 +303222,5 +303223,35 +303224,35 +303225,35 +303226,35 +303227,35 +303228,35 +303229,35 +303230,35 +303231,35 +303232,9 +303233,9 +303234,9 +303235,9 +303236,37 +303237,37 +303238,37 +303239,37 +303240,37 +303241,37 +303242,37 +303243,2 +303244,2 +303245,2 +303246,2 +303247,2 +303248,2 +303249,2 +303250,2 +303251,32 +303252,32 +303253,32 +303254,32 +303255,32 +303256,32 +303257,32 +303258,32 +303259,36 +303260,36 +303261,36 +303262,36 +303263,36 +303264,36 +303265,36 +303266,36 +303267,36 +303268,6 +303269,6 +303270,6 +303271,6 +303272,6 +303273,6 +303274,6 +303275,6 +303276,31 +303277,31 +303278,31 +303279,31 +303280,4 +303281,4 +303282,4 +303283,4 +303284,15 +303285,15 +303286,15 +303287,15 +303288,15 +303289,15 +303290,15 +303291,15 +303292,33 +303293,33 +303294,33 +303295,33 +303296,33 +303297,33 +303298,33 +303299,34 +303300,33 +303301,33 +303302,33 +303303,2 +303304,2 +303305,2 +303306,2 +303307,2 +303308,2 +303309,2 +303310,2 +303311,2 +303312,2 +303313,2 +303314,2 +303315,2 +303316,9 +303317,9 +303318,9 +303319,9 +303320,9 +303321,9 +303322,10 +303323,10 +303324,10 +303325,10 +303326,26 +303327,26 +303328,10 +303329,10 +303330,10 +303331,10 +303332,10 +303333,10 +303334,10 +303335,10 +303336,10 +303337,10 +303338,10 +303339,10 +303340,10 +303341,10 +303342,10 +303343,4 +303344,4 +303345,4 +303346,4 +303347,2 +303348,2 +303349,2 +303350,2 +303351,2 +303352,2 +303353,2 +303354,2 +303355,2 +303356,2 +303357,2 +303358,2 +303359,2 +303360,2 +303361,2 +303362,2 +303363,2 +303364,2 +303365,0 +303366,0 +303367,0 +303368,0 +303369,0 +303370,0 +303371,0 +303372,0 +303373,0 +303374,0 +303375,0 +303376,0 +303377,0 +303378,0 +303379,0 +303380,0 +303381,0 +303382,0 +303383,0 +303384,0 +303385,0 +303386,0 +303387,0 +303388,0 +303389,0 +303390,0 +303391,0 +303392,0 +303393,0 +303394,0 +303395,0 +303396,0 +303397,0 +303398,0 +303399,0 +303400,0 +303401,0 +303402,0 +303403,0 +303404,0 +303405,0 +303406,0 +303407,0 +303408,0 +303409,0 +303410,0 +303411,0 +303412,0 +303413,0 +303414,29 +303415,29 +303416,29 +303417,29 +303418,14 +303419,14 +303420,14 +303421,14 +303422,14 +303423,6 +303424,6 +303425,6 +303426,6 +303427,6 +303428,6 +303429,6 +303430,6 +303431,27 +303432,27 +303433,27 +303434,27 +303435,27 +303436,27 +303437,27 +303438,27 +303439,27 +303440,27 +303441,13 +303442,13 +303443,13 +303444,13 +303445,13 +303446,13 +303447,13 +303448,13 +303449,13 +303450,29 +303451,29 +303452,29 +303453,40 +303454,40 +303455,40 +303456,40 +303457,40 +303458,40 +303459,5 +303460,5 +303461,5 +303462,5 +303463,5 +303464,5 +303465,5 +303466,31 +303467,31 +303468,31 +303469,32 +303470,32 +303471,32 +303472,32 +303473,32 +303474,32 +303475,32 +303476,32 +303477,32 +303478,32 +303479,32 +303480,32 +303481,27 +303482,27 +303483,27 +303484,27 +303485,27 +303486,27 +303487,27 +303488,27 +303489,37 +303490,37 +303491,37 +303492,37 +303493,37 +303494,37 +303495,37 +303496,37 +303497,37 +303498,37 +303499,37 +303500,25 +303501,25 +303502,25 +303503,19 +303504,19 +303505,19 +303506,19 +303507,19 +303508,19 +303509,19 +303510,19 +303511,19 +303512,19 +303513,19 +303514,0 +303515,28 +303516,28 +303517,0 +303518,0 +303519,28 +303520,28 +303521,28 +303522,28 +303523,28 +303524,28 +303525,28 +303526,34 +303527,36 +303528,36 +303529,36 +303530,36 +303531,36 +303532,36 +303533,36 +303534,5 +303535,5 +303536,5 +303537,5 +303538,4 +303539,4 +303540,4 +303541,4 +303542,4 +303543,4 +303544,4 +303545,31 +303546,31 +303547,31 +303548,4 +303549,4 +303550,31 +303551,31 +303552,31 +303553,31 +303554,32 +303555,32 +303556,32 +303557,32 +303558,32 +303559,32 +303560,32 +303561,32 +303562,32 +303563,32 +303564,26 +303565,26 +303566,26 +303567,26 +303568,26 +303569,26 +303570,26 +303571,26 +303572,5 +303573,5 +303574,5 +303575,5 +303576,5 +303577,31 +303578,31 +303579,31 +303580,31 +303581,2 +303582,2 +303583,2 +303584,2 +303585,2 +303586,2 +303587,2 +303588,2 +303589,2 +303590,2 +303591,2 +303592,32 +303593,32 +303594,32 +303595,32 +303596,32 +303597,30 +303598,30 +303599,30 +303600,30 +303601,30 +303602,40 +303603,40 +303604,40 +303605,40 +303606,40 +303607,5 +303608,5 +303609,5 +303610,5 +303611,5 +303612,27 +303613,27 +303614,27 +303615,27 +303616,27 +303617,27 +303618,27 +303619,19 +303620,19 +303621,19 +303622,19 +303623,35 +303624,35 +303625,35 +303626,35 +303627,35 +303628,35 +303629,35 +303630,9 +303631,9 +303632,9 +303633,9 +303634,9 +303635,9 +303636,9 +303637,9 +303638,37 +303639,37 +303640,37 +303641,37 +303642,37 +303643,37 +303644,37 +303645,37 +303646,2 +303647,2 +303648,2 +303649,2 +303650,2 +303651,2 +303652,2 +303653,2 +303654,31 +303655,27 +303656,31 +303657,31 +303658,24 +303659,24 +303660,24 +303661,24 +303662,24 +303663,24 +303664,24 +303665,2 +303666,2 +303667,2 +303668,2 +303669,2 +303670,2 +303671,2 +303672,2 +303673,36 +303674,36 +303675,36 +303676,36 +303677,36 +303678,36 +303679,36 +303680,36 +303681,36 +303682,36 +303683,36 +303684,6 +303685,6 +303686,6 +303687,6 +303688,6 +303689,6 +303690,2 +303691,2 +303692,2 +303693,2 +303694,2 +303695,2 +303696,2 +303697,27 +303698,27 +303699,27 +303700,27 +303701,5 +303702,5 +303703,5 +303704,5 +303705,5 +303706,5 +303707,5 +303708,15 +303709,15 +303710,15 +303711,15 +303712,15 +303713,25 +303714,37 +303715,37 +303716,37 +303717,37 +303718,37 +303719,37 +303720,37 +303721,37 +303722,37 +303723,37 +303724,39 +303725,39 +303726,39 +303727,39 +303728,39 +303729,39 +303730,14 +303731,14 +303732,14 +303733,14 +303734,14 +303735,14 +303736,14 +303737,4 +303738,4 +303739,4 +303740,4 +303741,4 +303742,4 +303743,4 +303744,4 +303745,4 +303746,19 +303747,12 +303748,12 +303749,12 +303750,12 +303751,12 +303752,12 +303753,27 +303754,27 +303755,38 +303756,38 +303757,38 +303758,38 +303759,38 +303760,29 +303761,31 +303762,31 +303763,31 +303764,31 +303765,31 +303766,31 +303767,23 +303768,23 +303769,23 +303770,23 +303771,23 +303772,23 +303773,23 +303774,23 +303775,23 +303776,30 +303777,30 +303778,30 +303779,30 +303780,30 +303781,30 +303782,30 +303783,30 +303784,31 +303785,9 +303786,33 +303787,33 +303788,33 +303789,33 +303790,33 +303791,33 +303792,33 +303793,33 +303794,33 +303795,33 +303796,33 +303797,27 +303798,27 +303799,27 +303800,27 +303801,13 +303802,13 +303803,13 +303804,13 +303805,13 +303806,13 +303807,13 +303808,13 +303809,28 +303810,28 +303811,28 +303812,28 +303813,28 +303814,28 +303815,28 +303816,36 +303817,36 +303818,14 +303819,14 +303820,14 +303821,14 +303822,14 +303823,14 +303824,14 +303825,14 +303826,14 +303827,14 +303828,14 +303829,14 +303830,14 +303831,14 +303832,14 +303833,14 +303834,14 +303835,14 +303836,14 +303837,14 +303838,5 +303839,5 +303840,5 +303841,5 +303842,5 +303843,5 +303844,5 +303845,5 +303846,5 +303847,5 +303848,13 +303849,5 +303850,5 +303851,5 +303852,5 +303853,0 +303854,0 +303855,0 +303856,0 +303857,0 +303858,0 +303859,0 +303860,0 +303861,0 +303862,0 +303863,0 +303864,0 +303865,0 +303866,0 +303867,0 +303868,0 +303869,0 +303870,0 +303871,0 +303872,0 +303873,0 +303874,0 +303875,0 +303876,0 +303877,0 +303878,0 +303879,0 +303880,0 +303881,0 +303882,0 +303883,0 +303884,0 +303885,0 +303886,0 +303887,0 +303888,0 +303889,0 +303890,0 +303891,0 +303892,0 +303893,0 +303894,0 +303895,0 +303896,0 +303897,4 +303898,4 +303899,4 +303900,4 +303901,4 +303902,16 +303903,4 +303904,3 +303905,3 +303906,3 +303907,3 +303908,27 +303909,27 +303910,27 +303911,27 +303912,27 +303913,27 +303914,27 +303915,5 +303916,5 +303917,5 +303918,5 +303919,5 +303920,5 +303921,19 +303922,19 +303923,19 +303924,19 +303925,19 +303926,19 +303927,3 +303928,3 +303929,3 +303930,3 +303931,3 +303932,3 +303933,3 +303934,3 +303935,3 +303936,3 +303937,3 +303938,3 +303939,3 +303940,3 +303941,2 +303942,8 +303943,8 +303944,8 +303945,8 +303946,8 +303947,8 +303948,8 +303949,2 +303950,35 +303951,35 +303952,35 +303953,35 +303954,27 +303955,27 +303956,27 +303957,27 +303958,27 +303959,5 +303960,28 +303961,28 +303962,28 +303963,28 +303964,28 +303965,28 +303966,5 +303967,4 +303968,4 +303969,4 +303970,4 +303971,4 +303972,4 +303973,4 +303974,4 +303975,27 +303976,27 +303977,27 +303978,27 +303979,27 +303980,27 +303981,2 +303982,2 +303983,2 +303984,2 +303985,2 +303986,2 +303987,2 +303988,2 +303989,2 +303990,2 +303991,2 +303992,2 +303993,2 +303994,2 +303995,25 +303996,25 +303997,25 +303998,25 +303999,25 +304000,25 +304001,25 +304002,25 +304003,25 +304004,37 +304005,40 +304006,40 +304007,40 +304008,40 +304009,40 +304010,40 +304011,40 +304012,40 +304013,5 +304014,5 +304015,5 +304016,5 +304017,5 +304018,19 +304019,19 +304020,19 +304021,4 +304022,25 +304023,25 +304024,25 +304025,25 +304026,25 +304027,25 +304028,25 +304029,18 +304030,18 +304031,18 +304032,18 +304033,18 +304034,18 +304035,18 +304036,18 +304037,18 +304038,18 +304039,31 +304040,31 +304041,31 +304042,31 +304043,31 +304044,31 +304045,31 +304046,2 +304047,2 +304048,2 +304049,2 +304050,2 +304051,2 +304052,2 +304053,2 +304054,2 +304055,4 +304056,4 +304057,4 +304058,4 +304059,4 +304060,4 +304061,27 +304062,27 +304063,27 +304064,27 +304065,27 +304066,27 +304067,27 +304068,5 +304069,5 +304070,5 +304071,5 +304072,5 +304073,5 +304074,39 +304075,39 +304076,39 +304077,39 +304078,39 +304079,39 +304080,39 +304081,39 +304082,39 +304083,39 +304084,39 +304085,39 +304086,39 +304087,5 +304088,5 +304089,5 +304090,5 +304091,5 +304092,5 +304093,5 +304094,5 +304095,5 +304096,5 +304097,5 +304098,5 +304099,5 +304100,5 +304101,5 +304102,5 +304103,5 +304104,5 +304105,0 +304106,0 +304107,0 +304108,0 +304109,0 +304110,0 +304111,0 +304112,0 +304113,0 +304114,0 +304115,0 +304116,0 +304117,0 +304118,0 +304119,0 +304120,0 +304121,0 +304122,0 +304123,0 +304124,0 +304125,0 +304126,0 +304127,0 +304128,0 +304129,0 +304130,0 +304131,0 +304132,0 +304133,0 +304134,0 +304135,0 +304136,0 +304137,0 +304138,0 +304139,0 +304140,0 +304141,0 +304142,31 +304143,31 +304144,31 +304145,31 +304146,31 +304147,31 +304148,31 +304149,5 +304150,5 +304151,5 +304152,5 +304153,5 +304154,5 +304155,29 +304156,31 +304157,31 +304158,31 +304159,31 +304160,31 +304161,4 +304162,4 +304163,4 +304164,4 +304165,4 +304166,4 +304167,4 +304168,4 +304169,4 +304170,4 +304171,37 +304172,37 +304173,37 +304174,37 +304175,40 +304176,10 +304177,31 +304178,31 +304179,31 +304180,31 +304181,40 +304182,31 +304183,16 +304184,16 +304185,16 +304186,16 +304187,4 +304188,4 +304189,4 +304190,4 +304191,4 +304192,37 +304193,37 +304194,37 +304195,37 +304196,27 +304197,27 +304198,27 +304199,27 +304200,27 +304201,2 +304202,2 +304203,2 +304204,2 +304205,2 +304206,2 +304207,2 +304208,32 +304209,32 +304210,32 +304211,32 +304212,32 +304213,32 +304214,32 +304215,32 +304216,26 +304217,26 +304218,26 +304219,26 +304220,26 +304221,26 +304222,26 +304223,26 +304224,37 +304225,37 +304226,37 +304227,37 +304228,37 +304229,37 +304230,37 +304231,15 +304232,15 +304233,15 +304234,15 +304235,15 +304236,15 +304237,40 +304238,40 +304239,40 +304240,40 +304241,40 +304242,40 +304243,40 +304244,40 +304245,40 +304246,37 +304247,37 +304248,37 +304249,37 +304250,37 +304251,37 +304252,37 +304253,37 +304254,37 +304255,37 +304256,37 +304257,14 +304258,14 +304259,14 +304260,14 +304261,14 +304262,14 +304263,14 +304264,14 +304265,14 +304266,14 +304267,5 +304268,5 +304269,5 +304270,5 +304271,5 +304272,5 +304273,19 +304274,19 +304275,19 +304276,19 +304277,19 +304278,27 +304279,27 +304280,27 +304281,27 +304282,27 +304283,27 +304284,4 +304285,4 +304286,4 +304287,4 +304288,4 +304289,4 +304290,4 +304291,4 +304292,4 +304293,4 +304294,4 +304295,4 +304296,4 +304297,4 +304298,25 +304299,25 +304300,25 +304301,25 +304302,25 +304303,25 +304304,25 +304305,25 +304306,28 +304307,28 +304308,28 +304309,28 +304310,28 +304311,39 +304312,28 +304313,27 +304314,27 +304315,27 +304316,27 +304317,27 +304318,5 +304319,5 +304320,5 +304321,5 +304322,5 +304323,5 +304324,4 +304325,4 +304326,4 +304327,4 +304328,4 +304329,4 +304330,4 +304331,4 +304332,4 +304333,3 +304334,3 +304335,3 +304336,3 +304337,27 +304338,27 +304339,27 +304340,27 +304341,27 +304342,27 +304343,27 +304344,6 +304345,6 +304346,6 +304347,6 +304348,6 +304349,6 +304350,6 +304351,6 +304352,6 +304353,6 +304354,2 +304355,2 +304356,2 +304357,2 +304358,2 +304359,2 +304360,2 +304361,2 +304362,2 +304363,2 +304364,40 +304365,40 +304366,40 +304367,40 +304368,40 +304369,40 +304370,40 +304371,40 +304372,40 +304373,40 +304374,40 +304375,32 +304376,32 +304377,32 +304378,32 +304379,32 +304380,32 +304381,32 +304382,32 +304383,4 +304384,4 +304385,29 +304386,29 +304387,31 +304388,31 +304389,31 +304390,31 +304391,31 +304392,32 +304393,15 +304394,15 +304395,15 +304396,15 +304397,15 +304398,15 +304399,37 +304400,37 +304401,37 +304402,37 +304403,37 +304404,37 +304405,37 +304406,10 +304407,10 +304408,10 +304409,10 +304410,10 +304411,10 +304412,10 +304413,10 +304414,10 +304415,10 +304416,10 +304417,10 +304418,10 +304419,10 +304420,10 +304421,10 +304422,10 +304423,10 +304424,10 +304425,10 +304426,10 +304427,4 +304428,4 +304429,4 +304430,4 +304431,4 +304432,4 +304433,28 +304434,25 +304435,25 +304436,25 +304437,5 +304438,5 +304439,0 +304440,0 +304441,0 +304442,0 +304443,0 +304444,0 +304445,0 +304446,0 +304447,0 +304448,0 +304449,0 +304450,0 +304451,0 +304452,0 +304453,0 +304454,0 +304455,0 +304456,0 +304457,0 +304458,0 +304459,0 +304460,0 +304461,0 +304462,0 +304463,0 +304464,0 +304465,0 +304466,0 +304467,0 +304468,0 +304469,0 +304470,0 +304471,0 +304472,0 +304473,0 +304474,31 +304475,31 +304476,31 +304477,31 +304478,31 +304479,31 +304480,31 +304481,31 +304482,5 +304483,5 +304484,5 +304485,5 +304486,19 +304487,19 +304488,19 +304489,19 +304490,2 +304491,2 +304492,2 +304493,2 +304494,2 +304495,2 +304496,2 +304497,2 +304498,31 +304499,31 +304500,31 +304501,31 +304502,31 +304503,31 +304504,31 +304505,31 +304506,5 +304507,5 +304508,5 +304509,5 +304510,5 +304511,5 +304512,2 +304513,2 +304514,2 +304515,2 +304516,2 +304517,2 +304518,2 +304519,2 +304520,2 +304521,2 +304522,4 +304523,2 +304524,2 +304525,39 +304526,39 +304527,39 +304528,39 +304529,39 +304530,27 +304531,27 +304532,27 +304533,21 +304534,21 +304535,21 +304536,21 +304537,21 +304538,21 +304539,21 +304540,21 +304541,21 +304542,21 +304543,25 +304544,22 +304545,22 +304546,22 +304547,22 +304548,37 +304549,37 +304550,25 +304551,25 +304552,25 +304553,25 +304554,4 +304555,4 +304556,4 +304557,4 +304558,4 +304559,9 +304560,9 +304561,9 +304562,9 +304563,9 +304564,9 +304565,9 +304566,9 +304567,9 +304568,9 +304569,9 +304570,9 +304571,37 +304572,37 +304573,37 +304574,37 +304575,37 +304576,37 +304577,37 +304578,37 +304579,37 +304580,4 +304581,19 +304582,19 +304583,19 +304584,27 +304585,27 +304586,27 +304587,25 +304588,25 +304589,25 +304590,25 +304591,25 +304592,25 +304593,25 +304594,25 +304595,25 +304596,2 +304597,2 +304598,2 +304599,2 +304600,2 +304601,2 +304602,2 +304603,2 +304604,2 +304605,4 +304606,4 +304607,4 +304608,4 +304609,4 +304610,4 +304611,4 +304612,4 +304613,27 +304614,27 +304615,27 +304616,27 +304617,27 +304618,16 +304619,16 +304620,16 +304621,16 +304622,4 +304623,4 +304624,4 +304625,16 +304626,16 +304627,16 +304628,16 +304629,16 +304630,35 +304631,35 +304632,35 +304633,3 +304634,3 +304635,3 +304636,3 +304637,3 +304638,3 +304639,3 +304640,3 +304641,3 +304642,3 +304643,3 +304644,3 +304645,3 +304646,3 +304647,3 +304648,33 +304649,33 +304650,33 +304651,24 +304652,24 +304653,24 +304654,27 +304655,35 +304656,35 +304657,27 +304658,27 +304659,27 +304660,27 +304661,27 +304662,8 +304663,8 +304664,8 +304665,8 +304666,8 +304667,8 +304668,8 +304669,26 +304670,26 +304671,26 +304672,26 +304673,26 +304674,26 +304675,26 +304676,9 +304677,9 +304678,9 +304679,9 +304680,9 +304681,9 +304682,9 +304683,9 +304684,9 +304685,9 +304686,9 +304687,23 +304688,23 +304689,23 +304690,23 +304691,23 +304692,23 +304693,23 +304694,35 +304695,35 +304696,27 +304697,27 +304698,27 +304699,8 +304700,8 +304701,8 +304702,8 +304703,8 +304704,8 +304705,8 +304706,8 +304707,8 +304708,8 +304709,8 +304710,8 +304711,8 +304712,8 +304713,8 +304714,25 +304715,25 +304716,25 +304717,31 +304718,31 +304719,5 +304720,25 +304721,25 +304722,25 +304723,25 +304724,25 +304725,25 +304726,25 +304727,8 +304728,8 +304729,8 +304730,8 +304731,8 +304732,8 +304733,8 +304734,8 +304735,8 +304736,8 +304737,8 +304738,8 +304739,8 +304740,8 +304741,8 +304742,8 +304743,8 +304744,8 +304745,0 +304746,0 +304747,0 +304748,0 +304749,0 +304750,0 +304751,0 +304752,0 +304753,0 +304754,0 +304755,0 +304756,0 +304757,0 +304758,0 +304759,0 +304760,0 +304761,0 +304762,0 +304763,0 +304764,35 +304765,35 +304766,35 +304767,0 +304768,0 +304769,0 +304770,0 +304771,0 +304772,0 +304773,0 +304774,12 +304775,12 +304776,12 +304777,12 +304778,12 +304779,31 +304780,40 +304781,27 +304782,31 +304783,31 +304784,23 +304785,23 +304786,23 +304787,23 +304788,23 +304789,23 +304790,40 +304791,40 +304792,40 +304793,40 +304794,40 +304795,40 +304796,40 +304797,40 +304798,40 +304799,40 +304800,40 +304801,40 +304802,40 +304803,24 +304804,24 +304805,24 +304806,24 +304807,24 +304808,24 +304809,37 +304810,37 +304811,37 +304812,14 +304813,14 +304814,14 +304815,14 +304816,14 +304817,14 +304818,14 +304819,39 +304820,39 +304821,39 +304822,39 +304823,39 +304824,36 +304825,36 +304826,40 +304827,40 +304828,40 +304829,40 +304830,40 +304831,40 +304832,40 +304833,40 +304834,40 +304835,6 +304836,6 +304837,6 +304838,6 +304839,2 +304840,2 +304841,2 +304842,2 +304843,2 +304844,32 +304845,32 +304846,32 +304847,32 +304848,32 +304849,32 +304850,32 +304851,10 +304852,10 +304853,10 +304854,10 +304855,10 +304856,10 +304857,4 +304858,4 +304859,4 +304860,4 +304861,4 +304862,4 +304863,4 +304864,4 +304865,4 +304866,4 +304867,4 +304868,4 +304869,4 +304870,14 +304871,14 +304872,14 +304873,14 +304874,14 +304875,14 +304876,14 +304877,14 +304878,14 +304879,14 +304880,14 +304881,14 +304882,11 +304883,11 +304884,11 +304885,11 +304886,11 +304887,11 +304888,11 +304889,11 +304890,11 +304891,11 +304892,11 +304893,11 +304894,11 +304895,31 +304896,31 +304897,31 +304898,31 +304899,31 +304900,31 +304901,31 +304902,31 +304903,31 +304904,5 +304905,5 +304906,5 +304907,5 +304908,5 +304909,5 +304910,5 +304911,2 +304912,2 +304913,2 +304914,2 +304915,2 +304916,2 +304917,2 +304918,2 +304919,2 +304920,2 +304921,2 +304922,27 +304923,27 +304924,27 +304925,27 +304926,27 +304927,6 +304928,6 +304929,6 +304930,6 +304931,6 +304932,6 +304933,6 +304934,6 +304935,6 +304936,2 +304937,2 +304938,2 +304939,2 +304940,2 +304941,2 +304942,2 +304943,40 +304944,40 +304945,40 +304946,40 +304947,40 +304948,40 +304949,40 +304950,40 +304951,40 +304952,40 +304953,40 +304954,40 +304955,40 +304956,40 +304957,40 +304958,40 +304959,40 +304960,40 +304961,40 +304962,40 +304963,40 +304964,40 +304965,40 +304966,40 +304967,2 +304968,2 +304969,2 +304970,2 +304971,2 +304972,2 +304973,2 +304974,2 +304975,8 +304976,2 +304977,2 +304978,2 +304979,2 +304980,2 +304981,2 +304982,2 +304983,2 +304984,2 +304985,2 +304986,2 +304987,0 +304988,0 +304989,0 +304990,0 +304991,0 +304992,0 +304993,0 +304994,0 +304995,0 +304996,0 +304997,0 +304998,0 +304999,0 +305000,0 +305001,0 +305002,0 +305003,0 +305004,0 +305005,0 +305006,0 +305007,0 +305008,0 +305009,0 +305010,0 +305011,0 +305012,30 +305013,30 +305014,9 +305015,35 +305016,35 +305017,35 +305018,35 +305019,35 +305020,35 +305021,35 +305022,12 +305023,12 +305024,12 +305025,12 +305026,10 +305027,40 +305028,34 +305029,34 +305030,40 +305031,40 +305032,5 +305033,5 +305034,5 +305035,5 +305036,5 +305037,31 +305038,31 +305039,31 +305040,31 +305041,31 +305042,31 +305043,31 +305044,31 +305045,31 +305046,30 +305047,30 +305048,30 +305049,30 +305050,30 +305051,30 +305052,30 +305053,30 +305054,36 +305055,36 +305056,36 +305057,36 +305058,36 +305059,36 +305060,36 +305061,36 +305062,36 +305063,31 +305064,31 +305065,31 +305066,31 +305067,31 +305068,31 +305069,31 +305070,31 +305071,31 +305072,31 +305073,31 +305074,31 +305075,2 +305076,2 +305077,2 +305078,2 +305079,2 +305080,2 +305081,2 +305082,2 +305083,2 +305084,4 +305085,4 +305086,4 +305087,4 +305088,4 +305089,40 +305090,40 +305091,40 +305092,40 +305093,40 +305094,40 +305095,40 +305096,40 +305097,40 +305098,40 +305099,37 +305100,37 +305101,37 +305102,37 +305103,37 +305104,37 +305105,37 +305106,37 +305107,25 +305108,25 +305109,25 +305110,27 +305111,27 +305112,27 +305113,27 +305114,32 +305115,32 +305116,32 +305117,32 +305118,32 +305119,32 +305120,32 +305121,32 +305122,32 +305123,32 +305124,32 +305125,32 +305126,32 +305127,27 +305128,27 +305129,39 +305130,39 +305131,39 +305132,39 +305133,39 +305134,39 +305135,37 +305136,37 +305137,37 +305138,37 +305139,37 +305140,37 +305141,31 +305142,31 +305143,31 +305144,27 +305145,27 +305146,19 +305147,19 +305148,19 +305149,19 +305150,19 +305151,19 +305152,29 +305153,29 +305154,29 +305155,31 +305156,31 +305157,31 +305158,31 +305159,31 +305160,28 +305161,28 +305162,28 +305163,28 +305164,28 +305165,28 +305166,28 +305167,28 +305168,28 +305169,14 +305170,14 +305171,14 +305172,14 +305173,14 +305174,14 +305175,10 +305176,10 +305177,36 +305178,36 +305179,36 +305180,10 +305181,10 +305182,36 +305183,36 +305184,36 +305185,36 +305186,36 +305187,36 +305188,36 +305189,36 +305190,36 +305191,36 +305192,36 +305193,36 +305194,36 +305195,36 +305196,36 +305197,36 +305198,36 +305199,36 +305200,5 +305201,5 +305202,5 +305203,5 +305204,5 +305205,5 +305206,5 +305207,5 +305208,5 +305209,5 +305210,5 +305211,5 +305212,5 +305213,0 +305214,0 +305215,0 +305216,0 +305217,0 +305218,0 +305219,0 +305220,0 +305221,0 +305222,0 +305223,0 +305224,0 +305225,0 +305226,0 +305227,0 +305228,0 +305229,0 +305230,0 +305231,0 +305232,0 +305233,0 +305234,0 +305235,0 +305236,0 +305237,0 +305238,0 +305239,0 +305240,0 +305241,0 +305242,0 +305243,35 +305244,35 +305245,35 +305246,35 +305247,35 +305248,35 +305249,35 +305250,3 +305251,3 +305252,3 +305253,3 +305254,3 +305255,3 +305256,3 +305257,3 +305258,3 +305259,3 +305260,3 +305261,31 +305262,31 +305263,31 +305264,31 +305265,31 +305266,31 +305267,31 +305268,8 +305269,8 +305270,8 +305271,8 +305272,8 +305273,2 +305274,2 +305275,8 +305276,19 +305277,19 +305278,19 +305279,19 +305280,4 +305281,4 +305282,4 +305283,4 +305284,4 +305285,31 +305286,40 +305287,40 +305288,40 +305289,40 +305290,40 +305291,40 +305292,40 +305293,40 +305294,40 +305295,40 +305296,2 +305297,2 +305298,2 +305299,2 +305300,2 +305301,2 +305302,2 +305303,2 +305304,2 +305305,4 +305306,4 +305307,4 +305308,4 +305309,4 +305310,4 +305311,4 +305312,4 +305313,31 +305314,31 +305315,31 +305316,31 +305317,31 +305318,31 +305319,31 +305320,31 +305321,5 +305322,5 +305323,5 +305324,5 +305325,5 +305326,5 +305327,5 +305328,4 +305329,4 +305330,4 +305331,4 +305332,4 +305333,4 +305334,4 +305335,4 +305336,4 +305337,27 +305338,27 +305339,27 +305340,27 +305341,27 +305342,31 +305343,2 +305344,2 +305345,2 +305346,2 +305347,2 +305348,2 +305349,2 +305350,2 +305351,2 +305352,2 +305353,2 +305354,2 +305355,2 +305356,2 +305357,2 +305358,2 +305359,2 +305360,14 +305361,14 +305362,14 +305363,14 +305364,14 +305365,14 +305366,14 +305367,14 +305368,14 +305369,14 +305370,14 +305371,14 +305372,14 +305373,14 +305374,14 +305375,14 +305376,14 +305377,14 +305378,14 +305379,14 +305380,14 +305381,31 +305382,31 +305383,31 +305384,31 +305385,31 +305386,24 +305387,29 +305388,29 +305389,24 +305390,24 +305391,29 +305392,29 +305393,29 +305394,29 +305395,29 +305396,29 +305397,39 +305398,39 +305399,39 +305400,39 +305401,39 +305402,39 +305403,39 +305404,39 +305405,39 +305406,39 +305407,39 +305408,39 +305409,39 +305410,39 +305411,39 +305412,39 +305413,39 +305414,39 +305415,39 +305416,39 +305417,39 +305418,39 +305419,39 +305420,2 +305421,2 +305422,2 +305423,2 +305424,2 +305425,2 +305426,2 +305427,2 +305428,2 +305429,4 +305430,4 +305431,4 +305432,4 +305433,4 +305434,4 +305435,37 +305436,37 +305437,37 +305438,37 +305439,37 +305440,37 +305441,37 +305442,37 +305443,34 +305444,34 +305445,34 +305446,34 +305447,34 +305448,34 +305449,34 +305450,34 +305451,34 +305452,34 +305453,34 +305454,5 +305455,5 +305456,5 +305457,5 +305458,5 +305459,3 +305460,5 +305461,5 +305462,5 +305463,5 +305464,5 +305465,31 +305466,31 +305467,10 +305468,10 +305469,10 +305470,10 +305471,10 +305472,10 +305473,10 +305474,10 +305475,28 +305476,28 +305477,28 +305478,28 +305479,28 +305480,28 +305481,28 +305482,24 +305483,24 +305484,24 +305485,24 +305486,24 +305487,24 +305488,35 +305489,35 +305490,35 +305491,35 +305492,34 +305493,36 +305494,36 +305495,36 +305496,34 +305497,34 +305498,10 +305499,25 +305500,25 +305501,25 +305502,25 +305503,25 +305504,25 +305505,25 +305506,25 +305507,25 +305508,25 +305509,25 +305510,25 +305511,25 +305512,25 +305513,25 +305514,25 +305515,25 +305516,25 +305517,25 +305518,23 +305519,23 +305520,23 +305521,23 +305522,23 +305523,23 +305524,23 +305525,23 +305526,23 +305527,23 +305528,37 +305529,37 +305530,37 +305531,33 +305532,33 +305533,33 +305534,33 +305535,33 +305536,33 +305537,33 +305538,33 +305539,31 +305540,33 +305541,33 +305542,33 +305543,33 +305544,33 +305545,33 +305546,31 +305547,31 +305548,31 +305549,32 +305550,32 +305551,32 +305552,32 +305553,32 +305554,32 +305555,32 +305556,32 +305557,32 +305558,32 +305559,32 +305560,37 +305561,37 +305562,37 +305563,39 +305564,39 +305565,39 +305566,39 +305567,39 +305568,39 +305569,39 +305570,5 +305571,5 +305572,5 +305573,5 +305574,28 +305575,28 +305576,28 +305577,28 +305578,28 +305579,31 +305580,31 +305581,31 +305582,31 +305583,31 +305584,18 +305585,16 +305586,16 +305587,4 +305588,16 +305589,4 +305590,4 +305591,4 +305592,16 +305593,4 +305594,16 +305595,16 +305596,16 +305597,16 +305598,16 +305599,3 +305600,3 +305601,3 +305602,3 +305603,3 +305604,3 +305605,3 +305606,3 +305607,37 +305608,37 +305609,37 +305610,3 +305611,3 +305612,3 +305613,3 +305614,25 +305615,25 +305616,25 +305617,25 +305618,19 +305619,19 +305620,19 +305621,19 +305622,19 +305623,19 +305624,19 +305625,19 +305626,19 +305627,19 +305628,19 +305629,27 +305630,27 +305631,27 +305632,27 +305633,27 +305634,2 +305635,2 +305636,2 +305637,2 +305638,2 +305639,2 +305640,2 +305641,2 +305642,2 +305643,2 +305644,2 +305645,28 +305646,28 +305647,28 +305648,28 +305649,28 +305650,28 +305651,36 +305652,36 +305653,36 +305654,27 +305655,27 +305656,31 +305657,27 +305658,27 +305659,27 +305660,28 +305661,5 +305662,28 +305663,28 +305664,28 +305665,28 +305666,28 +305667,28 +305668,28 +305669,28 +305670,28 +305671,25 +305672,37 +305673,37 +305674,37 +305675,37 +305676,37 +305677,37 +305678,37 +305679,37 +305680,28 +305681,28 +305682,28 +305683,28 +305684,28 +305685,28 +305686,28 +305687,28 +305688,27 +305689,27 +305690,40 +305691,40 +305692,40 +305693,40 +305694,40 +305695,40 +305696,5 +305697,5 +305698,5 +305699,5 +305700,5 +305701,5 +305702,19 +305703,5 +305704,4 +305705,4 +305706,4 +305707,4 +305708,4 +305709,4 +305710,4 +305711,4 +305712,4 +305713,4 +305714,4 +305715,4 +305716,4 +305717,4 +305718,4 +305719,4 +305720,4 +305721,4 +305722,4 +305723,4 +305724,0 +305725,0 +305726,0 +305727,0 +305728,0 +305729,0 +305730,0 +305731,0 +305732,0 +305733,0 +305734,0 +305735,0 +305736,0 +305737,0 +305738,0 +305739,0 +305740,0 +305741,0 +305742,0 +305743,0 +305744,0 +305745,0 +305746,0 +305747,0 +305748,0 +305749,0 +305750,0 +305751,0 +305752,0 +305753,0 +305754,29 +305755,29 +305756,29 +305757,29 +305758,14 +305759,14 +305760,14 +305761,14 +305762,39 +305763,39 +305764,39 +305765,39 +305766,39 +305767,39 +305768,39 +305769,39 +305770,26 +305771,26 +305772,26 +305773,26 +305774,26 +305775,9 +305776,9 +305777,9 +305778,9 +305779,26 +305780,26 +305781,26 +305782,26 +305783,26 +305784,26 +305785,26 +305786,26 +305787,26 +305788,26 +305789,26 +305790,26 +305791,37 +305792,37 +305793,37 +305794,37 +305795,37 +305796,37 +305797,37 +305798,37 +305799,37 +305800,37 +305801,37 +305802,0 +305803,0 +305804,0 +305805,0 +305806,0 +305807,0 +305808,0 +305809,0 +305810,0 +305811,0 +305812,0 +305813,0 +305814,0 +305815,0 +305816,0 +305817,0 +305818,0 +305819,0 +305820,0 +305821,7 +305822,7 +305823,7 +305824,0 +305825,7 +305826,7 +305827,7 +305828,39 +305829,7 +305830,7 +305831,7 +305832,7 +305833,7 +305834,31 +305835,31 +305836,5 +305837,5 +305838,5 +305839,11 +305840,31 +305841,11 +305842,11 +305843,11 +305844,11 +305845,11 +305846,11 +305847,11 +305848,11 +305849,11 +305850,11 +305851,11 +305852,11 +305853,11 +305854,11 +305855,11 +305856,9 +305857,9 +305858,9 +305859,9 +305860,9 +305861,37 +305862,37 +305863,37 +305864,37 +305865,37 +305866,37 +305867,37 +305868,37 +305869,19 +305870,19 +305871,19 +305872,19 +305873,19 +305874,19 +305875,19 +305876,19 +305877,19 +305878,19 +305879,0 +305880,0 +305881,0 +305882,0 +305883,0 +305884,0 +305885,0 +305886,0 +305887,0 +305888,0 +305889,0 +305890,0 +305891,35 +305892,35 +305893,35 +305894,35 +305895,35 +305896,35 +305897,36 +305898,36 +305899,36 +305900,36 +305901,36 +305902,8 +305903,8 +305904,8 +305905,8 +305906,8 +305907,8 +305908,8 +305909,8 +305910,31 +305911,31 +305912,31 +305913,31 +305914,31 +305915,5 +305916,5 +305917,5 +305918,5 +305919,5 +305920,5 +305921,5 +305922,5 +305923,5 +305924,2 +305925,2 +305926,2 +305927,2 +305928,2 +305929,2 +305930,2 +305931,2 +305932,2 +305933,2 +305934,2 +305935,2 +305936,2 +305937,2 +305938,2 +305939,2 +305940,2 +305941,2 +305942,2 +305943,0 +305944,0 +305945,0 +305946,0 +305947,0 +305948,0 +305949,0 +305950,0 +305951,0 +305952,0 +305953,0 +305954,0 +305955,0 +305956,0 +305957,0 +305958,0 +305959,0 +305960,0 +305961,0 +305962,0 +305963,0 +305964,0 +305965,0 +305966,0 +305967,0 +305968,0 +305969,0 +305970,0 +305971,0 +305972,0 +305973,0 +305974,0 +305975,0 +305976,0 +305977,0 +305978,0 +305979,0 +305980,0 +305981,0 +305982,0 +305983,0 +305984,0 +305985,0 +305986,0 +305987,0 +305988,0 +305989,0 +305990,0 +305991,0 +305992,0 +305993,0 +305994,0 +305995,0 +305996,0 +305997,0 +305998,0 +305999,0 +306000,27 +306001,27 +306002,27 +306003,27 +306004,27 +306005,27 +306006,27 +306007,27 +306008,4 +306009,4 +306010,4 +306011,4 +306012,4 +306013,4 +306014,4 +306015,4 +306016,4 +306017,12 +306018,12 +306019,12 +306020,12 +306021,12 +306022,31 +306023,31 +306024,31 +306025,31 +306026,8 +306027,8 +306028,8 +306029,8 +306030,8 +306031,8 +306032,8 +306033,12 +306034,12 +306035,12 +306036,12 +306037,12 +306038,12 +306039,12 +306040,12 +306041,12 +306042,40 +306043,40 +306044,40 +306045,40 +306046,40 +306047,40 +306048,40 +306049,40 +306050,40 +306051,30 +306052,30 +306053,30 +306054,30 +306055,30 +306056,30 +306057,30 +306058,30 +306059,30 +306060,30 +306061,23 +306062,23 +306063,23 +306064,23 +306065,23 +306066,23 +306067,23 +306068,23 +306069,23 +306070,23 +306071,23 +306072,25 +306073,25 +306074,25 +306075,25 +306076,25 +306077,35 +306078,35 +306079,35 +306080,35 +306081,35 +306082,35 +306083,35 +306084,35 +306085,35 +306086,35 +306087,27 +306088,27 +306089,27 +306090,27 +306091,27 +306092,27 +306093,27 +306094,5 +306095,5 +306096,28 +306097,28 +306098,5 +306099,19 +306100,5 +306101,5 +306102,5 +306103,29 +306104,29 +306105,29 +306106,29 +306107,31 +306108,31 +306109,31 +306110,31 +306111,31 +306112,16 +306113,16 +306114,16 +306115,16 +306116,16 +306117,16 +306118,11 +306119,11 +306120,11 +306121,11 +306122,11 +306123,11 +306124,11 +306125,11 +306126,11 +306127,11 +306128,39 +306129,39 +306130,39 +306131,39 +306132,39 +306133,39 +306134,35 +306135,31 +306136,31 +306137,31 +306138,31 +306139,31 +306140,6 +306141,6 +306142,6 +306143,6 +306144,6 +306145,6 +306146,6 +306147,6 +306148,6 +306149,6 +306150,6 +306151,6 +306152,6 +306153,6 +306154,6 +306155,31 +306156,31 +306157,31 +306158,31 +306159,28 +306160,28 +306161,28 +306162,30 +306163,30 +306164,30 +306165,30 +306166,30 +306167,30 +306168,30 +306169,26 +306170,32 +306171,30 +306172,32 +306173,32 +306174,23 +306175,23 +306176,23 +306177,23 +306178,23 +306179,9 +306180,38 +306181,9 +306182,9 +306183,9 +306184,9 +306185,26 +306186,26 +306187,26 +306188,9 +306189,9 +306190,9 +306191,9 +306192,9 +306193,5 +306194,5 +306195,5 +306196,5 +306197,35 +306198,35 +306199,35 +306200,35 +306201,35 +306202,35 +306203,35 +306204,35 +306205,27 +306206,27 +306207,27 +306208,27 +306209,27 +306210,27 +306211,27 +306212,27 +306213,27 +306214,28 +306215,28 +306216,28 +306217,28 +306218,28 +306219,28 +306220,28 +306221,28 +306222,28 +306223,31 +306224,31 +306225,5 +306226,5 +306227,5 +306228,5 +306229,27 +306230,27 +306231,27 +306232,27 +306233,27 +306234,8 +306235,8 +306236,8 +306237,2 +306238,2 +306239,2 +306240,2 +306241,2 +306242,2 +306243,2 +306244,2 +306245,2 +306246,2 +306247,2 +306248,2 +306249,2 +306250,2 +306251,2 +306252,2 +306253,2 +306254,10 +306255,10 +306256,26 +306257,26 +306258,26 +306259,26 +306260,26 +306261,26 +306262,26 +306263,26 +306264,26 +306265,26 +306266,26 +306267,26 +306268,37 +306269,37 +306270,37 +306271,25 +306272,37 +306273,37 +306274,33 +306275,33 +306276,33 +306277,33 +306278,33 +306279,33 +306280,33 +306281,33 +306282,33 +306283,33 +306284,33 +306285,33 +306286,33 +306287,33 +306288,33 +306289,30 +306290,30 +306291,30 +306292,30 +306293,30 +306294,30 +306295,30 +306296,30 +306297,30 +306298,30 +306299,35 +306300,35 +306301,35 +306302,35 +306303,0 +306304,0 +306305,0 +306306,0 +306307,0 +306308,0 +306309,0 +306310,0 +306311,0 +306312,0 +306313,0 +306314,0 +306315,0 +306316,0 +306317,0 +306318,0 +306319,0 +306320,0 +306321,0 +306322,0 +306323,0 +306324,0 +306325,0 +306326,0 +306327,0 +306328,0 +306329,0 +306330,0 +306331,0 +306332,0 +306333,0 +306334,0 +306335,0 +306336,0 +306337,0 +306338,0 +306339,0 +306340,0 +306341,0 +306342,0 +306343,0 +306344,0 +306345,0 +306346,0 +306347,0 +306348,0 +306349,0 +306350,0 +306351,0 +306352,0 +306353,0 +306354,0 +306355,0 +306356,0 +306357,0 +306358,0 +306359,0 +306360,0 +306361,0 +306362,0 +306363,0 +306364,0 +306365,0 +306366,0 +306367,0 +306368,0 +306369,0 +306370,0 +306371,0 +306372,0 +306373,0 +306374,0 +306375,0 +306376,0 +306377,0 +306378,0 +306379,12 +306380,12 +306381,12 +306382,12 +306383,12 +306384,12 +306385,12 +306386,40 +306387,40 +306388,40 +306389,40 +306390,5 +306391,5 +306392,5 +306393,5 +306394,5 +306395,39 +306396,39 +306397,39 +306398,39 +306399,39 +306400,39 +306401,39 +306402,39 +306403,39 +306404,39 +306405,39 +306406,12 +306407,12 +306408,12 +306409,12 +306410,12 +306411,12 +306412,12 +306413,12 +306414,12 +306415,12 +306416,12 +306417,31 +306418,31 +306419,31 +306420,40 +306421,40 +306422,5 +306423,5 +306424,5 +306425,5 +306426,5 +306427,5 +306428,5 +306429,5 +306430,2 +306431,2 +306432,2 +306433,2 +306434,2 +306435,2 +306436,2 +306437,2 +306438,2 +306439,4 +306440,4 +306441,5 +306442,5 +306443,5 +306444,5 +306445,5 +306446,5 +306447,3 +306448,3 +306449,3 +306450,3 +306451,3 +306452,3 +306453,3 +306454,3 +306455,3 +306456,3 +306457,3 +306458,3 +306459,3 +306460,3 +306461,29 +306462,29 +306463,29 +306464,29 +306465,29 +306466,29 +306467,31 +306468,31 +306469,31 +306470,31 +306471,31 +306472,16 +306473,16 +306474,16 +306475,16 +306476,16 +306477,4 +306478,11 +306479,11 +306480,11 +306481,11 +306482,16 +306483,16 +306484,16 +306485,16 +306486,11 +306487,39 +306488,39 +306489,39 +306490,39 +306491,39 +306492,35 +306493,35 +306494,35 +306495,27 +306496,27 +306497,27 +306498,19 +306499,19 +306500,19 +306501,19 +306502,19 +306503,19 +306504,19 +306505,2 +306506,2 +306507,2 +306508,2 +306509,2 +306510,2 +306511,2 +306512,2 +306513,2 +306514,2 +306515,2 +306516,39 +306517,39 +306518,39 +306519,14 +306520,14 +306521,14 +306522,14 +306523,14 +306524,14 +306525,14 +306526,39 +306527,14 +306528,14 +306529,5 +306530,5 +306531,5 +306532,5 +306533,5 +306534,5 +306535,40 +306536,27 +306537,35 +306538,27 +306539,27 +306540,27 +306541,27 +306542,8 +306543,8 +306544,8 +306545,8 +306546,8 +306547,8 +306548,8 +306549,8 +306550,8 +306551,8 +306552,4 +306553,4 +306554,4 +306555,4 +306556,4 +306557,4 +306558,4 +306559,4 +306560,4 +306561,4 +306562,4 +306563,4 +306564,27 +306565,27 +306566,27 +306567,27 +306568,27 +306569,27 +306570,27 +306571,27 +306572,27 +306573,27 +306574,27 +306575,27 +306576,27 +306577,27 +306578,37 +306579,37 +306580,37 +306581,37 +306582,37 +306583,37 +306584,37 +306585,37 +306586,25 +306587,25 +306588,25 +306589,25 +306590,8 +306591,8 +306592,8 +306593,8 +306594,8 +306595,8 +306596,8 +306597,8 +306598,8 +306599,8 +306600,8 +306601,8 +306602,2 +306603,2 +306604,2 +306605,2 +306606,2 +306607,2 +306608,0 +306609,0 +306610,0 +306611,0 +306612,0 +306613,0 +306614,0 +306615,0 +306616,0 +306617,0 +306618,0 +306619,0 +306620,0 +306621,0 +306622,0 +306623,0 +306624,0 +306625,0 +306626,0 +306627,35 +306628,35 +306629,35 +306630,35 +306631,35 +306632,35 +306633,35 +306634,35 +306635,35 +306636,35 +306637,35 +306638,12 +306639,12 +306640,12 +306641,27 +306642,27 +306643,27 +306644,27 +306645,27 +306646,5 +306647,5 +306648,5 +306649,5 +306650,5 +306651,5 +306652,5 +306653,5 +306654,5 +306655,29 +306656,29 +306657,31 +306658,31 +306659,31 +306660,23 +306661,23 +306662,23 +306663,23 +306664,23 +306665,23 +306666,23 +306667,23 +306668,23 +306669,23 +306670,23 +306671,30 +306672,30 +306673,30 +306674,30 +306675,40 +306676,40 +306677,40 +306678,34 +306679,34 +306680,10 +306681,10 +306682,10 +306683,25 +306684,25 +306685,25 +306686,25 +306687,25 +306688,25 +306689,25 +306690,25 +306691,25 +306692,25 +306693,25 +306694,6 +306695,6 +306696,6 +306697,6 +306698,6 +306699,6 +306700,6 +306701,6 +306702,12 +306703,12 +306704,12 +306705,12 +306706,12 +306707,12 +306708,39 +306709,39 +306710,39 +306711,39 +306712,39 +306713,39 +306714,39 +306715,39 +306716,39 +306717,39 +306718,5 +306719,5 +306720,5 +306721,5 +306722,5 +306723,5 +306724,5 +306725,5 +306726,5 +306727,5 +306728,5 +306729,5 +306730,5 +306731,5 +306732,2 +306733,2 +306734,2 +306735,2 +306736,2 +306737,2 +306738,2 +306739,2 +306740,2 +306741,2 +306742,4 +306743,4 +306744,4 +306745,4 +306746,4 +306747,4 +306748,4 +306749,26 +306750,26 +306751,26 +306752,9 +306753,9 +306754,26 +306755,9 +306756,9 +306757,9 +306758,26 +306759,26 +306760,26 +306761,4 +306762,4 +306763,4 +306764,4 +306765,4 +306766,4 +306767,4 +306768,25 +306769,25 +306770,25 +306771,25 +306772,25 +306773,25 +306774,25 +306775,25 +306776,25 +306777,25 +306778,25 +306779,25 +306780,25 +306781,25 +306782,25 +306783,4 +306784,4 +306785,4 +306786,4 +306787,4 +306788,4 +306789,4 +306790,31 +306791,31 +306792,31 +306793,31 +306794,31 +306795,32 +306796,32 +306797,32 +306798,32 +306799,32 +306800,32 +306801,32 +306802,32 +306803,32 +306804,32 +306805,32 +306806,32 +306807,26 +306808,26 +306809,26 +306810,26 +306811,26 +306812,26 +306813,37 +306814,37 +306815,37 +306816,37 +306817,37 +306818,19 +306819,19 +306820,19 +306821,19 +306822,27 +306823,27 +306824,27 +306825,27 +306826,27 +306827,27 +306828,27 +306829,27 +306830,27 +306831,4 +306832,4 +306833,4 +306834,4 +306835,4 +306836,27 +306837,27 +306838,40 +306839,40 +306840,40 +306841,27 +306842,27 +306843,27 +306844,27 +306845,27 +306846,27 +306847,27 +306848,40 +306849,40 +306850,40 +306851,27 +306852,27 +306853,27 +306854,28 +306855,28 +306856,28 +306857,28 +306858,28 +306859,28 +306860,28 +306861,31 +306862,31 +306863,31 +306864,31 +306865,31 +306866,31 +306867,31 +306868,31 +306869,31 +306870,5 +306871,5 +306872,4 +306873,4 +306874,4 +306875,4 +306876,4 +306877,4 +306878,4 +306879,4 +306880,4 +306881,4 +306882,4 +306883,4 +306884,4 +306885,4 +306886,33 +306887,33 +306888,33 +306889,33 +306890,33 +306891,33 +306892,33 +306893,33 +306894,33 +306895,33 +306896,33 +306897,33 +306898,33 +306899,28 +306900,28 +306901,28 +306902,28 +306903,28 +306904,28 +306905,28 +306906,31 +306907,31 +306908,31 +306909,4 +306910,4 +306911,4 +306912,4 +306913,4 +306914,4 +306915,4 +306916,4 +306917,4 +306918,4 +306919,4 +306920,3 +306921,3 +306922,3 +306923,3 +306924,3 +306925,3 +306926,3 +306927,35 +306928,35 +306929,35 +306930,35 +306931,35 +306932,35 +306933,35 +306934,35 +306935,35 +306936,35 +306937,6 +306938,25 +306939,25 +306940,25 +306941,25 +306942,25 +306943,25 +306944,28 +306945,28 +306946,28 +306947,28 +306948,28 +306949,28 +306950,28 +306951,28 +306952,28 +306953,28 +306954,28 +306955,31 +306956,31 +306957,31 +306958,31 +306959,31 +306960,31 +306961,31 +306962,31 +306963,31 +306964,5 +306965,5 +306966,29 +306967,29 +306968,29 +306969,29 +306970,29 +306971,29 +306972,25 +306973,25 +306974,25 +306975,25 +306976,25 +306977,25 +306978,25 +306979,25 +306980,25 +306981,25 +306982,25 +306983,25 +306984,25 +306985,25 +306986,25 +306987,0 +306988,0 +306989,0 +306990,0 +306991,0 +306992,0 +306993,0 +306994,0 +306995,0 +306996,0 +306997,0 +306998,0 +306999,0 +307000,0 +307001,0 +307002,0 +307003,0 +307004,0 +307005,0 +307006,0 +307007,0 +307008,0 +307009,0 +307010,0 +307011,0 +307012,0 +307013,0 +307014,0 +307015,0 +307016,0 +307017,0 +307018,0 +307019,0 +307020,0 +307021,0 +307022,0 +307023,0 +307024,0 +307025,0 +307026,0 +307027,0 +307028,36 +307029,36 +307030,36 +307031,36 +307032,36 +307033,36 +307034,36 +307035,36 +307036,36 +307037,5 +307038,19 +307039,19 +307040,19 +307041,19 +307042,19 +307043,19 +307044,2 +307045,2 +307046,2 +307047,2 +307048,2 +307049,2 +307050,2 +307051,2 +307052,2 +307053,4 +307054,4 +307055,4 +307056,4 +307057,4 +307058,4 +307059,4 +307060,4 +307061,4 +307062,4 +307063,37 +307064,37 +307065,37 +307066,37 +307067,37 +307068,37 +307069,9 +307070,9 +307071,9 +307072,9 +307073,9 +307074,4 +307075,4 +307076,4 +307077,4 +307078,31 +307079,31 +307080,31 +307081,31 +307082,31 +307083,31 +307084,31 +307085,27 +307086,19 +307087,19 +307088,19 +307089,19 +307090,19 +307091,19 +307092,31 +307093,31 +307094,31 +307095,31 +307096,31 +307097,31 +307098,31 +307099,31 +307100,31 +307101,32 +307102,32 +307103,32 +307104,32 +307105,32 +307106,32 +307107,32 +307108,32 +307109,32 +307110,29 +307111,29 +307112,31 +307113,31 +307114,31 +307115,31 +307116,5 +307117,5 +307118,5 +307119,5 +307120,5 +307121,5 +307122,5 +307123,5 +307124,5 +307125,5 +307126,5 +307127,5 +307128,19 +307129,19 +307130,19 +307131,19 +307132,19 +307133,19 +307134,34 +307135,34 +307136,34 +307137,34 +307138,34 +307139,34 +307140,34 +307141,34 +307142,34 +307143,34 +307144,34 +307145,34 +307146,34 +307147,34 +307148,34 +307149,34 +307150,34 +307151,34 +307152,34 +307153,34 +307154,5 +307155,5 +307156,5 +307157,5 +307158,5 +307159,5 +307160,27 +307161,27 +307162,5 +307163,5 +307164,5 +307165,5 +307166,5 +307167,5 +307168,5 +307169,5 +307170,29 +307171,29 +307172,40 +307173,40 +307174,40 +307175,40 +307176,40 +307177,40 +307178,40 +307179,40 +307180,28 +307181,5 +307182,28 +307183,28 +307184,28 +307185,28 +307186,28 +307187,28 +307188,28 +307189,19 +307190,31 +307191,31 +307192,31 +307193,19 +307194,19 +307195,19 +307196,19 +307197,19 +307198,19 +307199,19 +307200,19 +307201,19 +307202,28 +307203,28 +307204,28 +307205,28 +307206,28 +307207,28 +307208,28 +307209,10 +307210,10 +307211,10 +307212,10 +307213,10 +307214,10 +307215,10 +307216,34 +307217,34 +307218,10 +307219,10 +307220,10 +307221,37 +307222,37 +307223,37 +307224,37 +307225,37 +307226,37 +307227,37 +307228,37 +307229,37 +307230,27 +307231,27 +307232,27 +307233,27 +307234,27 +307235,13 +307236,13 +307237,13 +307238,35 +307239,35 +307240,35 +307241,35 +307242,35 +307243,35 +307244,35 +307245,35 +307246,35 +307247,35 +307248,25 +307249,25 +307250,25 +307251,25 +307252,25 +307253,25 +307254,2 +307255,2 +307256,2 +307257,2 +307258,2 +307259,2 +307260,2 +307261,2 +307262,2 +307263,2 +307264,40 +307265,40 +307266,40 +307267,40 +307268,40 +307269,40 +307270,40 +307271,30 +307272,30 +307273,30 +307274,30 +307275,30 +307276,30 +307277,38 +307278,38 +307279,38 +307280,38 +307281,38 +307282,23 +307283,23 +307284,23 +307285,31 +307286,25 +307287,25 +307288,29 +307289,29 +307290,29 +307291,29 +307292,29 +307293,29 +307294,29 +307295,29 +307296,31 +307297,31 +307298,31 +307299,28 +307300,28 +307301,28 +307302,28 +307303,28 +307304,28 +307305,28 +307306,5 +307307,28 +307308,27 +307309,27 +307310,27 +307311,14 +307312,39 +307313,39 +307314,25 +307315,25 +307316,25 +307317,25 +307318,25 +307319,37 +307320,37 +307321,37 +307322,37 +307323,25 +307324,35 +307325,25 +307326,25 +307327,25 +307328,25 +307329,25 +307330,25 +307331,25 +307332,25 +307333,25 +307334,25 +307335,8 +307336,25 +307337,2 +307338,2 +307339,2 +307340,2 +307341,4 +307342,4 +307343,4 +307344,31 +307345,31 +307346,31 +307347,31 +307348,31 +307349,31 +307350,4 +307351,4 +307352,4 +307353,4 +307354,38 +307355,38 +307356,34 +307357,34 +307358,34 +307359,34 +307360,34 +307361,34 +307362,30 +307363,10 +307364,10 +307365,10 +307366,10 +307367,10 +307368,31 +307369,31 +307370,31 +307371,31 +307372,31 +307373,31 +307374,31 +307375,31 +307376,31 +307377,31 +307378,5 +307379,5 +307380,5 +307381,5 +307382,5 +307383,5 +307384,29 +307385,29 +307386,29 +307387,29 +307388,31 +307389,31 +307390,31 +307391,31 +307392,37 +307393,37 +307394,37 +307395,5 +307396,5 +307397,37 +307398,37 +307399,37 +307400,37 +307401,37 +307402,5 +307403,5 +307404,5 +307405,5 +307406,5 +307407,5 +307408,5 +307409,5 +307410,28 +307411,28 +307412,28 +307413,28 +307414,28 +307415,3 +307416,3 +307417,3 +307418,3 +307419,28 +307420,28 +307421,28 +307422,28 +307423,28 +307424,28 +307425,28 +307426,28 +307427,28 +307428,28 +307429,28 +307430,28 +307431,28 +307432,28 +307433,28 +307434,28 +307435,28 +307436,28 +307437,28 +307438,28 +307439,28 +307440,0 +307441,0 +307442,0 +307443,0 +307444,0 +307445,0 +307446,0 +307447,0 +307448,0 +307449,0 +307450,0 +307451,0 +307452,0 +307453,0 +307454,0 +307455,0 +307456,0 +307457,0 +307458,0 +307459,0 +307460,0 +307461,0 +307462,0 +307463,0 +307464,0 +307465,0 +307466,0 +307467,0 +307468,0 +307469,0 +307470,0 +307471,0 +307472,0 +307473,0 +307474,0 +307475,0 +307476,0 +307477,0 +307478,0 +307479,0 +307480,0 +307481,0 +307482,0 +307483,7 +307484,7 +307485,0 +307486,0 +307487,0 +307488,0 +307489,0 +307490,0 +307491,0 +307492,0 +307493,0 +307494,0 +307495,0 +307496,0 +307497,0 +307498,0 +307499,0 +307500,0 +307501,0 +307502,28 +307503,28 +307504,28 +307505,29 +307506,29 +307507,29 +307508,29 +307509,29 +307510,29 +307511,29 +307512,29 +307513,29 +307514,29 +307515,29 +307516,31 +307517,31 +307518,31 +307519,31 +307520,31 +307521,31 +307522,23 +307523,23 +307524,23 +307525,23 +307526,23 +307527,23 +307528,23 +307529,23 +307530,23 +307531,23 +307532,26 +307533,26 +307534,33 +307535,33 +307536,33 +307537,33 +307538,33 +307539,33 +307540,33 +307541,33 +307542,33 +307543,33 +307544,33 +307545,33 +307546,33 +307547,33 +307548,33 +307549,33 +307550,33 +307551,33 +307552,33 +307553,33 +307554,27 +307555,27 +307556,27 +307557,27 +307558,27 +307559,27 +307560,27 +307561,27 +307562,13 +307563,13 +307564,13 +307565,13 +307566,13 +307567,13 +307568,13 +307569,13 +307570,13 +307571,30 +307572,30 +307573,30 +307574,30 +307575,30 +307576,30 +307577,40 +307578,40 +307579,36 +307580,40 +307581,40 +307582,40 +307583,4 +307584,4 +307585,4 +307586,4 +307587,4 +307588,4 +307589,4 +307590,4 +307591,4 +307592,4 +307593,4 +307594,4 +307595,4 +307596,25 +307597,25 +307598,25 +307599,25 +307600,25 +307601,25 +307602,25 +307603,25 +307604,25 +307605,25 +307606,25 +307607,25 +307608,2 +307609,2 +307610,2 +307611,2 +307612,2 +307613,2 +307614,2 +307615,2 +307616,2 +307617,2 +307618,2 +307619,2 +307620,2 +307621,2 +307622,2 +307623,2 +307624,2 +307625,2 +307626,25 +307627,25 +307628,25 +307629,25 +307630,25 +307631,25 +307632,25 +307633,25 +307634,25 +307635,25 +307636,25 +307637,25 +307638,25 +307639,25 +307640,40 +307641,40 +307642,40 +307643,40 +307644,24 +307645,24 +307646,24 +307647,24 +307648,24 +307649,24 +307650,24 +307651,24 +307652,24 +307653,40 +307654,4 +307655,4 +307656,4 +307657,4 +307658,4 +307659,40 +307660,40 +307661,40 +307662,40 +307663,40 +307664,40 +307665,40 +307666,36 +307667,36 +307668,40 +307669,40 +307670,40 +307671,40 +307672,8 +307673,8 +307674,8 +307675,8 +307676,8 +307677,8 +307678,8 +307679,8 +307680,31 +307681,31 +307682,31 +307683,31 +307684,31 +307685,31 +307686,31 +307687,32 +307688,32 +307689,32 +307690,32 +307691,32 +307692,32 +307693,32 +307694,32 +307695,32 +307696,32 +307697,32 +307698,32 +307699,37 +307700,37 +307701,37 +307702,37 +307703,37 +307704,40 +307705,40 +307706,40 +307707,40 +307708,40 +307709,40 +307710,40 +307711,40 +307712,23 +307713,23 +307714,23 +307715,23 +307716,23 +307717,23 +307718,23 +307719,35 +307720,35 +307721,35 +307722,35 +307723,27 +307724,27 +307725,27 +307726,27 +307727,27 +307728,27 +307729,27 +307730,27 +307731,2 +307732,2 +307733,2 +307734,2 +307735,2 +307736,2 +307737,2 +307738,2 +307739,2 +307740,2 +307741,2 +307742,2 +307743,4 +307744,4 +307745,4 +307746,4 +307747,4 +307748,4 +307749,4 +307750,31 +307751,31 +307752,31 +307753,29 +307754,29 +307755,29 +307756,29 +307757,29 +307758,29 +307759,29 +307760,31 +307761,31 +307762,31 +307763,31 +307764,31 +307765,31 +307766,23 +307767,23 +307768,23 +307769,23 +307770,23 +307771,23 +307772,23 +307773,23 +307774,23 +307775,23 +307776,23 +307777,23 +307778,23 +307779,23 +307780,23 +307781,23 +307782,23 +307783,23 +307784,23 +307785,25 +307786,25 +307787,25 +307788,25 +307789,25 +307790,25 +307791,25 +307792,25 +307793,25 +307794,25 +307795,25 +307796,25 +307797,25 +307798,25 +307799,2 +307800,2 +307801,2 +307802,2 +307803,2 +307804,2 +307805,2 +307806,2 +307807,2 +307808,2 +307809,2 +307810,2 +307811,4 +307812,4 +307813,4 +307814,4 +307815,4 +307816,4 +307817,27 +307818,27 +307819,27 +307820,27 +307821,27 +307822,27 +307823,27 +307824,27 +307825,27 +307826,27 +307827,27 +307828,19 +307829,19 +307830,19 +307831,19 +307832,19 +307833,19 +307834,19 +307835,19 +307836,19 +307837,19 +307838,19 +307839,27 +307840,27 +307841,27 +307842,27 +307843,27 +307844,27 +307845,27 +307846,11 +307847,11 +307848,11 +307849,11 +307850,11 +307851,11 +307852,11 +307853,11 +307854,11 +307855,11 +307856,11 +307857,11 +307858,11 +307859,11 +307860,31 +307861,31 +307862,31 +307863,31 +307864,31 +307865,31 +307866,31 +307867,5 +307868,5 +307869,5 +307870,5 +307871,5 +307872,5 +307873,5 +307874,5 +307875,5 +307876,5 +307877,5 +307878,5 +307879,5 +307880,5 +307881,5 +307882,28 +307883,0 +307884,0 +307885,0 +307886,0 +307887,0 +307888,0 +307889,0 +307890,31 +307891,31 +307892,31 +307893,31 +307894,31 +307895,31 +307896,31 +307897,31 +307898,31 +307899,31 +307900,24 +307901,24 +307902,24 +307903,24 +307904,24 +307905,24 +307906,24 +307907,24 +307908,24 +307909,24 +307910,29 +307911,29 +307912,24 +307913,27 +307914,27 +307915,27 +307916,27 +307917,27 +307918,27 +307919,27 +307920,27 +307921,8 +307922,8 +307923,8 +307924,8 +307925,8 +307926,8 +307927,8 +307928,8 +307929,8 +307930,8 +307931,28 +307932,28 +307933,28 +307934,28 +307935,28 +307936,28 +307937,27 +307938,27 +307939,27 +307940,27 +307941,27 +307942,27 +307943,40 +307944,40 +307945,28 +307946,28 +307947,28 +307948,28 +307949,28 +307950,28 +307951,28 +307952,28 +307953,28 +307954,9 +307955,9 +307956,9 +307957,9 +307958,9 +307959,9 +307960,9 +307961,9 +307962,9 +307963,34 +307964,34 +307965,9 +307966,34 +307967,34 +307968,34 +307969,26 +307970,26 +307971,26 +307972,26 +307973,26 +307974,26 +307975,26 +307976,37 +307977,37 +307978,37 +307979,37 +307980,37 +307981,37 +307982,37 +307983,37 +307984,37 +307985,37 +307986,37 +307987,37 +307988,37 +307989,37 +307990,37 +307991,37 +307992,37 +307993,25 +307994,25 +307995,0 +307996,0 +307997,0 +307998,0 +307999,0 +308000,0 +308001,0 +308002,0 +308003,0 +308004,0 +308005,0 +308006,0 +308007,0 +308008,0 +308009,0 +308010,0 +308011,0 +308012,0 +308013,0 +308014,0 +308015,0 +308016,0 +308017,0 +308018,0 +308019,0 +308020,0 +308021,0 +308022,0 +308023,0 +308024,0 +308025,0 +308026,0 +308027,0 +308028,0 +308029,0 +308030,0 +308031,0 +308032,0 +308033,0 +308034,0 +308035,0 +308036,0 +308037,0 +308038,0 +308039,0 +308040,0 +308041,0 +308042,0 +308043,0 +308044,0 +308045,0 +308046,0 +308047,0 +308048,0 +308049,0 +308050,0 +308051,0 +308052,0 +308053,0 +308054,0 +308055,0 +308056,0 +308057,0 +308058,0 +308059,27 +308060,27 +308061,27 +308062,27 +308063,27 +308064,27 +308065,27 +308066,27 +308067,27 +308068,27 +308069,27 +308070,27 +308071,27 +308072,14 +308073,28 +308074,28 +308075,5 +308076,5 +308077,5 +308078,5 +308079,5 +308080,5 +308081,5 +308082,5 +308083,12 +308084,12 +308085,12 +308086,12 +308087,12 +308088,12 +308089,12 +308090,12 +308091,12 +308092,27 +308093,27 +308094,27 +308095,27 +308096,27 +308097,27 +308098,27 +308099,27 +308100,5 +308101,5 +308102,5 +308103,5 +308104,5 +308105,10 +308106,10 +308107,10 +308108,34 +308109,34 +308110,34 +308111,34 +308112,10 +308113,10 +308114,10 +308115,10 +308116,10 +308117,10 +308118,10 +308119,40 +308120,40 +308121,40 +308122,40 +308123,40 +308124,40 +308125,40 +308126,40 +308127,14 +308128,14 +308129,14 +308130,14 +308131,14 +308132,14 +308133,40 +308134,40 +308135,40 +308136,40 +308137,40 +308138,40 +308139,36 +308140,36 +308141,36 +308142,36 +308143,36 +308144,36 +308145,2 +308146,2 +308147,2 +308148,2 +308149,2 +308150,2 +308151,4 +308152,4 +308153,4 +308154,4 +308155,4 +308156,4 +308157,4 +308158,4 +308159,4 +308160,38 +308161,27 +308162,27 +308163,27 +308164,27 +308165,27 +308166,28 +308167,5 +308168,5 +308169,5 +308170,5 +308171,5 +308172,5 +308173,31 +308174,31 +308175,31 +308176,31 +308177,31 +308178,31 +308179,31 +308180,4 +308181,19 +308182,4 +308183,4 +308184,39 +308185,7 +308186,7 +308187,7 +308188,7 +308189,7 +308190,39 +308191,39 +308192,27 +308193,27 +308194,27 +308195,27 +308196,27 +308197,27 +308198,3 +308199,3 +308200,8 +308201,8 +308202,8 +308203,8 +308204,8 +308205,8 +308206,31 +308207,31 +308208,31 +308209,31 +308210,15 +308211,15 +308212,15 +308213,15 +308214,15 +308215,15 +308216,15 +308217,34 +308218,34 +308219,34 +308220,34 +308221,34 +308222,34 +308223,34 +308224,34 +308225,34 +308226,34 +308227,34 +308228,34 +308229,34 +308230,34 +308231,34 +308232,34 +308233,34 +308234,34 +308235,34 +308236,34 +308237,34 +308238,0 +308239,0 +308240,0 +308241,0 +308242,0 +308243,0 +308244,0 +308245,0 +308246,0 +308247,0 +308248,0 +308249,0 +308250,0 +308251,0 +308252,0 +308253,0 +308254,0 +308255,0 +308256,0 +308257,0 +308258,0 +308259,0 +308260,0 +308261,0 +308262,0 +308263,0 +308264,0 +308265,0 +308266,29 +308267,29 +308268,29 +308269,38 +308270,38 +308271,38 +308272,38 +308273,27 +308274,27 +308275,27 +308276,27 +308277,13 +308278,13 +308279,13 +308280,13 +308281,6 +308282,6 +308283,6 +308284,6 +308285,6 +308286,6 +308287,31 +308288,31 +308289,31 +308290,31 +308291,31 +308292,5 +308293,5 +308294,5 +308295,5 +308296,26 +308297,26 +308298,26 +308299,26 +308300,26 +308301,26 +308302,26 +308303,26 +308304,26 +308305,4 +308306,4 +308307,4 +308308,4 +308309,4 +308310,4 +308311,4 +308312,4 +308313,4 +308314,5 +308315,5 +308316,5 +308317,5 +308318,5 +308319,5 +308320,19 +308321,3 +308322,3 +308323,3 +308324,3 +308325,3 +308326,39 +308327,39 +308328,39 +308329,12 +308330,12 +308331,12 +308332,12 +308333,3 +308334,3 +308335,3 +308336,12 +308337,12 +308338,12 +308339,12 +308340,12 +308341,12 +308342,12 +308343,12 +308344,12 +308345,12 +308346,12 +308347,14 +308348,14 +308349,14 +308350,14 +308351,14 +308352,14 +308353,14 +308354,14 +308355,14 +308356,14 +308357,14 +308358,14 +308359,14 +308360,8 +308361,8 +308362,8 +308363,8 +308364,8 +308365,8 +308366,8 +308367,8 +308368,8 +308369,31 +308370,31 +308371,31 +308372,31 +308373,31 +308374,24 +308375,24 +308376,24 +308377,24 +308378,24 +308379,24 +308380,37 +308381,37 +308382,37 +308383,37 +308384,37 +308385,37 +308386,37 +308387,14 +308388,14 +308389,14 +308390,14 +308391,14 +308392,14 +308393,14 +308394,14 +308395,14 +308396,14 +308397,14 +308398,2 +308399,2 +308400,2 +308401,2 +308402,8 +308403,8 +308404,8 +308405,8 +308406,8 +308407,8 +308408,27 +308409,31 +308410,31 +308411,5 +308412,5 +308413,5 +308414,5 +308415,35 +308416,35 +308417,35 +308418,35 +308419,35 +308420,35 +308421,35 +308422,10 +308423,10 +308424,10 +308425,10 +308426,10 +308427,10 +308428,10 +308429,10 +308430,10 +308431,10 +308432,10 +308433,10 +308434,10 +308435,10 +308436,34 +308437,34 +308438,34 +308439,34 +308440,34 +308441,34 +308442,34 +308443,34 +308444,34 +308445,30 +308446,30 +308447,30 +308448,30 +308449,30 +308450,30 +308451,30 +308452,30 +308453,30 +308454,30 +308455,30 +308456,30 +308457,0 +308458,0 +308459,0 +308460,0 +308461,0 +308462,0 +308463,0 +308464,0 +308465,0 +308466,0 +308467,0 +308468,0 +308469,0 +308470,0 +308471,0 +308472,0 +308473,0 +308474,0 +308475,0 +308476,0 +308477,0 +308478,0 +308479,0 +308480,0 +308481,0 +308482,0 +308483,0 +308484,0 +308485,0 +308486,0 +308487,0 +308488,0 +308489,10 +308490,10 +308491,10 +308492,10 +308493,10 +308494,10 +308495,10 +308496,10 +308497,10 +308498,10 +308499,10 +308500,10 +308501,10 +308502,10 +308503,10 +308504,10 +308505,10 +308506,10 +308507,10 +308508,10 +308509,10 +308510,10 +308511,10 +308512,31 +308513,31 +308514,31 +308515,31 +308516,31 +308517,31 +308518,31 +308519,31 +308520,31 +308521,31 +308522,31 +308523,31 +308524,31 +308525,31 +308526,5 +308527,5 +308528,5 +308529,5 +308530,5 +308531,5 +308532,5 +308533,5 +308534,5 +308535,5 +308536,5 +308537,5 +308538,5 +308539,23 +308540,23 +308541,23 +308542,23 +308543,23 +308544,23 +308545,23 +308546,23 +308547,23 +308548,9 +308549,9 +308550,9 +308551,9 +308552,9 +308553,9 +308554,9 +308555,9 +308556,9 +308557,37 +308558,37 +308559,37 +308560,37 +308561,37 +308562,16 +308563,16 +308564,16 +308565,11 +308566,11 +308567,11 +308568,11 +308569,11 +308570,11 +308571,11 +308572,31 +308573,31 +308574,31 +308575,31 +308576,5 +308577,5 +308578,3 +308579,3 +308580,3 +308581,3 +308582,3 +308583,3 +308584,3 +308585,3 +308586,4 +308587,4 +308588,4 +308589,4 +308590,4 +308591,4 +308592,4 +308593,30 +308594,30 +308595,30 +308596,30 +308597,30 +308598,39 +308599,39 +308600,39 +308601,39 +308602,39 +308603,39 +308604,23 +308605,23 +308606,23 +308607,23 +308608,23 +308609,23 +308610,23 +308611,23 +308612,23 +308613,23 +308614,23 +308615,23 +308616,23 +308617,23 +308618,40 +308619,40 +308620,40 +308621,40 +308622,40 +308623,40 +308624,40 +308625,30 +308626,30 +308627,30 +308628,30 +308629,30 +308630,30 +308631,30 +308632,31 +308633,29 +308634,29 +308635,31 +308636,31 +308637,31 +308638,31 +308639,31 +308640,31 +308641,2 +308642,2 +308643,2 +308644,2 +308645,2 +308646,2 +308647,2 +308648,2 +308649,2 +308650,2 +308651,2 +308652,2 +308653,2 +308654,2 +308655,2 +308656,2 +308657,2 +308658,30 +308659,30 +308660,30 +308661,30 +308662,30 +308663,30 +308664,30 +308665,39 +308666,39 +308667,39 +308668,39 +308669,39 +308670,39 +308671,39 +308672,39 +308673,39 +308674,39 +308675,39 +308676,39 +308677,39 +308678,39 +308679,39 +308680,32 +308681,32 +308682,32 +308683,0 +308684,0 +308685,0 +308686,0 +308687,0 +308688,0 +308689,0 +308690,0 +308691,0 +308692,0 +308693,0 +308694,0 +308695,0 +308696,0 +308697,0 +308698,0 +308699,0 +308700,0 +308701,0 +308702,0 +308703,0 +308704,0 +308705,0 +308706,0 +308707,0 +308708,0 +308709,0 +308710,0 +308711,0 +308712,0 +308713,0 +308714,0 +308715,0 +308716,0 +308717,0 +308718,0 +308719,0 +308720,0 +308721,0 +308722,0 +308723,0 +308724,0 +308725,0 +308726,0 +308727,0 +308728,0 +308729,0 +308730,0 +308731,0 +308732,0 +308733,0 +308734,0 +308735,0 +308736,0 +308737,0 +308738,0 +308739,0 +308740,0 +308741,0 +308742,0 +308743,0 +308744,0 +308745,0 +308746,0 +308747,0 +308748,0 +308749,0 +308750,0 +308751,0 +308752,0 +308753,0 +308754,0 +308755,36 +308756,36 +308757,36 +308758,36 +308759,36 +308760,36 +308761,36 +308762,36 +308763,36 +308764,36 +308765,31 +308766,5 +308767,5 +308768,5 +308769,5 +308770,5 +308771,5 +308772,5 +308773,5 +308774,5 +308775,5 +308776,19 +308777,19 +308778,19 +308779,19 +308780,19 +308781,19 +308782,19 +308783,19 +308784,9 +308785,9 +308786,9 +308787,9 +308788,9 +308789,9 +308790,37 +308791,37 +308792,12 +308793,37 +308794,37 +308795,27 +308796,27 +308797,27 +308798,27 +308799,27 +308800,27 +308801,13 +308802,13 +308803,13 +308804,13 +308805,13 +308806,13 +308807,13 +308808,29 +308809,29 +308810,31 +308811,31 +308812,31 +308813,31 +308814,31 +308815,31 +308816,12 +308817,12 +308818,12 +308819,12 +308820,12 +308821,12 +308822,12 +308823,12 +308824,12 +308825,12 +308826,12 +308827,12 +308828,12 +308829,12 +308830,12 +308831,12 +308832,12 +308833,39 +308834,39 +308835,39 +308836,39 +308837,39 +308838,39 +308839,39 +308840,39 +308841,39 +308842,39 +308843,39 +308844,39 +308845,39 +308846,39 +308847,6 +308848,6 +308849,6 +308850,6 +308851,6 +308852,6 +308853,6 +308854,6 +308855,6 +308856,6 +308857,6 +308858,6 +308859,6 +308860,6 +308861,0 +308862,0 +308863,0 +308864,0 +308865,0 +308866,0 +308867,0 +308868,0 +308869,0 +308870,0 +308871,0 +308872,0 +308873,0 +308874,0 +308875,0 +308876,0 +308877,28 +308878,28 +308879,28 +308880,28 +308881,28 +308882,28 +308883,28 +308884,10 +308885,10 +308886,10 +308887,10 +308888,10 +308889,10 +308890,10 +308891,10 +308892,5 +308893,5 +308894,5 +308895,5 +308896,5 +308897,5 +308898,5 +308899,13 +308900,13 +308901,13 +308902,13 +308903,13 +308904,28 +308905,28 +308906,28 +308907,27 +308908,27 +308909,27 +308910,27 +308911,27 +308912,27 +308913,27 +308914,2 +308915,2 +308916,2 +308917,2 +308918,2 +308919,2 +308920,4 +308921,4 +308922,4 +308923,4 +308924,4 +308925,4 +308926,4 +308927,4 +308928,4 +308929,4 +308930,25 +308931,25 +308932,25 +308933,25 +308934,25 +308935,8 +308936,8 +308937,8 +308938,8 +308939,8 +308940,8 +308941,2 +308942,2 +308943,2 +308944,2 +308945,8 +308946,8 +308947,32 +308948,32 +308949,32 +308950,32 +308951,0 +308952,4 +308953,4 +308954,4 +308955,4 +308956,4 +308957,4 +308958,4 +308959,9 +308960,9 +308961,9 +308962,9 +308963,9 +308964,9 +308965,9 +308966,30 +308967,30 +308968,30 +308969,30 +308970,30 +308971,30 +308972,30 +308973,30 +308974,15 +308975,15 +308976,15 +308977,19 +308978,28 +308979,1 +308980,28 +308981,28 +308982,39 +308983,39 +308984,39 +308985,39 +308986,39 +308987,39 +308988,39 +308989,4 +308990,4 +308991,4 +308992,4 +308993,4 +308994,4 +308995,4 +308996,31 +308997,31 +308998,31 +308999,31 +309000,31 +309001,31 +309002,6 +309003,6 +309004,6 +309005,6 +309006,32 +309007,32 +309008,32 +309009,6 +309010,4 +309011,6 +309012,6 +309013,32 +309014,32 +309015,32 +309016,32 +309017,6 +309018,30 +309019,30 +309020,30 +309021,27 +309022,27 +309023,14 +309024,14 +309025,14 +309026,27 +309027,27 +309028,27 +309029,5 +309030,5 +309031,5 +309032,5 +309033,5 +309034,10 +309035,10 +309036,10 +309037,10 +309038,10 +309039,10 +309040,35 +309041,35 +309042,35 +309043,35 +309044,35 +309045,35 +309046,35 +309047,35 +309048,35 +309049,35 +309050,35 +309051,35 +309052,35 +309053,40 +309054,40 +309055,40 +309056,40 +309057,40 +309058,40 +309059,40 +309060,40 +309061,37 +309062,37 +309063,37 +309064,37 +309065,37 +309066,37 +309067,37 +309068,37 +309069,25 +309070,25 +309071,25 +309072,27 +309073,27 +309074,27 +309075,27 +309076,27 +309077,27 +309078,27 +309079,13 +309080,13 +309081,13 +309082,13 +309083,13 +309084,13 +309085,13 +309086,13 +309087,13 +309088,13 +309089,13 +309090,13 +309091,28 +309092,13 +309093,28 +309094,28 +309095,28 +309096,0 +309097,0 +309098,0 +309099,0 +309100,0 +309101,0 +309102,0 +309103,0 +309104,0 +309105,0 +309106,0 +309107,0 +309108,0 +309109,0 +309110,0 +309111,0 +309112,0 +309113,0 +309114,0 +309115,0 +309116,0 +309117,0 +309118,0 +309119,0 +309120,0 +309121,0 +309122,0 +309123,0 +309124,0 +309125,0 +309126,32 +309127,32 +309128,32 +309129,32 +309130,6 +309131,6 +309132,6 +309133,6 +309134,6 +309135,31 +309136,31 +309137,31 +309138,31 +309139,31 +309140,31 +309141,4 +309142,21 +309143,21 +309144,21 +309145,21 +309146,21 +309147,21 +309148,21 +309149,21 +309150,21 +309151,21 +309152,21 +309153,21 +309154,21 +309155,21 +309156,27 +309157,27 +309158,14 +309159,40 +309160,40 +309161,40 +309162,4 +309163,4 +309164,4 +309165,4 +309166,4 +309167,27 +309168,27 +309169,27 +309170,27 +309171,27 +309172,13 +309173,13 +309174,13 +309175,13 +309176,13 +309177,13 +309178,13 +309179,13 +309180,13 +309181,13 +309182,5 +309183,5 +309184,5 +309185,5 +309186,5 +309187,5 +309188,5 +309189,34 +309190,34 +309191,34 +309192,36 +309193,36 +309194,36 +309195,36 +309196,36 +309197,36 +309198,36 +309199,36 +309200,36 +309201,36 +309202,36 +309203,36 +309204,36 +309205,36 +309206,4 +309207,4 +309208,4 +309209,4 +309210,4 +309211,4 +309212,4 +309213,4 +309214,4 +309215,2 +309216,4 +309217,2 +309218,2 +309219,0 +309220,0 +309221,0 +309222,0 +309223,0 +309224,0 +309225,0 +309226,0 +309227,0 +309228,0 +309229,0 +309230,0 +309231,0 +309232,0 +309233,0 +309234,0 +309235,0 +309236,0 +309237,0 +309238,0 +309239,0 +309240,0 +309241,0 +309242,0 +309243,0 +309244,0 +309245,0 +309246,0 +309247,0 +309248,0 +309249,0 +309250,0 +309251,0 +309252,0 +309253,0 +309254,0 +309255,0 +309256,0 +309257,0 +309258,0 +309259,0 +309260,0 +309261,0 +309262,0 +309263,0 +309264,0 +309265,0 +309266,0 +309267,0 +309268,0 +309269,0 +309270,0 +309271,0 +309272,0 +309273,0 +309274,0 +309275,0 +309276,0 +309277,0 +309278,0 +309279,0 +309280,0 +309281,0 +309282,0 +309283,0 +309284,0 +309285,0 +309286,0 +309287,0 +309288,0 +309289,0 +309290,0 +309291,0 +309292,0 +309293,0 +309294,0 +309295,0 +309296,0 +309297,0 +309298,0 +309299,0 +309300,0 +309301,0 +309302,0 +309303,0 +309304,0 +309305,0 +309306,0 +309307,0 +309308,0 +309309,0 +309310,0 +309311,0 +309312,0 +309313,0 +309314,0 +309315,0 +309316,0 +309317,0 +309318,0 +309319,0 +309320,0 +309321,0 +309322,0 +309323,0 +309324,0 +309325,0 +309326,0 +309327,0 +309328,0 +309329,0 +309330,0 +309331,0 +309332,0 +309333,0 +309334,0 +309335,0 +309336,0 +309337,0 +309338,0 +309339,0 +309340,0 +309341,0 +309342,0 +309343,0 +309344,0 +309345,31 +309346,29 +309347,31 +309348,31 +309349,31 +309350,31 +309351,31 +309352,31 +309353,35 +309354,35 +309355,35 +309356,35 +309357,35 +309358,35 +309359,35 +309360,35 +309361,35 +309362,35 +309363,35 +309364,35 +309365,35 +309366,35 +309367,35 +309368,26 +309369,26 +309370,26 +309371,26 +309372,26 +309373,26 +309374,26 +309375,26 +309376,37 +309377,37 +309378,37 +309379,37 +309380,37 +309381,4 +309382,4 +309383,6 +309384,6 +309385,27 +309386,27 +309387,27 +309388,19 +309389,19 +309390,19 +309391,19 +309392,19 +309393,19 +309394,27 +309395,27 +309396,27 +309397,27 +309398,27 +309399,27 +309400,27 +309401,27 +309402,27 +309403,2 +309404,2 +309405,2 +309406,2 +309407,8 +309408,2 +309409,2 +309410,2 +309411,2 +309412,2 +309413,2 +309414,2 +309415,2 +309416,27 +309417,27 +309418,27 +309419,27 +309420,27 +309421,2 +309422,2 +309423,2 +309424,2 +309425,2 +309426,2 +309427,2 +309428,2 +309429,2 +309430,2 +309431,2 +309432,2 +309433,2 +309434,2 +309435,39 +309436,39 +309437,39 +309438,39 +309439,39 +309440,39 +309441,39 +309442,39 +309443,39 +309444,39 +309445,39 +309446,16 +309447,16 +309448,16 +309449,16 +309450,16 +309451,16 +309452,16 +309453,6 +309454,21 +309455,21 +309456,21 +309457,21 +309458,21 +309459,6 +309460,33 +309461,31 +309462,31 +309463,30 +309464,30 +309465,30 +309466,30 +309467,30 +309468,4 +309469,4 +309470,4 +309471,3 +309472,3 +309473,31 +309474,31 +309475,31 +309476,31 +309477,31 +309478,31 +309479,31 +309480,15 +309481,15 +309482,15 +309483,15 +309484,15 +309485,15 +309486,15 +309487,15 +309488,15 +309489,31 +309490,31 +309491,31 +309492,31 +309493,31 +309494,31 +309495,31 +309496,31 +309497,31 +309498,24 +309499,24 +309500,24 +309501,24 +309502,24 +309503,24 +309504,24 +309505,24 +309506,24 +309507,24 +309508,9 +309509,9 +309510,9 +309511,9 +309512,9 +309513,32 +309514,30 +309515,30 +309516,30 +309517,9 +309518,9 +309519,9 +309520,9 +309521,9 +309522,9 +309523,9 +309524,30 +309525,30 +309526,9 +309527,9 +309528,9 +309529,9 +309530,30 +309531,30 +309532,30 +309533,30 +309534,23 +309535,23 +309536,23 +309537,32 +309538,32 +309539,32 +309540,32 +309541,32 +309542,32 +309543,32 +309544,32 +309545,23 +309546,23 +309547,32 +309548,32 +309549,14 +309550,14 +309551,14 +309552,14 +309553,14 +309554,14 +309555,14 +309556,14 +309557,14 +309558,14 +309559,14 +309560,14 +309561,14 +309562,14 +309563,5 +309564,5 +309565,5 +309566,5 +309567,5 +309568,5 +309569,5 +309570,5 +309571,5 +309572,19 +309573,13 +309574,13 +309575,13 +309576,13 +309577,13 +309578,13 +309579,13 +309580,13 +309581,13 +309582,13 +309583,2 +309584,2 +309585,2 +309586,2 +309587,2 +309588,2 +309589,2 +309590,2 +309591,2 +309592,2 +309593,2 +309594,2 +309595,2 +309596,36 +309597,36 +309598,36 +309599,36 +309600,36 +309601,36 +309602,5 +309603,5 +309604,5 +309605,5 +309606,5 +309607,5 +309608,5 +309609,19 +309610,19 +309611,5 +309612,5 +309613,5 +309614,5 +309615,5 +309616,5 +309617,0 +309618,0 +309619,0 +309620,0 +309621,0 +309622,0 +309623,0 +309624,0 +309625,0 +309626,19 +309627,19 +309628,19 +309629,40 +309630,40 +309631,40 +309632,40 +309633,40 +309634,40 +309635,40 +309636,40 +309637,40 +309638,2 +309639,2 +309640,2 +309641,2 +309642,2 +309643,2 +309644,2 +309645,2 +309646,2 +309647,2 +309648,2 +309649,2 +309650,2 +309651,2 +309652,32 +309653,32 +309654,32 +309655,32 +309656,32 +309657,32 +309658,32 +309659,37 +309660,37 +309661,37 +309662,37 +309663,27 +309664,40 +309665,40 +309666,19 +309667,4 +309668,4 +309669,25 +309670,30 +309671,30 +309672,30 +309673,30 +309674,30 +309675,30 +309676,30 +309677,30 +309678,39 +309679,39 +309680,39 +309681,39 +309682,39 +309683,39 +309684,39 +309685,5 +309686,5 +309687,5 +309688,5 +309689,5 +309690,5 +309691,12 +309692,12 +309693,12 +309694,12 +309695,12 +309696,12 +309697,27 +309698,27 +309699,22 +309700,27 +309701,27 +309702,27 +309703,6 +309704,6 +309705,6 +309706,6 +309707,6 +309708,6 +309709,6 +309710,21 +309711,21 +309712,14 +309713,14 +309714,14 +309715,14 +309716,14 +309717,14 +309718,14 +309719,19 +309720,19 +309721,19 +309722,19 +309723,19 +309724,19 +309725,19 +309726,19 +309727,19 +309728,19 +309729,19 +309730,19 +309731,4 +309732,4 +309733,0 +309734,0 +309735,0 +309736,0 +309737,0 +309738,0 +309739,0 +309740,0 +309741,0 +309742,0 +309743,0 +309744,0 +309745,0 +309746,0 +309747,0 +309748,0 +309749,0 +309750,0 +309751,0 +309752,0 +309753,0 +309754,0 +309755,0 +309756,0 +309757,0 +309758,0 +309759,0 +309760,0 +309761,0 +309762,0 +309763,0 +309764,0 +309765,0 +309766,0 +309767,0 +309768,0 +309769,0 +309770,0 +309771,0 +309772,0 +309773,0 +309774,0 +309775,0 +309776,0 +309777,0 +309778,0 +309779,0 +309780,0 +309781,0 +309782,0 +309783,0 +309784,0 +309785,0 +309786,0 +309787,0 +309788,0 +309789,0 +309790,0 +309791,0 +309792,0 +309793,0 +309794,35 +309795,35 +309796,35 +309797,35 +309798,35 +309799,35 +309800,3 +309801,3 +309802,3 +309803,3 +309804,3 +309805,3 +309806,3 +309807,3 +309808,3 +309809,3 +309810,6 +309811,6 +309812,6 +309813,6 +309814,6 +309815,6 +309816,6 +309817,6 +309818,6 +309819,6 +309820,6 +309821,40 +309822,40 +309823,40 +309824,40 +309825,36 +309826,5 +309827,5 +309828,5 +309829,5 +309830,5 +309831,5 +309832,5 +309833,5 +309834,5 +309835,5 +309836,5 +309837,5 +309838,5 +309839,33 +309840,33 +309841,33 +309842,33 +309843,33 +309844,33 +309845,33 +309846,33 +309847,33 +309848,34 +309849,34 +309850,33 +309851,33 +309852,33 +309853,17 +309854,17 +309855,17 +309856,17 +309857,17 +309858,17 +309859,17 +309860,17 +309861,17 +309862,2 +309863,8 +309864,8 +309865,4 +309866,4 +309867,4 +309868,4 +309869,4 +309870,4 +309871,4 +309872,4 +309873,4 +309874,4 +309875,4 +309876,0 +309877,0 +309878,0 +309879,0 +309880,0 +309881,0 +309882,0 +309883,0 +309884,0 +309885,0 +309886,0 +309887,0 +309888,0 +309889,0 +309890,0 +309891,0 +309892,0 +309893,0 +309894,0 +309895,0 +309896,0 +309897,0 +309898,0 +309899,0 +309900,0 +309901,0 +309902,0 +309903,0 +309904,0 +309905,0 +309906,0 +309907,0 +309908,0 +309909,0 +309910,0 +309911,0 +309912,0 +309913,0 +309914,0 +309915,0 +309916,0 +309917,0 +309918,0 +309919,0 +309920,0 +309921,0 +309922,0 +309923,0 +309924,0 +309925,0 +309926,0 +309927,0 +309928,12 +309929,12 +309930,12 +309931,12 +309932,12 +309933,12 +309934,31 +309935,31 +309936,8 +309937,8 +309938,8 +309939,8 +309940,8 +309941,8 +309942,31 +309943,31 +309944,31 +309945,31 +309946,27 +309947,4 +309948,4 +309949,4 +309950,31 +309951,31 +309952,31 +309953,31 +309954,31 +309955,12 +309956,12 +309957,12 +309958,12 +309959,12 +309960,12 +309961,33 +309962,33 +309963,33 +309964,12 +309965,12 +309966,12 +309967,12 +309968,12 +309969,12 +309970,12 +309971,31 +309972,31 +309973,31 +309974,31 +309975,5 +309976,5 +309977,5 +309978,5 +309979,5 +309980,5 +309981,5 +309982,5 +309983,5 +309984,5 +309985,5 +309986,19 +309987,19 +309988,19 +309989,19 +309990,19 +309991,19 +309992,19 +309993,25 +309994,25 +309995,25 +309996,25 +309997,25 +309998,25 +309999,25 +310000,25 +310001,25 +310002,25 +310003,25 +310004,37 +310005,25 +310006,25 +310007,25 +310008,25 +310009,25 +310010,25 +310011,25 +310012,25 +310013,0 +310014,0 +310015,0 +310016,0 +310017,0 +310018,0 +310019,0 +310020,0 +310021,0 +310022,0 +310023,0 +310024,0 +310025,0 +310026,0 +310027,0 +310028,0 +310029,0 +310030,0 +310031,0 +310032,0 +310033,0 +310034,0 +310035,0 +310036,0 +310037,0 +310038,0 +310039,0 +310040,0 +310041,0 +310042,0 +310043,0 +310044,0 +310045,0 +310046,0 +310047,0 +310048,0 +310049,0 +310050,0 +310051,0 +310052,0 +310053,0 +310054,0 +310055,0 +310056,0 +310057,27 +310058,27 +310059,27 +310060,27 +310061,27 +310062,27 +310063,27 +310064,27 +310065,14 +310066,23 +310067,23 +310068,23 +310069,23 +310070,23 +310071,23 +310072,23 +310073,23 +310074,23 +310075,23 +310076,5 +310077,5 +310078,5 +310079,5 +310080,5 +310081,10 +310082,10 +310083,10 +310084,34 +310085,34 +310086,10 +310087,34 +310088,34 +310089,34 +310090,34 +310091,34 +310092,34 +310093,34 +310094,34 +310095,34 +310096,34 +310097,34 +310098,34 +310099,34 +310100,31 +310101,31 +310102,31 +310103,31 +310104,9 +310105,9 +310106,5 +310107,5 +310108,5 +310109,5 +310110,5 +310111,5 +310112,5 +310113,5 +310114,5 +310115,29 +310116,29 +310117,29 +310118,29 +310119,14 +310120,14 +310121,40 +310122,40 +310123,40 +310124,40 +310125,40 +310126,40 +310127,40 +310128,40 +310129,27 +310130,5 +310131,5 +310132,5 +310133,5 +310134,5 +310135,5 +310136,5 +310137,5 +310138,5 +310139,5 +310140,5 +310141,5 +310142,5 +310143,5 +310144,5 +310145,0 +310146,0 +310147,0 +310148,0 +310149,0 +310150,0 +310151,0 +310152,0 +310153,0 +310154,0 +310155,0 +310156,0 +310157,0 +310158,0 +310159,0 +310160,0 +310161,0 +310162,0 +310163,0 +310164,0 +310165,0 +310166,0 +310167,0 +310168,0 +310169,0 +310170,0 +310171,0 +310172,0 +310173,27 +310174,27 +310175,27 +310176,27 +310177,27 +310178,27 +310179,27 +310180,27 +310181,32 +310182,32 +310183,32 +310184,32 +310185,32 +310186,32 +310187,32 +310188,32 +310189,32 +310190,32 +310191,22 +310192,22 +310193,22 +310194,22 +310195,22 +310196,22 +310197,4 +310198,4 +310199,4 +310200,4 +310201,4 +310202,35 +310203,35 +310204,27 +310205,27 +310206,27 +310207,27 +310208,27 +310209,27 +310210,27 +310211,27 +310212,27 +310213,2 +310214,2 +310215,2 +310216,2 +310217,2 +310218,2 +310219,2 +310220,2 +310221,2 +310222,2 +310223,2 +310224,2 +310225,2 +310226,2 +310227,40 +310228,40 +310229,40 +310230,40 +310231,40 +310232,40 +310233,40 +310234,40 +310235,40 +310236,5 +310237,5 +310238,5 +310239,5 +310240,5 +310241,5 +310242,4 +310243,4 +310244,4 +310245,4 +310246,4 +310247,4 +310248,4 +310249,4 +310250,25 +310251,25 +310252,25 +310253,25 +310254,25 +310255,25 +310256,25 +310257,25 +310258,25 +310259,25 +310260,25 +310261,25 +310262,25 +310263,25 +310264,5 +310265,5 +310266,5 +310267,5 +310268,4 +310269,4 +310270,4 +310271,4 +310272,4 +310273,4 +310274,4 +310275,27 +310276,31 +310277,31 +310278,19 +310279,19 +310280,19 +310281,19 +310282,19 +310283,27 +310284,27 +310285,27 +310286,27 +310287,27 +310288,27 +310289,2 +310290,2 +310291,2 +310292,2 +310293,2 +310294,2 +310295,2 +310296,2 +310297,2 +310298,2 +310299,9 +310300,9 +310301,9 +310302,9 +310303,9 +310304,9 +310305,9 +310306,9 +310307,9 +310308,9 +310309,9 +310310,9 +310311,9 +310312,9 +310313,9 +310314,9 +310315,37 +310316,37 +310317,37 +310318,37 +310319,37 +310320,37 +310321,37 +310322,37 +310323,37 +310324,25 +310325,25 +310326,25 +310327,25 +310328,25 +310329,25 +310330,25 +310331,25 +310332,25 +310333,25 +310334,25 +310335,25 +310336,25 +310337,25 +310338,25 +310339,25 +310340,25 +310341,25 +310342,25 +310343,0 +310344,0 +310345,0 +310346,0 +310347,0 +310348,0 +310349,0 +310350,0 +310351,0 +310352,0 +310353,0 +310354,0 +310355,0 +310356,0 +310357,0 +310358,0 +310359,0 +310360,0 +310361,0 +310362,0 +310363,0 +310364,0 +310365,0 +310366,0 +310367,0 +310368,0 +310369,0 +310370,0 +310371,0 +310372,0 +310373,0 +310374,0 +310375,0 +310376,0 +310377,0 +310378,0 +310379,0 +310380,0 +310381,0 +310382,0 +310383,0 +310384,0 +310385,0 +310386,0 +310387,0 +310388,0 +310389,0 +310390,0 +310391,0 +310392,0 +310393,0 +310394,0 +310395,0 +310396,0 +310397,0 +310398,0 +310399,0 +310400,0 +310401,0 +310402,0 +310403,0 +310404,0 +310405,0 +310406,0 +310407,0 +310408,0 +310409,0 +310410,0 +310411,0 +310412,0 +310413,0 +310414,0 +310415,0 +310416,0 +310417,0 +310418,0 +310419,0 +310420,0 +310421,0 +310422,0 +310423,0 +310424,0 +310425,0 +310426,0 +310427,0 +310428,0 +310429,0 +310430,0 +310431,0 +310432,0 +310433,0 +310434,0 +310435,0 +310436,0 +310437,0 +310438,0 +310439,0 +310440,0 +310441,0 +310442,0 +310443,0 +310444,0 +310445,0 +310446,0 +310447,0 +310448,0 +310449,0 +310450,0 +310451,0 +310452,0 +310453,0 +310454,0 +310455,0 +310456,0 +310457,0 +310458,0 +310459,0 +310460,0 +310461,0 +310462,0 +310463,0 +310464,0 +310465,29 +310466,29 +310467,29 +310468,31 +310469,31 +310470,31 +310471,31 +310472,5 +310473,5 +310474,5 +310475,19 +310476,5 +310477,19 +310478,19 +310479,19 +310480,19 +310481,19 +310482,19 +310483,19 +310484,3 +310485,3 +310486,3 +310487,3 +310488,3 +310489,3 +310490,3 +310491,3 +310492,3 +310493,39 +310494,39 +310495,2 +310496,2 +310497,2 +310498,2 +310499,2 +310500,2 +310501,2 +310502,8 +310503,8 +310504,8 +310505,8 +310506,4 +310507,4 +310508,4 +310509,4 +310510,4 +310511,4 +310512,4 +310513,4 +310514,4 +310515,4 +310516,4 +310517,4 +310518,4 +310519,4 +310520,14 +310521,14 +310522,14 +310523,14 +310524,14 +310525,14 +310526,14 +310527,14 +310528,14 +310529,14 +310530,14 +310531,6 +310532,6 +310533,6 +310534,6 +310535,6 +310536,6 +310537,6 +310538,14 +310539,14 +310540,14 +310541,14 +310542,14 +310543,14 +310544,14 +310545,14 +310546,14 +310547,14 +310548,14 +310549,14 +310550,14 +310551,14 +310552,14 +310553,4 +310554,4 +310555,4 +310556,0 +310557,0 +310558,0 +310559,0 +310560,0 +310561,0 +310562,0 +310563,0 +310564,0 +310565,0 +310566,0 +310567,0 +310568,0 +310569,0 +310570,0 +310571,0 +310572,0 +310573,0 +310574,0 +310575,0 +310576,0 +310577,0 +310578,0 +310579,2 +310580,2 +310581,2 +310582,2 +310583,2 +310584,2 +310585,2 +310586,2 +310587,2 +310588,2 +310589,2 +310590,2 +310591,40 +310592,40 +310593,40 +310594,40 +310595,19 +310596,19 +310597,19 +310598,19 +310599,19 +310600,19 +310601,28 +310602,28 +310603,28 +310604,28 +310605,28 +310606,10 +310607,10 +310608,10 +310609,10 +310610,10 +310611,10 +310612,10 +310613,10 +310614,10 +310615,31 +310616,31 +310617,10 +310618,30 +310619,30 +310620,30 +310621,30 +310622,30 +310623,6 +310624,6 +310625,6 +310626,6 +310627,6 +310628,6 +310629,6 +310630,30 +310631,30 +310632,30 +310633,30 +310634,31 +310635,4 +310636,4 +310637,4 +310638,4 +310639,4 +310640,4 +310641,4 +310642,4 +310643,4 +310644,4 +310645,4 +310646,33 +310647,33 +310648,33 +310649,33 +310650,33 +310651,33 +310652,33 +310653,33 +310654,33 +310655,33 +310656,33 +310657,33 +310658,33 +310659,33 +310660,33 +310661,33 +310662,33 +310663,39 +310664,39 +310665,39 +310666,39 +310667,39 +310668,39 +310669,39 +310670,39 +310671,39 +310672,39 +310673,39 +310674,39 +310675,39 +310676,39 +310677,0 +310678,0 +310679,0 +310680,0 +310681,0 +310682,0 +310683,0 +310684,0 +310685,0 +310686,0 +310687,0 +310688,0 +310689,0 +310690,0 +310691,0 +310692,0 +310693,0 +310694,0 +310695,0 +310696,0 +310697,0 +310698,0 +310699,0 +310700,0 +310701,0 +310702,0 +310703,0 +310704,0 +310705,0 +310706,0 +310707,0 +310708,0 +310709,0 +310710,0 +310711,0 +310712,0 +310713,0 +310714,0 +310715,0 +310716,0 +310717,0 +310718,0 +310719,0 +310720,0 +310721,0 +310722,0 +310723,0 +310724,0 +310725,0 +310726,0 +310727,0 +310728,0 +310729,0 +310730,0 +310731,0 +310732,0 +310733,0 +310734,0 +310735,0 +310736,0 +310737,0 +310738,0 +310739,0 +310740,0 +310741,0 +310742,2 +310743,2 +310744,2 +310745,2 +310746,2 +310747,2 +310748,2 +310749,2 +310750,2 +310751,8 +310752,2 +310753,8 +310754,8 +310755,4 +310756,4 +310757,4 +310758,4 +310759,4 +310760,37 +310761,37 +310762,37 +310763,25 +310764,25 +310765,25 +310766,14 +310767,27 +310768,27 +310769,27 +310770,27 +310771,27 +310772,27 +310773,14 +310774,5 +310775,5 +310776,5 +310777,5 +310778,5 +310779,5 +310780,5 +310781,11 +310782,11 +310783,11 +310784,11 +310785,11 +310786,11 +310787,11 +310788,11 +310789,11 +310790,31 +310791,30 +310792,30 +310793,30 +310794,30 +310795,30 +310796,30 +310797,39 +310798,39 +310799,39 +310800,39 +310801,39 +310802,39 +310803,39 +310804,39 +310805,39 +310806,28 +310807,28 +310808,28 +310809,28 +310810,28 +310811,5 +310812,14 +310813,14 +310814,14 +310815,14 +310816,14 +310817,14 +310818,14 +310819,14 +310820,14 +310821,14 +310822,14 +310823,14 +310824,14 +310825,14 +310826,14 +310827,14 +310828,5 +310829,5 +310830,5 +310831,5 +310832,5 +310833,13 +310834,36 +310835,36 +310836,36 +310837,36 +310838,36 +310839,36 +310840,36 +310841,36 +310842,36 +310843,36 +310844,36 +310845,36 +310846,36 +310847,5 +310848,5 +310849,5 +310850,5 +310851,5 +310852,5 +310853,4 +310854,4 +310855,4 +310856,4 +310857,4 +310858,4 +310859,4 +310860,4 +310861,4 +310862,4 +310863,9 +310864,26 +310865,26 +310866,26 +310867,26 +310868,26 +310869,26 +310870,26 +310871,26 +310872,37 +310873,37 +310874,37 +310875,37 +310876,37 +310877,37 +310878,19 +310879,19 +310880,19 +310881,19 +310882,19 +310883,19 +310884,19 +310885,19 +310886,19 +310887,19 +310888,37 +310889,37 +310890,37 +310891,37 +310892,37 +310893,37 +310894,37 +310895,37 +310896,37 +310897,39 +310898,39 +310899,27 +310900,27 +310901,27 +310902,27 +310903,39 +310904,39 +310905,39 +310906,39 +310907,39 +310908,39 +310909,39 +310910,39 +310911,39 +310912,39 +310913,39 +310914,39 +310915,39 +310916,0 +310917,0 +310918,0 +310919,0 +310920,0 +310921,0 +310922,0 +310923,0 +310924,0 +310925,0 +310926,0 +310927,0 +310928,0 +310929,0 +310930,0 +310931,0 +310932,0 +310933,0 +310934,0 +310935,0 +310936,0 +310937,0 +310938,0 +310939,0 +310940,0 +310941,0 +310942,0 +310943,0 +310944,0 +310945,0 +310946,0 +310947,0 +310948,0 +310949,0 +310950,0 +310951,0 +310952,0 +310953,0 +310954,0 +310955,0 +310956,0 +310957,0 +310958,0 +310959,0 +310960,0 +310961,0 +310962,0 +310963,0 +310964,0 +310965,0 +310966,0 +310967,0 +310968,0 +310969,0 +310970,0 +310971,0 +310972,0 +310973,0 +310974,36 +310975,36 +310976,36 +310977,36 +310978,36 +310979,36 +310980,36 +310981,36 +310982,36 +310983,36 +310984,5 +310985,5 +310986,19 +310987,19 +310988,19 +310989,5 +310990,5 +310991,5 +310992,40 +310993,40 +310994,40 +310995,40 +310996,37 +310997,37 +310998,37 +310999,37 +311000,37 +311001,37 +311002,37 +311003,12 +311004,12 +311005,12 +311006,12 +311007,12 +311008,12 +311009,12 +311010,12 +311011,12 +311012,31 +311013,31 +311014,31 +311015,31 +311016,31 +311017,31 +311018,31 +311019,8 +311020,8 +311021,8 +311022,8 +311023,8 +311024,8 +311025,31 +311026,31 +311027,31 +311028,5 +311029,5 +311030,5 +311031,5 +311032,29 +311033,29 +311034,36 +311035,36 +311036,36 +311037,36 +311038,36 +311039,36 +311040,36 +311041,36 +311042,36 +311043,36 +311044,36 +311045,36 +311046,36 +311047,36 +311048,5 +311049,5 +311050,5 +311051,5 +311052,5 +311053,5 +311054,19 +311055,19 +311056,19 +311057,31 +311058,31 +311059,31 +311060,31 +311061,31 +311062,31 +311063,24 +311064,24 +311065,24 +311066,24 +311067,24 +311068,40 +311069,27 +311070,27 +311071,27 +311072,27 +311073,27 +311074,27 +311075,27 +311076,27 +311077,4 +311078,4 +311079,4 +311080,4 +311081,4 +311082,4 +311083,19 +311084,19 +311085,0 +311086,0 +311087,0 +311088,0 +311089,0 +311090,0 +311091,0 +311092,0 +311093,0 +311094,0 +311095,0 +311096,0 +311097,0 +311098,0 +311099,0 +311100,0 +311101,0 +311102,0 +311103,0 +311104,0 +311105,0 +311106,0 +311107,0 +311108,0 +311109,0 +311110,0 +311111,0 +311112,0 +311113,0 +311114,0 +311115,0 +311116,0 +311117,0 +311118,0 +311119,0 +311120,0 +311121,0 +311122,0 +311123,0 +311124,0 +311125,0 +311126,0 +311127,0 +311128,0 +311129,0 +311130,0 +311131,0 +311132,0 +311133,0 +311134,0 +311135,0 +311136,0 +311137,0 +311138,0 +311139,0 +311140,0 +311141,0 +311142,0 +311143,0 +311144,0 +311145,0 +311146,0 +311147,0 +311148,0 +311149,0 +311150,0 +311151,0 +311152,0 +311153,0 +311154,0 +311155,21 +311156,21 +311157,21 +311158,21 +311159,21 +311160,37 +311161,37 +311162,37 +311163,37 +311164,37 +311165,37 +311166,14 +311167,14 +311168,14 +311169,14 +311170,14 +311171,14 +311172,14 +311173,14 +311174,14 +311175,4 +311176,4 +311177,4 +311178,4 +311179,4 +311180,4 +311181,4 +311182,19 +311183,19 +311184,15 +311185,15 +311186,15 +311187,15 +311188,15 +311189,15 +311190,15 +311191,15 +311192,15 +311193,10 +311194,10 +311195,26 +311196,26 +311197,26 +311198,26 +311199,26 +311200,26 +311201,26 +311202,26 +311203,26 +311204,26 +311205,19 +311206,19 +311207,19 +311208,19 +311209,39 +311210,39 +311211,39 +311212,39 +311213,39 +311214,39 +311215,39 +311216,8 +311217,8 +311218,8 +311219,8 +311220,8 +311221,8 +311222,8 +311223,8 +311224,31 +311225,31 +311226,31 +311227,31 +311228,31 +311229,31 +311230,24 +311231,24 +311232,24 +311233,24 +311234,24 +311235,24 +311236,28 +311237,28 +311238,28 +311239,28 +311240,28 +311241,28 +311242,40 +311243,40 +311244,40 +311245,40 +311246,40 +311247,40 +311248,40 +311249,40 +311250,40 +311251,40 +311252,5 +311253,5 +311254,5 +311255,5 +311256,5 +311257,5 +311258,5 +311259,35 +311260,35 +311261,35 +311262,35 +311263,3 +311264,3 +311265,3 +311266,3 +311267,3 +311268,3 +311269,3 +311270,6 +311271,6 +311272,6 +311273,6 +311274,6 +311275,6 +311276,6 +311277,6 +311278,6 +311279,6 +311280,40 +311281,40 +311282,40 +311283,40 +311284,40 +311285,40 +311286,37 +311287,37 +311288,37 +311289,37 +311290,37 +311291,37 +311292,37 +311293,37 +311294,4 +311295,4 +311296,19 +311297,19 +311298,27 +311299,27 +311300,27 +311301,27 +311302,27 +311303,31 +311304,5 +311305,5 +311306,5 +311307,5 +311308,5 +311309,5 +311310,5 +311311,4 +311312,4 +311313,4 +311314,4 +311315,4 +311316,4 +311317,4 +311318,4 +311319,4 +311320,4 +311321,4 +311322,4 +311323,40 +311324,40 +311325,40 +311326,40 +311327,40 +311328,36 +311329,36 +311330,5 +311331,5 +311332,5 +311333,5 +311334,5 +311335,5 +311336,5 +311337,5 +311338,2 +311339,2 +311340,2 +311341,2 +311342,2 +311343,2 +311344,2 +311345,2 +311346,2 +311347,2 +311348,2 +311349,2 +311350,30 +311351,30 +311352,30 +311353,30 +311354,30 +311355,30 +311356,30 +311357,39 +311358,39 +311359,39 +311360,39 +311361,39 +311362,39 +311363,39 +311364,39 +311365,39 +311366,14 +311367,14 +311368,23 +311369,23 +311370,23 +311371,23 +311372,23 +311373,23 +311374,23 +311375,23 +311376,23 +311377,23 +311378,23 +311379,23 +311380,23 +311381,9 +311382,9 +311383,9 +311384,9 +311385,9 +311386,9 +311387,9 +311388,37 +311389,37 +311390,37 +311391,37 +311392,37 +311393,37 +311394,37 +311395,37 +311396,40 +311397,37 +311398,19 +311399,19 +311400,19 +311401,19 +311402,19 +311403,19 +311404,19 +311405,19 +311406,19 +311407,19 +311408,36 +311409,36 +311410,36 +311411,36 +311412,36 +311413,36 +311414,36 +311415,36 +311416,36 +311417,36 +311418,23 +311419,23 +311420,23 +311421,23 +311422,23 +311423,23 +311424,23 +311425,23 +311426,5 +311427,5 +311428,5 +311429,5 +311430,5 +311431,5 +311432,27 +311433,27 +311434,27 +311435,27 +311436,27 +311437,27 +311438,27 +311439,27 +311440,27 +311441,5 +311442,5 +311443,6 +311444,6 +311445,6 +311446,6 +311447,6 +311448,6 +311449,6 +311450,1 +311451,1 +311452,6 +311453,6 +311454,6 +311455,6 +311456,6 +311457,6 +311458,37 +311459,37 +311460,37 +311461,37 +311462,37 +311463,37 +311464,37 +311465,14 +311466,14 +311467,14 +311468,39 +311469,39 +311470,39 +311471,39 +311472,39 +311473,39 +311474,39 +311475,14 +311476,14 +311477,14 +311478,14 +311479,14 +311480,14 +311481,14 +311482,14 +311483,14 +311484,19 +311485,19 +311486,19 +311487,19 +311488,19 +311489,19 +311490,19 +311491,19 +311492,19 +311493,23 +311494,23 +311495,23 +311496,23 +311497,23 +311498,23 +311499,23 +311500,23 +311501,23 +311502,23 +311503,23 +311504,23 +311505,26 +311506,26 +311507,26 +311508,26 +311509,26 +311510,26 +311511,26 +311512,26 +311513,26 +311514,34 +311515,34 +311516,34 +311517,34 +311518,34 +311519,5 +311520,5 +311521,5 +311522,5 +311523,5 +311524,29 +311525,29 +311526,29 +311527,29 +311528,31 +311529,31 +311530,31 +311531,31 +311532,31 +311533,31 +311534,31 +311535,27 +311536,4 +311537,4 +311538,4 +311539,4 +311540,4 +311541,4 +311542,6 +311543,6 +311544,6 +311545,6 +311546,6 +311547,2 +311548,2 +311549,2 +311550,2 +311551,2 +311552,2 +311553,2 +311554,2 +311555,32 +311556,32 +311557,32 +311558,32 +311559,32 +311560,32 +311561,37 +311562,26 +311563,37 +311564,37 +311565,37 +311566,40 +311567,40 +311568,40 +311569,40 +311570,40 +311571,40 +311572,11 +311573,11 +311574,11 +311575,11 +311576,11 +311577,11 +311578,11 +311579,11 +311580,11 +311581,11 +311582,11 +311583,11 +311584,31 +311585,31 +311586,31 +311587,31 +311588,5 +311589,5 +311590,5 +311591,5 +311592,5 +311593,5 +311594,5 +311595,5 +311596,23 +311597,23 +311598,23 +311599,23 +311600,23 +311601,23 +311602,23 +311603,23 +311604,23 +311605,23 +311606,23 +311607,9 +311608,9 +311609,9 +311610,9 +311611,9 +311612,9 +311613,9 +311614,9 +311615,9 +311616,9 +311617,37 +311618,37 +311619,37 +311620,37 +311621,37 +311622,37 +311623,37 +311624,37 +311625,37 +311626,37 +311627,37 +311628,25 +311629,12 +311630,12 +311631,12 +311632,12 +311633,12 +311634,12 +311635,12 +311636,12 +311637,31 +311638,31 +311639,31 +311640,31 +311641,8 +311642,8 +311643,8 +311644,8 +311645,8 +311646,8 +311647,30 +311648,30 +311649,30 +311650,30 +311651,30 +311652,30 +311653,30 +311654,30 +311655,30 +311656,40 +311657,40 +311658,40 +311659,40 +311660,40 +311661,40 +311662,40 +311663,40 +311664,40 +311665,40 +311666,40 +311667,6 +311668,6 +311669,6 +311670,6 +311671,6 +311672,6 +311673,6 +311674,6 +311675,6 +311676,2 +311677,2 +311678,27 +311679,27 +311680,27 +311681,27 +311682,27 +311683,5 +311684,5 +311685,5 +311686,13 +311687,13 +311688,13 +311689,13 +311690,13 +311691,13 +311692,13 +311693,5 +311694,13 +311695,5 +311696,5 +311697,5 +311698,5 +311699,5 +311700,0 +311701,0 +311702,0 +311703,5 +311704,0 +311705,5 +311706,0 +311707,0 +311708,0 +311709,0 +311710,0 +311711,0 +311712,0 +311713,0 +311714,0 +311715,0 +311716,0 +311717,0 +311718,0 +311719,0 +311720,0 +311721,0 +311722,0 +311723,0 +311724,0 +311725,0 +311726,0 +311727,0 +311728,0 +311729,0 +311730,0 +311731,0 +311732,0 +311733,0 +311734,0 +311735,0 +311736,0 +311737,0 +311738,0 +311739,0 +311740,0 +311741,0 +311742,0 +311743,0 +311744,0 +311745,0 +311746,0 +311747,0 +311748,0 +311749,0 +311750,0 +311751,0 +311752,0 +311753,0 +311754,0 +311755,0 +311756,0 +311757,0 +311758,0 +311759,0 +311760,0 +311761,0 +311762,0 +311763,0 +311764,29 +311765,29 +311766,29 +311767,29 +311768,29 +311769,14 +311770,14 +311771,14 +311772,31 +311773,31 +311774,31 +311775,21 +311776,21 +311777,21 +311778,21 +311779,21 +311780,21 +311781,21 +311782,36 +311783,36 +311784,36 +311785,36 +311786,36 +311787,36 +311788,36 +311789,36 +311790,10 +311791,10 +311792,10 +311793,10 +311794,10 +311795,10 +311796,10 +311797,10 +311798,26 +311799,26 +311800,26 +311801,5 +311802,5 +311803,5 +311804,5 +311805,35 +311806,35 +311807,35 +311808,35 +311809,36 +311810,36 +311811,36 +311812,36 +311813,36 +311814,19 +311815,19 +311816,19 +311817,19 +311818,19 +311819,23 +311820,23 +311821,23 +311822,23 +311823,23 +311824,23 +311825,23 +311826,23 +311827,23 +311828,23 +311829,9 +311830,9 +311831,9 +311832,9 +311833,9 +311834,9 +311835,9 +311836,9 +311837,33 +311838,30 +311839,30 +311840,30 +311841,30 +311842,33 +311843,33 +311844,33 +311845,33 +311846,33 +311847,33 +311848,5 +311849,5 +311850,5 +311851,5 +311852,5 +311853,5 +311854,4 +311855,31 +311856,31 +311857,31 +311858,31 +311859,31 +311860,12 +311861,12 +311862,12 +311863,12 +311864,12 +311865,12 +311866,12 +311867,12 +311868,14 +311869,14 +311870,14 +311871,14 +311872,14 +311873,14 +311874,14 +311875,14 +311876,14 +311877,14 +311878,14 +311879,14 +311880,39 +311881,23 +311882,23 +311883,23 +311884,23 +311885,23 +311886,23 +311887,31 +311888,31 +311889,31 +311890,31 +311891,31 +311892,31 +311893,31 +311894,28 +311895,28 +311896,28 +311897,28 +311898,35 +311899,35 +311900,35 +311901,35 +311902,35 +311903,35 +311904,35 +311905,25 +311906,25 +311907,25 +311908,25 +311909,25 +311910,25 +311911,25 +311912,19 +311913,15 +311914,15 +311915,15 +311916,15 +311917,15 +311918,19 +311919,37 +311920,37 +311921,37 +311922,37 +311923,37 +311924,37 +311925,37 +311926,37 +311927,37 +311928,40 +311929,40 +311930,40 +311931,40 +311932,40 +311933,40 +311934,40 +311935,40 +311936,40 +311937,40 +311938,36 +311939,2 +311940,2 +311941,2 +311942,2 +311943,2 +311944,2 +311945,2 +311946,2 +311947,2 +311948,2 +311949,4 +311950,4 +311951,4 +311952,4 +311953,4 +311954,27 +311955,27 +311956,27 +311957,36 +311958,27 +311959,36 +311960,5 +311961,5 +311962,5 +311963,5 +311964,5 +311965,5 +311966,5 +311967,5 +311968,11 +311969,11 +311970,11 +311971,11 +311972,11 +311973,11 +311974,11 +311975,11 +311976,11 +311977,11 +311978,11 +311979,11 +311980,11 +311981,11 +311982,11 +311983,11 +311984,33 +311985,33 +311986,34 +311987,34 +311988,34 +311989,34 +311990,33 +311991,34 +311992,34 +311993,34 +311994,34 +311995,34 +311996,34 +311997,33 +311998,33 +311999,3 +312000,3 +312001,19 +312002,3 +312003,3 +312004,19 +312005,19 +312006,29 +312007,29 +312008,29 +312009,29 +312010,29 +312011,29 +312012,31 +312013,31 +312014,31 +312015,31 +312016,31 +312017,31 +312018,31 +312019,6 +312020,6 +312021,6 +312022,6 +312023,6 +312024,6 +312025,6 +312026,31 +312027,24 +312028,31 +312029,31 +312030,28 +312031,28 +312032,28 +312033,28 +312034,28 +312035,28 +312036,28 +312037,28 +312038,15 +312039,15 +312040,15 +312041,15 +312042,15 +312043,17 +312044,9 +312045,9 +312046,9 +312047,9 +312048,9 +312049,9 +312050,9 +312051,9 +312052,9 +312053,6 +312054,6 +312055,6 +312056,2 +312057,2 +312058,2 +312059,2 +312060,2 +312061,2 +312062,2 +312063,31 +312064,31 +312065,31 +312066,31 +312067,31 +312068,31 +312069,31 +312070,24 +312071,24 +312072,24 +312073,24 +312074,24 +312075,23 +312076,23 +312077,23 +312078,23 +312079,23 +312080,23 +312081,23 +312082,23 +312083,23 +312084,30 +312085,30 +312086,30 +312087,30 +312088,30 +312089,30 +312090,30 +312091,30 +312092,40 +312093,40 +312094,40 +312095,40 +312096,40 +312097,40 +312098,40 +312099,4 +312100,4 +312101,4 +312102,4 +312103,4 +312104,4 +312105,4 +312106,1 +312107,1 +312108,1 +312109,37 +312110,37 +312111,25 +312112,25 +312113,25 +312114,25 +312115,25 +312116,27 +312117,27 +312118,27 +312119,27 +312120,27 +312121,27 +312122,5 +312123,5 +312124,5 +312125,31 +312126,31 +312127,31 +312128,31 +312129,31 +312130,31 +312131,31 +312132,31 +312133,31 +312134,31 +312135,24 +312136,23 +312137,23 +312138,23 +312139,25 +312140,25 +312141,25 +312142,25 +312143,25 +312144,25 +312145,25 +312146,25 +312147,35 +312148,35 +312149,35 +312150,35 +312151,35 +312152,35 +312153,35 +312154,35 +312155,35 +312156,35 +312157,35 +312158,26 +312159,26 +312160,26 +312161,26 +312162,26 +312163,26 +312164,26 +312165,37 +312166,37 +312167,37 +312168,37 +312169,37 +312170,37 +312171,37 +312172,37 +312173,37 +312174,37 +312175,19 +312176,19 +312177,19 +312178,19 +312179,19 +312180,2 +312181,2 +312182,8 +312183,8 +312184,2 +312185,8 +312186,8 +312187,2 +312188,2 +312189,2 +312190,2 +312191,4 +312192,4 +312193,4 +312194,0 +312195,0 +312196,0 +312197,0 +312198,0 +312199,0 +312200,0 +312201,0 +312202,0 +312203,0 +312204,0 +312205,0 +312206,0 +312207,0 +312208,0 +312209,0 +312210,0 +312211,0 +312212,0 +312213,0 +312214,0 +312215,0 +312216,0 +312217,0 +312218,0 +312219,0 +312220,0 +312221,0 +312222,0 +312223,0 +312224,0 +312225,0 +312226,0 +312227,0 +312228,0 +312229,0 +312230,0 +312231,0 +312232,0 +312233,0 +312234,0 +312235,0 +312236,0 +312237,0 +312238,0 +312239,0 +312240,6 +312241,6 +312242,6 +312243,6 +312244,6 +312245,6 +312246,6 +312247,6 +312248,34 +312249,34 +312250,34 +312251,34 +312252,34 +312253,34 +312254,34 +312255,34 +312256,34 +312257,34 +312258,34 +312259,5 +312260,5 +312261,5 +312262,5 +312263,8 +312264,8 +312265,8 +312266,8 +312267,8 +312268,27 +312269,27 +312270,27 +312271,27 +312272,19 +312273,19 +312274,19 +312275,19 +312276,19 +312277,19 +312278,31 +312279,31 +312280,31 +312281,31 +312282,31 +312283,35 +312284,35 +312285,35 +312286,35 +312287,35 +312288,6 +312289,6 +312290,6 +312291,6 +312292,31 +312293,31 +312294,31 +312295,31 +312296,31 +312297,5 +312298,5 +312299,5 +312300,5 +312301,5 +312302,25 +312303,25 +312304,25 +312305,25 +312306,25 +312307,25 +312308,19 +312309,19 +312310,19 +312311,19 +312312,19 +312313,3 +312314,3 +312315,3 +312316,3 +312317,3 +312318,5 +312319,5 +312320,5 +312321,5 +312322,5 +312323,19 +312324,19 +312325,19 +312326,23 +312327,23 +312328,23 +312329,23 +312330,23 +312331,23 +312332,23 +312333,23 +312334,23 +312335,27 +312336,27 +312337,27 +312338,27 +312339,27 +312340,27 +312341,27 +312342,27 +312343,23 +312344,23 +312345,23 +312346,23 +312347,23 +312348,23 +312349,23 +312350,23 +312351,23 +312352,4 +312353,4 +312354,4 +312355,4 +312356,4 +312357,4 +312358,39 +312359,39 +312360,39 +312361,39 +312362,39 +312363,39 +312364,39 +312365,39 +312366,39 +312367,39 +312368,39 +312369,39 +312370,39 +312371,39 +312372,39 +312373,27 +312374,27 +312375,27 +312376,27 +312377,27 +312378,5 +312379,5 +312380,5 +312381,5 +312382,35 +312383,35 +312384,35 +312385,35 +312386,35 +312387,35 +312388,35 +312389,25 +312390,25 +312391,25 +312392,25 +312393,25 +312394,25 +312395,25 +312396,23 +312397,23 +312398,23 +312399,23 +312400,23 +312401,23 +312402,23 +312403,23 +312404,23 +312405,23 +312406,30 +312407,30 +312408,30 +312409,30 +312410,30 +312411,30 +312412,39 +312413,39 +312414,39 +312415,39 +312416,39 +312417,39 +312418,39 +312419,39 +312420,39 +312421,39 +312422,14 +312423,4 +312424,4 +312425,4 +312426,4 +312427,4 +312428,4 +312429,4 +312430,4 +312431,4 +312432,4 +312433,4 +312434,2 +312435,2 +312436,2 +312437,2 +312438,2 +312439,8 +312440,8 +312441,8 +312442,8 +312443,8 +312444,8 +312445,8 +312446,8 +312447,8 +312448,0 +312449,0 +312450,0 +312451,0 +312452,0 +312453,0 +312454,0 +312455,0 +312456,0 +312457,0 +312458,0 +312459,0 +312460,0 +312461,0 +312462,0 +312463,0 +312464,0 +312465,0 +312466,0 +312467,0 +312468,0 +312469,0 +312470,0 +312471,0 +312472,0 +312473,0 +312474,0 +312475,0 +312476,0 +312477,0 +312478,0 +312479,0 +312480,0 +312481,0 +312482,0 +312483,0 +312484,0 +312485,0 +312486,0 +312487,29 +312488,29 +312489,29 +312490,29 +312491,14 +312492,14 +312493,14 +312494,14 +312495,14 +312496,14 +312497,14 +312498,27 +312499,14 +312500,14 +312501,14 +312502,27 +312503,14 +312504,27 +312505,5 +312506,5 +312507,5 +312508,5 +312509,13 +312510,13 +312511,13 +312512,13 +312513,30 +312514,30 +312515,30 +312516,33 +312517,33 +312518,33 +312519,33 +312520,33 +312521,33 +312522,33 +312523,11 +312524,11 +312525,11 +312526,27 +312527,16 +312528,16 +312529,16 +312530,16 +312531,16 +312532,16 +312533,16 +312534,16 +312535,16 +312536,16 +312537,16 +312538,36 +312539,36 +312540,36 +312541,36 +312542,36 +312543,36 +312544,36 +312545,36 +312546,36 +312547,36 +312548,24 +312549,24 +312550,24 +312551,24 +312552,24 +312553,24 +312554,24 +312555,23 +312556,23 +312557,23 +312558,23 +312559,23 +312560,23 +312561,23 +312562,23 +312563,23 +312564,31 +312565,25 +312566,37 +312567,37 +312568,37 +312569,25 +312570,37 +312571,37 +312572,37 +312573,37 +312574,37 +312575,39 +312576,39 +312577,39 +312578,39 +312579,39 +312580,39 +312581,7 +312582,7 +312583,7 +312584,7 +312585,26 +312586,10 +312587,10 +312588,26 +312589,26 +312590,26 +312591,26 +312592,26 +312593,26 +312594,26 +312595,26 +312596,26 +312597,26 +312598,26 +312599,37 +312600,37 +312601,37 +312602,37 +312603,37 +312604,4 +312605,4 +312606,4 +312607,4 +312608,4 +312609,28 +312610,28 +312611,39 +312612,39 +312613,39 +312614,39 +312615,39 +312616,39 +312617,39 +312618,39 +312619,39 +312620,39 +312621,39 +312622,39 +312623,39 +312624,8 +312625,39 +312626,2 +312627,2 +312628,2 +312629,2 +312630,2 +312631,2 +312632,2 +312633,8 +312634,8 +312635,8 +312636,2 +312637,2 +312638,2 +312639,2 +312640,2 +312641,2 +312642,2 +312643,2 +312644,2 +312645,2 +312646,0 +312647,0 +312648,0 +312649,0 +312650,0 +312651,0 +312652,0 +312653,0 +312654,0 +312655,0 +312656,0 +312657,0 +312658,0 +312659,0 +312660,0 +312661,0 +312662,0 +312663,0 +312664,0 +312665,0 +312666,23 +312667,23 +312668,23 +312669,0 +312670,23 +312671,23 +312672,23 +312673,23 +312674,23 +312675,23 +312676,23 +312677,23 +312678,23 +312679,10 +312680,10 +312681,10 +312682,10 +312683,10 +312684,10 +312685,10 +312686,10 +312687,10 +312688,10 +312689,10 +312690,36 +312691,36 +312692,36 +312693,36 +312694,36 +312695,36 +312696,24 +312697,24 +312698,24 +312699,24 +312700,24 +312701,24 +312702,23 +312703,24 +312704,34 +312705,34 +312706,34 +312707,34 +312708,34 +312709,34 +312710,34 +312711,34 +312712,34 +312713,30 +312714,30 +312715,8 +312716,8 +312717,8 +312718,8 +312719,8 +312720,8 +312721,8 +312722,31 +312723,31 +312724,31 +312725,31 +312726,31 +312727,28 +312728,28 +312729,28 +312730,28 +312731,28 +312732,28 +312733,28 +312734,28 +312735,28 +312736,28 +312737,40 +312738,40 +312739,40 +312740,40 +312741,40 +312742,40 +312743,40 +312744,5 +312745,5 +312746,5 +312747,5 +312748,5 +312749,5 +312750,5 +312751,5 +312752,5 +312753,5 +312754,5 +312755,5 +312756,5 +312757,5 +312758,5 +312759,6 +312760,6 +312761,6 +312762,6 +312763,6 +312764,6 +312765,6 +312766,36 +312767,36 +312768,36 +312769,36 +312770,36 +312771,36 +312772,36 +312773,36 +312774,36 +312775,36 +312776,24 +312777,24 +312778,27 +312779,27 +312780,31 +312781,31 +312782,31 +312783,31 +312784,30 +312785,30 +312786,30 +312787,30 +312788,30 +312789,30 +312790,30 +312791,30 +312792,33 +312793,33 +312794,33 +312795,33 +312796,33 +312797,33 +312798,33 +312799,33 +312800,5 +312801,5 +312802,5 +312803,14 +312804,14 +312805,14 +312806,14 +312807,14 +312808,14 +312809,14 +312810,14 +312811,14 +312812,14 +312813,39 +312814,39 +312815,14 +312816,31 +312817,31 +312818,31 +312819,31 +312820,31 +312821,31 +312822,31 +312823,31 +312824,31 +312825,31 +312826,31 +312827,31 +312828,31 +312829,31 +312830,0 +312831,0 +312832,0 +312833,0 +312834,0 +312835,0 +312836,0 +312837,0 +312838,0 +312839,0 +312840,0 +312841,0 +312842,0 +312843,0 +312844,0 +312845,0 +312846,0 +312847,0 +312848,0 +312849,0 +312850,0 +312851,0 +312852,0 +312853,4 +312854,4 +312855,4 +312856,4 +312857,4 +312858,4 +312859,4 +312860,4 +312861,4 +312862,4 +312863,40 +312864,40 +312865,40 +312866,40 +312867,40 +312868,5 +312869,5 +312870,5 +312871,5 +312872,5 +312873,5 +312874,5 +312875,5 +312876,5 +312877,5 +312878,29 +312879,29 +312880,29 +312881,38 +312882,38 +312883,38 +312884,38 +312885,34 +312886,34 +312887,34 +312888,34 +312889,34 +312890,34 +312891,34 +312892,34 +312893,10 +312894,34 +312895,34 +312896,34 +312897,34 +312898,34 +312899,34 +312900,34 +312901,34 +312902,8 +312903,8 +312904,8 +312905,8 +312906,8 +312907,8 +312908,8 +312909,27 +312910,27 +312911,27 +312912,27 +312913,27 +312914,31 +312915,31 +312916,31 +312917,31 +312918,31 +312919,31 +312920,5 +312921,5 +312922,5 +312923,5 +312924,5 +312925,5 +312926,32 +312927,32 +312928,32 +312929,32 +312930,32 +312931,32 +312932,32 +312933,32 +312934,32 +312935,9 +312936,9 +312937,9 +312938,9 +312939,9 +312940,9 +312941,9 +312942,9 +312943,37 +312944,37 +312945,37 +312946,37 +312947,37 +312948,16 +312949,16 +312950,16 +312951,16 +312952,16 +312953,16 +312954,16 +312955,16 +312956,4 +312957,4 +312958,3 +312959,25 +312960,25 +312961,25 +312962,25 +312963,29 +312964,29 +312965,29 +312966,31 +312967,31 +312968,31 +312969,31 +312970,31 +312971,31 +312972,31 +312973,30 +312974,30 +312975,30 +312976,30 +312977,30 +312978,30 +312979,30 +312980,30 +312981,30 +312982,30 +312983,30 +312984,30 +312985,30 +312986,30 +312987,30 +312988,30 +312989,0 +312990,0 +312991,0 +312992,0 +312993,0 +312994,0 +312995,0 +312996,0 +312997,0 +312998,0 +312999,0 +313000,0 +313001,0 +313002,0 +313003,0 +313004,0 +313005,0 +313006,0 +313007,0 +313008,0 +313009,23 +313010,23 +313011,23 +313012,23 +313013,23 +313014,23 +313015,23 +313016,23 +313017,23 +313018,23 +313019,23 +313020,23 +313021,27 +313022,27 +313023,27 +313024,27 +313025,27 +313026,27 +313027,27 +313028,27 +313029,27 +313030,23 +313031,23 +313032,23 +313033,23 +313034,23 +313035,23 +313036,23 +313037,23 +313038,4 +313039,4 +313040,4 +313041,4 +313042,3 +313043,3 +313044,3 +313045,3 +313046,3 +313047,3 +313048,3 +313049,3 +313050,29 +313051,29 +313052,38 +313053,38 +313054,38 +313055,38 +313056,38 +313057,34 +313058,34 +313059,34 +313060,34 +313061,34 +313062,34 +313063,34 +313064,34 +313065,34 +313066,34 +313067,34 +313068,34 +313069,34 +313070,34 +313071,34 +313072,34 +313073,34 +313074,8 +313075,8 +313076,8 +313077,8 +313078,8 +313079,8 +313080,2 +313081,2 +313082,31 +313083,31 +313084,31 +313085,5 +313086,5 +313087,5 +313088,5 +313089,5 +313090,5 +313091,5 +313092,5 +313093,5 +313094,5 +313095,5 +313096,5 +313097,5 +313098,5 +313099,5 +313100,5 +313101,5 +313102,5 +313103,5 +313104,0 +313105,36 +313106,27 +313107,27 +313108,27 +313109,5 +313110,5 +313111,5 +313112,19 +313113,19 +313114,19 +313115,23 +313116,23 +313117,23 +313118,23 +313119,23 +313120,23 +313121,23 +313122,23 +313123,30 +313124,30 +313125,30 +313126,30 +313127,30 +313128,30 +313129,36 +313130,36 +313131,36 +313132,36 +313133,36 +313134,36 +313135,40 +313136,36 +313137,36 +313138,40 +313139,36 +313140,5 +313141,5 +313142,5 +313143,5 +313144,5 +313145,5 +313146,19 +313147,19 +313148,19 +313149,27 +313150,25 +313151,25 +313152,25 +313153,25 +313154,25 +313155,25 +313156,25 +313157,25 +313158,25 +313159,25 +313160,25 +313161,25 +313162,8 +313163,8 +313164,8 +313165,8 +313166,8 +313167,8 +313168,8 +313169,8 +313170,2 +313171,2 +313172,2 +313173,8 +313174,2 +313175,2 +313176,2 +313177,2 +313178,2 +313179,2 +313180,2 +313181,2 +313182,2 +313183,0 +313184,0 +313185,0 +313186,0 +313187,0 +313188,0 +313189,0 +313190,0 +313191,0 +313192,0 +313193,0 +313194,0 +313195,0 +313196,0 +313197,0 +313198,0 +313199,0 +313200,0 +313201,0 +313202,0 +313203,0 +313204,0 +313205,0 +313206,0 +313207,0 +313208,0 +313209,0 +313210,0 +313211,0 +313212,0 +313213,0 +313214,0 +313215,0 +313216,0 +313217,0 +313218,0 +313219,0 +313220,0 +313221,0 +313222,0 +313223,0 +313224,0 +313225,0 +313226,0 +313227,0 +313228,0 +313229,0 +313230,0 +313231,0 +313232,0 +313233,0 +313234,0 +313235,0 +313236,0 +313237,35 +313238,35 +313239,35 +313240,35 +313241,35 +313242,35 +313243,35 +313244,35 +313245,35 +313246,39 +313247,39 +313248,39 +313249,39 +313250,39 +313251,39 +313252,28 +313253,28 +313254,28 +313255,28 +313256,28 +313257,28 +313258,28 +313259,1 +313260,14 +313261,14 +313262,14 +313263,14 +313264,14 +313265,14 +313266,14 +313267,14 +313268,14 +313269,15 +313270,15 +313271,15 +313272,15 +313273,15 +313274,39 +313275,39 +313276,39 +313277,39 +313278,39 +313279,39 +313280,39 +313281,12 +313282,12 +313283,12 +313284,12 +313285,12 +313286,12 +313287,12 +313288,12 +313289,12 +313290,12 +313291,12 +313292,12 +313293,12 +313294,12 +313295,14 +313296,14 +313297,14 +313298,14 +313299,14 +313300,14 +313301,39 +313302,39 +313303,39 +313304,39 +313305,39 +313306,39 +313307,39 +313308,39 +313309,39 +313310,39 +313311,6 +313312,6 +313313,6 +313314,6 +313315,6 +313316,6 +313317,6 +313318,6 +313319,6 +313320,6 +313321,6 +313322,0 +313323,0 +313324,0 +313325,0 +313326,0 +313327,0 +313328,0 +313329,6 +313330,0 +313331,0 +313332,6 +313333,6 +313334,6 +313335,6 +313336,6 +313337,6 +313338,6 +313339,0 +313340,0 +313341,0 +313342,0 +313343,0 +313344,0 +313345,0 +313346,0 +313347,0 +313348,0 +313349,0 +313350,0 +313351,0 +313352,0 +313353,0 +313354,0 +313355,0 +313356,0 +313357,0 +313358,0 +313359,0 +313360,0 +313361,0 +313362,0 +313363,0 +313364,0 +313365,15 +313366,27 +313367,27 +313368,27 +313369,27 +313370,27 +313371,4 +313372,4 +313373,4 +313374,35 +313375,35 +313376,35 +313377,35 +313378,35 +313379,39 +313380,39 +313381,39 +313382,39 +313383,39 +313384,39 +313385,27 +313386,27 +313387,27 +313388,27 +313389,27 +313390,27 +313391,27 +313392,8 +313393,8 +313394,8 +313395,8 +313396,8 +313397,8 +313398,8 +313399,8 +313400,8 +313401,8 +313402,8 +313403,5 +313404,5 +313405,5 +313406,5 +313407,26 +313408,26 +313409,26 +313410,26 +313411,26 +313412,26 +313413,26 +313414,26 +313415,26 +313416,26 +313417,26 +313418,26 +313419,26 +313420,26 +313421,6 +313422,6 +313423,4 +313424,4 +313425,4 +313426,4 +313427,4 +313428,6 +313429,6 +313430,6 +313431,6 +313432,6 +313433,6 +313434,6 +313435,6 +313436,6 +313437,36 +313438,36 +313439,36 +313440,36 +313441,36 +313442,36 +313443,36 +313444,36 +313445,36 +313446,36 +313447,36 +313448,36 +313449,30 +313450,30 +313451,30 +313452,30 +313453,30 +313454,30 +313455,30 +313456,30 +313457,30 +313458,30 +313459,31 +313460,31 +313461,14 +313462,14 +313463,14 +313464,14 +313465,14 +313466,14 +313467,14 +313468,14 +313469,2 +313470,2 +313471,2 +313472,2 +313473,2 +313474,2 +313475,2 +313476,2 +313477,2 +313478,2 +313479,2 +313480,2 +313481,2 +313482,2 +313483,2 +313484,2 +313485,2 +313486,2 +313487,2 +313488,2 +313489,2 +313490,2 +313491,2 +313492,2 +313493,2 +313494,2 +313495,2 +313496,2 +313497,2 +313498,2 +313499,0 +313500,0 +313501,0 +313502,0 +313503,0 +313504,0 +313505,0 +313506,0 +313507,0 +313508,0 +313509,0 +313510,0 +313511,0 +313512,0 +313513,0 +313514,0 +313515,0 +313516,0 +313517,0 +313518,0 +313519,0 +313520,0 +313521,0 +313522,0 +313523,0 +313524,0 +313525,0 +313526,0 +313527,0 +313528,0 +313529,0 +313530,0 +313531,0 +313532,0 +313533,5 +313534,5 +313535,5 +313536,5 +313537,5 +313538,26 +313539,26 +313540,26 +313541,26 +313542,26 +313543,26 +313544,26 +313545,26 +313546,26 +313547,26 +313548,6 +313549,6 +313550,6 +313551,6 +313552,6 +313553,6 +313554,6 +313555,6 +313556,6 +313557,31 +313558,31 +313559,31 +313560,31 +313561,31 +313562,31 +313563,31 +313564,31 +313565,31 +313566,31 +313567,31 +313568,31 +313569,30 +313570,30 +313571,30 +313572,30 +313573,30 +313574,30 +313575,30 +313576,30 +313577,30 +313578,30 +313579,30 +313580,30 +313581,30 +313582,30 +313583,39 +313584,39 +313585,39 +313586,39 +313587,39 +313588,39 +313589,2 +313590,2 +313591,2 +313592,2 +313593,2 +313594,2 +313595,2 +313596,2 +313597,2 +313598,2 +313599,2 +313600,2 +313601,33 +313602,33 +313603,33 +313604,40 +313605,40 +313606,40 +313607,30 +313608,30 +313609,30 +313610,30 +313611,30 +313612,30 +313613,24 +313614,24 +313615,24 +313616,23 +313617,23 +313618,23 +313619,23 +313620,23 +313621,23 +313622,27 +313623,27 +313624,27 +313625,27 +313626,27 +313627,27 +313628,27 +313629,27 +313630,11 +313631,11 +313632,11 +313633,11 +313634,11 +313635,11 +313636,11 +313637,11 +313638,11 +313639,11 +313640,2 +313641,11 +313642,11 +313643,11 +313644,11 +313645,11 +313646,11 +313647,11 +313648,11 +313649,11 +313650,11 +313651,11 +313652,11 +313653,11 +313654,11 +313655,11 +313656,11 +313657,0 +313658,0 +313659,0 +313660,0 +313661,0 +313662,0 +313663,0 +313664,0 +313665,0 +313666,0 +313667,0 +313668,0 +313669,0 +313670,0 +313671,0 +313672,0 +313673,0 +313674,0 +313675,0 +313676,0 +313677,0 +313678,0 +313679,0 +313680,0 +313681,0 +313682,0 +313683,0 +313684,0 +313685,0 +313686,0 +313687,0 +313688,0 +313689,0 +313690,0 +313691,0 +313692,0 +313693,0 +313694,0 +313695,0 +313696,0 +313697,0 +313698,0 +313699,0 +313700,0 +313701,0 +313702,0 +313703,0 +313704,0 +313705,0 +313706,0 +313707,0 +313708,0 +313709,0 +313710,0 +313711,0 +313712,0 +313713,0 +313714,0 +313715,0 +313716,0 +313717,0 +313718,0 +313719,0 +313720,0 +313721,0 +313722,0 +313723,0 +313724,0 +313725,0 +313726,0 +313727,0 +313728,0 +313729,0 +313730,0 +313731,0 +313732,0 +313733,0 +313734,0 +313735,0 +313736,0 +313737,0 +313738,0 +313739,0 +313740,0 +313741,0 +313742,0 +313743,0 +313744,0 +313745,10 +313746,10 +313747,10 +313748,10 +313749,0 +313750,0 +313751,0 +313752,0 +313753,10 +313754,10 +313755,10 +313756,10 +313757,10 +313758,10 +313759,10 +313760,10 +313761,10 +313762,10 +313763,10 +313764,10 +313765,10 +313766,10 +313767,10 +313768,10 +313769,10 +313770,10 +313771,10 +313772,36 +313773,36 +313774,36 +313775,36 +313776,36 +313777,28 +313778,28 +313779,28 +313780,28 +313781,28 +313782,28 +313783,32 +313784,32 +313785,32 +313786,32 +313787,32 +313788,32 +313789,32 +313790,25 +313791,25 +313792,25 +313793,25 +313794,25 +313795,25 +313796,2 +313797,2 +313798,2 +313799,2 +313800,2 +313801,2 +313802,2 +313803,2 +313804,2 +313805,2 +313806,2 +313807,2 +313808,33 +313809,12 +313810,12 +313811,12 +313812,12 +313813,12 +313814,12 +313815,12 +313816,12 +313817,12 +313818,14 +313819,14 +313820,14 +313821,14 +313822,14 +313823,14 +313824,14 +313825,14 +313826,14 +313827,14 +313828,14 +313829,14 +313830,14 +313831,14 +313832,14 +313833,27 +313834,27 +313835,27 +313836,27 +313837,27 +313838,27 +313839,27 +313840,27 +313841,27 +313842,27 +313843,27 +313844,4 +313845,4 +313846,4 +313847,4 +313848,4 +313849,4 +313850,4 +313851,4 +313852,19 +313853,19 +313854,19 +313855,19 +313856,19 +313857,4 +313858,4 +313859,4 +313860,0 +313861,0 +313862,0 +313863,0 +313864,0 +313865,0 +313866,0 +313867,0 +313868,0 +313869,0 +313870,0 +313871,0 +313872,0 +313873,0 +313874,0 +313875,0 +313876,0 +313877,0 +313878,0 +313879,0 +313880,0 +313881,0 +313882,0 +313883,0 +313884,0 +313885,0 +313886,0 +313887,5 +313888,5 +313889,5 +313890,5 +313891,5 +313892,5 +313893,5 +313894,5 +313895,5 +313896,5 +313897,5 +313898,5 +313899,26 +313900,26 +313901,26 +313902,26 +313903,26 +313904,26 +313905,26 +313906,26 +313907,26 +313908,26 +313909,28 +313910,28 +313911,28 +313912,28 +313913,28 +313914,28 +313915,28 +313916,28 +313917,28 +313918,28 +313919,28 +313920,28 +313921,28 +313922,27 +313923,27 +313924,27 +313925,27 +313926,30 +313927,30 +313928,30 +313929,30 +313930,30 +313931,30 +313932,30 +313933,30 +313934,30 +313935,39 +313936,39 +313937,39 +313938,39 +313939,39 +313940,39 +313941,39 +313942,39 +313943,12 +313944,12 +313945,12 +313946,12 +313947,12 +313948,12 +313949,9 +313950,9 +313951,9 +313952,9 +313953,9 +313954,9 +313955,9 +313956,9 +313957,9 +313958,9 +313959,9 +313960,9 +313961,37 +313962,37 +313963,37 +313964,37 +313965,37 +313966,37 +313967,37 +313968,37 +313969,18 +313970,18 +313971,19 +313972,4 +313973,4 +313974,4 +313975,4 +313976,4 +313977,19 +313978,37 +313979,7 +313980,37 +313981,37 +313982,37 +313983,37 +313984,37 +313985,37 +313986,33 +313987,33 +313988,33 +313989,33 +313990,33 +313991,33 +313992,33 +313993,33 +313994,33 +313995,33 +313996,33 +313997,33 +313998,33 +313999,32 +314000,32 +314001,32 +314002,32 +314003,32 +314004,32 +314005,32 +314006,32 +314007,32 +314008,32 +314009,2 +314010,2 +314011,2 +314012,2 +314013,2 +314014,2 +314015,2 +314016,2 +314017,2 +314018,2 +314019,2 +314020,2 +314021,2 +314022,2 +314023,2 +314024,2 +314025,2 +314026,2 +314027,2 +314028,2 +314029,2 +314030,0 +314031,0 +314032,0 +314033,0 +314034,0 +314035,0 +314036,0 +314037,0 +314038,0 +314039,0 +314040,0 +314041,0 +314042,0 +314043,0 +314044,0 +314045,0 +314046,0 +314047,0 +314048,0 +314049,0 +314050,0 +314051,0 +314052,0 +314053,0 +314054,0 +314055,0 +314056,0 +314057,0 +314058,0 +314059,0 +314060,0 +314061,0 +314062,0 +314063,0 +314064,0 +314065,0 +314066,0 +314067,0 +314068,0 +314069,0 +314070,0 +314071,0 +314072,29 +314073,29 +314074,14 +314075,14 +314076,14 +314077,14 +314078,14 +314079,14 +314080,14 +314081,12 +314082,12 +314083,12 +314084,12 +314085,12 +314086,12 +314087,25 +314088,25 +314089,25 +314090,25 +314091,25 +314092,25 +314093,6 +314094,6 +314095,6 +314096,6 +314097,6 +314098,6 +314099,6 +314100,6 +314101,6 +314102,6 +314103,6 +314104,6 +314105,6 +314106,33 +314107,33 +314108,33 +314109,33 +314110,31 +314111,31 +314112,33 +314113,33 +314114,33 +314115,33 +314116,33 +314117,33 +314118,31 +314119,31 +314120,31 +314121,30 +314122,30 +314123,30 +314124,30 +314125,30 +314126,34 +314127,30 +314128,30 +314129,30 +314130,30 +314131,19 +314132,19 +314133,19 +314134,19 +314135,19 +314136,19 +314137,19 +314138,4 +314139,4 +314140,19 +314141,19 +314142,19 +314143,4 +314144,4 +314145,4 +314146,0 +314147,0 +314148,0 +314149,0 +314150,0 +314151,0 +314152,0 +314153,0 +314154,0 +314155,0 +314156,0 +314157,0 +314158,0 +314159,0 +314160,0 +314161,0 +314162,0 +314163,0 +314164,0 +314165,0 +314166,0 +314167,0 +314168,0 +314169,29 +314170,29 +314171,29 +314172,31 +314173,31 +314174,31 +314175,31 +314176,31 +314177,31 +314178,31 +314179,30 +314180,30 +314181,30 +314182,30 +314183,30 +314184,30 +314185,35 +314186,27 +314187,27 +314188,27 +314189,27 +314190,27 +314191,27 +314192,31 +314193,4 +314194,4 +314195,4 +314196,4 +314197,4 +314198,4 +314199,4 +314200,4 +314201,27 +314202,27 +314203,27 +314204,27 +314205,30 +314206,27 +314207,27 +314208,27 +314209,37 +314210,37 +314211,37 +314212,37 +314213,37 +314214,37 +314215,37 +314216,37 +314217,37 +314218,3 +314219,3 +314220,3 +314221,3 +314222,3 +314223,3 +314224,3 +314225,3 +314226,3 +314227,3 +314228,3 +314229,3 +314230,3 +314231,3 +314232,28 +314233,28 +314234,28 +314235,28 +314236,28 +314237,28 +314238,28 +314239,5 +314240,28 +314241,28 +314242,28 +314243,28 +314244,28 +314245,28 +314246,28 +314247,28 +314248,28 +314249,28 +314250,8 +314251,8 +314252,8 +314253,2 +314254,2 +314255,2 +314256,2 +314257,8 +314258,8 +314259,8 +314260,2 +314261,2 +314262,2 +314263,2 +314264,2 +314265,2 +314266,2 +314267,2 +314268,2 +314269,2 +314270,2 +314271,2 +314272,2 +314273,8 +314274,8 +314275,2 +314276,2 +314277,0 +314278,0 +314279,0 +314280,0 +314281,0 +314282,0 +314283,0 +314284,0 +314285,0 +314286,0 +314287,0 +314288,0 +314289,0 +314290,0 +314291,0 +314292,0 +314293,0 +314294,0 +314295,0 +314296,0 +314297,0 +314298,0 +314299,0 +314300,0 +314301,0 +314302,0 +314303,0 +314304,0 +314305,0 +314306,0 +314307,0 +314308,0 +314309,0 +314310,0 +314311,0 +314312,0 +314313,0 +314314,0 +314315,0 +314316,0 +314317,0 +314318,0 +314319,0 +314320,0 +314321,0 +314322,0 +314323,0 +314324,0 +314325,0 +314326,0 +314327,0 +314328,0 +314329,0 +314330,35 +314331,35 +314332,35 +314333,35 +314334,35 +314335,35 +314336,35 +314337,35 +314338,35 +314339,39 +314340,39 +314341,4 +314342,4 +314343,4 +314344,4 +314345,4 +314346,4 +314347,12 +314348,12 +314349,12 +314350,12 +314351,12 +314352,31 +314353,31 +314354,31 +314355,31 +314356,31 +314357,8 +314358,8 +314359,8 +314360,8 +314361,8 +314362,8 +314363,8 +314364,8 +314365,35 +314366,35 +314367,12 +314368,12 +314369,27 +314370,27 +314371,27 +314372,27 +314373,27 +314374,27 +314375,29 +314376,29 +314377,29 +314378,29 +314379,29 +314380,29 +314381,14 +314382,14 +314383,27 +314384,27 +314385,27 +314386,27 +314387,27 +314388,27 +314389,14 +314390,27 +314391,27 +314392,27 +314393,19 +314394,19 +314395,19 +314396,19 +314397,5 +314398,5 +314399,5 +314400,5 +314401,5 +314402,5 +314403,5 +314404,5 +314405,29 +314406,29 +314407,29 +314408,14 +314409,14 +314410,14 +314411,14 +314412,27 +314413,27 +314414,27 +314415,27 +314416,27 +314417,27 +314418,27 +314419,27 +314420,27 +314421,27 +314422,27 +314423,5 +314424,5 +314425,5 +314426,5 +314427,5 +314428,5 +314429,5 +314430,5 +314431,5 +314432,5 +314433,5 +314434,5 +314435,5 +314436,5 +314437,5 +314438,29 +314439,29 +314440,29 +314441,29 +314442,29 +314443,40 +314444,40 +314445,40 +314446,40 +314447,40 +314448,40 +314449,40 +314450,40 +314451,4 +314452,4 +314453,4 +314454,4 +314455,4 +314456,4 +314457,4 +314458,4 +314459,0 +314460,0 +314461,0 +314462,0 +314463,0 +314464,0 +314465,0 +314466,35 +314467,35 +314468,35 +314469,39 +314470,39 +314471,39 +314472,39 +314473,39 +314474,39 +314475,39 +314476,39 +314477,39 +314478,39 +314479,39 +314480,39 +314481,39 +314482,39 +314483,39 +314484,39 +314485,12 +314486,39 +314487,24 +314488,12 +314489,12 +314490,12 +314491,12 +314492,12 +314493,12 +314494,32 +314495,30 +314496,30 +314497,30 +314498,30 +314499,30 +314500,30 +314501,30 +314502,30 +314503,30 +314504,30 +314505,30 +314506,30 +314507,30 +314508,19 +314509,19 +314510,19 +314511,19 +314512,19 +314513,19 +314514,19 +314515,19 +314516,39 +314517,39 +314518,39 +314519,39 +314520,39 +314521,39 +314522,39 +314523,39 +314524,39 +314525,39 +314526,39 +314527,39 +314528,39 +314529,39 +314530,39 +314531,39 +314532,39 +314533,39 +314534,39 +314535,39 +314536,19 +314537,19 +314538,19 +314539,19 +314540,2 +314541,8 +314542,2 +314543,4 +314544,4 +314545,4 +314546,4 +314547,4 +314548,4 +314549,35 +314550,35 +314551,35 +314552,35 +314553,3 +314554,3 +314555,3 +314556,25 +314557,25 +314558,25 +314559,35 +314560,35 +314561,35 +314562,35 +314563,35 +314564,35 +314565,35 +314566,35 +314567,35 +314568,35 +314569,35 +314570,35 +314571,32 +314572,32 +314573,32 +314574,32 +314575,40 +314576,40 +314577,40 +314578,40 +314579,40 +314580,40 +314581,40 +314582,40 +314583,31 +314584,31 +314585,40 +314586,40 +314587,40 +314588,6 +314589,6 +314590,6 +314591,6 +314592,6 +314593,6 +314594,6 +314595,16 +314596,16 +314597,16 +314598,16 +314599,16 +314600,11 +314601,11 +314602,11 +314603,11 +314604,11 +314605,11 +314606,11 +314607,11 +314608,11 +314609,11 +314610,11 +314611,11 +314612,11 +314613,11 +314614,18 +314615,18 +314616,18 +314617,16 +314618,16 +314619,16 +314620,0 +314621,0 +314622,0 +314623,0 +314624,0 +314625,0 +314626,19 +314627,19 +314628,19 +314629,19 +314630,0 +314631,0 +314632,0 +314633,0 +314634,0 +314635,0 +314636,0 +314637,0 +314638,0 +314639,0 +314640,0 +314641,0 +314642,0 +314643,0 +314644,0 +314645,0 +314646,0 +314647,0 +314648,0 +314649,0 +314650,0 +314651,0 +314652,0 +314653,0 +314654,0 +314655,0 +314656,0 +314657,0 +314658,0 +314659,0 +314660,0 +314661,0 +314662,0 +314663,0 +314664,0 +314665,0 +314666,0 +314667,0 +314668,0 +314669,0 +314670,0 +314671,0 +314672,0 +314673,0 +314674,0 +314675,0 +314676,0 +314677,0 +314678,0 +314679,0 +314680,0 +314681,0 +314682,0 +314683,0 +314684,0 +314685,0 +314686,0 +314687,0 +314688,31 +314689,31 +314690,31 +314691,31 +314692,31 +314693,31 +314694,31 +314695,5 +314696,5 +314697,5 +314698,5 +314699,5 +314700,19 +314701,19 +314702,28 +314703,19 +314704,27 +314705,27 +314706,31 +314707,27 +314708,27 +314709,27 +314710,27 +314711,30 +314712,19 +314713,28 +314714,4 +314715,40 +314716,30 +314717,26 +314718,26 +314719,26 +314720,26 +314721,26 +314722,31 +314723,5 +314724,5 +314725,5 +314726,5 +314727,19 +314728,19 +314729,19 +314730,19 +314731,19 +314732,35 +314733,35 +314734,35 +314735,35 +314736,35 +314737,35 +314738,35 +314739,35 +314740,35 +314741,33 +314742,33 +314743,33 +314744,33 +314745,33 +314746,9 +314747,9 +314748,9 +314749,9 +314750,9 +314751,9 +314752,9 +314753,9 +314754,33 +314755,33 +314756,33 +314757,33 +314758,33 +314759,33 +314760,33 +314761,28 +314762,28 +314763,28 +314764,28 +314765,28 +314766,28 +314767,28 +314768,28 +314769,28 +314770,5 +314771,5 +314772,5 +314773,5 +314774,5 +314775,5 +314776,5 +314777,5 +314778,5 +314779,5 +314780,5 +314781,5 +314782,5 +314783,5 +314784,5 +314785,5 +314786,4 +314787,4 +314788,4 +314789,4 +314790,4 +314791,4 +314792,4 +314793,4 +314794,4 +314795,4 +314796,33 +314797,33 +314798,33 +314799,33 +314800,33 +314801,33 +314802,30 +314803,30 +314804,30 +314805,30 +314806,30 +314807,30 +314808,30 +314809,19 +314810,19 +314811,19 +314812,19 +314813,19 +314814,19 +314815,27 +314816,22 +314817,22 +314818,22 +314819,22 +314820,6 +314821,6 +314822,6 +314823,6 +314824,6 +314825,6 +314826,6 +314827,6 +314828,6 +314829,6 +314830,31 +314831,31 +314832,22 +314833,31 +314834,31 +314835,31 +314836,22 +314837,22 +314838,4 +314839,33 +314840,6 +314841,21 +314842,21 +314843,21 +314844,21 +314845,0 +314846,29 +314847,29 +314848,29 +314849,29 +314850,29 +314851,29 +314852,29 +314853,29 +314854,29 +314855,29 +314856,29 +314857,29 +314858,31 +314859,31 +314860,31 +314861,31 +314862,31 +314863,4 +314864,4 +314865,4 +314866,4 +314867,29 +314868,29 +314869,29 +314870,29 +314871,29 +314872,29 +314873,14 +314874,14 +314875,14 +314876,14 +314877,14 +314878,14 +314879,14 +314880,14 +314881,35 +314882,14 +314883,14 +314884,35 +314885,27 +314886,36 +314887,27 +314888,27 +314889,38 +314890,4 +314891,4 +314892,4 +314893,4 +314894,4 +314895,4 +314896,4 +314897,4 +314898,4 +314899,2 +314900,2 +314901,2 +314902,2 +314903,2 +314904,2 +314905,39 +314906,39 +314907,39 +314908,39 +314909,39 +314910,39 +314911,39 +314912,39 +314913,5 +314914,5 +314915,28 +314916,5 +314917,5 +314918,5 +314919,5 +314920,5 +314921,5 +314922,5 +314923,5 +314924,5 +314925,5 +314926,5 +314927,31 +314928,31 +314929,31 +314930,31 +314931,4 +314932,4 +314933,4 +314934,4 +314935,4 +314936,4 +314937,4 +314938,4 +314939,4 +314940,4 +314941,27 +314942,27 +314943,27 +314944,27 +314945,5 +314946,5 +314947,5 +314948,5 +314949,5 +314950,5 +314951,5 +314952,5 +314953,5 +314954,5 +314955,5 +314956,5 +314957,5 +314958,5 +314959,5 +314960,5 +314961,29 +314962,29 +314963,31 +314964,31 +314965,31 +314966,31 +314967,23 +314968,23 +314969,23 +314970,23 +314971,23 +314972,23 +314973,23 +314974,23 +314975,23 +314976,23 +314977,23 +314978,9 +314979,9 +314980,9 +314981,9 +314982,9 +314983,9 +314984,9 +314985,9 +314986,9 +314987,9 +314988,9 +314989,37 +314990,37 +314991,37 +314992,37 +314993,37 +314994,37 +314995,37 +314996,37 +314997,37 +314998,37 +314999,37 +315000,25 +315001,2 +315002,2 +315003,2 +315004,2 +315005,2 +315006,4 +315007,4 +315008,0 +315009,4 +315010,4 +315011,4 +315012,4 +315013,4 +315014,4 +315015,0 +315016,0 +315017,19 +315018,0 +315019,0 +315020,0 +315021,0 +315022,0 +315023,0 +315024,0 +315025,0 +315026,15 +315027,15 +315028,15 +315029,15 +315030,15 +315031,0 +315032,15 +315033,15 +315034,15 +315035,10 +315036,31 +315037,31 +315038,31 +315039,31 +315040,31 +315041,31 +315042,31 +315043,31 +315044,31 +315045,31 +315046,31 +315047,30 +315048,30 +315049,30 +315050,30 +315051,30 +315052,30 +315053,30 +315054,30 +315055,27 +315056,27 +315057,9 +315058,9 +315059,9 +315060,30 +315061,31 +315062,31 +315063,31 +315064,31 +315065,33 +315066,33 +315067,30 +315068,30 +315069,33 +315070,33 +315071,33 +315072,37 +315073,37 +315074,37 +315075,37 +315076,37 +315077,37 +315078,37 +315079,37 +315080,37 +315081,37 +315082,33 +315083,33 +315084,33 +315085,33 +315086,33 +315087,33 +315088,33 +315089,33 +315090,33 +315091,33 +315092,33 +315093,33 +315094,33 +315095,33 +315096,33 +315097,8 +315098,8 +315099,8 +315100,8 +315101,8 +315102,15 +315103,15 +315104,15 +315105,15 +315106,15 +315107,15 +315108,15 +315109,15 +315110,15 +315111,15 +315112,31 +315113,31 +315114,22 +315115,33 +315116,27 +315117,27 +315118,27 +315119,27 +315120,27 +315121,27 +315122,27 +315123,11 +315124,11 +315125,11 +315126,11 +315127,11 +315128,11 +315129,11 +315130,11 +315131,11 +315132,11 +315133,16 +315134,16 +315135,16 +315136,16 +315137,16 +315138,12 +315139,12 +315140,12 +315141,12 +315142,12 +315143,12 +315144,12 +315145,12 +315146,12 +315147,12 +315148,12 +315149,27 +315150,27 +315151,38 +315152,38 +315153,38 +315154,38 +315155,38 +315156,38 +315157,29 +315158,38 +315159,0 +315160,0 +315161,0 +315162,0 +315163,0 +315164,29 +315165,29 +315166,0 +315167,9 +315168,9 +315169,9 +315170,9 +315171,9 +315172,9 +315173,9 +315174,9 +315175,9 +315176,9 +315177,9 +315178,5 +315179,5 +315180,5 +315181,5 +315182,5 +315183,5 +315184,5 +315185,5 +315186,5 +315187,5 +315188,5 +315189,37 +315190,37 +315191,37 +315192,37 +315193,37 +315194,37 +315195,37 +315196,37 +315197,37 +315198,37 +315199,37 +315200,37 +315201,33 +315202,33 +315203,33 +315204,33 +315205,33 +315206,33 +315207,30 +315208,33 +315209,33 +315210,33 +315211,33 +315212,33 +315213,33 +315214,33 +315215,33 +315216,33 +315217,33 +315218,27 +315219,8 +315220,8 +315221,8 +315222,8 +315223,26 +315224,26 +315225,26 +315226,26 +315227,26 +315228,26 +315229,26 +315230,26 +315231,26 +315232,26 +315233,26 +315234,26 +315235,26 +315236,26 +315237,26 +315238,26 +315239,5 +315240,5 +315241,5 +315242,5 +315243,5 +315244,5 +315245,5 +315246,5 +315247,5 +315248,5 +315249,19 +315250,19 +315251,19 +315252,19 +315253,19 +315254,19 +315255,4 +315256,19 +315257,19 +315258,19 +315259,19 +315260,19 +315261,19 +315262,0 +315263,4 +315264,4 +315265,4 +315266,0 +315267,0 +315268,0 +315269,0 +315270,0 +315271,0 +315272,0 +315273,0 +315274,0 +315275,0 +315276,0 +315277,0 +315278,0 +315279,0 +315280,0 +315281,0 +315282,0 +315283,0 +315284,0 +315285,0 +315286,0 +315287,0 +315288,0 +315289,0 +315290,0 +315291,0 +315292,0 +315293,0 +315294,0 +315295,0 +315296,0 +315297,0 +315298,0 +315299,0 +315300,0 +315301,0 +315302,0 +315303,0 +315304,0 +315305,0 +315306,0 +315307,0 +315308,0 +315309,0 +315310,0 +315311,0 +315312,0 +315313,0 +315314,0 +315315,0 +315316,28 +315317,28 +315318,28 +315319,28 +315320,28 +315321,28 +315322,28 +315323,28 +315324,10 +315325,10 +315326,10 +315327,10 +315328,10 +315329,10 +315330,10 +315331,4 +315332,37 +315333,37 +315334,37 +315335,25 +315336,25 +315337,40 +315338,40 +315339,40 +315340,40 +315341,24 +315342,24 +315343,24 +315344,24 +315345,24 +315346,24 +315347,28 +315348,28 +315349,28 +315350,28 +315351,28 +315352,28 +315353,28 +315354,28 +315355,3 +315356,3 +315357,3 +315358,3 +315359,3 +315360,3 +315361,3 +315362,3 +315363,3 +315364,3 +315365,30 +315366,30 +315367,30 +315368,30 +315369,30 +315370,2 +315371,2 +315372,2 +315373,2 +315374,2 +315375,2 +315376,2 +315377,2 +315378,2 +315379,2 +315380,32 +315381,32 +315382,32 +315383,32 +315384,32 +315385,32 +315386,32 +315387,32 +315388,40 +315389,40 +315390,40 +315391,40 +315392,36 +315393,36 +315394,36 +315395,40 +315396,40 +315397,36 +315398,36 +315399,8 +315400,8 +315401,8 +315402,8 +315403,8 +315404,28 +315405,28 +315406,28 +315407,28 +315408,28 +315409,28 +315410,26 +315411,26 +315412,26 +315413,26 +315414,26 +315415,26 +315416,26 +315417,26 +315418,37 +315419,37 +315420,5 +315421,37 +315422,29 +315423,5 +315424,5 +315425,31 +315426,31 +315427,31 +315428,35 +315429,6 +315430,31 +315431,6 +315432,6 +315433,6 +315434,6 +315435,6 +315436,6 +315437,35 +315438,33 +315439,33 +315440,33 +315441,33 +315442,30 +315443,30 +315444,39 +315445,39 +315446,39 +315447,39 +315448,39 +315449,39 +315450,39 +315451,39 +315452,39 +315453,39 +315454,39 +315455,39 +315456,39 +315457,39 +315458,0 +315459,0 +315460,0 +315461,0 +315462,0 +315463,0 +315464,0 +315465,0 +315466,0 +315467,0 +315468,0 +315469,0 +315470,0 +315471,0 +315472,0 +315473,0 +315474,0 +315475,0 +315476,0 +315477,0 +315478,0 +315479,0 +315480,0 +315481,0 +315482,0 +315483,0 +315484,0 +315485,0 +315486,0 +315487,0 +315488,0 +315489,0 +315490,0 +315491,0 +315492,0 +315493,0 +315494,0 +315495,0 +315496,0 +315497,0 +315498,0 +315499,0 +315500,0 +315501,0 +315502,0 +315503,0 +315504,0 +315505,0 +315506,0 +315507,0 +315508,0 +315509,0 +315510,0 +315511,0 +315512,0 +315513,0 +315514,0 +315515,0 +315516,0 +315517,0 +315518,0 +315519,0 +315520,10 +315521,10 +315522,10 +315523,10 +315524,10 +315525,10 +315526,10 +315527,10 +315528,10 +315529,10 +315530,10 +315531,10 +315532,37 +315533,37 +315534,37 +315535,37 +315536,37 +315537,37 +315538,39 +315539,39 +315540,39 +315541,39 +315542,39 +315543,39 +315544,14 +315545,14 +315546,14 +315547,14 +315548,14 +315549,14 +315550,5 +315551,5 +315552,5 +315553,5 +315554,5 +315555,5 +315556,5 +315557,5 +315558,5 +315559,5 +315560,5 +315561,5 +315562,13 +315563,13 +315564,13 +315565,5 +315566,0 +315567,0 +315568,0 +315569,0 +315570,0 +315571,0 +315572,0 +315573,0 +315574,0 +315575,0 +315576,0 +315577,0 +315578,0 +315579,0 +315580,0 +315581,0 +315582,0 +315583,0 +315584,0 +315585,0 +315586,0 +315587,0 +315588,0 +315589,0 +315590,0 +315591,0 +315592,0 +315593,0 +315594,0 +315595,0 +315596,0 +315597,0 +315598,0 +315599,0 +315600,0 +315601,0 +315602,0 +315603,0 +315604,0 +315605,0 +315606,0 +315607,0 +315608,0 +315609,0 +315610,0 +315611,0 +315612,0 +315613,0 +315614,0 +315615,0 +315616,0 +315617,0 +315618,0 +315619,0 +315620,0 +315621,0 +315622,0 +315623,0 +315624,0 +315625,0 +315626,0 +315627,0 +315628,0 +315629,0 +315630,0 +315631,28 +315632,28 +315633,28 +315634,28 +315635,28 +315636,28 +315637,28 +315638,28 +315639,28 +315640,14 +315641,14 +315642,14 +315643,14 +315644,14 +315645,5 +315646,5 +315647,5 +315648,5 +315649,5 +315650,39 +315651,39 +315652,39 +315653,39 +315654,39 +315655,14 +315656,14 +315657,14 +315658,14 +315659,14 +315660,14 +315661,14 +315662,14 +315663,14 +315664,5 +315665,5 +315666,5 +315667,5 +315668,5 +315669,5 +315670,5 +315671,2 +315672,2 +315673,2 +315674,2 +315675,2 +315676,2 +315677,2 +315678,2 +315679,2 +315680,2 +315681,2 +315682,31 +315683,31 +315684,31 +315685,5 +315686,5 +315687,5 +315688,5 +315689,5 +315690,5 +315691,5 +315692,2 +315693,2 +315694,2 +315695,2 +315696,2 +315697,2 +315698,2 +315699,27 +315700,27 +315701,27 +315702,27 +315703,27 +315704,27 +315705,8 +315706,8 +315707,8 +315708,8 +315709,8 +315710,8 +315711,8 +315712,31 +315713,31 +315714,31 +315715,31 +315716,31 +315717,31 +315718,31 +315719,23 +315720,23 +315721,23 +315722,23 +315723,23 +315724,23 +315725,23 +315726,23 +315727,23 +315728,23 +315729,23 +315730,23 +315731,23 +315732,23 +315733,23 +315734,37 +315735,37 +315736,37 +315737,37 +315738,9 +315739,9 +315740,9 +315741,9 +315742,9 +315743,9 +315744,9 +315745,9 +315746,9 +315747,9 +315748,9 +315749,9 +315750,13 +315751,13 +315752,13 +315753,13 +315754,13 +315755,13 +315756,13 +315757,13 +315758,13 +315759,28 +315760,2 +315761,2 +315762,2 +315763,2 +315764,2 +315765,31 +315766,31 +315767,31 +315768,31 +315769,31 +315770,12 +315771,12 +315772,12 +315773,12 +315774,12 +315775,12 +315776,12 +315777,12 +315778,25 +315779,25 +315780,25 +315781,25 +315782,25 +315783,25 +315784,25 +315785,2 +315786,2 +315787,2 +315788,2 +315789,2 +315790,2 +315791,2 +315792,2 +315793,2 +315794,2 +315795,39 +315796,39 +315797,39 +315798,39 +315799,39 +315800,39 +315801,14 +315802,39 +315803,5 +315804,5 +315805,5 +315806,5 +315807,5 +315808,19 +315809,19 +315810,3 +315811,3 +315812,3 +315813,3 +315814,3 +315815,3 +315816,23 +315817,23 +315818,23 +315819,23 +315820,23 +315821,23 +315822,23 +315823,23 +315824,23 +315825,23 +315826,9 +315827,9 +315828,9 +315829,9 +315830,9 +315831,26 +315832,9 +315833,9 +315834,9 +315835,9 +315836,9 +315837,30 +315838,30 +315839,30 +315840,30 +315841,30 +315842,30 +315843,30 +315844,23 +315845,23 +315846,23 +315847,23 +315848,23 +315849,23 +315850,23 +315851,23 +315852,25 +315853,25 +315854,25 +315855,25 +315856,28 +315857,28 +315858,28 +315859,28 +315860,28 +315861,28 +315862,28 +315863,28 +315864,5 +315865,5 +315866,31 +315867,31 +315868,31 +315869,31 +315870,31 +315871,27 +315872,2 +315873,2 +315874,2 +315875,2 +315876,2 +315877,2 +315878,2 +315879,2 +315880,2 +315881,6 +315882,6 +315883,6 +315884,6 +315885,6 +315886,6 +315887,6 +315888,34 +315889,34 +315890,36 +315891,36 +315892,36 +315893,36 +315894,36 +315895,36 +315896,10 +315897,10 +315898,10 +315899,10 +315900,10 +315901,10 +315902,10 +315903,10 +315904,10 +315905,10 +315906,10 +315907,10 +315908,10 +315909,10 +315910,10 +315911,10 +315912,10 +315913,10 +315914,10 +315915,10 +315916,14 +315917,14 +315918,14 +315919,14 +315920,14 +315921,0 +315922,0 +315923,0 +315924,0 +315925,0 +315926,0 +315927,0 +315928,0 +315929,0 +315930,0 +315931,0 +315932,0 +315933,0 +315934,0 +315935,0 +315936,0 +315937,0 +315938,0 +315939,0 +315940,0 +315941,0 +315942,0 +315943,0 +315944,0 +315945,0 +315946,0 +315947,0 +315948,0 +315949,0 +315950,0 +315951,0 +315952,0 +315953,0 +315954,0 +315955,0 +315956,0 +315957,0 +315958,0 +315959,0 +315960,0 +315961,0 +315962,0 +315963,16 +315964,16 +315965,16 +315966,16 +315967,16 +315968,16 +315969,16 +315970,16 +315971,16 +315972,36 +315973,36 +315974,36 +315975,36 +315976,36 +315977,36 +315978,36 +315979,36 +315980,36 +315981,23 +315982,23 +315983,23 +315984,23 +315985,23 +315986,23 +315987,4 +315988,4 +315989,4 +315990,4 +315991,4 +315992,4 +315993,25 +315994,25 +315995,25 +315996,25 +315997,25 +315998,25 +315999,25 +316000,25 +316001,25 +316002,25 +316003,25 +316004,30 +316005,30 +316006,30 +316007,30 +316008,30 +316009,30 +316010,30 +316011,30 +316012,40 +316013,40 +316014,40 +316015,31 +316016,31 +316017,31 +316018,31 +316019,31 +316020,24 +316021,24 +316022,24 +316023,24 +316024,31 +316025,31 +316026,31 +316027,31 +316028,31 +316029,5 +316030,5 +316031,5 +316032,5 +316033,5 +316034,5 +316035,5 +316036,5 +316037,5 +316038,5 +316039,5 +316040,0 +316041,0 +316042,24 +316043,24 +316044,0 +316045,0 +316046,0 +316047,0 +316048,0 +316049,0 +316050,0 +316051,0 +316052,0 +316053,0 +316054,0 +316055,0 +316056,0 +316057,0 +316058,0 +316059,0 +316060,0 +316061,0 +316062,0 +316063,0 +316064,0 +316065,0 +316066,0 +316067,0 +316068,0 +316069,0 +316070,0 +316071,0 +316072,0 +316073,0 +316074,0 +316075,0 +316076,0 +316077,0 +316078,0 +316079,0 +316080,0 +316081,0 +316082,0 +316083,0 +316084,0 +316085,0 +316086,0 +316087,0 +316088,0 +316089,0 +316090,0 +316091,0 +316092,0 +316093,0 +316094,0 +316095,0 +316096,0 +316097,0 +316098,0 +316099,0 +316100,0 +316101,0 +316102,0 +316103,0 +316104,0 +316105,0 +316106,0 +316107,0 +316108,0 +316109,0 +316110,0 +316111,0 +316112,0 +316113,0 +316114,0 +316115,0 +316116,0 +316117,0 +316118,0 +316119,0 +316120,0 +316121,0 +316122,0 +316123,0 +316124,0 +316125,0 +316126,0 +316127,0 +316128,0 +316129,0 +316130,0 +316131,0 +316132,0 +316133,0 +316134,0 +316135,0 +316136,0 +316137,0 +316138,0 +316139,0 +316140,0 +316141,0 +316142,0 +316143,0 +316144,0 +316145,0 +316146,0 +316147,0 +316148,0 +316149,0 +316150,0 +316151,0 +316152,0 +316153,0 +316154,0 +316155,0 +316156,0 +316157,0 +316158,0 +316159,0 +316160,0 +316161,0 +316162,0 +316163,0 +316164,0 +316165,0 +316166,0 +316167,0 +316168,0 +316169,27 +316170,27 +316171,27 +316172,27 +316173,27 +316174,27 +316175,27 +316176,27 +316177,27 +316178,27 +316179,27 +316180,27 +316181,27 +316182,27 +316183,27 +316184,14 +316185,14 +316186,14 +316187,14 +316188,14 +316189,14 +316190,8 +316191,8 +316192,8 +316193,8 +316194,8 +316195,8 +316196,8 +316197,8 +316198,8 +316199,8 +316200,12 +316201,12 +316202,12 +316203,12 +316204,12 +316205,27 +316206,27 +316207,27 +316208,27 +316209,27 +316210,27 +316211,38 +316212,38 +316213,38 +316214,38 +316215,38 +316216,38 +316217,38 +316218,38 +316219,6 +316220,6 +316221,6 +316222,6 +316223,6 +316224,6 +316225,6 +316226,6 +316227,6 +316228,6 +316229,31 +316230,31 +316231,31 +316232,5 +316233,5 +316234,5 +316235,5 +316236,5 +316237,5 +316238,2 +316239,2 +316240,2 +316241,2 +316242,2 +316243,2 +316244,2 +316245,2 +316246,2 +316247,2 +316248,2 +316249,27 +316250,27 +316251,27 +316252,27 +316253,27 +316254,4 +316255,4 +316256,25 +316257,25 +316258,1 +316259,25 +316260,25 +316261,25 +316262,25 +316263,25 +316264,25 +316265,25 +316266,25 +316267,25 +316268,25 +316269,25 +316270,15 +316271,15 +316272,15 +316273,15 +316274,15 +316275,15 +316276,15 +316277,31 +316278,31 +316279,31 +316280,31 +316281,31 +316282,31 +316283,31 +316284,15 +316285,30 +316286,29 +316287,15 +316288,19 +316289,29 +316290,31 +316291,31 +316292,31 +316293,27 +316294,31 +316295,31 +316296,31 +316297,23 +316298,23 +316299,23 +316300,23 +316301,23 +316302,23 +316303,23 +316304,23 +316305,23 +316306,22 +316307,22 +316308,22 +316309,22 +316310,22 +316311,6 +316312,6 +316313,6 +316314,6 +316315,6 +316316,6 +316317,6 +316318,6 +316319,6 +316320,9 +316321,9 +316322,9 +316323,9 +316324,9 +316325,30 +316326,30 +316327,30 +316328,30 +316329,30 +316330,30 +316331,4 +316332,4 +316333,4 +316334,4 +316335,4 +316336,4 +316337,4 +316338,4 +316339,4 +316340,27 +316341,27 +316342,39 +316343,39 +316344,39 +316345,39 +316346,29 +316347,29 +316348,29 +316349,29 +316350,29 +316351,29 +316352,31 +316353,31 +316354,31 +316355,31 +316356,31 +316357,40 +316358,31 +316359,31 +316360,31 +316361,4 +316362,4 +316363,19 +316364,10 +316365,10 +316366,10 +316367,10 +316368,10 +316369,10 +316370,10 +316371,10 +316372,10 +316373,10 +316374,10 +316375,10 +316376,25 +316377,25 +316378,12 +316379,12 +316380,25 +316381,25 +316382,25 +316383,25 +316384,25 +316385,25 +316386,25 +316387,25 +316388,25 +316389,28 +316390,28 +316391,28 +316392,28 +316393,28 +316394,28 +316395,28 +316396,28 +316397,40 +316398,40 +316399,40 +316400,27 +316401,40 +316402,40 +316403,28 +316404,28 +316405,28 +316406,28 +316407,28 +316408,28 +316409,15 +316410,15 +316411,15 +316412,15 +316413,37 +316414,37 +316415,25 +316416,25 +316417,25 +316418,25 +316419,25 +316420,25 +316421,25 +316422,25 +316423,25 +316424,29 +316425,29 +316426,29 +316427,29 +316428,29 +316429,29 +316430,39 +316431,39 +316432,39 +316433,39 +316434,39 +316435,39 +316436,39 +316437,39 +316438,39 +316439,39 +316440,37 +316441,37 +316442,37 +316443,37 +316444,25 +316445,25 +316446,25 +316447,37 +316448,37 +316449,37 +316450,37 +316451,37 +316452,37 +316453,37 +316454,27 +316455,27 +316456,27 +316457,27 +316458,27 +316459,18 +316460,18 +316461,18 +316462,18 +316463,18 +316464,18 +316465,18 +316466,18 +316467,31 +316468,31 +316469,31 +316470,5 +316471,5 +316472,5 +316473,5 +316474,9 +316475,9 +316476,9 +316477,9 +316478,9 +316479,9 +316480,9 +316481,9 +316482,9 +316483,33 +316484,33 +316485,33 +316486,1 +316487,1 +316488,1 +316489,1 +316490,1 +316491,1 +316492,1 +316493,1 +316494,1 +316495,1 +316496,1 +316497,1 +316498,1 +316499,1 +316500,1 +316501,25 +316502,25 +316503,25 +316504,25 +316505,25 +316506,25 +316507,25 +316508,25 +316509,25 +316510,25 +316511,25 +316512,25 +316513,25 +316514,25 +316515,25 +316516,25 +316517,25 +316518,25 +316519,25 +316520,25 +316521,25 +316522,25 +316523,25 +316524,31 +316525,31 +316526,31 +316527,31 +316528,31 +316529,31 +316530,31 +316531,31 +316532,24 +316533,24 +316534,24 +316535,24 +316536,24 +316537,24 +316538,24 +316539,24 +316540,24 +316541,24 +316542,24 +316543,28 +316544,28 +316545,28 +316546,28 +316547,28 +316548,28 +316549,28 +316550,10 +316551,10 +316552,10 +316553,10 +316554,10 +316555,10 +316556,10 +316557,10 +316558,10 +316559,10 +316560,15 +316561,15 +316562,15 +316563,15 +316564,15 +316565,15 +316566,15 +316567,15 +316568,15 +316569,39 +316570,39 +316571,39 +316572,39 +316573,39 +316574,39 +316575,39 +316576,39 +316577,39 +316578,39 +316579,39 +316580,39 +316581,39 +316582,39 +316583,39 +316584,27 +316585,27 +316586,13 +316587,13 +316588,13 +316589,13 +316590,13 +316591,13 +316592,13 +316593,13 +316594,13 +316595,13 +316596,13 +316597,13 +316598,13 +316599,13 +316600,13 +316601,0 +316602,0 +316603,0 +316604,0 +316605,0 +316606,0 +316607,0 +316608,0 +316609,0 +316610,0 +316611,0 +316612,0 +316613,0 +316614,0 +316615,0 +316616,0 +316617,0 +316618,0 +316619,0 +316620,0 +316621,0 +316622,0 +316623,0 +316624,0 +316625,0 +316626,0 +316627,0 +316628,0 +316629,0 +316630,0 +316631,0 +316632,0 +316633,0 +316634,0 +316635,0 +316636,0 +316637,0 +316638,0 +316639,0 +316640,0 +316641,0 +316642,0 +316643,0 +316644,0 +316645,0 +316646,0 +316647,0 +316648,0 +316649,0 +316650,0 +316651,0 +316652,0 +316653,0 +316654,0 +316655,0 +316656,0 +316657,0 +316658,0 +316659,0 +316660,0 +316661,0 +316662,0 +316663,0 +316664,15 +316665,15 +316666,15 +316667,15 +316668,15 +316669,15 +316670,15 +316671,15 +316672,15 +316673,15 +316674,15 +316675,15 +316676,15 +316677,10 +316678,10 +316679,10 +316680,10 +316681,10 +316682,10 +316683,10 +316684,5 +316685,5 +316686,29 +316687,29 +316688,29 +316689,29 +316690,31 +316691,31 +316692,31 +316693,31 +316694,31 +316695,12 +316696,12 +316697,12 +316698,12 +316699,12 +316700,12 +316701,12 +316702,12 +316703,12 +316704,14 +316705,14 +316706,14 +316707,14 +316708,14 +316709,14 +316710,14 +316711,14 +316712,14 +316713,14 +316714,14 +316715,14 +316716,14 +316717,14 +316718,14 +316719,14 +316720,14 +316721,14 +316722,14 +316723,14 +316724,14 +316725,14 +316726,14 +316727,14 +316728,14 +316729,14 +316730,14 +316731,14 +316732,39 +316733,39 +316734,39 +316735,39 +316736,14 +316737,14 +316738,27 +316739,27 +316740,27 +316741,27 +316742,27 +316743,27 +316744,27 +316745,23 +316746,23 +316747,23 +316748,23 +316749,23 +316750,23 +316751,23 +316752,23 +316753,23 +316754,23 +316755,39 +316756,39 +316757,7 +316758,3 +316759,3 +316760,3 +316761,3 +316762,3 +316763,3 +316764,3 +316765,12 +316766,12 +316767,12 +316768,3 +316769,3 +316770,3 +316771,35 +316772,35 +316773,22 +316774,22 +316775,19 +316776,19 +316777,19 +316778,19 +316779,19 +316780,5 +316781,5 +316782,5 +316783,5 +316784,5 +316785,5 +316786,5 +316787,5 +316788,5 +316789,5 +316790,33 +316791,33 +316792,33 +316793,33 +316794,33 +316795,33 +316796,33 +316797,33 +316798,33 +316799,33 +316800,29 +316801,29 +316802,29 +316803,29 +316804,29 +316805,31 +316806,31 +316807,31 +316808,31 +316809,31 +316810,31 +316811,2 +316812,2 +316813,2 +316814,2 +316815,2 +316816,2 +316817,2 +316818,2 +316819,2 +316820,4 +316821,4 +316822,4 +316823,4 +316824,4 +316825,4 +316826,37 +316827,37 +316828,37 +316829,39 +316830,39 +316831,39 +316832,39 +316833,14 +316834,14 +316835,14 +316836,14 +316837,14 +316838,14 +316839,5 +316840,5 +316841,5 +316842,5 +316843,5 +316844,18 +316845,18 +316846,18 +316847,16 +316848,16 +316849,16 +316850,16 +316851,12 +316852,12 +316853,12 +316854,12 +316855,12 +316856,12 +316857,12 +316858,12 +316859,12 +316860,14 +316861,14 +316862,14 +316863,14 +316864,14 +316865,14 +316866,14 +316867,17 +316868,27 +316869,27 +316870,27 +316871,27 +316872,27 +316873,27 +316874,24 +316875,24 +316876,24 +316877,24 +316878,24 +316879,24 +316880,21 +316881,21 +316882,21 +316883,21 +316884,21 +316885,40 +316886,40 +316887,40 +316888,40 +316889,40 +316890,40 +316891,4 +316892,4 +316893,4 +316894,4 +316895,4 +316896,4 +316897,4 +316898,4 +316899,4 +316900,27 +316901,13 +316902,13 +316903,13 +316904,13 +316905,13 +316906,13 +316907,13 +316908,13 +316909,40 +316910,40 +316911,40 +316912,31 +316913,31 +316914,31 +316915,31 +316916,31 +316917,6 +316918,6 +316919,6 +316920,6 +316921,6 +316922,6 +316923,6 +316924,6 +316925,6 +316926,6 +316927,6 +316928,6 +316929,6 +316930,6 +316931,27 +316932,7 +316933,7 +316934,27 +316935,27 +316936,27 +316937,27 +316938,27 +316939,5 +316940,5 +316941,5 +316942,5 +316943,5 +316944,5 +316945,29 +316946,29 +316947,31 +316948,31 +316949,31 +316950,31 +316951,31 +316952,28 +316953,28 +316954,28 +316955,28 +316956,28 +316957,28 +316958,28 +316959,28 +316960,28 +316961,28 +316962,26 +316963,26 +316964,26 +316965,26 +316966,26 +316967,26 +316968,9 +316969,13 +316970,13 +316971,13 +316972,13 +316973,13 +316974,13 +316975,13 +316976,13 +316977,13 +316978,13 +316979,13 +316980,13 +316981,2 +316982,2 +316983,2 +316984,2 +316985,2 +316986,2 +316987,2 +316988,2 +316989,2 +316990,2 +316991,2 +316992,2 +316993,2 +316994,2 +316995,33 +316996,33 +316997,33 +316998,33 +316999,33 +317000,33 +317001,33 +317002,33 +317003,33 +317004,33 +317005,33 +317006,23 +317007,23 +317008,23 +317009,23 +317010,23 +317011,24 +317012,23 +317013,23 +317014,23 +317015,23 +317016,23 +317017,30 +317018,30 +317019,30 +317020,30 +317021,30 +317022,30 +317023,30 +317024,36 +317025,36 +317026,36 +317027,36 +317028,36 +317029,36 +317030,26 +317031,26 +317032,4 +317033,4 +317034,4 +317035,4 +317036,5 +317037,5 +317038,5 +317039,5 +317040,5 +317041,5 +317042,5 +317043,5 +317044,5 +317045,33 +317046,33 +317047,33 +317048,33 +317049,33 +317050,33 +317051,33 +317052,33 +317053,33 +317054,33 +317055,33 +317056,33 +317057,2 +317058,2 +317059,2 +317060,2 +317061,4 +317062,2 +317063,2 +317064,2 +317065,2 +317066,2 +317067,31 +317068,31 +317069,31 +317070,31 +317071,32 +317072,32 +317073,32 +317074,32 +317075,32 +317076,32 +317077,32 +317078,32 +317079,32 +317080,39 +317081,39 +317082,39 +317083,39 +317084,39 +317085,39 +317086,39 +317087,39 +317088,39 +317089,39 +317090,39 +317091,32 +317092,32 +317093,32 +317094,32 +317095,32 +317096,32 +317097,32 +317098,22 +317099,22 +317100,22 +317101,22 +317102,22 +317103,22 +317104,33 +317105,30 +317106,30 +317107,30 +317108,33 +317109,33 +317110,33 +317111,33 +317112,33 +317113,33 +317114,33 +317115,33 +317116,33 +317117,0 +317118,0 +317119,0 +317120,0 +317121,0 +317122,0 +317123,0 +317124,0 +317125,0 +317126,0 +317127,0 +317128,0 +317129,0 +317130,7 +317131,7 +317132,7 +317133,7 +317134,7 +317135,7 +317136,7 +317137,7 +317138,7 +317139,3 +317140,3 +317141,28 +317142,28 +317143,28 +317144,28 +317145,28 +317146,28 +317147,28 +317148,31 +317149,31 +317150,31 +317151,31 +317152,31 +317153,31 +317154,2 +317155,2 +317156,2 +317157,2 +317158,2 +317159,2 +317160,4 +317161,4 +317162,4 +317163,4 +317164,4 +317165,4 +317166,37 +317167,37 +317168,37 +317169,39 +317170,39 +317171,39 +317172,39 +317173,39 +317174,39 +317175,39 +317176,19 +317177,19 +317178,19 +317179,19 +317180,19 +317181,29 +317182,29 +317183,29 +317184,31 +317185,31 +317186,31 +317187,15 +317188,15 +317189,15 +317190,15 +317191,15 +317192,15 +317193,15 +317194,15 +317195,35 +317196,35 +317197,33 +317198,33 +317199,33 +317200,33 +317201,33 +317202,33 +317203,33 +317204,33 +317205,33 +317206,33 +317207,33 +317208,33 +317209,33 +317210,22 +317211,22 +317212,6 +317213,6 +317214,30 +317215,30 +317216,30 +317217,0 +317218,32 +317219,0 +317220,0 +317221,0 +317222,0 +317223,0 +317224,0 +317225,0 +317226,0 +317227,0 +317228,0 +317229,0 +317230,0 +317231,0 +317232,0 +317233,23 +317234,23 +317235,23 +317236,23 +317237,23 +317238,23 +317239,23 +317240,23 +317241,23 +317242,23 +317243,36 +317244,36 +317245,36 +317246,36 +317247,36 +317248,36 +317249,36 +317250,36 +317251,13 +317252,13 +317253,5 +317254,5 +317255,5 +317256,5 +317257,19 +317258,19 +317259,19 +317260,19 +317261,31 +317262,31 +317263,31 +317264,27 +317265,31 +317266,31 +317267,8 +317268,31 +317269,31 +317270,31 +317271,31 +317272,40 +317273,40 +317274,40 +317275,40 +317276,40 +317277,37 +317278,37 +317279,37 +317280,37 +317281,37 +317282,16 +317283,16 +317284,16 +317285,16 +317286,16 +317287,16 +317288,16 +317289,16 +317290,16 +317291,16 +317292,16 +317293,25 +317294,25 +317295,37 +317296,37 +317297,25 +317298,25 +317299,25 +317300,25 +317301,2 +317302,2 +317303,2 +317304,2 +317305,2 +317306,2 +317307,2 +317308,2 +317309,2 +317310,2 +317311,2 +317312,2 +317313,2 +317314,2 +317315,31 +317316,9 +317317,9 +317318,9 +317319,9 +317320,9 +317321,9 +317322,9 +317323,26 +317324,9 +317325,9 +317326,9 +317327,9 +317328,9 +317329,9 +317330,9 +317331,23 +317332,23 +317333,23 +317334,23 +317335,23 +317336,23 +317337,23 +317338,23 +317339,23 +317340,23 +317341,23 +317342,23 +317343,7 +317344,7 +317345,7 +317346,3 +317347,3 +317348,3 +317349,3 +317350,3 +317351,5 +317352,5 +317353,5 +317354,5 +317355,5 +317356,5 +317357,5 +317358,5 +317359,40 +317360,40 +317361,40 +317362,40 +317363,40 +317364,40 +317365,40 +317366,24 +317367,24 +317368,24 +317369,24 +317370,24 +317371,24 +317372,25 +317373,25 +317374,25 +317375,25 +317376,25 +317377,25 +317378,25 +317379,25 +317380,25 +317381,25 +317382,25 +317383,25 +317384,0 +317385,0 +317386,0 +317387,0 +317388,0 +317389,0 +317390,36 +317391,36 +317392,36 +317393,36 +317394,36 +317395,36 +317396,36 +317397,36 +317398,36 +317399,36 +317400,36 +317401,36 +317402,36 +317403,36 +317404,36 +317405,36 +317406,36 +317407,36 +317408,36 +317409,36 +317410,36 +317411,5 +317412,5 +317413,5 +317414,5 +317415,5 +317416,5 +317417,5 +317418,5 +317419,5 +317420,5 +317421,5 +317422,5 +317423,0 +317424,0 +317425,0 +317426,0 +317427,0 +317428,0 +317429,0 +317430,0 +317431,0 +317432,0 +317433,0 +317434,0 +317435,0 +317436,0 +317437,0 +317438,0 +317439,0 +317440,0 +317441,0 +317442,0 +317443,0 +317444,0 +317445,0 +317446,0 +317447,0 +317448,0 +317449,0 +317450,0 +317451,0 +317452,0 +317453,0 +317454,0 +317455,0 +317456,0 +317457,0 +317458,0 +317459,0 +317460,0 +317461,0 +317462,0 +317463,0 +317464,0 +317465,0 +317466,0 +317467,0 +317468,0 +317469,0 +317470,0 +317471,0 +317472,0 +317473,0 +317474,0 +317475,0 +317476,0 +317477,0 +317478,0 +317479,0 +317480,0 +317481,0 +317482,0 +317483,0 +317484,0 +317485,0 +317486,0 +317487,0 +317488,0 +317489,0 +317490,0 +317491,0 +317492,0 +317493,0 +317494,0 +317495,0 +317496,0 +317497,0 +317498,0 +317499,15 +317500,15 +317501,15 +317502,15 +317503,39 +317504,39 +317505,39 +317506,39 +317507,39 +317508,39 +317509,39 +317510,39 +317511,39 +317512,39 +317513,39 +317514,39 +317515,39 +317516,39 +317517,39 +317518,39 +317519,39 +317520,39 +317521,39 +317522,39 +317523,39 +317524,27 +317525,27 +317526,27 +317527,13 +317528,13 +317529,13 +317530,13 +317531,13 +317532,13 +317533,13 +317534,13 +317535,13 +317536,13 +317537,36 +317538,36 +317539,36 +317540,36 +317541,36 +317542,36 +317543,36 +317544,36 +317545,36 +317546,5 +317547,5 +317548,5 +317549,5 +317550,5 +317551,4 +317552,4 +317553,4 +317554,4 +317555,4 +317556,4 +317557,4 +317558,4 +317559,4 +317560,4 +317561,27 +317562,27 +317563,27 +317564,27 +317565,31 +317566,21 +317567,21 +317568,21 +317569,21 +317570,21 +317571,21 +317572,21 +317573,27 +317574,27 +317575,27 +317576,5 +317577,5 +317578,5 +317579,5 +317580,5 +317581,5 +317582,27 +317583,27 +317584,27 +317585,27 +317586,27 +317587,27 +317588,27 +317589,31 +317590,2 +317591,2 +317592,2 +317593,2 +317594,2 +317595,2 +317596,2 +317597,2 +317598,2 +317599,31 +317600,31 +317601,31 +317602,31 +317603,31 +317604,31 +317605,31 +317606,30 +317607,30 +317608,30 +317609,30 +317610,30 +317611,12 +317612,12 +317613,12 +317614,12 +317615,12 +317616,12 +317617,12 +317618,12 +317619,12 +317620,14 +317621,14 +317622,14 +317623,14 +317624,14 +317625,14 +317626,14 +317627,14 +317628,14 +317629,39 +317630,14 +317631,14 +317632,39 +317633,31 +317634,31 +317635,31 +317636,31 +317637,5 +317638,5 +317639,5 +317640,28 +317641,28 +317642,5 +317643,5 +317644,5 +317645,5 +317646,28 +317647,32 +317648,32 +317649,32 +317650,32 +317651,15 +317652,15 +317653,15 +317654,26 +317655,26 +317656,26 +317657,26 +317658,26 +317659,26 +317660,26 +317661,26 +317662,26 +317663,26 +317664,26 +317665,26 +317666,26 +317667,26 +317668,26 +317669,26 +317670,26 +317671,26 +317672,26 +317673,26 +317674,26 +317675,26 +317676,26 +317677,5 +317678,5 +317679,5 +317680,5 +317681,5 +317682,5 +317683,2 +317684,2 +317685,2 +317686,2 +317687,2 +317688,2 +317689,2 +317690,2 +317691,2 +317692,4 +317693,4 +317694,4 +317695,4 +317696,4 +317697,4 +317698,4 +317699,4 +317700,4 +317701,4 +317702,4 +317703,36 +317704,36 +317705,36 +317706,36 +317707,36 +317708,36 +317709,36 +317710,36 +317711,36 +317712,36 +317713,36 +317714,36 +317715,36 +317716,36 +317717,5 +317718,5 +317719,5 +317720,5 +317721,5 +317722,5 +317723,4 +317724,4 +317725,4 +317726,4 +317727,4 +317728,4 +317729,4 +317730,4 +317731,4 +317732,27 +317733,27 +317734,31 +317735,31 +317736,5 +317737,5 +317738,5 +317739,5 +317740,5 +317741,5 +317742,39 +317743,39 +317744,39 +317745,39 +317746,39 +317747,39 +317748,39 +317749,39 +317750,39 +317751,39 +317752,39 +317753,39 +317754,39 +317755,39 +317756,39 +317757,39 +317758,39 +317759,39 +317760,0 +317761,0 +317762,0 +317763,0 +317764,0 +317765,0 +317766,0 +317767,0 +317768,0 +317769,0 +317770,0 +317771,0 +317772,0 +317773,0 +317774,0 +317775,0 +317776,0 +317777,0 +317778,0 +317779,0 +317780,0 +317781,0 +317782,0 +317783,0 +317784,0 +317785,0 +317786,0 +317787,0 +317788,0 +317789,0 +317790,0 +317791,0 +317792,0 +317793,0 +317794,0 +317795,0 +317796,0 +317797,0 +317798,0 +317799,0 +317800,0 +317801,0 +317802,0 +317803,0 +317804,0 +317805,0 +317806,0 +317807,0 +317808,0 +317809,29 +317810,29 +317811,29 +317812,29 +317813,29 +317814,29 +317815,29 +317816,29 +317817,14 +317818,14 +317819,40 +317820,40 +317821,27 +317822,27 +317823,27 +317824,27 +317825,27 +317826,27 +317827,40 +317828,40 +317829,40 +317830,5 +317831,5 +317832,5 +317833,5 +317834,5 +317835,5 +317836,5 +317837,5 +317838,5 +317839,19 +317840,19 +317841,19 +317842,19 +317843,19 +317844,27 +317845,27 +317846,3 +317847,27 +317848,27 +317849,27 +317850,27 +317851,3 +317852,19 +317853,19 +317854,19 +317855,19 +317856,19 +317857,19 +317858,19 +317859,19 +317860,39 +317861,39 +317862,39 +317863,39 +317864,39 +317865,39 +317866,39 +317867,39 +317868,39 +317869,39 +317870,39 +317871,39 +317872,39 +317873,39 +317874,39 +317875,39 +317876,36 +317877,36 +317878,36 +317879,36 +317880,36 +317881,36 +317882,36 +317883,36 +317884,36 +317885,36 +317886,36 +317887,36 +317888,36 +317889,6 +317890,6 +317891,6 +317892,6 +317893,6 +317894,6 +317895,6 +317896,2 +317897,2 +317898,2 +317899,2 +317900,2 +317901,2 +317902,2 +317903,2 +317904,2 +317905,2 +317906,2 +317907,2 +317908,2 +317909,21 +317910,21 +317911,21 +317912,21 +317913,21 +317914,37 +317915,37 +317916,37 +317917,37 +317918,37 +317919,37 +317920,37 +317921,14 +317922,14 +317923,14 +317924,39 +317925,27 +317926,27 +317927,13 +317928,13 +317929,5 +317930,5 +317931,5 +317932,5 +317933,5 +317934,5 +317935,35 +317936,35 +317937,35 +317938,35 +317939,35 +317940,35 +317941,35 +317942,35 +317943,35 +317944,27 +317945,27 +317946,27 +317947,27 +317948,27 +317949,28 +317950,28 +317951,28 +317952,28 +317953,28 +317954,28 +317955,28 +317956,28 +317957,28 +317958,28 +317959,28 +317960,4 +317961,4 +317962,4 +317963,4 +317964,4 +317965,4 +317966,4 +317967,4 +317968,4 +317969,4 +317970,4 +317971,4 +317972,4 +317973,3 +317974,3 +317975,3 +317976,3 +317977,3 +317978,3 +317979,3 +317980,3 +317981,3 +317982,3 +317983,3 +317984,3 +317985,3 +317986,3 +317987,3 +317988,3 +317989,31 +317990,8 +317991,8 +317992,8 +317993,8 +317994,8 +317995,8 +317996,8 +317997,8 +317998,8 +317999,8 +318000,8 +318001,36 +318002,36 +318003,36 +318004,36 +318005,36 +318006,36 +318007,36 +318008,36 +318009,36 +318010,36 +318011,36 +318012,36 +318013,36 +318014,36 +318015,5 +318016,5 +318017,5 +318018,5 +318019,5 +318020,5 +318021,5 +318022,5 +318023,5 +318024,5 +318025,5 +318026,5 +318027,5 +318028,5 +318029,5 +318030,5 +318031,19 +318032,19 +318033,19 +318034,19 +318035,0 +318036,0 +318037,0 +318038,0 +318039,0 +318040,0 +318041,0 +318042,0 +318043,0 +318044,0 +318045,0 +318046,0 +318047,0 +318048,0 +318049,0 +318050,0 +318051,0 +318052,0 +318053,0 +318054,0 +318055,0 +318056,0 +318057,0 +318058,0 +318059,0 +318060,0 +318061,0 +318062,0 +318063,0 +318064,0 +318065,0 +318066,0 +318067,0 +318068,0 +318069,0 +318070,0 +318071,0 +318072,0 +318073,0 +318074,0 +318075,0 +318076,0 +318077,0 +318078,0 +318079,0 +318080,0 +318081,0 +318082,0 +318083,0 +318084,0 +318085,0 +318086,0 +318087,0 +318088,0 +318089,0 +318090,0 +318091,0 +318092,0 +318093,0 +318094,0 +318095,19 +318096,19 +318097,5 +318098,5 +318099,5 +318100,5 +318101,5 +318102,5 +318103,5 +318104,5 +318105,19 +318106,19 +318107,19 +318108,19 +318109,19 +318110,12 +318111,12 +318112,12 +318113,12 +318114,12 +318115,12 +318116,12 +318117,12 +318118,12 +318119,39 +318120,39 +318121,39 +318122,39 +318123,39 +318124,39 +318125,39 +318126,39 +318127,32 +318128,32 +318129,32 +318130,32 +318131,32 +318132,32 +318133,32 +318134,36 +318135,40 +318136,26 +318137,40 +318138,37 +318139,37 +318140,36 +318141,36 +318142,37 +318143,26 +318144,26 +318145,37 +318146,37 +318147,37 +318148,37 +318149,37 +318150,37 +318151,2 +318152,2 +318153,2 +318154,2 +318155,2 +318156,2 +318157,2 +318158,2 +318159,2 +318160,2 +318161,4 +318162,4 +318163,4 +318164,4 +318165,4 +318166,4 +318167,9 +318168,9 +318169,9 +318170,9 +318171,9 +318172,9 +318173,9 +318174,9 +318175,9 +318176,9 +318177,9 +318178,9 +318179,9 +318180,34 +318181,34 +318182,37 +318183,37 +318184,37 +318185,37 +318186,37 +318187,31 +318188,5 +318189,5 +318190,5 +318191,5 +318192,5 +318193,5 +318194,5 +318195,5 +318196,5 +318197,28 +318198,28 +318199,28 +318200,28 +318201,28 +318202,28 +318203,0 +318204,28 +318205,28 +318206,28 +318207,5 +318208,0 +318209,0 +318210,0 +318211,0 +318212,0 +318213,0 +318214,0 +318215,0 +318216,0 +318217,0 +318218,0 +318219,0 +318220,0 +318221,0 +318222,0 +318223,0 +318224,0 +318225,0 +318226,0 +318227,0 +318228,0 +318229,0 +318230,0 +318231,0 +318232,0 +318233,0 +318234,0 +318235,0 +318236,0 +318237,0 +318238,0 +318239,0 +318240,0 +318241,0 +318242,0 +318243,0 +318244,0 +318245,0 +318246,0 +318247,0 +318248,0 +318249,0 +318250,0 +318251,0 +318252,0 +318253,0 +318254,0 +318255,0 +318256,0 +318257,0 +318258,0 +318259,0 +318260,0 +318261,0 +318262,0 +318263,0 +318264,0 +318265,0 +318266,0 +318267,0 +318268,0 +318269,0 +318270,0 +318271,0 +318272,0 +318273,0 +318274,0 +318275,0 +318276,0 +318277,0 +318278,0 +318279,0 +318280,0 +318281,0 +318282,0 +318283,0 +318284,0 +318285,0 +318286,0 +318287,0 +318288,0 +318289,0 +318290,0 +318291,0 +318292,0 +318293,0 +318294,0 +318295,0 +318296,0 +318297,0 +318298,0 +318299,0 +318300,0 +318301,0 +318302,0 +318303,0 +318304,0 +318305,0 +318306,0 +318307,0 +318308,0 +318309,0 +318310,0 +318311,0 +318312,0 +318313,0 +318314,0 +318315,5 +318316,5 +318317,5 +318318,5 +318319,5 +318320,5 +318321,5 +318322,26 +318323,26 +318324,26 +318325,26 +318326,26 +318327,34 +318328,33 +318329,33 +318330,33 +318331,10 +318332,34 +318333,34 +318334,34 +318335,34 +318336,34 +318337,34 +318338,34 +318339,33 +318340,33 +318341,33 +318342,2 +318343,2 +318344,2 +318345,2 +318346,2 +318347,2 +318348,2 +318349,2 +318350,2 +318351,2 +318352,2 +318353,2 +318354,2 +318355,2 +318356,2 +318357,2 +318358,27 +318359,27 +318360,27 +318361,27 +318362,27 +318363,27 +318364,27 +318365,27 +318366,27 +318367,27 +318368,37 +318369,37 +318370,37 +318371,37 +318372,37 +318373,37 +318374,37 +318375,37 +318376,37 +318377,25 +318378,25 +318379,25 +318380,25 +318381,25 +318382,25 +318383,25 +318384,25 +318385,25 +318386,25 +318387,25 +318388,25 +318389,25 +318390,25 +318391,8 +318392,8 +318393,2 +318394,2 +318395,2 +318396,2 +318397,2 +318398,8 +318399,8 +318400,2 +318401,8 +318402,8 +318403,8 +318404,2 +318405,2 +318406,2 +318407,2 +318408,8 +318409,8 +318410,8 +318411,2 +318412,2 +318413,2 +318414,2 +318415,2 +318416,2 +318417,2 +318418,2 +318419,0 +318420,0 +318421,0 +318422,0 +318423,0 +318424,0 +318425,0 +318426,0 +318427,0 +318428,0 +318429,0 +318430,0 +318431,0 +318432,0 +318433,0 +318434,0 +318435,0 +318436,0 +318437,0 +318438,0 +318439,0 +318440,0 +318441,0 +318442,0 +318443,0 +318444,0 +318445,0 +318446,0 +318447,0 +318448,0 +318449,0 +318450,0 +318451,0 +318452,0 +318453,0 +318454,0 +318455,0 +318456,0 +318457,0 +318458,0 +318459,0 +318460,0 +318461,0 +318462,0 +318463,0 +318464,0 +318465,0 +318466,0 +318467,0 +318468,0 +318469,0 +318470,0 +318471,0 +318472,0 +318473,0 +318474,0 +318475,0 +318476,0 +318477,0 +318478,0 +318479,0 +318480,0 +318481,0 +318482,0 +318483,0 +318484,0 +318485,0 +318486,2 +318487,2 +318488,2 +318489,2 +318490,2 +318491,2 +318492,2 +318493,2 +318494,2 +318495,2 +318496,2 +318497,2 +318498,2 +318499,33 +318500,33 +318501,33 +318502,33 +318503,33 +318504,33 +318505,33 +318506,33 +318507,33 +318508,33 +318509,27 +318510,27 +318511,17 +318512,17 +318513,17 +318514,17 +318515,2 +318516,2 +318517,2 +318518,2 +318519,2 +318520,2 +318521,2 +318522,2 +318523,2 +318524,2 +318525,40 +318526,40 +318527,40 +318528,40 +318529,40 +318530,40 +318531,19 +318532,19 +318533,19 +318534,19 +318535,19 +318536,19 +318537,19 +318538,19 +318539,19 +318540,19 +318541,27 +318542,27 +318543,27 +318544,27 +318545,27 +318546,27 +318547,27 +318548,27 +318549,27 +318550,35 +318551,35 +318552,35 +318553,35 +318554,35 +318555,35 +318556,35 +318557,27 +318558,27 +318559,27 +318560,27 +318561,27 +318562,27 +318563,27 +318564,28 +318565,28 +318566,28 +318567,28 +318568,28 +318569,28 +318570,28 +318571,28 +318572,5 +318573,5 +318574,28 +318575,28 +318576,28 +318577,28 +318578,28 +318579,5 +318580,5 +318581,5 +318582,0 +318583,5 +318584,0 +318585,0 +318586,0 +318587,0 +318588,0 +318589,0 +318590,0 +318591,0 +318592,0 +318593,0 +318594,0 +318595,0 +318596,0 +318597,0 +318598,0 +318599,0 +318600,0 +318601,0 +318602,0 +318603,0 +318604,0 +318605,0 +318606,0 +318607,0 +318608,0 +318609,0 +318610,0 +318611,0 +318612,0 +318613,0 +318614,0 +318615,0 +318616,0 +318617,0 +318618,0 +318619,0 +318620,0 +318621,0 +318622,0 +318623,0 +318624,0 +318625,0 +318626,0 +318627,0 +318628,0 +318629,0 +318630,6 +318631,6 +318632,6 +318633,34 +318634,26 +318635,26 +318636,26 +318637,26 +318638,26 +318639,26 +318640,30 +318641,30 +318642,30 +318643,30 +318644,30 +318645,30 +318646,30 +318647,30 +318648,30 +318649,30 +318650,31 +318651,31 +318652,33 +318653,33 +318654,31 +318655,33 +318656,5 +318657,5 +318658,5 +318659,5 +318660,5 +318661,31 +318662,21 +318663,21 +318664,21 +318665,21 +318666,21 +318667,21 +318668,21 +318669,27 +318670,27 +318671,27 +318672,27 +318673,27 +318674,24 +318675,24 +318676,24 +318677,24 +318678,24 +318679,24 +318680,24 +318681,24 +318682,24 +318683,39 +318684,39 +318685,39 +318686,39 +318687,39 +318688,39 +318689,39 +318690,39 +318691,35 +318692,39 +318693,39 +318694,35 +318695,35 +318696,35 +318697,35 +318698,35 +318699,35 +318700,35 +318701,40 +318702,40 +318703,40 +318704,40 +318705,40 +318706,30 +318707,30 +318708,30 +318709,30 +318710,30 +318711,30 +318712,30 +318713,30 +318714,30 +318715,30 +318716,30 +318717,38 +318718,38 +318719,38 +318720,38 +318721,38 +318722,38 +318723,38 +318724,38 +318725,38 +318726,38 +318727,38 +318728,38 +318729,38 +318730,38 +318731,38 +318732,38 +318733,0 +318734,0 +318735,0 +318736,0 +318737,0 +318738,0 +318739,0 +318740,0 +318741,0 +318742,0 +318743,0 +318744,0 +318745,0 +318746,0 +318747,0 +318748,0 +318749,0 +318750,0 +318751,0 +318752,0 +318753,0 +318754,0 +318755,0 +318756,0 +318757,0 +318758,0 +318759,0 +318760,0 +318761,0 +318762,0 +318763,0 +318764,0 +318765,0 +318766,0 +318767,0 +318768,0 +318769,0 +318770,0 +318771,0 +318772,0 +318773,0 +318774,0 +318775,0 +318776,0 +318777,0 +318778,0 +318779,0 +318780,0 +318781,0 +318782,0 +318783,0 +318784,0 +318785,0 +318786,0 +318787,0 +318788,0 +318789,0 +318790,0 +318791,0 +318792,0 +318793,0 +318794,0 +318795,0 +318796,0 +318797,0 +318798,0 +318799,15 +318800,15 +318801,15 +318802,15 +318803,15 +318804,15 +318805,31 +318806,31 +318807,31 +318808,4 +318809,4 +318810,4 +318811,4 +318812,31 +318813,31 +318814,31 +318815,31 +318816,31 +318817,31 +318818,5 +318819,28 +318820,5 +318821,5 +318822,5 +318823,5 +318824,5 +318825,5 +318826,5 +318827,10 +318828,10 +318829,10 +318830,10 +318831,10 +318832,10 +318833,10 +318834,10 +318835,29 +318836,29 +318837,29 +318838,29 +318839,29 +318840,29 +318841,29 +318842,29 +318843,25 +318844,25 +318845,25 +318846,25 +318847,25 +318848,25 +318849,37 +318850,12 +318851,12 +318852,12 +318853,37 +318854,37 +318855,37 +318856,37 +318857,12 +318858,12 +318859,12 +318860,22 +318861,31 +318862,31 +318863,31 +318864,31 +318865,31 +318866,28 +318867,28 +318868,28 +318869,28 +318870,28 +318871,29 +318872,27 +318873,31 +318874,27 +318875,27 +318876,5 +318877,5 +318878,5 +318879,5 +318880,5 +318881,5 +318882,5 +318883,5 +318884,5 +318885,5 +318886,28 +318887,28 +318888,28 +318889,28 +318890,28 +318891,13 +318892,13 +318893,13 +318894,13 +318895,0 +318896,0 +318897,0 +318898,0 +318899,0 +318900,0 +318901,0 +318902,0 +318903,0 +318904,0 +318905,23 +318906,0 +318907,2 +318908,2 +318909,2 +318910,2 +318911,2 +318912,2 +318913,12 +318914,4 +318915,9 +318916,12 +318917,12 +318918,9 +318919,9 +318920,9 +318921,9 +318922,9 +318923,37 +318924,37 +318925,37 +318926,37 +318927,35 +318928,35 +318929,37 +318930,37 +318931,27 +318932,27 +318933,27 +318934,25 +318935,25 +318936,27 +318937,29 +318938,29 +318939,29 +318940,19 +318941,29 +318942,29 +318943,29 +318944,29 +318945,29 +318946,29 +318947,31 +318948,31 +318949,31 +318950,31 +318951,31 +318952,21 +318953,21 +318954,21 +318955,21 +318956,21 +318957,6 +318958,7 +318959,7 +318960,7 +318961,7 +318962,6 +318963,6 +318964,31 +318965,5 +318966,5 +318967,5 +318968,5 +318969,5 +318970,5 +318971,5 +318972,13 +318973,38 +318974,38 +318975,38 +318976,38 +318977,38 +318978,38 +318979,38 +318980,1 +318981,29 +318982,25 +318983,27 +318984,27 +318985,39 +318986,39 +318987,39 +318988,39 +318989,11 +318990,11 +318991,11 +318992,11 +318993,11 +318994,11 +318995,11 +318996,11 +318997,11 +318998,11 +318999,11 +319000,11 +319001,11 +319002,31 +319003,31 +319004,5 +319005,5 +319006,5 +319007,5 +319008,5 +319009,31 +319010,31 +319011,31 +319012,27 +319013,27 +319014,27 +319015,13 +319016,23 +319017,23 +319018,23 +319019,23 +319020,23 +319021,23 +319022,23 +319023,23 +319024,35 +319025,35 +319026,25 +319027,25 +319028,25 +319029,25 +319030,25 +319031,25 +319032,28 +319033,28 +319034,28 +319035,28 +319036,28 +319037,28 +319038,28 +319039,28 +319040,28 +319041,28 +319042,28 +319043,28 +319044,26 +319045,26 +319046,26 +319047,26 +319048,26 +319049,26 +319050,9 +319051,9 +319052,9 +319053,9 +319054,9 +319055,5 +319056,5 +319057,5 +319058,5 +319059,5 +319060,5 +319061,5 +319062,2 +319063,2 +319064,2 +319065,2 +319066,2 +319067,2 +319068,2 +319069,4 +319070,4 +319071,4 +319072,4 +319073,4 +319074,4 +319075,37 +319076,37 +319077,37 +319078,37 +319079,27 +319080,27 +319081,27 +319082,27 +319083,27 +319084,2 +319085,2 +319086,8 +319087,8 +319088,8 +319089,8 +319090,8 +319091,8 +319092,8 +319093,8 +319094,2 +319095,2 +319096,2 +319097,2 +319098,19 +319099,19 +319100,19 +319101,27 +319102,27 +319103,27 +319104,27 +319105,27 +319106,27 +319107,8 +319108,8 +319109,8 +319110,8 +319111,8 +319112,8 +319113,8 +319114,8 +319115,2 +319116,8 +319117,34 +319118,33 +319119,33 +319120,33 +319121,9 +319122,9 +319123,13 +319124,13 +319125,13 +319126,13 +319127,13 +319128,30 +319129,33 +319130,33 +319131,27 +319132,27 +319133,27 +319134,27 +319135,27 +319136,27 +319137,27 +319138,14 +319139,14 +319140,14 +319141,5 +319142,5 +319143,5 +319144,5 +319145,13 +319146,13 +319147,13 +319148,13 +319149,13 +319150,13 +319151,13 +319152,13 +319153,13 +319154,13 +319155,13 +319156,0 +319157,0 +319158,0 +319159,0 +319160,0 +319161,0 +319162,0 +319163,0 +319164,0 +319165,0 +319166,0 +319167,0 +319168,0 +319169,0 +319170,0 +319171,0 +319172,0 +319173,0 +319174,0 +319175,0 +319176,0 +319177,0 +319178,0 +319179,0 +319180,0 +319181,0 +319182,0 +319183,0 +319184,0 +319185,0 +319186,0 +319187,0 +319188,0 +319189,0 +319190,0 +319191,0 +319192,0 +319193,0 +319194,0 +319195,0 +319196,0 +319197,0 +319198,0 +319199,0 +319200,0 +319201,0 +319202,0 +319203,0 +319204,0 +319205,0 +319206,0 +319207,0 +319208,31 +319209,31 +319210,31 +319211,31 +319212,31 +319213,31 +319214,31 +319215,31 +319216,5 +319217,5 +319218,5 +319219,5 +319220,29 +319221,29 +319222,29 +319223,31 +319224,31 +319225,33 +319226,33 +319227,33 +319228,30 +319229,30 +319230,30 +319231,30 +319232,30 +319233,30 +319234,30 +319235,30 +319236,36 +319237,36 +319238,36 +319239,36 +319240,36 +319241,36 +319242,36 +319243,36 +319244,36 +319245,36 +319246,36 +319247,36 +319248,36 +319249,36 +319250,36 +319251,36 +319252,13 +319253,13 +319254,13 +319255,13 +319256,13 +319257,13 +319258,13 +319259,13 +319260,21 +319261,21 +319262,21 +319263,21 +319264,21 +319265,33 +319266,33 +319267,33 +319268,33 +319269,33 +319270,33 +319271,33 +319272,33 +319273,33 +319274,33 +319275,33 +319276,33 +319277,33 +319278,33 +319279,33 +319280,33 +319281,33 +319282,33 +319283,33 +319284,8 +319285,8 +319286,8 +319287,8 +319288,8 +319289,8 +319290,8 +319291,8 +319292,27 +319293,27 +319294,27 +319295,27 +319296,27 +319297,27 +319298,27 +319299,27 +319300,27 +319301,27 +319302,2 +319303,2 +319304,2 +319305,2 +319306,2 +319307,2 +319308,2 +319309,2 +319310,2 +319311,2 +319312,2 +319313,2 +319314,25 +319315,25 +319316,25 +319317,25 +319318,25 +319319,25 +319320,25 +319321,25 +319322,25 +319323,25 +319324,25 +319325,25 +319326,25 +319327,5 +319328,5 +319329,5 +319330,5 +319331,5 +319332,27 +319333,27 +319334,27 +319335,27 +319336,27 +319337,27 +319338,27 +319339,27 +319340,40 +319341,8 +319342,8 +319343,8 +319344,8 +319345,8 +319346,8 +319347,8 +319348,27 +319349,27 +319350,27 +319351,27 +319352,27 +319353,27 +319354,27 +319355,11 +319356,11 +319357,11 +319358,11 +319359,11 +319360,11 +319361,11 +319362,11 +319363,11 +319364,11 +319365,11 +319366,39 +319367,39 +319368,39 +319369,39 +319370,39 +319371,39 +319372,39 +319373,39 +319374,39 +319375,39 +319376,39 +319377,39 +319378,39 +319379,39 +319380,32 +319381,32 +319382,32 +319383,32 +319384,32 +319385,32 +319386,32 +319387,32 +319388,32 +319389,32 +319390,32 +319391,0 +319392,0 +319393,0 +319394,0 +319395,0 +319396,0 +319397,0 +319398,0 +319399,0 +319400,0 +319401,0 +319402,0 +319403,0 +319404,0 +319405,0 +319406,0 +319407,0 +319408,0 +319409,0 +319410,0 +319411,0 +319412,0 +319413,0 +319414,0 +319415,0 +319416,0 +319417,0 +319418,0 +319419,31 +319420,31 +319421,31 +319422,31 +319423,31 +319424,31 +319425,5 +319426,5 +319427,5 +319428,5 +319429,5 +319430,5 +319431,5 +319432,5 +319433,5 +319434,5 +319435,33 +319436,33 +319437,33 +319438,33 +319439,33 +319440,33 +319441,33 +319442,1 +319443,1 +319444,12 +319445,19 +319446,19 +319447,19 +319448,19 +319449,31 +319450,31 +319451,4 +319452,19 +319453,4 +319454,27 +319455,27 +319456,27 +319457,27 +319458,27 +319459,27 +319460,27 +319461,27 +319462,27 +319463,27 +319464,6 +319465,6 +319466,6 +319467,6 +319468,6 +319469,6 +319470,31 +319471,31 +319472,31 +319473,31 +319474,28 +319475,28 +319476,28 +319477,28 +319478,28 +319479,28 +319480,32 +319481,32 +319482,32 +319483,32 +319484,32 +319485,37 +319486,37 +319487,37 +319488,37 +319489,37 +319490,37 +319491,37 +319492,26 +319493,26 +319494,26 +319495,33 +319496,33 +319497,26 +319498,26 +319499,4 +319500,30 +319501,30 +319502,4 +319503,31 +319504,31 +319505,31 +319506,31 +319507,31 +319508,31 +319509,40 +319510,31 +319511,8 +319512,2 +319513,2 +319514,2 +319515,2 +319516,2 +319517,27 +319518,27 +319519,27 +319520,27 +319521,5 +319522,5 +319523,5 +319524,5 +319525,5 +319526,5 +319527,2 +319528,2 +319529,2 +319530,2 +319531,2 +319532,40 +319533,40 +319534,40 +319535,40 +319536,40 +319537,40 +319538,30 +319539,30 +319540,30 +319541,30 +319542,30 +319543,30 +319544,33 +319545,30 +319546,30 +319547,30 +319548,30 +319549,30 +319550,30 +319551,30 +319552,30 +319553,30 +319554,28 +319555,28 +319556,28 +319557,28 +319558,28 +319559,28 +319560,28 +319561,9 +319562,9 +319563,9 +319564,9 +319565,9 +319566,9 +319567,37 +319568,37 +319569,37 +319570,34 +319571,34 +319572,34 +319573,34 +319574,34 +319575,34 +319576,34 +319577,34 +319578,34 +319579,34 +319580,34 +319581,34 +319582,34 +319583,34 +319584,34 +319585,34 +319586,34 +319587,34 +319588,34 +319589,37 +319590,37 +319591,37 +319592,37 +319593,37 +319594,37 +319595,8 +319596,8 +319597,8 +319598,8 +319599,8 +319600,8 +319601,8 +319602,8 +319603,31 +319604,31 +319605,31 +319606,31 +319607,31 +319608,31 +319609,31 +319610,15 +319611,15 +319612,15 +319613,15 +319614,15 +319615,30 +319616,30 +319617,30 +319618,30 +319619,10 +319620,10 +319621,10 +319622,10 +319623,10 +319624,10 +319625,10 +319626,10 +319627,10 +319628,10 +319629,10 +319630,24 +319631,24 +319632,24 +319633,24 +319634,24 +319635,24 +319636,24 +319637,31 +319638,31 +319639,31 +319640,27 +319641,5 +319642,5 +319643,5 +319644,5 +319645,5 +319646,29 +319647,29 +319648,29 +319649,29 +319650,29 +319651,29 +319652,29 +319653,31 +319654,31 +319655,2 +319656,2 +319657,2 +319658,2 +319659,2 +319660,4 +319661,4 +319662,4 +319663,4 +319664,33 +319665,30 +319666,30 +319667,12 +319668,12 +319669,30 +319670,31 +319671,31 +319672,31 +319673,30 +319674,30 +319675,30 +319676,30 +319677,30 +319678,30 +319679,30 +319680,30 +319681,15 +319682,15 +319683,15 +319684,15 +319685,15 +319686,15 +319687,15 +319688,27 +319689,27 +319690,27 +319691,27 +319692,27 +319693,13 +319694,13 +319695,13 +319696,13 +319697,13 +319698,13 +319699,13 +319700,13 +319701,21 +319702,21 +319703,21 +319704,21 +319705,21 +319706,21 +319707,26 +319708,26 +319709,26 +319710,26 +319711,9 +319712,9 +319713,9 +319714,9 +319715,9 +319716,9 +319717,9 +319718,9 +319719,9 +319720,9 +319721,9 +319722,19 +319723,19 +319724,19 +319725,28 +319726,28 +319727,28 +319728,28 +319729,28 +319730,28 +319731,28 +319732,14 +319733,14 +319734,14 +319735,14 +319736,14 +319737,14 +319738,15 +319739,15 +319740,15 +319741,15 +319742,15 +319743,15 +319744,39 +319745,39 +319746,39 +319747,39 +319748,39 +319749,39 +319750,39 +319751,39 +319752,32 +319753,32 +319754,32 +319755,32 +319756,32 +319757,32 +319758,32 +319759,32 +319760,32 +319761,30 +319762,30 +319763,30 +319764,30 +319765,30 +319766,39 +319767,39 +319768,39 +319769,39 +319770,39 +319771,39 +319772,39 +319773,39 +319774,39 +319775,39 +319776,8 +319777,8 +319778,8 +319779,8 +319780,8 +319781,8 +319782,4 +319783,4 +319784,4 +319785,4 +319786,4 +319787,4 +319788,27 +319789,31 +319790,31 +319791,31 +319792,31 +319793,21 +319794,21 +319795,21 +319796,21 +319797,21 +319798,14 +319799,27 +319800,27 +319801,27 +319802,27 +319803,27 +319804,31 +319805,24 +319806,24 +319807,24 +319808,24 +319809,24 +319810,24 +319811,35 +319812,35 +319813,35 +319814,35 +319815,35 +319816,27 +319817,27 +319818,27 +319819,27 +319820,28 +319821,28 +319822,28 +319823,28 +319824,28 +319825,28 +319826,28 +319827,28 +319828,28 +319829,28 +319830,28 +319831,28 +319832,28 +319833,28 +319834,28 +319835,28 +319836,0 +319837,0 +319838,0 +319839,0 +319840,0 +319841,0 +319842,0 +319843,0 +319844,0 +319845,0 +319846,0 +319847,0 +319848,0 +319849,0 +319850,0 +319851,0 +319852,0 +319853,0 +319854,0 +319855,0 +319856,0 +319857,0 +319858,0 +319859,0 +319860,0 +319861,0 +319862,0 +319863,0 +319864,0 +319865,0 +319866,0 +319867,0 +319868,0 +319869,0 +319870,29 +319871,29 +319872,29 +319873,29 +319874,29 +319875,36 +319876,36 +319877,36 +319878,31 +319879,31 +319880,4 +319881,4 +319882,4 +319883,4 +319884,36 +319885,36 +319886,36 +319887,36 +319888,36 +319889,36 +319890,36 +319891,36 +319892,36 +319893,36 +319894,36 +319895,36 +319896,36 +319897,36 +319898,36 +319899,36 +319900,36 +319901,23 +319902,23 +319903,23 +319904,23 +319905,23 +319906,23 +319907,23 +319908,4 +319909,4 +319910,4 +319911,4 +319912,4 +319913,4 +319914,25 +319915,25 +319916,25 +319917,25 +319918,5 +319919,5 +319920,5 +319921,5 +319922,5 +319923,5 +319924,5 +319925,5 +319926,37 +319927,37 +319928,37 +319929,5 +319930,26 +319931,26 +319932,37 +319933,37 +319934,37 +319935,37 +319936,37 +319937,10 +319938,10 +319939,37 +319940,37 +319941,37 +319942,37 +319943,37 +319944,30 +319945,30 +319946,30 +319947,30 +319948,30 +319949,30 +319950,30 +319951,39 +319952,39 +319953,39 +319954,39 +319955,39 +319956,39 +319957,39 +319958,39 +319959,15 +319960,15 +319961,15 +319962,15 +319963,15 +319964,15 +319965,15 +319966,37 +319967,37 +319968,37 +319969,37 +319970,37 +319971,37 +319972,37 +319973,37 +319974,37 +319975,27 +319976,27 +319977,27 +319978,27 +319979,27 +319980,27 +319981,6 +319982,6 +319983,6 +319984,6 +319985,6 +319986,23 +319987,23 +319988,23 +319989,23 +319990,23 +319991,31 +319992,31 +319993,31 +319994,31 +319995,31 +319996,25 +319997,25 +319998,25 +319999,25 +320000,25 +320001,2 +320002,2 +320003,2 +320004,2 +320005,2 +320006,2 +320007,2 +320008,2 +320009,8 +320010,2 +320011,2 +320012,2 +320013,2 +320014,2 +320015,2 +320016,2 +320017,2 +320018,2 +320019,2 +320020,2 +320021,8 +320022,0 +320023,0 +320024,0 +320025,0 +320026,0 +320027,0 +320028,0 +320029,0 +320030,0 +320031,0 +320032,0 +320033,35 +320034,35 +320035,35 +320036,35 +320037,35 +320038,35 +320039,35 +320040,35 +320041,35 +320042,35 +320043,35 +320044,35 +320045,35 +320046,35 +320047,35 +320048,35 +320049,35 +320050,35 +320051,35 +320052,35 +320053,35 +320054,35 +320055,36 +320056,36 +320057,19 +320058,19 +320059,19 +320060,19 +320061,19 +320062,19 +320063,19 +320064,19 +320065,28 +320066,28 +320067,28 +320068,28 +320069,28 +320070,28 +320071,28 +320072,28 +320073,10 +320074,10 +320075,34 +320076,34 +320077,10 +320078,10 +320079,34 +320080,34 +320081,34 +320082,34 +320083,34 +320084,34 +320085,34 +320086,34 +320087,2 +320088,2 +320089,2 +320090,2 +320091,2 +320092,2 +320093,2 +320094,27 +320095,27 +320096,27 +320097,27 +320098,27 +320099,27 +320100,19 +320101,19 +320102,19 +320103,19 +320104,19 +320105,35 +320106,35 +320107,35 +320108,35 +320109,35 +320110,35 +320111,35 +320112,35 +320113,35 +320114,35 +320115,35 +320116,35 +320117,35 +320118,35 +320119,40 +320120,40 +320121,40 +320122,40 +320123,40 +320124,40 +320125,30 +320126,30 +320127,30 +320128,30 +320129,30 +320130,30 +320131,30 +320132,31 +320133,31 +320134,31 +320135,31 +320136,5 +320137,5 +320138,5 +320139,5 +320140,5 +320141,5 +320142,5 +320143,8 +320144,8 +320145,8 +320146,8 +320147,8 +320148,8 +320149,8 +320150,8 +320151,8 +320152,28 +320153,28 +320154,28 +320155,28 +320156,28 +320157,28 +320158,28 +320159,28 +320160,28 +320161,36 +320162,36 +320163,36 +320164,14 +320165,14 +320166,40 +320167,40 +320168,40 +320169,40 +320170,40 +320171,40 +320172,40 +320173,40 +320174,37 +320175,37 +320176,37 +320177,37 +320178,37 +320179,37 +320180,37 +320181,25 +320182,25 +320183,37 +320184,37 +320185,25 +320186,25 +320187,25 +320188,25 +320189,25 +320190,25 +320191,25 +320192,25 +320193,25 +320194,25 +320195,0 +320196,0 +320197,0 +320198,0 +320199,0 +320200,0 +320201,0 +320202,0 +320203,0 +320204,0 +320205,0 +320206,0 +320207,0 +320208,0 +320209,0 +320210,0 +320211,0 +320212,0 +320213,0 +320214,0 +320215,0 +320216,0 +320217,0 +320218,0 +320219,27 +320220,27 +320221,27 +320222,27 +320223,27 +320224,27 +320225,27 +320226,27 +320227,27 +320228,8 +320229,8 +320230,2 +320231,2 +320232,2 +320233,2 +320234,2 +320235,2 +320236,2 +320237,2 +320238,2 +320239,2 +320240,40 +320241,40 +320242,40 +320243,40 +320244,40 +320245,40 +320246,40 +320247,40 +320248,40 +320249,40 +320250,19 +320251,19 +320252,19 +320253,19 +320254,10 +320255,10 +320256,10 +320257,34 +320258,34 +320259,34 +320260,34 +320261,34 +320262,34 +320263,34 +320264,34 +320265,34 +320266,34 +320267,34 +320268,34 +320269,34 +320270,32 +320271,4 +320272,4 +320273,4 +320274,4 +320275,32 +320276,2 +320277,2 +320278,4 +320279,4 +320280,4 +320281,39 +320282,39 +320283,27 +320284,39 +320285,39 +320286,39 +320287,6 +320288,6 +320289,6 +320290,6 +320291,6 +320292,6 +320293,6 +320294,21 +320295,21 +320296,21 +320297,9 +320298,9 +320299,9 +320300,9 +320301,9 +320302,9 +320303,9 +320304,26 +320305,26 +320306,26 +320307,26 +320308,26 +320309,26 +320310,26 +320311,30 +320312,9 +320313,9 +320314,9 +320315,9 +320316,9 +320317,9 +320318,9 +320319,9 +320320,9 +320321,9 +320322,9 +320323,9 +320324,9 +320325,9 +320326,5 +320327,5 +320328,5 +320329,5 +320330,5 +320331,5 +320332,5 +320333,3 +320334,27 +320335,27 +320336,27 +320337,27 +320338,27 +320339,27 +320340,2 +320341,2 +320342,2 +320343,2 +320344,4 +320345,4 +320346,4 +320347,4 +320348,4 +320349,4 +320350,4 +320351,4 +320352,4 +320353,4 +320354,4 +320355,25 +320356,25 +320357,25 +320358,25 +320359,25 +320360,35 +320361,35 +320362,35 +320363,35 +320364,35 +320365,35 +320366,35 +320367,35 +320368,35 +320369,35 +320370,22 +320371,22 +320372,22 +320373,22 +320374,22 +320375,22 +320376,22 +320377,22 +320378,6 +320379,6 +320380,6 +320381,6 +320382,6 +320383,6 +320384,6 +320385,25 +320386,25 +320387,25 +320388,25 +320389,25 +320390,25 +320391,25 +320392,25 +320393,25 +320394,25 +320395,25 +320396,25 +320397,25 +320398,25 +320399,25 +320400,25 +320401,25 +320402,25 +320403,25 +320404,25 +320405,0 +320406,0 +320407,0 +320408,0 +320409,0 +320410,0 +320411,0 +320412,0 +320413,0 +320414,0 +320415,0 +320416,0 +320417,0 +320418,0 +320419,0 +320420,0 +320421,0 +320422,0 +320423,0 +320424,0 +320425,0 +320426,0 +320427,0 +320428,0 +320429,0 +320430,0 +320431,0 +320432,0 +320433,0 +320434,0 +320435,0 +320436,0 +320437,0 +320438,0 +320439,0 +320440,0 +320441,0 +320442,0 +320443,0 +320444,0 +320445,0 +320446,0 +320447,0 +320448,0 +320449,0 +320450,0 +320451,0 +320452,36 +320453,36 +320454,36 +320455,36 +320456,5 +320457,5 +320458,19 +320459,19 +320460,5 +320461,5 +320462,5 +320463,12 +320464,12 +320465,12 +320466,12 +320467,12 +320468,28 +320469,28 +320470,27 +320471,27 +320472,27 +320473,27 +320474,27 +320475,27 +320476,39 +320477,14 +320478,14 +320479,14 +320480,14 +320481,14 +320482,14 +320483,25 +320484,25 +320485,25 +320486,25 +320487,37 +320488,37 +320489,21 +320490,21 +320491,21 +320492,21 +320493,21 +320494,21 +320495,21 +320496,21 +320497,21 +320498,21 +320499,33 +320500,33 +320501,33 +320502,33 +320503,33 +320504,33 +320505,33 +320506,33 +320507,33 +320508,33 +320509,5 +320510,5 +320511,5 +320512,5 +320513,5 +320514,5 +320515,5 +320516,5 +320517,5 +320518,5 +320519,5 +320520,5 +320521,4 +320522,4 +320523,4 +320524,4 +320525,4 +320526,4 +320527,31 +320528,31 +320529,31 +320530,15 +320531,24 +320532,24 +320533,24 +320534,24 +320535,24 +320536,24 +320537,14 +320538,14 +320539,14 +320540,14 +320541,14 +320542,14 +320543,14 +320544,14 +320545,14 +320546,14 +320547,14 +320548,14 +320549,37 +320550,37 +320551,37 +320552,37 +320553,37 +320554,37 +320555,37 +320556,37 +320557,37 +320558,40 +320559,40 +320560,40 +320561,40 +320562,40 +320563,6 +320564,6 +320565,6 +320566,6 +320567,6 +320568,6 +320569,6 +320570,6 +320571,6 +320572,6 +320573,31 +320574,31 +320575,31 +320576,31 +320577,28 +320578,28 +320579,28 +320580,28 +320581,28 +320582,28 +320583,28 +320584,28 +320585,32 +320586,32 +320587,32 +320588,32 +320589,32 +320590,32 +320591,31 +320592,31 +320593,31 +320594,31 +320595,31 +320596,31 +320597,31 +320598,31 +320599,5 +320600,5 +320601,5 +320602,5 +320603,5 +320604,5 +320605,5 +320606,5 +320607,2 +320608,2 +320609,2 +320610,2 +320611,2 +320612,2 +320613,2 +320614,23 +320615,23 +320616,23 +320617,23 +320618,23 +320619,23 +320620,23 +320621,23 +320622,4 +320623,37 +320624,37 +320625,37 +320626,37 +320627,37 +320628,37 +320629,37 +320630,37 +320631,10 +320632,10 +320633,26 +320634,26 +320635,26 +320636,26 +320637,26 +320638,26 +320639,26 +320640,37 +320641,37 +320642,37 +320643,19 +320644,19 +320645,19 +320646,19 +320647,19 +320648,19 +320649,4 +320650,4 +320651,4 +320652,4 +320653,27 +320654,27 +320655,27 +320656,27 +320657,27 +320658,30 +320659,30 +320660,30 +320661,30 +320662,30 +320663,30 +320664,30 +320665,30 +320666,30 +320667,27 +320668,27 +320669,27 +320670,27 +320671,18 +320672,18 +320673,18 +320674,18 +320675,18 +320676,18 +320677,18 +320678,18 +320679,18 +320680,31 +320681,31 +320682,31 +320683,31 +320684,31 +320685,31 +320686,31 +320687,5 +320688,5 +320689,5 +320690,5 +320691,5 +320692,5 +320693,5 +320694,5 +320695,5 +320696,5 +320697,5 +320698,2 +320699,2 +320700,2 +320701,2 +320702,2 +320703,2 +320704,2 +320705,2 +320706,2 +320707,2 +320708,2 +320709,2 +320710,2 +320711,6 +320712,6 +320713,6 +320714,6 +320715,6 +320716,6 +320717,6 +320718,6 +320719,6 +320720,6 +320721,6 +320722,6 +320723,31 +320724,6 +320725,5 +320726,5 +320727,5 +320728,5 +320729,5 +320730,5 +320731,4 +320732,4 +320733,4 +320734,4 +320735,4 +320736,4 +320737,4 +320738,4 +320739,4 +320740,4 +320741,27 +320742,27 +320743,27 +320744,5 +320745,5 +320746,5 +320747,5 +320748,5 +320749,5 +320750,7 +320751,7 +320752,7 +320753,7 +320754,7 +320755,7 +320756,3 +320757,3 +320758,3 +320759,3 +320760,3 +320761,38 +320762,38 +320763,38 +320764,38 +320765,38 +320766,38 +320767,38 +320768,28 +320769,28 +320770,28 +320771,28 +320772,28 +320773,28 +320774,28 +320775,28 +320776,28 +320777,28 +320778,28 +320779,26 +320780,26 +320781,26 +320782,26 +320783,37 +320784,37 +320785,37 +320786,37 +320787,37 +320788,37 +320789,37 +320790,37 +320791,37 +320792,2 +320793,2 +320794,2 +320795,2 +320796,2 +320797,2 +320798,2 +320799,2 +320800,2 +320801,2 +320802,2 +320803,2 +320804,2 +320805,2 +320806,25 +320807,25 +320808,25 +320809,25 +320810,25 +320811,25 +320812,25 +320813,25 +320814,25 +320815,25 +320816,25 +320817,25 +320818,25 +320819,25 +320820,25 +320821,25 +320822,25 +320823,25 +320824,25 +320825,0 +320826,0 +320827,0 +320828,0 +320829,0 +320830,0 +320831,0 +320832,0 +320833,0 +320834,0 +320835,0 +320836,0 +320837,0 +320838,0 +320839,0 +320840,0 +320841,0 +320842,0 +320843,0 +320844,0 +320845,0 +320846,0 +320847,0 +320848,0 +320849,0 +320850,0 +320851,0 +320852,0 +320853,0 +320854,0 +320855,36 +320856,36 +320857,36 +320858,36 +320859,36 +320860,36 +320861,36 +320862,36 +320863,36 +320864,5 +320865,31 +320866,36 +320867,24 +320868,24 +320869,24 +320870,24 +320871,24 +320872,27 +320873,27 +320874,27 +320875,27 +320876,27 +320877,27 +320878,27 +320879,27 +320880,8 +320881,8 +320882,8 +320883,8 +320884,8 +320885,15 +320886,24 +320887,24 +320888,24 +320889,24 +320890,24 +320891,24 +320892,24 +320893,24 +320894,17 +320895,17 +320896,17 +320897,17 +320898,17 +320899,17 +320900,17 +320901,17 +320902,17 +320903,17 +320904,17 +320905,30 +320906,30 +320907,30 +320908,14 +320909,14 +320910,39 +320911,14 +320912,14 +320913,14 +320914,14 +320915,14 +320916,14 +320917,14 +320918,14 +320919,14 +320920,14 +320921,11 +320922,11 +320923,11 +320924,11 +320925,11 +320926,11 +320927,11 +320928,11 +320929,11 +320930,11 +320931,32 +320932,32 +320933,32 +320934,32 +320935,32 +320936,32 +320937,32 +320938,32 +320939,32 +320940,32 +320941,32 +320942,32 +320943,32 +320944,32 +320945,32 +320946,32 +320947,30 +320948,30 +320949,30 +320950,30 +320951,30 +320952,40 +320953,40 +320954,40 +320955,40 +320956,40 +320957,20 +320958,20 +320959,20 +320960,20 +320961,20 +320962,20 +320963,20 +320964,20 +320965,20 +320966,18 +320967,25 +320968,25 +320969,25 +320970,25 +320971,25 +320972,25 +320973,25 +320974,25 +320975,27 +320976,27 +320977,27 +320978,27 +320979,5 +320980,5 +320981,5 +320982,5 +320983,5 +320984,5 +320985,5 +320986,27 +320987,27 +320988,27 +320989,27 +320990,27 +320991,27 +320992,27 +320993,4 +320994,4 +320995,4 +320996,4 +320997,4 +320998,4 +320999,9 +321000,9 +321001,9 +321002,9 +321003,9 +321004,9 +321005,9 +321006,9 +321007,30 +321008,30 +321009,30 +321010,30 +321011,30 +321012,30 +321013,30 +321014,30 +321015,12 +321016,12 +321017,12 +321018,12 +321019,12 +321020,31 +321021,31 +321022,31 +321023,31 +321024,2 +321025,2 +321026,2 +321027,2 +321028,2 +321029,2 +321030,2 +321031,2 +321032,2 +321033,2 +321034,2 +321035,2 +321036,2 +321037,2 +321038,2 +321039,2 +321040,2 +321041,33 +321042,27 +321043,30 +321044,30 +321045,30 +321046,30 +321047,4 +321048,30 +321049,30 +321050,30 +321051,3 +321052,3 +321053,0 +321054,0 +321055,0 +321056,0 +321057,36 +321058,36 +321059,36 +321060,36 +321061,36 +321062,40 +321063,36 +321064,36 +321065,36 +321066,36 +321067,36 +321068,24 +321069,24 +321070,24 +321071,24 +321072,24 +321073,27 +321074,27 +321075,27 +321076,27 +321077,27 +321078,27 +321079,19 +321080,19 +321081,19 +321082,4 +321083,4 +321084,27 +321085,27 +321086,27 +321087,27 +321088,27 +321089,27 +321090,27 +321091,27 +321092,19 +321093,19 +321094,19 +321095,19 +321096,19 +321097,19 +321098,19 +321099,19 +321100,4 +321101,4 +321102,19 +321103,2 +321104,27 +321105,27 +321106,31 +321107,5 +321108,5 +321109,5 +321110,5 +321111,5 +321112,5 +321113,5 +321114,5 +321115,2 +321116,2 +321117,2 +321118,2 +321119,2 +321120,2 +321121,2 +321122,2 +321123,2 +321124,2 +321125,33 +321126,33 +321127,33 +321128,33 +321129,33 +321130,33 +321131,33 +321132,33 +321133,12 +321134,33 +321135,33 +321136,27 +321137,27 +321138,27 +321139,27 +321140,27 +321141,27 +321142,27 +321143,27 +321144,27 +321145,27 +321146,27 +321147,27 +321148,5 +321149,5 +321150,5 +321151,5 +321152,5 +321153,31 +321154,31 +321155,31 +321156,31 +321157,31 +321158,31 +321159,31 +321160,31 +321161,31 +321162,2 +321163,2 +321164,2 +321165,2 +321166,2 +321167,2 +321168,2 +321169,2 +321170,2 +321171,2 +321172,31 +321173,2 +321174,27 +321175,27 +321176,27 +321177,27 +321178,27 +321179,27 +321180,5 +321181,5 +321182,5 +321183,5 +321184,5 +321185,5 +321186,5 +321187,5 +321188,5 +321189,5 +321190,5 +321191,8 +321192,2 +321193,2 +321194,2 +321195,2 +321196,2 +321197,2 +321198,2 +321199,0 +321200,0 +321201,0 +321202,0 +321203,0 +321204,0 +321205,0 +321206,0 +321207,0 +321208,0 +321209,0 +321210,0 +321211,0 +321212,0 +321213,0 +321214,0 +321215,0 +321216,0 +321217,0 +321218,0 +321219,36 +321220,36 +321221,36 +321222,36 +321223,36 +321224,36 +321225,36 +321226,36 +321227,36 +321228,36 +321229,36 +321230,36 +321231,36 +321232,36 +321233,36 +321234,36 +321235,36 +321236,19 +321237,19 +321238,19 +321239,19 +321240,19 +321241,29 +321242,29 +321243,27 +321244,27 +321245,27 +321246,27 +321247,27 +321248,27 +321249,19 +321250,19 +321251,19 +321252,19 +321253,19 +321254,19 +321255,19 +321256,19 +321257,3 +321258,3 +321259,3 +321260,3 +321261,3 +321262,3 +321263,3 +321264,3 +321265,3 +321266,3 +321267,3 +321268,3 +321269,29 +321270,29 +321271,29 +321272,29 +321273,29 +321274,39 +321275,39 +321276,39 +321277,39 +321278,39 +321279,39 +321280,36 +321281,40 +321282,40 +321283,40 +321284,40 +321285,40 +321286,40 +321287,40 +321288,36 +321289,36 +321290,36 +321291,36 +321292,6 +321293,35 +321294,35 +321295,35 +321296,35 +321297,35 +321298,35 +321299,6 +321300,35 +321301,35 +321302,35 +321303,35 +321304,35 +321305,39 +321306,39 +321307,39 +321308,39 +321309,39 +321310,30 +321311,30 +321312,30 +321313,30 +321314,30 +321315,30 +321316,30 +321317,30 +321318,30 +321319,30 +321320,30 +321321,35 +321322,35 +321323,35 +321324,35 +321325,35 +321326,35 +321327,35 +321328,35 +321329,35 +321330,35 +321331,35 +321332,35 +321333,10 +321334,10 +321335,10 +321336,10 +321337,10 +321338,36 +321339,36 +321340,36 +321341,36 +321342,36 +321343,36 +321344,36 +321345,36 +321346,23 +321347,23 +321348,23 +321349,23 +321350,23 +321351,4 +321352,4 +321353,4 +321354,4 +321355,4 +321356,4 +321357,4 +321358,4 +321359,7 +321360,7 +321361,7 +321362,7 +321363,7 +321364,7 +321365,7 +321366,7 +321367,7 +321368,7 +321369,3 +321370,3 +321371,3 +321372,3 +321373,3 +321374,3 +321375,3 +321376,3 +321377,8 +321378,8 +321379,8 +321380,8 +321381,8 +321382,8 +321383,8 +321384,8 +321385,29 +321386,29 +321387,31 +321388,31 +321389,31 +321390,31 +321391,31 +321392,31 +321393,12 +321394,12 +321395,12 +321396,12 +321397,12 +321398,12 +321399,12 +321400,12 +321401,10 +321402,10 +321403,10 +321404,10 +321405,10 +321406,25 +321407,25 +321408,25 +321409,25 +321410,25 +321411,25 +321412,25 +321413,25 +321414,31 +321415,31 +321416,31 +321417,25 +321418,25 +321419,25 +321420,31 +321421,31 +321422,31 +321423,31 +321424,31 +321425,2 +321426,2 +321427,2 +321428,2 +321429,2 +321430,2 +321431,2 +321432,2 +321433,2 +321434,2 +321435,2 +321436,2 +321437,2 +321438,2 +321439,31 +321440,31 +321441,31 +321442,31 +321443,31 +321444,31 +321445,31 +321446,5 +321447,5 +321448,5 +321449,5 +321450,28 +321451,28 +321452,28 +321453,10 +321454,10 +321455,10 +321456,10 +321457,10 +321458,10 +321459,10 +321460,5 +321461,26 +321462,5 +321463,9 +321464,9 +321465,31 +321466,31 +321467,9 +321468,9 +321469,31 +321470,12 +321471,9 +321472,12 +321473,34 +321474,34 +321475,34 +321476,34 +321477,34 +321478,34 +321479,34 +321480,34 +321481,34 +321482,34 +321483,34 +321484,34 +321485,30 +321486,30 +321487,0 +321488,0 +321489,0 +321490,0 +321491,0 +321492,0 +321493,0 +321494,0 +321495,0 +321496,0 +321497,0 +321498,0 +321499,0 +321500,0 +321501,0 +321502,0 +321503,0 +321504,0 +321505,0 +321506,0 +321507,0 +321508,0 +321509,0 +321510,0 +321511,0 +321512,0 +321513,0 +321514,0 +321515,0 +321516,0 +321517,0 +321518,0 +321519,0 +321520,0 +321521,0 +321522,0 +321523,0 +321524,0 +321525,0 +321526,0 +321527,0 +321528,0 +321529,0 +321530,0 +321531,0 +321532,0 +321533,0 +321534,0 +321535,0 +321536,0 +321537,0 +321538,0 +321539,0 +321540,0 +321541,27 +321542,27 +321543,27 +321544,27 +321545,27 +321546,27 +321547,27 +321548,27 +321549,27 +321550,27 +321551,27 +321552,27 +321553,2 +321554,2 +321555,2 +321556,2 +321557,2 +321558,2 +321559,2 +321560,2 +321561,2 +321562,2 +321563,2 +321564,39 +321565,39 +321566,39 +321567,39 +321568,28 +321569,28 +321570,28 +321571,28 +321572,28 +321573,28 +321574,28 +321575,28 +321576,28 +321577,8 +321578,8 +321579,8 +321580,8 +321581,8 +321582,8 +321583,30 +321584,30 +321585,30 +321586,30 +321587,30 +321588,30 +321589,10 +321590,10 +321591,10 +321592,10 +321593,10 +321594,40 +321595,40 +321596,40 +321597,10 +321598,10 +321599,38 +321600,4 +321601,4 +321602,4 +321603,32 +321604,32 +321605,32 +321606,32 +321607,32 +321608,30 +321609,3 +321610,3 +321611,3 +321612,3 +321613,39 +321614,39 +321615,3 +321616,3 +321617,3 +321618,3 +321619,29 +321620,29 +321621,27 +321622,31 +321623,31 +321624,31 +321625,31 +321626,39 +321627,39 +321628,35 +321629,35 +321630,35 +321631,35 +321632,35 +321633,35 +321634,35 +321635,35 +321636,35 +321637,35 +321638,39 +321639,39 +321640,39 +321641,39 +321642,12 +321643,12 +321644,12 +321645,12 +321646,12 +321647,12 +321648,12 +321649,22 +321650,22 +321651,22 +321652,19 +321653,19 +321654,19 +321655,19 +321656,19 +321657,19 +321658,19 +321659,29 +321660,29 +321661,29 +321662,14 +321663,14 +321664,14 +321665,14 +321666,14 +321667,14 +321668,14 +321669,14 +321670,14 +321671,6 +321672,6 +321673,6 +321674,6 +321675,6 +321676,6 +321677,31 +321678,31 +321679,27 +321680,27 +321681,8 +321682,8 +321683,8 +321684,8 +321685,8 +321686,8 +321687,8 +321688,8 +321689,8 +321690,8 +321691,36 +321692,40 +321693,40 +321694,40 +321695,40 +321696,40 +321697,40 +321698,37 +321699,37 +321700,23 +321701,23 +321702,23 +321703,23 +321704,23 +321705,23 +321706,23 +321707,23 +321708,23 +321709,25 +321710,25 +321711,25 +321712,25 +321713,25 +321714,25 +321715,19 +321716,19 +321717,19 +321718,19 +321719,27 +321720,27 +321721,27 +321722,27 +321723,31 +321724,31 +321725,19 +321726,19 +321727,19 +321728,19 +321729,5 +321730,5 +321731,5 +321732,5 +321733,5 +321734,5 +321735,10 +321736,10 +321737,10 +321738,10 +321739,10 +321740,10 +321741,10 +321742,10 +321743,10 +321744,10 +321745,10 +321746,10 +321747,10 +321748,10 +321749,10 +321750,10 +321751,10 +321752,10 +321753,4 +321754,4 +321755,4 +321756,4 +321757,4 +321758,4 +321759,0 +321760,0 +321761,0 +321762,0 +321763,0 +321764,0 +321765,0 +321766,0 +321767,0 +321768,0 +321769,0 +321770,0 +321771,0 +321772,0 +321773,0 +321774,0 +321775,0 +321776,0 +321777,0 +321778,0 +321779,0 +321780,0 +321781,0 +321782,0 +321783,0 +321784,0 +321785,0 +321786,0 +321787,0 +321788,0 +321789,0 +321790,0 +321791,0 +321792,0 +321793,0 +321794,0 +321795,0 +321796,0 +321797,0 +321798,0 +321799,0 +321800,0 +321801,0 +321802,0 +321803,0 +321804,0 +321805,0 +321806,0 +321807,15 +321808,15 +321809,31 +321810,31 +321811,31 +321812,31 +321813,31 +321814,30 +321815,30 +321816,30 +321817,30 +321818,30 +321819,30 +321820,30 +321821,30 +321822,30 +321823,30 +321824,39 +321825,39 +321826,39 +321827,39 +321828,39 +321829,39 +321830,39 +321831,39 +321832,39 +321833,39 +321834,39 +321835,28 +321836,28 +321837,28 +321838,28 +321839,28 +321840,28 +321841,28 +321842,28 +321843,28 +321844,28 +321845,28 +321846,28 +321847,28 +321848,28 +321849,39 +321850,39 +321851,39 +321852,39 +321853,39 +321854,39 +321855,39 +321856,39 +321857,39 +321858,39 +321859,39 +321860,39 +321861,39 +321862,39 +321863,39 +321864,39 +321865,39 +321866,39 +321867,39 +321868,31 +321869,31 +321870,31 +321871,31 +321872,31 +321873,31 +321874,31 +321875,31 +321876,10 +321877,10 +321878,9 +321879,9 +321880,4 +321881,4 +321882,4 +321883,9 +321884,9 +321885,9 +321886,26 +321887,26 +321888,26 +321889,9 +321890,9 +321891,9 +321892,9 +321893,9 +321894,9 +321895,9 +321896,9 +321897,9 +321898,9 +321899,9 +321900,9 +321901,9 +321902,9 +321903,9 +321904,9 +321905,30 +321906,30 +321907,30 +321908,30 +321909,30 +321910,30 +321911,30 +321912,30 +321913,30 +321914,31 +321915,31 +321916,31 +321917,31 +321918,31 +321919,31 +321920,31 +321921,16 +321922,16 +321923,16 +321924,16 +321925,4 +321926,4 +321927,11 +321928,11 +321929,11 +321930,16 +321931,16 +321932,16 +321933,11 +321934,16 +321935,3 +321936,3 +321937,3 +321938,3 +321939,3 +321940,3 +321941,15 +321942,15 +321943,15 +321944,15 +321945,15 +321946,15 +321947,15 +321948,15 +321949,15 +321950,15 +321951,17 +321952,17 +321953,17 +321954,17 +321955,17 +321956,17 +321957,17 +321958,17 +321959,17 +321960,17 +321961,17 +321962,17 +321963,17 +321964,17 +321965,17 +321966,17 +321967,17 +321968,17 +321969,17 +321970,17 +321971,8 +321972,8 +321973,8 +321974,8 +321975,8 +321976,8 +321977,8 +321978,26 +321979,26 +321980,26 +321981,26 +321982,26 +321983,26 +321984,26 +321985,9 +321986,9 +321987,9 +321988,9 +321989,9 +321990,9 +321991,9 +321992,9 +321993,9 +321994,23 +321995,23 +321996,23 +321997,23 +321998,23 +321999,23 +322000,23 +322001,31 +322002,25 +322003,25 +322004,25 +322005,36 +322006,36 +322007,36 +322008,31 +322009,33 +322010,33 +322011,33 +322012,31 +322013,31 +322014,8 +322015,8 +322016,8 +322017,8 +322018,8 +322019,8 +322020,8 +322021,30 +322022,30 +322023,30 +322024,30 +322025,30 +322026,30 +322027,30 +322028,30 +322029,30 +322030,30 +322031,10 +322032,31 +322033,10 +322034,10 +322035,36 +322036,36 +322037,36 +322038,36 +322039,31 +322040,36 +322041,10 +322042,4 +322043,4 +322044,4 +322045,4 +322046,4 +322047,4 +322048,4 +322049,5 +322050,5 +322051,5 +322052,5 +322053,5 +322054,14 +322055,14 +322056,14 +322057,14 +322058,14 +322059,14 +322060,36 +322061,36 +322062,36 +322063,36 +322064,40 +322065,40 +322066,40 +322067,40 +322068,36 +322069,36 +322070,36 +322071,36 +322072,36 +322073,8 +322074,8 +322075,8 +322076,8 +322077,8 +322078,8 +322079,8 +322080,10 +322081,10 +322082,10 +322083,10 +322084,10 +322085,10 +322086,10 +322087,36 +322088,36 +322089,36 +322090,36 +322091,6 +322092,6 +322093,6 +322094,6 +322095,6 +322096,6 +322097,6 +322098,6 +322099,6 +322100,6 +322101,6 +322102,36 +322103,36 +322104,36 +322105,36 +322106,36 +322107,36 +322108,36 +322109,36 +322110,36 +322111,36 +322112,36 +322113,36 +322114,36 +322115,36 +322116,36 +322117,36 +322118,36 +322119,36 +322120,36 +322121,5 +322122,5 +322123,5 +322124,5 +322125,5 +322126,5 +322127,27 +322128,27 +322129,27 +322130,27 +322131,27 +322132,27 +322133,27 +322134,27 +322135,5 +322136,5 +322137,5 +322138,5 +322139,5 +322140,5 +322141,5 +322142,5 +322143,5 +322144,5 +322145,5 +322146,5 +322147,26 +322148,26 +322149,26 +322150,26 +322151,26 +322152,26 +322153,26 +322154,26 +322155,26 +322156,26 +322157,4 +322158,4 +322159,4 +322160,4 +322161,4 +322162,0 +322163,0 +322164,26 +322165,10 +322166,0 +322167,27 +322168,27 +322169,27 +322170,27 +322171,27 +322172,27 +322173,27 +322174,27 +322175,27 +322176,27 +322177,5 +322178,5 +322179,28 +322180,28 +322181,28 +322182,28 +322183,28 +322184,28 +322185,28 +322186,28 +322187,28 +322188,8 +322189,8 +322190,8 +322191,8 +322192,15 +322193,15 +322194,15 +322195,15 +322196,15 +322197,15 +322198,15 +322199,15 +322200,15 +322201,10 +322202,10 +322203,10 +322204,10 +322205,10 +322206,10 +322207,10 +322208,10 +322209,10 +322210,10 +322211,10 +322212,10 +322213,10 +322214,10 +322215,10 +322216,10 +322217,10 +322218,10 +322219,10 +322220,4 +322221,4 +322222,4 +322223,4 +322224,4 +322225,4 +322226,4 +322227,4 +322228,4 +322229,4 +322230,4 +322231,4 +322232,4 +322233,4 +322234,4 +322235,4 +322236,4 +322237,4 +322238,4 +322239,0 +322240,0 +322241,0 +322242,0 +322243,0 +322244,0 +322245,0 +322246,0 +322247,0 +322248,0 +322249,0 +322250,0 +322251,0 +322252,27 +322253,27 +322254,27 +322255,27 +322256,27 +322257,27 +322258,27 +322259,27 +322260,27 +322261,27 +322262,13 +322263,13 +322264,13 +322265,13 +322266,13 +322267,13 +322268,13 +322269,13 +322270,31 +322271,31 +322272,12 +322273,12 +322274,31 +322275,31 +322276,33 +322277,33 +322278,29 +322279,29 +322280,29 +322281,29 +322282,29 +322283,29 +322284,39 +322285,39 +322286,39 +322287,39 +322288,3 +322289,8 +322290,3 +322291,4 +322292,4 +322293,4 +322294,4 +322295,4 +322296,4 +322297,31 +322298,31 +322299,31 +322300,31 +322301,31 +322302,31 +322303,31 +322304,30 +322305,30 +322306,30 +322307,30 +322308,30 +322309,30 +322310,30 +322311,29 +322312,29 +322313,29 +322314,29 +322315,29 +322316,29 +322317,31 +322318,31 +322319,31 +322320,31 +322321,28 +322322,28 +322323,28 +322324,28 +322325,28 +322326,28 +322327,28 +322328,28 +322329,28 +322330,13 +322331,13 +322332,0 +322333,0 +322334,0 +322335,0 +322336,0 +322337,0 +322338,0 +322339,0 +322340,0 +322341,0 +322342,0 +322343,0 +322344,0 +322345,0 +322346,0 +322347,0 +322348,0 +322349,0 +322350,0 +322351,0 +322352,0 +322353,0 +322354,0 +322355,0 +322356,0 +322357,0 +322358,0 +322359,0 +322360,0 +322361,0 +322362,0 +322363,0 +322364,0 +322365,0 +322366,0 +322367,0 +322368,0 +322369,0 +322370,0 +322371,0 +322372,0 +322373,0 +322374,0 +322375,0 +322376,0 +322377,0 +322378,0 +322379,0 +322380,0 +322381,0 +322382,0 +322383,0 +322384,0 +322385,0 +322386,0 +322387,31 +322388,31 +322389,31 +322390,31 +322391,31 +322392,31 +322393,31 +322394,31 +322395,4 +322396,4 +322397,4 +322398,4 +322399,4 +322400,4 +322401,4 +322402,4 +322403,4 +322404,36 +322405,36 +322406,36 +322407,36 +322408,36 +322409,36 +322410,36 +322411,36 +322412,36 +322413,10 +322414,36 +322415,36 +322416,36 +322417,36 +322418,36 +322419,36 +322420,36 +322421,36 +322422,36 +322423,36 +322424,36 +322425,36 +322426,36 +322427,10 +322428,36 +322429,36 +322430,10 +322431,10 +322432,10 +322433,37 +322434,37 +322435,37 +322436,37 +322437,37 +322438,37 +322439,37 +322440,37 +322441,37 +322442,37 +322443,37 +322444,37 +322445,37 +322446,6 +322447,6 +322448,6 +322449,6 +322450,0 +322451,0 +322452,6 +322453,6 +322454,32 +322455,6 +322456,6 +322457,30 +322458,30 +322459,30 +322460,30 +322461,10 +322462,10 +322463,10 +322464,10 +322465,10 +322466,10 +322467,10 +322468,10 +322469,10 +322470,4 +322471,4 +322472,4 +322473,4 +322474,4 +322475,4 +322476,4 +322477,29 +322478,29 +322479,36 +322480,36 +322481,36 +322482,36 +322483,36 +322484,36 +322485,36 +322486,36 +322487,36 +322488,36 +322489,36 +322490,36 +322491,32 +322492,32 +322493,32 +322494,32 +322495,32 +322496,32 +322497,32 +322498,32 +322499,32 +322500,39 +322501,7 +322502,39 +322503,39 +322504,39 +322505,39 +322506,39 +322507,39 +322508,39 +322509,39 +322510,39 +322511,39 +322512,39 +322513,39 +322514,39 +322515,39 +322516,39 +322517,39 +322518,39 +322519,39 +322520,39 +322521,39 +322522,39 +322523,39 +322524,39 +322525,39 +322526,39 +322527,39 +322528,39 +322529,39 +322530,39 +322531,39 +322532,39 +322533,39 +322534,39 +322535,0 +322536,0 +322537,0 +322538,0 +322539,0 +322540,0 +322541,0 +322542,0 +322543,0 +322544,0 +322545,0 +322546,0 +322547,0 +322548,0 +322549,0 +322550,0 +322551,0 +322552,0 +322553,0 +322554,0 +322555,0 +322556,0 +322557,0 +322558,0 +322559,0 +322560,0 +322561,0 +322562,0 +322563,0 +322564,0 +322565,0 +322566,0 +322567,0 +322568,0 +322569,28 +322570,28 +322571,28 +322572,28 +322573,28 +322574,28 +322575,28 +322576,10 +322577,10 +322578,10 +322579,10 +322580,10 +322581,10 +322582,10 +322583,10 +322584,10 +322585,10 +322586,10 +322587,10 +322588,5 +322589,5 +322590,5 +322591,19 +322592,19 +322593,19 +322594,19 +322595,19 +322596,19 +322597,19 +322598,19 +322599,27 +322600,27 +322601,27 +322602,27 +322603,27 +322604,27 +322605,27 +322606,27 +322607,27 +322608,37 +322609,37 +322610,37 +322611,37 +322612,37 +322613,37 +322614,37 +322615,37 +322616,25 +322617,25 +322618,25 +322619,25 +322620,2 +322621,2 +322622,2 +322623,2 +322624,2 +322625,2 +322626,2 +322627,2 +322628,2 +322629,2 +322630,2 +322631,2 +322632,2 +322633,2 +322634,27 +322635,27 +322636,39 +322637,39 +322638,39 +322639,13 +322640,13 +322641,13 +322642,13 +322643,13 +322644,13 +322645,13 +322646,13 +322647,10 +322648,10 +322649,7 +322650,7 +322651,13 +322652,34 +322653,34 +322654,34 +322655,34 +322656,34 +322657,10 +322658,10 +322659,34 +322660,34 +322661,34 +322662,25 +322663,25 +322664,25 +322665,25 +322666,25 +322667,37 +322668,37 +322669,37 +322670,37 +322671,37 +322672,37 +322673,37 +322674,37 +322675,37 +322676,37 +322677,37 +322678,37 +322679,4 +322680,4 +322681,4 +322682,4 +322683,19 +322684,19 +322685,0 +322686,0 +322687,0 +322688,0 +322689,0 +322690,0 +322691,0 +322692,0 +322693,0 +322694,29 +322695,29 +322696,29 +322697,25 +322698,25 +322699,25 +322700,25 +322701,25 +322702,25 +322703,25 +322704,25 +322705,25 +322706,25 +322707,8 +322708,8 +322709,8 +322710,8 +322711,8 +322712,8 +322713,8 +322714,8 +322715,8 +322716,8 +322717,5 +322718,5 +322719,5 +322720,5 +322721,5 +322722,5 +322723,5 +322724,5 +322725,5 +322726,5 +322727,33 +322728,33 +322729,33 +322730,33 +322731,33 +322732,33 +322733,33 +322734,33 +322735,33 +322736,33 +322737,33 +322738,33 +322739,33 +322740,33 +322741,33 +322742,28 +322743,33 +322744,33 +322745,28 +322746,22 +322747,22 +322748,22 +322749,28 +322750,28 +322751,28 +322752,28 +322753,28 +322754,36 +322755,36 +322756,28 +322757,36 +322758,36 +322759,36 +322760,36 +322761,36 +322762,36 +322763,36 +322764,36 +322765,36 +322766,36 +322767,36 +322768,36 +322769,36 +322770,5 +322771,5 +322772,5 +322773,5 +322774,5 +322775,5 +322776,5 +322777,5 +322778,5 +322779,5 +322780,5 +322781,15 +322782,15 +322783,15 +322784,15 +322785,15 +322786,15 +322787,29 +322788,36 +322789,36 +322790,36 +322791,36 +322792,36 +322793,36 +322794,40 +322795,4 +322796,4 +322797,4 +322798,4 +322799,4 +322800,4 +322801,25 +322802,25 +322803,25 +322804,25 +322805,25 +322806,25 +322807,25 +322808,32 +322809,32 +322810,32 +322811,32 +322812,32 +322813,32 +322814,32 +322815,32 +322816,32 +322817,32 +322818,32 +322819,32 +322820,32 +322821,32 +322822,32 +322823,32 +322824,33 +322825,33 +322826,33 +322827,33 +322828,33 +322829,33 +322830,33 +322831,33 +322832,33 +322833,33 +322834,33 +322835,33 +322836,33 +322837,2 +322838,2 +322839,2 +322840,2 +322841,2 +322842,8 +322843,8 +322844,29 +322845,29 +322846,29 +322847,4 +322848,4 +322849,4 +322850,40 +322851,40 +322852,40 +322853,40 +322854,40 +322855,27 +322856,27 +322857,27 +322858,27 +322859,4 +322860,4 +322861,4 +322862,4 +322863,4 +322864,4 +322865,4 +322866,4 +322867,4 +322868,4 +322869,4 +322870,40 +322871,40 +322872,40 +322873,40 +322874,40 +322875,40 +322876,40 +322877,40 +322878,40 +322879,40 +322880,40 +322881,40 +322882,2 +322883,2 +322884,2 +322885,2 +322886,2 +322887,8 +322888,8 +322889,8 +322890,8 +322891,4 +322892,4 +322893,4 +322894,4 +322895,4 +322896,4 +322897,4 +322898,3 +322899,3 +322900,3 +322901,3 +322902,3 +322903,3 +322904,3 +322905,3 +322906,3 +322907,33 +322908,3 +322909,3 +322910,26 +322911,33 +322912,33 +322913,34 +322914,34 +322915,34 +322916,34 +322917,34 +322918,25 +322919,25 +322920,25 +322921,25 +322922,25 +322923,25 +322924,25 +322925,37 +322926,37 +322927,25 +322928,25 +322929,37 +322930,37 +322931,37 +322932,37 +322933,37 +322934,5 +322935,5 +322936,5 +322937,5 +322938,5 +322939,5 +322940,5 +322941,31 +322942,28 +322943,31 +322944,31 +322945,31 +322946,28 +322947,28 +322948,5 +322949,28 +322950,28 +322951,28 +322952,28 +322953,27 +322954,27 +322955,27 +322956,27 +322957,27 +322958,27 +322959,30 +322960,30 +322961,30 +322962,30 +322963,30 +322964,30 +322965,30 +322966,30 +322967,30 +322968,30 +322969,27 +322970,27 +322971,27 +322972,27 +322973,27 +322974,19 +322975,19 +322976,19 +322977,19 +322978,19 +322979,39 +322980,39 +322981,39 +322982,39 +322983,39 +322984,39 +322985,39 +322986,39 +322987,39 +322988,39 +322989,39 +322990,39 +322991,39 +322992,39 +322993,39 +322994,39 +322995,39 +322996,39 +322997,39 +322998,39 +322999,27 +323000,27 +323001,27 +323002,27 +323003,27 +323004,27 +323005,27 +323006,27 +323007,27 +323008,27 +323009,5 +323010,5 +323011,5 +323012,5 +323013,5 +323014,5 +323015,5 +323016,5 +323017,5 +323018,5 +323019,5 +323020,5 +323021,5 +323022,5 +323023,0 +323024,0 +323025,0 +323026,0 +323027,0 +323028,0 +323029,0 +323030,0 +323031,9 +323032,9 +323033,9 +323034,9 +323035,9 +323036,9 +323037,9 +323038,9 +323039,9 +323040,9 +323041,9 +323042,9 +323043,9 +323044,9 +323045,9 +323046,9 +323047,9 +323048,9 +323049,9 +323050,9 +323051,9 +323052,9 +323053,9 +323054,9 +323055,9 +323056,9 +323057,9 +323058,9 +323059,9 +323060,9 +323061,30 +323062,30 +323063,30 +323064,30 +323065,30 +323066,30 +323067,30 +323068,30 +323069,30 +323070,30 +323071,30 +323072,30 +323073,30 +323074,30 +323075,30 +323076,30 +323077,30 +323078,0 +323079,0 +323080,0 +323081,0 +323082,0 +323083,0 +323084,0 +323085,0 +323086,36 +323087,36 +323088,36 +323089,36 +323090,36 +323091,5 +323092,5 +323093,5 +323094,19 +323095,19 +323096,19 +323097,19 +323098,19 +323099,30 +323100,30 +323101,3 +323102,3 +323103,3 +323104,3 +323105,30 +323106,30 +323107,30 +323108,30 +323109,30 +323110,30 +323111,30 +323112,39 +323113,39 +323114,39 +323115,39 +323116,39 +323117,39 +323118,39 +323119,39 +323120,39 +323121,39 +323122,39 +323123,39 +323124,0 +323125,0 +323126,0 +323127,0 +323128,0 +323129,0 +323130,0 +323131,0 +323132,0 +323133,0 +323134,0 +323135,0 +323136,0 +323137,0 +323138,0 +323139,0 +323140,0 +323141,0 +323142,0 +323143,0 +323144,0 +323145,0 +323146,0 +323147,0 +323148,0 +323149,0 +323150,0 +323151,0 +323152,0 +323153,0 +323154,0 +323155,0 +323156,0 +323157,0 +323158,0 +323159,0 +323160,0 +323161,0 +323162,0 +323163,7 +323164,7 +323165,7 +323166,7 +323167,7 +323168,7 +323169,7 +323170,40 +323171,40 +323172,40 +323173,40 +323174,40 +323175,40 +323176,40 +323177,40 +323178,40 +323179,40 +323180,40 +323181,5 +323182,5 +323183,4 +323184,4 +323185,5 +323186,5 +323187,5 +323188,4 +323189,4 +323190,4 +323191,4 +323192,4 +323193,4 +323194,4 +323195,4 +323196,4 +323197,4 +323198,4 +323199,4 +323200,4 +323201,4 +323202,4 +323203,4 +323204,4 +323205,4 +323206,0 +323207,0 +323208,0 +323209,0 +323210,0 +323211,0 +323212,0 +323213,0 +323214,0 +323215,0 +323216,0 +323217,7 +323218,7 +323219,7 +323220,7 +323221,7 +323222,7 +323223,7 +323224,3 +323225,3 +323226,3 +323227,3 +323228,39 +323229,39 +323230,39 +323231,2 +323232,2 +323233,2 +323234,2 +323235,2 +323236,2 +323237,2 +323238,2 +323239,2 +323240,2 +323241,2 +323242,2 +323243,2 +323244,2 +323245,14 +323246,14 +323247,14 +323248,14 +323249,14 +323250,14 +323251,14 +323252,14 +323253,14 +323254,14 +323255,14 +323256,14 +323257,14 +323258,14 +323259,14 +323260,7 +323261,7 +323262,7 +323263,39 +323264,39 +323265,39 +323266,39 +323267,3 +323268,3 +323269,3 +323270,3 +323271,3 +323272,3 +323273,19 +323274,19 +323275,19 +323276,19 +323277,19 +323278,19 +323279,19 +323280,33 +323281,33 +323282,33 +323283,33 +323284,33 +323285,33 +323286,33 +323287,33 +323288,33 +323289,33 +323290,5 +323291,5 +323292,5 +323293,5 +323294,5 +323295,5 +323296,5 +323297,5 +323298,5 +323299,5 +323300,5 +323301,5 +323302,5 +323303,5 +323304,5 +323305,33 +323306,33 +323307,33 +323308,33 +323309,33 +323310,33 +323311,33 +323312,33 +323313,33 +323314,33 +323315,29 +323316,29 +323317,29 +323318,29 +323319,29 +323320,29 +323321,31 +323322,27 +323323,31 +323324,27 +323325,27 +323326,27 +323327,31 +323328,23 +323329,23 +323330,23 +323331,23 +323332,23 +323333,23 +323334,38 +323335,31 +323336,31 +323337,31 +323338,31 +323339,31 +323340,31 +323341,31 +323342,31 +323343,31 +323344,31 +323345,31 +323346,31 +323347,31 +323348,26 +323349,31 +323350,26 +323351,26 +323352,26 +323353,26 +323354,26 +323355,26 +323356,26 +323357,30 +323358,30 +323359,30 +323360,30 +323361,30 +323362,30 +323363,30 +323364,30 +323365,30 +323366,30 +323367,30 +323368,38 +323369,38 +323370,38 +323371,38 +323372,38 +323373,38 +323374,38 +323375,38 +323376,38 +323377,39 +323378,39 +323379,39 +323380,39 +323381,39 +323382,39 +323383,39 +323384,23 +323385,23 +323386,23 +323387,23 +323388,23 +323389,23 +323390,23 +323391,23 +323392,23 +323393,23 +323394,23 +323395,10 +323396,10 +323397,10 +323398,10 +323399,10 +323400,10 +323401,10 +323402,10 +323403,10 +323404,10 +323405,10 +323406,40 +323407,40 +323408,40 +323409,40 +323410,40 +323411,40 +323412,28 +323413,28 +323414,28 +323415,28 +323416,28 +323417,28 +323418,28 +323419,12 +323420,12 +323421,30 +323422,30 +323423,30 +323424,30 +323425,30 +323426,30 +323427,30 +323428,39 +323429,39 +323430,39 +323431,39 +323432,39 +323433,39 +323434,39 +323435,39 +323436,39 +323437,39 +323438,39 +323439,39 +323440,39 +323441,0 +323442,0 +323443,0 +323444,0 +323445,0 +323446,0 +323447,0 +323448,0 +323449,0 +323450,0 +323451,0 +323452,0 +323453,0 +323454,0 +323455,0 +323456,0 +323457,0 +323458,0 +323459,0 +323460,0 +323461,0 +323462,0 +323463,0 +323464,0 +323465,0 +323466,0 +323467,0 +323468,0 +323469,0 +323470,0 +323471,0 +323472,0 +323473,0 +323474,0 +323475,0 +323476,0 +323477,0 +323478,0 +323479,0 +323480,0 +323481,0 +323482,0 +323483,0 +323484,0 +323485,0 +323486,0 +323487,0 +323488,0 +323489,15 +323490,15 +323491,15 +323492,32 +323493,32 +323494,32 +323495,32 +323496,32 +323497,22 +323498,22 +323499,27 +323500,31 +323501,31 +323502,31 +323503,31 +323504,23 +323505,23 +323506,23 +323507,23 +323508,23 +323509,23 +323510,23 +323511,23 +323512,23 +323513,23 +323514,23 +323515,23 +323516,23 +323517,23 +323518,23 +323519,23 +323520,23 +323521,23 +323522,9 +323523,9 +323524,9 +323525,9 +323526,9 +323527,9 +323528,9 +323529,9 +323530,9 +323531,9 +323532,9 +323533,9 +323534,9 +323535,9 +323536,9 +323537,9 +323538,9 +323539,13 +323540,13 +323541,13 +323542,5 +323543,5 +323544,5 +323545,5 +323546,5 +323547,39 +323548,39 +323549,39 +323550,39 +323551,39 +323552,39 +323553,39 +323554,39 +323555,39 +323556,39 +323557,13 +323558,13 +323559,13 +323560,29 +323561,29 +323562,29 +323563,29 +323564,29 +323565,29 +323566,29 +323567,29 +323568,36 +323569,36 +323570,36 +323571,36 +323572,36 +323573,36 +323574,36 +323575,36 +323576,36 +323577,36 +323578,36 +323579,36 +323580,36 +323581,5 +323582,5 +323583,5 +323584,5 +323585,5 +323586,5 +323587,5 +323588,5 +323589,5 +323590,5 +323591,5 +323592,5 +323593,5 +323594,5 +323595,5 +323596,5 +323597,5 +323598,5 +323599,0 +323600,0 +323601,0 +323602,0 +323603,0 +323604,0 +323605,0 +323606,0 +323607,0 +323608,0 +323609,0 +323610,0 +323611,0 +323612,0 +323613,0 +323614,0 +323615,0 +323616,0 +323617,0 +323618,0 +323619,0 +323620,0 +323621,0 +323622,0 +323623,0 +323624,0 +323625,0 +323626,0 +323627,0 +323628,0 +323629,0 +323630,0 +323631,0 +323632,0 +323633,0 +323634,0 +323635,0 +323636,0 +323637,0 +323638,0 +323639,0 +323640,0 +323641,0 +323642,0 +323643,0 +323644,0 +323645,0 +323646,0 +323647,0 +323648,0 +323649,0 +323650,0 +323651,0 +323652,0 +323653,0 +323654,0 +323655,0 +323656,0 +323657,0 +323658,0 +323659,0 +323660,0 +323661,0 +323662,0 +323663,0 +323664,0 +323665,0 +323666,0 +323667,0 +323668,0 +323669,0 +323670,0 +323671,0 +323672,0 +323673,0 +323674,0 +323675,0 +323676,0 +323677,0 +323678,0 +323679,0 +323680,0 +323681,0 +323682,0 +323683,0 +323684,2 +323685,2 +323686,2 +323687,2 +323688,2 +323689,0 +323690,0 +323691,0 +323692,2 +323693,2 +323694,2 +323695,2 +323696,0 +323697,0 +323698,0 +323699,0 +323700,35 +323701,35 +323702,35 +323703,35 +323704,35 +323705,35 +323706,12 +323707,12 +323708,12 +323709,12 +323710,9 +323711,9 +323712,9 +323713,9 +323714,9 +323715,9 +323716,9 +323717,6 +323718,6 +323719,6 +323720,6 +323721,6 +323722,12 +323723,12 +323724,12 +323725,12 +323726,12 +323727,12 +323728,25 +323729,25 +323730,37 +323731,37 +323732,28 +323733,28 +323734,28 +323735,28 +323736,28 +323737,10 +323738,10 +323739,10 +323740,10 +323741,10 +323742,10 +323743,10 +323744,10 +323745,10 +323746,10 +323747,10 +323748,10 +323749,6 +323750,6 +323751,6 +323752,6 +323753,4 +323754,19 +323755,4 +323756,4 +323757,37 +323758,37 +323759,37 +323760,37 +323761,37 +323762,37 +323763,39 +323764,39 +323765,39 +323766,39 +323767,39 +323768,39 +323769,39 +323770,39 +323771,39 +323772,39 +323773,39 +323774,39 +323775,5 +323776,5 +323777,5 +323778,5 +323779,5 +323780,5 +323781,5 +323782,28 +323783,28 +323784,28 +323785,28 +323786,28 +323787,28 +323788,28 +323789,5 +323790,5 +323791,5 +323792,8 +323793,8 +323794,8 +323795,8 +323796,8 +323797,8 +323798,8 +323799,8 +323800,8 +323801,8 +323802,8 +323803,8 +323804,2 +323805,0 +323806,0 +323807,0 +323808,0 +323809,0 +323810,0 +323811,0 +323812,0 +323813,0 +323814,0 +323815,0 +323816,0 +323817,0 +323818,0 +323819,0 +323820,0 +323821,0 +323822,0 +323823,0 +323824,0 +323825,0 +323826,0 +323827,0 +323828,0 +323829,0 +323830,0 +323831,0 +323832,0 +323833,0 +323834,0 +323835,0 +323836,0 +323837,0 +323838,0 +323839,0 +323840,0 +323841,0 +323842,0 +323843,0 +323844,35 +323845,35 +323846,35 +323847,35 +323848,35 +323849,35 +323850,35 +323851,35 +323852,36 +323853,36 +323854,36 +323855,36 +323856,36 +323857,36 +323858,36 +323859,36 +323860,5 +323861,5 +323862,5 +323863,5 +323864,5 +323865,5 +323866,5 +323867,2 +323868,2 +323869,2 +323870,2 +323871,2 +323872,2 +323873,2 +323874,2 +323875,2 +323876,2 +323877,27 +323878,27 +323879,27 +323880,27 +323881,27 +323882,27 +323883,19 +323884,19 +323885,19 +323886,19 +323887,19 +323888,23 +323889,23 +323890,23 +323891,23 +323892,23 +323893,23 +323894,23 +323895,23 +323896,23 +323897,23 +323898,23 +323899,26 +323900,26 +323901,26 +323902,26 +323903,26 +323904,26 +323905,26 +323906,26 +323907,26 +323908,26 +323909,9 +323910,9 +323911,26 +323912,26 +323913,30 +323914,30 +323915,30 +323916,30 +323917,30 +323918,30 +323919,30 +323920,33 +323921,33 +323922,33 +323923,33 +323924,33 +323925,33 +323926,33 +323927,33 +323928,33 +323929,33 +323930,33 +323931,33 +323932,33 +323933,33 +323934,8 +323935,8 +323936,8 +323937,8 +323938,8 +323939,8 +323940,8 +323941,8 +323942,8 +323943,23 +323944,23 +323945,23 +323946,23 +323947,23 +323948,23 +323949,23 +323950,25 +323951,25 +323952,25 +323953,25 +323954,25 +323955,25 +323956,25 +323957,25 +323958,25 +323959,25 +323960,25 +323961,25 +323962,25 +323963,25 +323964,25 +323965,25 +323966,25 +323967,25 +323968,25 +323969,25 +323970,25 +323971,25 +323972,25 +323973,25 +323974,25 +323975,25 +323976,2 +323977,2 +323978,2 +323979,2 +323980,2 +323981,2 +323982,2 +323983,2 +323984,2 +323985,2 +323986,2 +323987,2 +323988,2 +323989,0 +323990,0 +323991,0 +323992,0 +323993,0 +323994,0 +323995,0 +323996,0 +323997,0 +323998,0 +323999,29 +324000,29 +324001,29 +324002,29 +324003,29 +324004,29 +324005,29 +324006,29 +324007,29 +324008,31 +324009,31 +324010,27 +324011,27 +324012,4 +324013,4 +324014,4 +324015,4 +324016,4 +324017,4 +324018,29 +324019,29 +324020,29 +324021,39 +324022,39 +324023,14 +324024,14 +324025,27 +324026,7 +324027,7 +324028,7 +324029,7 +324030,7 +324031,7 +324032,7 +324033,7 +324034,7 +324035,7 +324036,3 +324037,3 +324038,3 +324039,3 +324040,3 +324041,28 +324042,28 +324043,28 +324044,28 +324045,28 +324046,31 +324047,31 +324048,31 +324049,31 +324050,31 +324051,31 +324052,5 +324053,5 +324054,5 +324055,5 +324056,28 +324057,28 +324058,28 +324059,28 +324060,28 +324061,28 +324062,28 +324063,28 +324064,10 +324065,10 +324066,10 +324067,10 +324068,10 +324069,10 +324070,10 +324071,10 +324072,10 +324073,10 +324074,10 +324075,10 +324076,10 +324077,10 +324078,5 +324079,5 +324080,5 +324081,5 +324082,5 +324083,4 +324084,4 +324085,4 +324086,4 +324087,4 +324088,4 +324089,4 +324090,25 +324091,25 +324092,25 +324093,25 +324094,25 +324095,25 +324096,25 +324097,2 +324098,2 +324099,2 +324100,2 +324101,2 +324102,2 +324103,2 +324104,2 +324105,2 +324106,2 +324107,2 +324108,2 +324109,2 +324110,2 +324111,2 +324112,39 +324113,39 +324114,39 +324115,39 +324116,39 +324117,39 +324118,39 +324119,39 +324120,39 +324121,39 +324122,39 +324123,39 +324124,39 +324125,39 +324126,39 +324127,8 +324128,8 +324129,8 +324130,8 +324131,8 +324132,8 +324133,8 +324134,8 +324135,8 +324136,8 +324137,27 +324138,27 +324139,31 +324140,31 +324141,31 +324142,5 +324143,5 +324144,5 +324145,5 +324146,5 +324147,5 +324148,5 +324149,14 +324150,14 +324151,14 +324152,14 +324153,14 +324154,14 +324155,14 +324156,14 +324157,14 +324158,14 +324159,14 +324160,4 +324161,4 +324162,4 +324163,16 +324164,16 +324165,16 +324166,16 +324167,16 +324168,16 +324169,16 +324170,16 +324171,25 +324172,25 +324173,25 +324174,25 +324175,25 +324176,25 +324177,25 +324178,25 +324179,25 +324180,25 +324181,24 +324182,24 +324183,24 +324184,24 +324185,24 +324186,24 +324187,24 +324188,24 +324189,31 +324190,31 +324191,31 +324192,25 +324193,25 +324194,31 +324195,31 +324196,31 +324197,23 +324198,23 +324199,23 +324200,23 +324201,23 +324202,23 +324203,23 +324204,25 +324205,25 +324206,25 +324207,25 +324208,25 +324209,25 +324210,25 +324211,25 +324212,25 +324213,25 +324214,25 +324215,25 +324216,25 +324217,25 +324218,25 +324219,25 +324220,10 +324221,10 +324222,10 +324223,10 +324224,10 +324225,10 +324226,10 +324227,10 +324228,10 +324229,10 +324230,10 +324231,10 +324232,10 +324233,10 +324234,19 +324235,19 +324236,19 +324237,39 +324238,39 +324239,39 +324240,39 +324241,39 +324242,39 +324243,31 +324244,14 +324245,14 +324246,24 +324247,24 +324248,24 +324249,24 +324250,24 +324251,24 +324252,24 +324253,24 +324254,24 +324255,24 +324256,24 +324257,24 +324258,24 +324259,26 +324260,26 +324261,26 +324262,26 +324263,26 +324264,26 +324265,26 +324266,26 +324267,26 +324268,26 +324269,26 +324270,26 +324271,26 +324272,26 +324273,26 +324274,26 +324275,19 +324276,19 +324277,19 +324278,19 +324279,39 +324280,39 +324281,39 +324282,39 +324283,39 +324284,39 +324285,39 +324286,39 +324287,2 +324288,2 +324289,2 +324290,2 +324291,2 +324292,2 +324293,2 +324294,2 +324295,2 +324296,4 +324297,4 +324298,4 +324299,4 +324300,4 +324301,4 +324302,4 +324303,27 +324304,27 +324305,27 +324306,31 +324307,31 +324308,21 +324309,21 +324310,21 +324311,21 +324312,21 +324313,21 +324314,21 +324315,21 +324316,40 +324317,40 +324318,40 +324319,40 +324320,40 +324321,40 +324322,40 +324323,29 +324324,29 +324325,29 +324326,29 +324327,29 +324328,25 +324329,25 +324330,25 +324331,25 +324332,25 +324333,25 +324334,25 +324335,25 +324336,25 +324337,12 +324338,12 +324339,12 +324340,12 +324341,12 +324342,12 +324343,12 +324344,12 +324345,12 +324346,27 +324347,27 +324348,27 +324349,38 +324350,38 +324351,38 +324352,38 +324353,38 +324354,38 +324355,38 +324356,40 +324357,31 +324358,31 +324359,40 +324360,19 +324361,19 +324362,5 +324363,5 +324364,5 +324365,5 +324366,5 +324367,19 +324368,14 +324369,14 +324370,14 +324371,14 +324372,14 +324373,14 +324374,14 +324375,14 +324376,14 +324377,14 +324378,14 +324379,14 +324380,4 +324381,4 +324382,16 +324383,16 +324384,16 +324385,16 +324386,16 +324387,16 +324388,16 +324389,37 +324390,37 +324391,37 +324392,37 +324393,37 +324394,37 +324395,37 +324396,31 +324397,31 +324398,31 +324399,31 +324400,24 +324401,24 +324402,24 +324403,24 +324404,24 +324405,27 +324406,27 +324407,27 +324408,27 +324409,27 +324410,27 +324411,19 +324412,19 +324413,19 +324414,19 +324415,19 +324416,2 +324417,2 +324418,2 +324419,2 +324420,2 +324421,2 +324422,40 +324423,40 +324424,40 +324425,40 +324426,40 +324427,40 +324428,40 +324429,40 +324430,40 +324431,40 +324432,40 +324433,40 +324434,40 +324435,40 +324436,30 +324437,30 +324438,30 +324439,30 +324440,30 +324441,30 +324442,30 +324443,30 +324444,30 +324445,30 +324446,30 +324447,30 +324448,33 +324449,33 +324450,30 +324451,30 +324452,5 +324453,5 +324454,5 +324455,12 +324456,5 +324457,5 +324458,5 +324459,5 +324460,5 +324461,0 +324462,5 +324463,5 +324464,5 +324465,0 +324466,0 +324467,0 +324468,0 +324469,0 +324470,0 +324471,0 +324472,0 +324473,0 +324474,0 +324475,0 +324476,0 +324477,0 +324478,0 +324479,0 +324480,0 +324481,0 +324482,0 +324483,0 +324484,0 +324485,0 +324486,0 +324487,0 +324488,0 +324489,0 +324490,0 +324491,0 +324492,0 +324493,0 +324494,0 +324495,0 +324496,0 +324497,0 +324498,0 +324499,0 +324500,0 +324501,0 +324502,0 +324503,0 +324504,0 +324505,0 +324506,0 +324507,0 +324508,0 +324509,0 +324510,0 +324511,0 +324512,0 +324513,0 +324514,0 +324515,0 +324516,0 +324517,0 +324518,0 +324519,0 +324520,0 +324521,0 +324522,0 +324523,0 +324524,0 +324525,0 +324526,0 +324527,0 +324528,0 +324529,0 +324530,0 +324531,0 +324532,0 +324533,0 +324534,0 +324535,0 +324536,0 +324537,0 +324538,0 +324539,0 +324540,27 +324541,27 +324542,27 +324543,36 +324544,36 +324545,36 +324546,5 +324547,5 +324548,5 +324549,5 +324550,5 +324551,5 +324552,5 +324553,5 +324554,5 +324555,5 +324556,5 +324557,5 +324558,5 +324559,5 +324560,3 +324561,3 +324562,33 +324563,3 +324564,33 +324565,33 +324566,33 +324567,33 +324568,33 +324569,3 +324570,3 +324571,3 +324572,33 +324573,2 +324574,2 +324575,2 +324576,2 +324577,2 +324578,2 +324579,2 +324580,2 +324581,2 +324582,2 +324583,2 +324584,2 +324585,2 +324586,2 +324587,25 +324588,25 +324589,25 +324590,25 +324591,25 +324592,25 +324593,25 +324594,25 +324595,25 +324596,25 +324597,25 +324598,25 +324599,25 +324600,25 +324601,28 +324602,28 +324603,28 +324604,28 +324605,28 +324606,28 +324607,28 +324608,28 +324609,2 +324610,2 +324611,2 +324612,2 +324613,2 +324614,2 +324615,2 +324616,4 +324617,4 +324618,4 +324619,4 +324620,4 +324621,4 +324622,36 +324623,36 +324624,36 +324625,36 +324626,36 +324627,36 +324628,36 +324629,36 +324630,36 +324631,36 +324632,5 +324633,5 +324634,5 +324635,5 +324636,5 +324637,5 +324638,2 +324639,2 +324640,2 +324641,2 +324642,2 +324643,2 +324644,2 +324645,2 +324646,2 +324647,25 +324648,25 +324649,25 +324650,25 +324651,25 +324652,25 +324653,25 +324654,25 +324655,25 +324656,25 +324657,25 +324658,37 +324659,25 +324660,25 +324661,25 +324662,25 +324663,25 +324664,30 +324665,30 +324666,30 +324667,30 +324668,30 +324669,30 +324670,30 +324671,30 +324672,30 +324673,30 +324674,30 +324675,10 +324676,10 +324677,10 +324678,10 +324679,10 +324680,10 +324681,10 +324682,10 +324683,10 +324684,10 +324685,10 +324686,10 +324687,10 +324688,10 +324689,10 +324690,10 +324691,10 +324692,23 +324693,23 +324694,23 +324695,23 +324696,23 +324697,23 +324698,23 +324699,23 +324700,23 +324701,38 +324702,38 +324703,0 +324704,0 +324705,0 +324706,0 +324707,0 +324708,0 +324709,12 +324710,12 +324711,31 +324712,12 +324713,12 +324714,12 +324715,12 +324716,31 +324717,31 +324718,31 +324719,31 +324720,31 +324721,31 +324722,31 +324723,8 +324724,8 +324725,8 +324726,8 +324727,8 +324728,8 +324729,8 +324730,8 +324731,8 +324732,8 +324733,25 +324734,25 +324735,40 +324736,37 +324737,37 +324738,37 +324739,37 +324740,37 +324741,37 +324742,37 +324743,25 +324744,36 +324745,36 +324746,36 +324747,36 +324748,36 +324749,40 +324750,40 +324751,5 +324752,5 +324753,5 +324754,5 +324755,5 +324756,39 +324757,39 +324758,39 +324759,39 +324760,39 +324761,39 +324762,39 +324763,39 +324764,39 +324765,2 +324766,2 +324767,2 +324768,2 +324769,2 +324770,2 +324771,2 +324772,2 +324773,2 +324774,2 +324775,2 +324776,2 +324777,2 +324778,3 +324779,27 +324780,27 +324781,28 +324782,13 +324783,13 +324784,13 +324785,13 +324786,5 +324787,31 +324788,31 +324789,31 +324790,31 +324791,30 +324792,30 +324793,30 +324794,30 +324795,30 +324796,30 +324797,30 +324798,30 +324799,25 +324800,25 +324801,25 +324802,25 +324803,25 +324804,25 +324805,25 +324806,25 +324807,25 +324808,25 +324809,25 +324810,25 +324811,37 +324812,37 +324813,37 +324814,37 +324815,37 +324816,37 +324817,37 +324818,4 +324819,4 +324820,4 +324821,4 +324822,4 +324823,4 +324824,4 +324825,4 +324826,39 +324827,39 +324828,39 +324829,39 +324830,39 +324831,39 +324832,39 +324833,39 +324834,24 +324835,24 +324836,15 +324837,15 +324838,15 +324839,24 +324840,15 +324841,15 +324842,15 +324843,27 +324844,27 +324845,4 +324846,4 +324847,4 +324848,4 +324849,4 +324850,4 +324851,4 +324852,4 +324853,4 +324854,4 +324855,3 +324856,3 +324857,3 +324858,3 +324859,3 +324860,3 +324861,3 +324862,3 +324863,3 +324864,5 +324865,5 +324866,5 +324867,5 +324868,5 +324869,35 +324870,35 +324871,35 +324872,35 +324873,35 +324874,35 +324875,35 +324876,35 +324877,25 +324878,25 +324879,25 +324880,25 +324881,25 +324882,25 +324883,25 +324884,2 +324885,2 +324886,2 +324887,2 +324888,2 +324889,2 +324890,2 +324891,2 +324892,2 +324893,2 +324894,2 +324895,2 +324896,40 +324897,40 +324898,40 +324899,40 +324900,40 +324901,40 +324902,30 +324903,30 +324904,30 +324905,30 +324906,30 +324907,30 +324908,30 +324909,30 +324910,30 +324911,30 +324912,23 +324913,23 +324914,23 +324915,23 +324916,23 +324917,23 +324918,23 +324919,23 +324920,23 +324921,31 +324922,31 +324923,31 +324924,31 +324925,31 +324926,31 +324927,31 +324928,31 +324929,5 +324930,5 +324931,5 +324932,5 +324933,5 +324934,25 +324935,25 +324936,25 +324937,25 +324938,25 +324939,25 +324940,25 +324941,25 +324942,25 +324943,35 +324944,35 +324945,35 +324946,35 +324947,35 +324948,35 +324949,35 +324950,35 +324951,35 +324952,35 +324953,35 +324954,40 +324955,40 +324956,40 +324957,40 +324958,40 +324959,40 +324960,37 +324961,37 +324962,37 +324963,37 +324964,37 +324965,37 +324966,37 +324967,37 +324968,37 +324969,33 +324970,33 +324971,33 +324972,33 +324973,33 +324974,33 +324975,12 +324976,33 +324977,33 +324978,33 +324979,33 +324980,33 +324981,33 +324982,33 +324983,33 +324984,33 +324985,5 +324986,5 +324987,5 +324988,5 +324989,5 +324990,5 +324991,31 +324992,31 +324993,31 +324994,31 +324995,31 +324996,31 +324997,31 +324998,5 +324999,28 +325000,28 +325001,28 +325002,28 +325003,28 +325004,28 +325005,28 +325006,28 +325007,28 +325008,28 +325009,28 +325010,28 +325011,28 +325012,36 +325013,36 +325014,36 +325015,36 +325016,36 +325017,36 +325018,36 +325019,36 +325020,36 +325021,36 +325022,5 +325023,5 +325024,5 +325025,5 +325026,5 +325027,5 +325028,5 +325029,2 +325030,2 +325031,2 +325032,2 +325033,2 +325034,2 +325035,2 +325036,2 +325037,2 +325038,4 +325039,4 +325040,4 +325041,4 +325042,23 +325043,23 +325044,23 +325045,39 +325046,39 +325047,39 +325048,27 +325049,27 +325050,30 +325051,30 +325052,30 +325053,30 +325054,30 +325055,30 +325056,19 +325057,19 +325058,19 +325059,19 +325060,32 +325061,32 +325062,32 +325063,32 +325064,32 +325065,32 +325066,32 +325067,32 +325068,32 +325069,32 +325070,32 +325071,32 +325072,32 +325073,32 +325074,32 +325075,32 +325076,26 +325077,26 +325078,26 +325079,26 +325080,26 +325081,37 +325082,37 +325083,37 +325084,37 +325085,37 +325086,37 +325087,37 +325088,37 +325089,37 +325090,37 +325091,37 +325092,37 +325093,37 +325094,25 +325095,25 +325096,25 +325097,0 +325098,0 +325099,6 +325100,6 +325101,6 +325102,6 +325103,6 +325104,0 +325105,0 +325106,0 +325107,6 +325108,6 +325109,6 +325110,6 +325111,6 +325112,6 +325113,0 +325114,0 +325115,0 +325116,0 +325117,0 +325118,0 +325119,0 +325120,0 +325121,0 +325122,0 +325123,0 +325124,0 +325125,0 +325126,0 +325127,0 +325128,0 +325129,0 +325130,0 +325131,0 +325132,0 +325133,0 +325134,0 +325135,0 +325136,0 +325137,0 +325138,0 +325139,0 +325140,0 +325141,0 +325142,0 +325143,0 +325144,0 +325145,0 +325146,0 +325147,0 +325148,0 +325149,0 +325150,0 +325151,0 +325152,0 +325153,0 +325154,0 +325155,0 +325156,0 +325157,0 +325158,0 +325159,0 +325160,0 +325161,0 +325162,0 +325163,0 +325164,0 +325165,0 +325166,0 +325167,0 +325168,0 +325169,0 +325170,0 +325171,0 +325172,0 +325173,0 +325174,0 +325175,0 +325176,0 +325177,0 +325178,0 +325179,0 +325180,0 +325181,0 +325182,0 +325183,0 +325184,0 +325185,0 +325186,0 +325187,0 +325188,0 +325189,0 +325190,2 +325191,2 +325192,2 +325193,2 +325194,2 +325195,2 +325196,2 +325197,2 +325198,2 +325199,2 +325200,2 +325201,2 +325202,2 +325203,2 +325204,2 +325205,2 +325206,2 +325207,2 +325208,27 +325209,27 +325210,27 +325211,27 +325212,25 +325213,25 +325214,25 +325215,25 +325216,25 +325217,30 +325218,30 +325219,30 +325220,30 +325221,30 +325222,29 +325223,29 +325224,29 +325225,24 +325226,24 +325227,24 +325228,37 +325229,37 +325230,37 +325231,39 +325232,27 +325233,27 +325234,27 +325235,27 +325236,27 +325237,27 +325238,27 +325239,27 +325240,27 +325241,6 +325242,6 +325243,10 +325244,0 +325245,0 +325246,0 +325247,0 +325248,10 +325249,10 +325250,10 +325251,10 +325252,14 +325253,13 +325254,0 +325255,0 +325256,0 +325257,0 +325258,0 +325259,0 +325260,0 +325261,0 +325262,0 +325263,0 +325264,0 +325265,0 +325266,0 +325267,0 +325268,0 +325269,0 +325270,0 +325271,0 +325272,0 +325273,0 +325274,0 +325275,0 +325276,0 +325277,0 +325278,0 +325279,0 +325280,0 +325281,0 +325282,0 +325283,0 +325284,0 +325285,0 +325286,0 +325287,0 +325288,0 +325289,0 +325290,0 +325291,0 +325292,0 +325293,0 +325294,0 +325295,0 +325296,0 +325297,0 +325298,0 +325299,0 +325300,0 +325301,0 +325302,0 +325303,0 +325304,0 +325305,0 +325306,0 +325307,0 +325308,0 +325309,0 +325310,0 +325311,0 +325312,0 +325313,0 +325314,0 +325315,0 +325316,0 +325317,0 +325318,0 +325319,0 +325320,0 +325321,0 +325322,0 +325323,0 +325324,0 +325325,0 +325326,0 +325327,0 +325328,0 +325329,0 +325330,0 +325331,0 +325332,0 +325333,0 +325334,2 +325335,2 +325336,2 +325337,2 +325338,2 +325339,2 +325340,2 +325341,2 +325342,2 +325343,2 +325344,2 +325345,2 +325346,2 +325347,2 +325348,2 +325349,2 +325350,2 +325351,2 +325352,2 +325353,2 +325354,2 +325355,2 +325356,2 +325357,2 +325358,36 +325359,36 +325360,36 +325361,36 +325362,36 +325363,36 +325364,36 +325365,36 +325366,36 +325367,36 +325368,36 +325369,36 +325370,36 +325371,36 +325372,36 +325373,36 +325374,36 +325375,24 +325376,24 +325377,24 +325378,24 +325379,24 +325380,24 +325381,24 +325382,24 +325383,7 +325384,7 +325385,27 +325386,27 +325387,27 +325388,27 +325389,7 +325390,39 +325391,39 +325392,39 +325393,10 +325394,10 +325395,10 +325396,39 +325397,39 +325398,10 +325399,10 +325400,39 +325401,10 +325402,39 +325403,39 +325404,39 +325405,39 +325406,14 +325407,14 +325408,14 +325409,0 +325410,0 +325411,0 +325412,0 +325413,0 +325414,0 +325415,0 +325416,0 +325417,0 +325418,0 +325419,0 +325420,0 +325421,0 +325422,0 +325423,0 +325424,0 +325425,0 +325426,0 +325427,0 +325428,0 +325429,0 +325430,0 +325431,0 +325432,0 +325433,0 +325434,0 +325435,0 +325436,0 +325437,0 +325438,0 +325439,0 +325440,0 +325441,0 +325442,0 +325443,0 +325444,0 +325445,0 +325446,0 +325447,0 +325448,0 +325449,0 +325450,0 +325451,0 +325452,0 +325453,0 +325454,0 +325455,0 +325456,0 +325457,0 +325458,0 +325459,0 +325460,0 +325461,0 +325462,0 +325463,0 +325464,0 +325465,0 +325466,0 +325467,0 +325468,0 +325469,0 +325470,0 +325471,0 +325472,0 +325473,0 +325474,0 +325475,0 +325476,0 +325477,15 +325478,15 +325479,15 +325480,15 +325481,15 +325482,15 +325483,39 +325484,39 +325485,39 +325486,39 +325487,39 +325488,39 +325489,24 +325490,24 +325491,24 +325492,24 +325493,15 +325494,15 +325495,15 +325496,15 +325497,15 +325498,40 +325499,40 +325500,40 +325501,40 +325502,40 +325503,19 +325504,19 +325505,4 +325506,4 +325507,4 +325508,4 +325509,25 +325510,25 +325511,25 +325512,25 +325513,25 +325514,25 +325515,21 +325516,21 +325517,21 +325518,21 +325519,21 +325520,21 +325521,40 +325522,40 +325523,40 +325524,40 +325525,40 +325526,40 +325527,32 +325528,32 +325529,32 +325530,15 +325531,15 +325532,15 +325533,15 +325534,15 +325535,15 +325536,15 +325537,34 +325538,34 +325539,36 +325540,36 +325541,36 +325542,36 +325543,36 +325544,36 +325545,36 +325546,36 +325547,36 +325548,36 +325549,6 +325550,6 +325551,6 +325552,6 +325553,6 +325554,6 +325555,6 +325556,6 +325557,6 +325558,4 +325559,4 +325560,4 +325561,27 +325562,27 +325563,27 +325564,27 +325565,27 +325566,2 +325567,2 +325568,2 +325569,2 +325570,2 +325571,2 +325572,2 +325573,2 +325574,2 +325575,2 +325576,2 +325577,2 +325578,2 +325579,2 +325580,25 +325581,25 +325582,25 +325583,25 +325584,25 +325585,25 +325586,25 +325587,25 +325588,25 +325589,25 +325590,40 +325591,40 +325592,40 +325593,40 +325594,40 +325595,40 +325596,40 +325597,5 +325598,5 +325599,5 +325600,5 +325601,5 +325602,5 +325603,4 +325604,4 +325605,4 +325606,4 +325607,4 +325608,4 +325609,4 +325610,4 +325611,40 +325612,40 +325613,40 +325614,40 +325615,40 +325616,37 +325617,37 +325618,37 +325619,12 +325620,12 +325621,12 +325622,31 +325623,31 +325624,31 +325625,31 +325626,33 +325627,2 +325628,8 +325629,8 +325630,2 +325631,2 +325632,2 +325633,2 +325634,2 +325635,2 +325636,2 +325637,2 +325638,2 +325639,2 +325640,2 +325641,2 +325642,2 +325643,40 +325644,40 +325645,40 +325646,40 +325647,40 +325648,4 +325649,4 +325650,4 +325651,10 +325652,10 +325653,26 +325654,31 +325655,31 +325656,31 +325657,31 +325658,31 +325659,31 +325660,10 +325661,28 +325662,28 +325663,28 +325664,28 +325665,28 +325666,6 +325667,6 +325668,6 +325669,6 +325670,6 +325671,6 +325672,31 +325673,31 +325674,31 +325675,31 +325676,31 +325677,31 +325678,31 +325679,31 +325680,30 +325681,30 +325682,30 +325683,30 +325684,30 +325685,30 +325686,30 +325687,30 +325688,30 +325689,19 +325690,19 +325691,30 +325692,30 +325693,18 +325694,18 +325695,18 +325696,18 +325697,18 +325698,18 +325699,18 +325700,18 +325701,18 +325702,26 +325703,26 +325704,26 +325705,26 +325706,26 +325707,26 +325708,26 +325709,26 +325710,26 +325711,26 +325712,26 +325713,26 +325714,26 +325715,26 +325716,26 +325717,5 +325718,5 +325719,5 +325720,5 +325721,5 +325722,5 +325723,5 +325724,5 +325725,5 +325726,5 +325727,31 +325728,31 +325729,31 +325730,31 +325731,31 +325732,36 +325733,36 +325734,36 +325735,15 +325736,15 +325737,15 +325738,15 +325739,15 +325740,15 +325741,15 +325742,15 +325743,15 +325744,15 +325745,37 +325746,37 +325747,37 +325748,31 +325749,31 +325750,31 +325751,31 +325752,31 +325753,31 +325754,32 +325755,32 +325756,32 +325757,32 +325758,32 +325759,32 +325760,32 +325761,32 +325762,6 +325763,6 +325764,6 +325765,6 +325766,32 +325767,32 +325768,6 +325769,32 +325770,32 +325771,32 +325772,32 +325773,30 +325774,30 +325775,30 +325776,30 +325777,30 +325778,39 +325779,39 +325780,39 +325781,39 +325782,39 +325783,39 +325784,39 +325785,39 +325786,39 +325787,39 +325788,39 +325789,39 +325790,0 +325791,0 +325792,0 +325793,0 +325794,0 +325795,0 +325796,0 +325797,0 +325798,0 +325799,0 +325800,0 +325801,0 +325802,0 +325803,0 +325804,0 +325805,0 +325806,0 +325807,0 +325808,0 +325809,0 +325810,0 +325811,0 +325812,0 +325813,0 +325814,0 +325815,0 +325816,0 +325817,0 +325818,0 +325819,0 +325820,0 +325821,0 +325822,0 +325823,0 +325824,0 +325825,0 +325826,0 +325827,0 +325828,0 +325829,0 +325830,0 +325831,0 +325832,0 +325833,0 +325834,0 +325835,0 +325836,0 +325837,0 +325838,0 +325839,0 +325840,0 +325841,0 +325842,0 +325843,36 +325844,0 +325845,0 +325846,31 +325847,31 +325848,31 +325849,31 +325850,31 +325851,31 +325852,31 +325853,31 +325854,5 +325855,5 +325856,5 +325857,5 +325858,19 +325859,5 +325860,5 +325861,5 +325862,5 +325863,5 +325864,5 +325865,5 +325866,5 +325867,5 +325868,5 +325869,5 +325870,5 +325871,5 +325872,29 +325873,29 +325874,31 +325875,31 +325876,31 +325877,31 +325878,31 +325879,31 +325880,37 +325881,37 +325882,37 +325883,37 +325884,37 +325885,37 +325886,37 +325887,37 +325888,37 +325889,37 +325890,37 +325891,33 +325892,33 +325893,33 +325894,33 +325895,33 +325896,33 +325897,33 +325898,30 +325899,30 +325900,5 +325901,12 +325902,12 +325903,12 +325904,12 +325905,12 +325906,31 +325907,31 +325908,31 +325909,5 +325910,5 +325911,5 +325912,5 +325913,5 +325914,26 +325915,26 +325916,26 +325917,26 +325918,26 +325919,26 +325920,26 +325921,26 +325922,26 +325923,26 +325924,26 +325925,37 +325926,37 +325927,37 +325928,37 +325929,37 +325930,37 +325931,28 +325932,28 +325933,28 +325934,28 +325935,28 +325936,28 +325937,28 +325938,39 +325939,39 +325940,39 +325941,39 +325942,39 +325943,39 +325944,39 +325945,12 +325946,12 +325947,12 +325948,12 +325949,12 +325950,12 +325951,31 +325952,31 +325953,31 +325954,31 +325955,31 +325956,8 +325957,8 +325958,8 +325959,8 +325960,8 +325961,8 +325962,8 +325963,8 +325964,8 +325965,8 +325966,37 +325967,37 +325968,37 +325969,37 +325970,37 +325971,37 +325972,37 +325973,37 +325974,37 +325975,36 +325976,36 +325977,36 +325978,34 +325979,34 +325980,34 +325981,36 +325982,34 +325983,34 +325984,34 +325985,34 +325986,34 +325987,34 +325988,4 +325989,4 +325990,4 +325991,4 +325992,4 +325993,27 +325994,27 +325995,27 +325996,27 +325997,27 +325998,27 +325999,27 +326000,19 +326001,19 +326002,19 +326003,19 +326004,19 +326005,4 +326006,4 +326007,12 +326008,12 +326009,12 +326010,12 +326011,12 +326012,12 +326013,27 +326014,27 +326015,27 +326016,38 +326017,38 +326018,38 +326019,38 +326020,38 +326021,38 +326022,38 +326023,38 +326024,38 +326025,38 +326026,21 +326027,21 +326028,21 +326029,21 +326030,21 +326031,21 +326032,37 +326033,37 +326034,37 +326035,37 +326036,37 +326037,14 +326038,14 +326039,14 +326040,14 +326041,14 +326042,14 +326043,14 +326044,14 +326045,14 +326046,14 +326047,14 +326048,14 +326049,4 +326050,4 +326051,4 +326052,4 +326053,2 +326054,2 +326055,2 +326056,2 +326057,2 +326058,2 +326059,2 +326060,2 +326061,2 +326062,2 +326063,2 +326064,2 +326065,30 +326066,30 +326067,30 +326068,30 +326069,30 +326070,30 +326071,26 +326072,26 +326073,26 +326074,26 +326075,26 +326076,26 +326077,26 +326078,26 +326079,26 +326080,26 +326081,26 +326082,26 +326083,26 +326084,26 +326085,26 +326086,4 +326087,4 +326088,4 +326089,4 +326090,4 +326091,4 +326092,25 +326093,25 +326094,25 +326095,25 +326096,25 +326097,25 +326098,25 +326099,25 +326100,25 +326101,25 +326102,25 +326103,25 +326104,25 +326105,25 +326106,25 +326107,25 +326108,25 +326109,25 +326110,25 +326111,25 +326112,0 +326113,0 +326114,0 +326115,0 +326116,0 +326117,0 +326118,0 +326119,0 +326120,0 +326121,0 +326122,0 +326123,0 +326124,0 +326125,0 +326126,0 +326127,0 +326128,0 +326129,0 +326130,0 +326131,0 +326132,0 +326133,0 +326134,0 +326135,0 +326136,0 +326137,0 +326138,0 +326139,0 +326140,0 +326141,0 +326142,0 +326143,0 +326144,0 +326145,0 +326146,0 +326147,0 +326148,0 +326149,0 +326150,0 +326151,0 +326152,0 +326153,0 +326154,0 +326155,0 +326156,0 +326157,0 +326158,0 +326159,0 +326160,0 +326161,0 +326162,0 +326163,0 +326164,0 +326165,0 +326166,0 +326167,0 +326168,0 +326169,0 +326170,0 +326171,0 +326172,0 +326173,0 +326174,0 +326175,0 +326176,0 +326177,0 +326178,29 +326179,29 +326180,29 +326181,29 +326182,29 +326183,31 +326184,31 +326185,31 +326186,31 +326187,31 +326188,4 +326189,4 +326190,4 +326191,4 +326192,4 +326193,4 +326194,4 +326195,4 +326196,4 +326197,4 +326198,4 +326199,4 +326200,3 +326201,3 +326202,3 +326203,3 +326204,3 +326205,3 +326206,3 +326207,3 +326208,3 +326209,3 +326210,3 +326211,2 +326212,2 +326213,2 +326214,2 +326215,2 +326216,2 +326217,2 +326218,2 +326219,2 +326220,2 +326221,2 +326222,2 +326223,2 +326224,31 +326225,31 +326226,31 +326227,31 +326228,31 +326229,31 +326230,31 +326231,31 +326232,31 +326233,32 +326234,32 +326235,32 +326236,32 +326237,32 +326238,2 +326239,2 +326240,2 +326241,2 +326242,2 +326243,2 +326244,2 +326245,31 +326246,31 +326247,31 +326248,31 +326249,31 +326250,31 +326251,31 +326252,6 +326253,6 +326254,6 +326255,6 +326256,6 +326257,6 +326258,6 +326259,12 +326260,12 +326261,12 +326262,12 +326263,27 +326264,31 +326265,31 +326266,31 +326267,27 +326268,31 +326269,31 +326270,27 +326271,31 +326272,6 +326273,6 +326274,6 +326275,6 +326276,6 +326277,6 +326278,6 +326279,6 +326280,6 +326281,6 +326282,6 +326283,6 +326284,34 +326285,34 +326286,36 +326287,36 +326288,36 +326289,36 +326290,36 +326291,36 +326292,36 +326293,36 +326294,36 +326295,36 +326296,28 +326297,28 +326298,28 +326299,28 +326300,28 +326301,28 +326302,32 +326303,32 +326304,32 +326305,32 +326306,32 +326307,32 +326308,32 +326309,32 +326310,14 +326311,14 +326312,14 +326313,14 +326314,14 +326315,14 +326316,14 +326317,14 +326318,14 +326319,14 +326320,14 +326321,14 +326322,14 +326323,14 +326324,14 +326325,14 +326326,14 +326327,5 +326328,5 +326329,5 +326330,5 +326331,8 +326332,8 +326333,8 +326334,8 +326335,8 +326336,8 +326337,8 +326338,8 +326339,8 +326340,12 +326341,12 +326342,12 +326343,12 +326344,12 +326345,17 +326346,17 +326347,17 +326348,27 +326349,27 +326350,27 +326351,27 +326352,27 +326353,39 +326354,39 +326355,39 +326356,39 +326357,39 +326358,39 +326359,14 +326360,14 +326361,14 +326362,14 +326363,14 +326364,14 +326365,14 +326366,39 +326367,39 +326368,39 +326369,21 +326370,6 +326371,6 +326372,6 +326373,6 +326374,6 +326375,6 +326376,6 +326377,6 +326378,6 +326379,31 +326380,31 +326381,31 +326382,31 +326383,30 +326384,30 +326385,30 +326386,30 +326387,30 +326388,30 +326389,30 +326390,30 +326391,39 +326392,39 +326393,39 +326394,39 +326395,39 +326396,39 +326397,39 +326398,39 +326399,39 +326400,39 +326401,39 +326402,39 +326403,39 +326404,39 +326405,39 +326406,31 +326407,31 +326408,31 +326409,31 +326410,31 +326411,31 +326412,31 +326413,31 +326414,5 +326415,5 +326416,5 +326417,5 +326418,5 +326419,5 +326420,5 +326421,5 +326422,5 +326423,5 +326424,5 +326425,8 +326426,8 +326427,8 +326428,8 +326429,8 +326430,8 +326431,8 +326432,8 +326433,8 +326434,8 +326435,27 +326436,27 +326437,27 +326438,6 +326439,6 +326440,6 +326441,6 +326442,6 +326443,2 +326444,2 +326445,2 +326446,2 +326447,2 +326448,2 +326449,2 +326450,2 +326451,2 +326452,40 +326453,40 +326454,40 +326455,40 +326456,40 +326457,40 +326458,40 +326459,40 +326460,40 +326461,40 +326462,40 +326463,40 +326464,2 +326465,2 +326466,2 +326467,2 +326468,2 +326469,2 +326470,2 +326471,2 +326472,2 +326473,8 +326474,23 +326475,23 +326476,23 +326477,23 +326478,23 +326479,23 +326480,23 +326481,23 +326482,31 +326483,30 +326484,30 +326485,31 +326486,31 +326487,31 +326488,31 +326489,30 +326490,30 +326491,30 +326492,30 +326493,30 +326494,30 +326495,30 +326496,30 +326497,30 +326498,30 +326499,30 +326500,33 +326501,33 +326502,33 +326503,0 +326504,0 +326505,0 +326506,0 +326507,0 +326508,0 +326509,0 +326510,0 +326511,0 +326512,0 +326513,0 +326514,0 +326515,0 +326516,0 +326517,0 +326518,0 +326519,0 +326520,0 +326521,0 +326522,0 +326523,0 +326524,0 +326525,0 +326526,0 +326527,0 +326528,0 +326529,0 +326530,0 +326531,0 +326532,0 +326533,0 +326534,0 +326535,0 +326536,0 +326537,0 +326538,0 +326539,0 +326540,0 +326541,0 +326542,0 +326543,0 +326544,0 +326545,0 +326546,36 +326547,36 +326548,36 +326549,36 +326550,36 +326551,36 +326552,36 +326553,36 +326554,36 +326555,36 +326556,36 +326557,36 +326558,36 +326559,19 +326560,19 +326561,19 +326562,19 +326563,19 +326564,19 +326565,19 +326566,37 +326567,24 +326568,24 +326569,12 +326570,25 +326571,25 +326572,25 +326573,25 +326574,4 +326575,4 +326576,4 +326577,4 +326578,4 +326579,4 +326580,4 +326581,4 +326582,4 +326583,4 +326584,31 +326585,31 +326586,31 +326587,31 +326588,31 +326589,31 +326590,31 +326591,31 +326592,31 +326593,31 +326594,31 +326595,8 +326596,8 +326597,8 +326598,8 +326599,8 +326600,8 +326601,8 +326602,8 +326603,8 +326604,28 +326605,28 +326606,28 +326607,28 +326608,28 +326609,28 +326610,31 +326611,31 +326612,29 +326613,31 +326614,5 +326615,5 +326616,5 +326617,5 +326618,5 +326619,5 +326620,4 +326621,4 +326622,4 +326623,4 +326624,4 +326625,4 +326626,4 +326627,2 +326628,2 +326629,2 +326630,2 +326631,2 +326632,2 +326633,2 +326634,2 +326635,2 +326636,2 +326637,2 +326638,2 +326639,2 +326640,2 +326641,2 +326642,2 +326643,2 +326644,2 +326645,2 +326646,2 +326647,2 +326648,2 +326649,2 +326650,2 +326651,2 +326652,2 +326653,2 +326654,2 +326655,2 +326656,40 +326657,31 +326658,31 +326659,40 +326660,40 +326661,19 +326662,19 +326663,19 +326664,19 +326665,27 +326666,27 +326667,27 +326668,27 +326669,27 +326670,27 +326671,13 +326672,13 +326673,13 +326674,13 +326675,13 +326676,13 +326677,23 +326678,23 +326679,23 +326680,23 +326681,23 +326682,23 +326683,23 +326684,23 +326685,23 +326686,23 +326687,9 +326688,9 +326689,9 +326690,9 +326691,9 +326692,9 +326693,9 +326694,9 +326695,37 +326696,37 +326697,37 +326698,37 +326699,37 +326700,37 +326701,37 +326702,38 +326703,38 +326704,38 +326705,38 +326706,38 +326707,38 +326708,29 +326709,29 +326710,29 +326711,31 +326712,31 +326713,31 +326714,31 +326715,31 +326716,28 +326717,28 +326718,28 +326719,28 +326720,28 +326721,28 +326722,28 +326723,14 +326724,14 +326725,14 +326726,14 +326727,14 +326728,14 +326729,14 +326730,14 +326731,5 +326732,5 +326733,5 +326734,5 +326735,5 +326736,5 +326737,5 +326738,13 +326739,23 +326740,23 +326741,23 +326742,23 +326743,23 +326744,23 +326745,23 +326746,23 +326747,23 +326748,23 +326749,36 +326750,36 +326751,36 +326752,36 +326753,36 +326754,36 +326755,36 +326756,40 +326757,40 +326758,40 +326759,40 +326760,40 +326761,36 +326762,36 +326763,36 +326764,36 +326765,36 +326766,36 +326767,6 +326768,6 +326769,6 +326770,6 +326771,6 +326772,6 +326773,6 +326774,6 +326775,6 +326776,6 +326777,6 +326778,6 +326779,2 +326780,2 +326781,2 +326782,2 +326783,2 +326784,2 +326785,2 +326786,2 +326787,2 +326788,2 +326789,9 +326790,9 +326791,9 +326792,9 +326793,9 +326794,25 +326795,25 +326796,32 +326797,32 +326798,37 +326799,37 +326800,37 +326801,37 +326802,37 +326803,25 +326804,25 +326805,25 +326806,25 +326807,25 +326808,25 +326809,25 +326810,25 +326811,25 +326812,5 +326813,5 +326814,5 +326815,5 +326816,5 +326817,5 +326818,5 +326819,2 +326820,2 +326821,2 +326822,2 +326823,2 +326824,2 +326825,2 +326826,2 +326827,2 +326828,2 +326829,2 +326830,25 +326831,25 +326832,25 +326833,25 +326834,25 +326835,25 +326836,25 +326837,25 +326838,25 +326839,25 +326840,25 +326841,25 +326842,4 +326843,4 +326844,4 +326845,4 +326846,27 +326847,31 +326848,27 +326849,27 +326850,27 +326851,27 +326852,29 +326853,29 +326854,29 +326855,29 +326856,29 +326857,4 +326858,31 +326859,31 +326860,31 +326861,5 +326862,5 +326863,5 +326864,5 +326865,5 +326866,5 +326867,5 +326868,29 +326869,29 +326870,31 +326871,31 +326872,31 +326873,32 +326874,32 +326875,32 +326876,32 +326877,32 +326878,32 +326879,32 +326880,37 +326881,37 +326882,37 +326883,37 +326884,40 +326885,40 +326886,40 +326887,5 +326888,5 +326889,5 +326890,5 +326891,5 +326892,5 +326893,5 +326894,8 +326895,8 +326896,8 +326897,8 +326898,8 +326899,15 +326900,28 +326901,28 +326902,28 +326903,15 +326904,15 +326905,15 +326906,31 +326907,31 +326908,31 +326909,31 +326910,31 +326911,31 +326912,5 +326913,5 +326914,5 +326915,5 +326916,5 +326917,5 +326918,3 +326919,3 +326920,3 +326921,3 +326922,3 +326923,3 +326924,3 +326925,3 +326926,3 +326927,8 +326928,8 +326929,8 +326930,8 +326931,8 +326932,8 +326933,32 +326934,32 +326935,32 +326936,32 +326937,32 +326938,32 +326939,35 +326940,1 +326941,10 +326942,39 +326943,39 +326944,39 +326945,39 +326946,1 +326947,10 +326948,32 +326949,32 +326950,32 +326951,32 +326952,32 +326953,32 +326954,32 +326955,32 +326956,32 +326957,32 +326958,32 +326959,25 +326960,25 +326961,25 +326962,25 +326963,25 +326964,8 +326965,8 +326966,8 +326967,8 +326968,8 +326969,31 +326970,12 +326971,31 +326972,31 +326973,31 +326974,31 +326975,6 +326976,32 +326977,32 +326978,32 +326979,6 +326980,6 +326981,6 +326982,6 +326983,32 +326984,32 +326985,37 +326986,37 +326987,25 +326988,25 +326989,25 +326990,25 +326991,25 +326992,25 +326993,25 +326994,25 +326995,25 +326996,25 +326997,25 +326998,25 +326999,26 +327000,26 +327001,26 +327002,26 +327003,26 +327004,26 +327005,26 +327006,26 +327007,5 +327008,5 +327009,5 +327010,5 +327011,4 +327012,4 +327013,4 +327014,4 +327015,4 +327016,4 +327017,27 +327018,33 +327019,33 +327020,33 +327021,33 +327022,33 +327023,33 +327024,33 +327025,33 +327026,33 +327027,33 +327028,33 +327029,33 +327030,33 +327031,0 +327032,0 +327033,0 +327034,0 +327035,0 +327036,0 +327037,0 +327038,0 +327039,0 +327040,0 +327041,0 +327042,0 +327043,0 +327044,0 +327045,0 +327046,0 +327047,0 +327048,0 +327049,0 +327050,0 +327051,0 +327052,0 +327053,0 +327054,0 +327055,0 +327056,0 +327057,0 +327058,0 +327059,0 +327060,0 +327061,0 +327062,31 +327063,31 +327064,31 +327065,31 +327066,31 +327067,31 +327068,31 +327069,31 +327070,31 +327071,31 +327072,30 +327073,30 +327074,19 +327075,19 +327076,28 +327077,19 +327078,28 +327079,28 +327080,30 +327081,30 +327082,30 +327083,33 +327084,33 +327085,33 +327086,30 +327087,8 +327088,8 +327089,2 +327090,2 +327091,8 +327092,8 +327093,8 +327094,8 +327095,27 +327096,27 +327097,27 +327098,27 +327099,27 +327100,1 +327101,27 +327102,27 +327103,5 +327104,27 +327105,27 +327106,27 +327107,27 +327108,27 +327109,30 +327110,30 +327111,30 +327112,19 +327113,19 +327114,19 +327115,19 +327116,30 +327117,30 +327118,30 +327119,30 +327120,30 +327121,30 +327122,40 +327123,40 +327124,40 +327125,40 +327126,40 +327127,40 +327128,40 +327129,31 +327130,31 +327131,5 +327132,5 +327133,5 +327134,5 +327135,19 +327136,19 +327137,19 +327138,19 +327139,19 +327140,31 +327141,31 +327142,31 +327143,31 +327144,31 +327145,31 +327146,5 +327147,5 +327148,5 +327149,5 +327150,5 +327151,5 +327152,5 +327153,5 +327154,5 +327155,5 +327156,0 +327157,0 +327158,0 +327159,0 +327160,0 +327161,0 +327162,0 +327163,0 +327164,0 +327165,0 +327166,0 +327167,0 +327168,0 +327169,0 +327170,0 +327171,0 +327172,0 +327173,0 +327174,0 +327175,0 +327176,0 +327177,0 +327178,0 +327179,0 +327180,0 +327181,0 +327182,0 +327183,0 +327184,0 +327185,0 +327186,0 +327187,0 +327188,0 +327189,0 +327190,0 +327191,0 +327192,0 +327193,0 +327194,0 +327195,0 +327196,0 +327197,0 +327198,0 +327199,0 +327200,0 +327201,0 +327202,0 +327203,0 +327204,0 +327205,0 +327206,0 +327207,0 +327208,0 +327209,0 +327210,0 +327211,0 +327212,0 +327213,0 +327214,0 +327215,0 +327216,0 +327217,0 +327218,0 +327219,0 +327220,0 +327221,0 +327222,0 +327223,18 +327224,18 +327225,18 +327226,18 +327227,18 +327228,18 +327229,4 +327230,4 +327231,4 +327232,3 +327233,3 +327234,3 +327235,3 +327236,3 +327237,3 +327238,3 +327239,3 +327240,3 +327241,3 +327242,3 +327243,3 +327244,19 +327245,19 +327246,19 +327247,19 +327248,27 +327249,27 +327250,27 +327251,27 +327252,27 +327253,27 +327254,27 +327255,27 +327256,27 +327257,27 +327258,27 +327259,27 +327260,38 +327261,38 +327262,2 +327263,2 +327264,38 +327265,38 +327266,38 +327267,2 +327268,2 +327269,2 +327270,2 +327271,2 +327272,2 +327273,2 +327274,2 +327275,2 +327276,0 +327277,0 +327278,0 +327279,0 +327280,0 +327281,0 +327282,0 +327283,0 +327284,0 +327285,0 +327286,0 +327287,0 +327288,0 +327289,11 +327290,18 +327291,18 +327292,18 +327293,18 +327294,0 +327295,16 +327296,16 +327297,16 +327298,16 +327299,16 +327300,16 +327301,16 +327302,16 +327303,16 +327304,16 +327305,16 +327306,16 +327307,16 +327308,16 +327309,16 +327310,16 +327311,36 +327312,36 +327313,36 +327314,36 +327315,36 +327316,36 +327317,36 +327318,36 +327319,32 +327320,32 +327321,32 +327322,32 +327323,32 +327324,32 +327325,32 +327326,32 +327327,32 +327328,32 +327329,32 +327330,4 +327331,4 +327332,4 +327333,4 +327334,25 +327335,25 +327336,25 +327337,25 +327338,25 +327339,25 +327340,25 +327341,25 +327342,25 +327343,25 +327344,25 +327345,25 +327346,35 +327347,35 +327348,27 +327349,38 +327350,38 +327351,38 +327352,38 +327353,38 +327354,38 +327355,38 +327356,38 +327357,38 +327358,38 +327359,38 +327360,38 +327361,38 +327362,38 +327363,38 +327364,37 +327365,37 +327366,37 +327367,37 +327368,37 +327369,37 +327370,37 +327371,37 +327372,25 +327373,37 +327374,39 +327375,39 +327376,39 +327377,39 +327378,39 +327379,39 +327380,39 +327381,39 +327382,39 +327383,39 +327384,39 +327385,39 +327386,39 +327387,39 +327388,39 +327389,39 +327390,39 +327391,39 +327392,39 +327393,39 +327394,39 +327395,39 +327396,39 +327397,39 +327398,39 +327399,39 +327400,14 +327401,14 +327402,14 +327403,0 +327404,0 +327405,0 +327406,0 +327407,0 +327408,0 +327409,0 +327410,0 +327411,0 +327412,0 +327413,0 +327414,0 +327415,0 +327416,0 +327417,0 +327418,0 +327419,0 +327420,0 +327421,0 +327422,0 +327423,0 +327424,0 +327425,0 +327426,0 +327427,0 +327428,0 +327429,0 +327430,0 +327431,0 +327432,0 +327433,0 +327434,0 +327435,0 +327436,0 +327437,0 +327438,0 +327439,0 +327440,0 +327441,0 +327442,0 +327443,0 +327444,0 +327445,0 +327446,0 +327447,0 +327448,0 +327449,0 +327450,0 +327451,0 +327452,0 +327453,0 +327454,36 +327455,36 +327456,36 +327457,36 +327458,36 +327459,36 +327460,31 +327461,31 +327462,36 +327463,5 +327464,5 +327465,5 +327466,5 +327467,5 +327468,5 +327469,5 +327470,5 +327471,5 +327472,5 +327473,5 +327474,31 +327475,5 +327476,0 +327477,0 +327478,0 +327479,0 +327480,0 +327481,10 +327482,10 +327483,10 +327484,10 +327485,10 +327486,10 +327487,10 +327488,10 +327489,10 +327490,10 +327491,15 +327492,15 +327493,15 +327494,15 +327495,15 +327496,39 +327497,39 +327498,39 +327499,39 +327500,39 +327501,39 +327502,6 +327503,6 +327504,21 +327505,21 +327506,21 +327507,21 +327508,40 +327509,40 +327510,40 +327511,40 +327512,36 +327513,36 +327514,40 +327515,40 +327516,40 +327517,36 +327518,36 +327519,36 +327520,36 +327521,28 +327522,28 +327523,28 +327524,28 +327525,5 +327526,5 +327527,27 +327528,27 +327529,27 +327530,27 +327531,27 +327532,5 +327533,5 +327534,5 +327535,5 +327536,5 +327537,2 +327538,2 +327539,2 +327540,2 +327541,2 +327542,2 +327543,2 +327544,2 +327545,2 +327546,2 +327547,2 +327548,31 +327549,31 +327550,31 +327551,31 +327552,31 +327553,28 +327554,28 +327555,28 +327556,28 +327557,28 +327558,28 +327559,28 +327560,5 +327561,5 +327562,19 +327563,19 +327564,19 +327565,19 +327566,19 +327567,19 +327568,27 +327569,27 +327570,27 +327571,27 +327572,27 +327573,6 +327574,6 +327575,6 +327576,6 +327577,6 +327578,6 +327579,6 +327580,6 +327581,37 +327582,37 +327583,37 +327584,37 +327585,37 +327586,37 +327587,39 +327588,39 +327589,39 +327590,39 +327591,39 +327592,39 +327593,39 +327594,39 +327595,39 +327596,39 +327597,4 +327598,4 +327599,4 +327600,4 +327601,4 +327602,4 +327603,31 +327604,31 +327605,31 +327606,31 +327607,31 +327608,31 +327609,31 +327610,24 +327611,24 +327612,24 +327613,24 +327614,37 +327615,37 +327616,37 +327617,27 +327618,27 +327619,27 +327620,27 +327621,27 +327622,27 +327623,6 +327624,6 +327625,6 +327626,6 +327627,6 +327628,6 +327629,6 +327630,6 +327631,6 +327632,6 +327633,31 +327634,31 +327635,31 +327636,31 +327637,31 +327638,24 +327639,24 +327640,24 +327641,24 +327642,24 +327643,24 +327644,24 +327645,25 +327646,25 +327647,25 +327648,25 +327649,25 +327650,25 +327651,28 +327652,28 +327653,28 +327654,28 +327655,28 +327656,28 +327657,28 +327658,28 +327659,10 +327660,10 +327661,10 +327662,10 +327663,10 +327664,10 +327665,10 +327666,10 +327667,2 +327668,2 +327669,2 +327670,2 +327671,2 +327672,2 +327673,2 +327674,2 +327675,2 +327676,2 +327677,2 +327678,40 +327679,40 +327680,40 +327681,40 +327682,40 +327683,40 +327684,30 +327685,30 +327686,30 +327687,30 +327688,30 +327689,30 +327690,30 +327691,23 +327692,23 +327693,23 +327694,23 +327695,23 +327696,23 +327697,23 +327698,23 +327699,23 +327700,23 +327701,23 +327702,0 +327703,0 +327704,0 +327705,0 +327706,0 +327707,0 +327708,0 +327709,0 +327710,0 +327711,0 +327712,0 +327713,0 +327714,0 +327715,0 +327716,0 +327717,0 +327718,0 +327719,0 +327720,0 +327721,0 +327722,0 +327723,0 +327724,0 +327725,0 +327726,0 +327727,0 +327728,0 +327729,0 +327730,0 +327731,10 +327732,10 +327733,10 +327734,10 +327735,10 +327736,10 +327737,10 +327738,10 +327739,10 +327740,2 +327741,2 +327742,2 +327743,2 +327744,2 +327745,2 +327746,2 +327747,2 +327748,2 +327749,2 +327750,2 +327751,2 +327752,40 +327753,40 +327754,40 +327755,40 +327756,40 +327757,19 +327758,19 +327759,19 +327760,19 +327761,19 +327762,19 +327763,19 +327764,19 +327765,19 +327766,19 +327767,3 +327768,3 +327769,3 +327770,3 +327771,3 +327772,3 +327773,3 +327774,3 +327775,3 +327776,3 +327777,35 +327778,35 +327779,35 +327780,35 +327781,27 +327782,27 +327783,27 +327784,27 +327785,27 +327786,27 +327787,27 +327788,27 +327789,28 +327790,28 +327791,28 +327792,28 +327793,28 +327794,28 +327795,28 +327796,28 +327797,12 +327798,12 +327799,12 +327800,12 +327801,12 +327802,12 +327803,12 +327804,12 +327805,12 +327806,12 +327807,12 +327808,12 +327809,12 +327810,12 +327811,12 +327812,12 +327813,12 +327814,12 +327815,12 +327816,12 +327817,27 +327818,27 +327819,27 +327820,27 +327821,27 +327822,38 +327823,38 +327824,38 +327825,38 +327826,38 +327827,38 +327828,38 +327829,38 +327830,38 +327831,38 +327832,38 +327833,0 +327834,0 +327835,0 +327836,0 +327837,32 +327838,15 +327839,15 +327840,28 +327841,28 +327842,28 +327843,28 +327844,28 +327845,9 +327846,9 +327847,9 +327848,9 +327849,9 +327850,9 +327851,9 +327852,37 +327853,37 +327854,37 +327855,37 +327856,37 +327857,37 +327858,37 +327859,6 +327860,6 +327861,6 +327862,6 +327863,6 +327864,6 +327865,6 +327866,6 +327867,6 +327868,6 +327869,6 +327870,6 +327871,6 +327872,6 +327873,6 +327874,6 +327875,6 +327876,6 +327877,6 +327878,25 +327879,25 +327880,25 +327881,25 +327882,25 +327883,25 +327884,25 +327885,25 +327886,25 +327887,25 +327888,37 +327889,37 +327890,37 +327891,37 +327892,27 +327893,40 +327894,40 +327895,40 +327896,19 +327897,19 +327898,19 +327899,19 +327900,19 +327901,19 +327902,2 +327903,2 +327904,2 +327905,2 +327906,2 +327907,29 +327908,29 +327909,29 +327910,29 +327911,29 +327912,29 +327913,31 +327914,31 +327915,31 +327916,31 +327917,5 +327918,31 +327919,31 +327920,31 +327921,31 +327922,31 +327923,31 +327924,31 +327925,31 +327926,31 +327927,31 +327928,31 +327929,10 +327930,10 +327931,10 +327932,23 +327933,23 +327934,38 +327935,38 +327936,38 +327937,38 +327938,38 +327939,38 +327940,38 +327941,9 +327942,9 +327943,9 +327944,9 +327945,9 +327946,9 +327947,9 +327948,9 +327949,9 +327950,9 +327951,9 +327952,9 +327953,9 +327954,9 +327955,9 +327956,9 +327957,4 +327958,4 +327959,4 +327960,5 +327961,5 +327962,5 +327963,4 +327964,0 +327965,0 +327966,0 +327967,0 +327968,0 +327969,0 +327970,0 +327971,10 +327972,10 +327973,10 +327974,10 +327975,10 +327976,10 +327977,10 +327978,10 +327979,10 +327980,6 +327981,6 +327982,6 +327983,6 +327984,6 +327985,6 +327986,6 +327987,22 +327988,22 +327989,22 +327990,22 +327991,22 +327992,19 +327993,19 +327994,19 +327995,19 +327996,31 +327997,31 +327998,31 +327999,31 +328000,31 +328001,31 +328002,15 +328003,32 +328004,32 +328005,32 +328006,0 +328007,0 +328008,0 +328009,15 +328010,32 +328011,32 +328012,32 +328013,32 +328014,31 +328015,31 +328016,31 +328017,31 +328018,27 +328019,31 +328020,8 +328021,8 +328022,8 +328023,8 +328024,8 +328025,8 +328026,8 +328027,8 +328028,36 +328029,36 +328030,36 +328031,36 +328032,40 +328033,40 +328034,40 +328035,40 +328036,40 +328037,36 +328038,40 +328039,40 +328040,40 +328041,2 +328042,2 +328043,2 +328044,2 +328045,2 +328046,2 +328047,2 +328048,2 +328049,2 +328050,2 +328051,2 +328052,2 +328053,2 +328054,2 +328055,2 +328056,2 +328057,0 +328058,0 +328059,2 +328060,2 +328061,0 +328062,0 +328063,0 +328064,0 +328065,0 +328066,0 +328067,0 +328068,0 +328069,0 +328070,0 +328071,0 +328072,0 +328073,0 +328074,0 +328075,0 +328076,0 +328077,0 +328078,0 +328079,0 +328080,0 +328081,0 +328082,0 +328083,0 +328084,0 +328085,0 +328086,0 +328087,0 +328088,0 +328089,0 +328090,0 +328091,0 +328092,0 +328093,0 +328094,0 +328095,0 +328096,0 +328097,0 +328098,0 +328099,0 +328100,0 +328101,0 +328102,0 +328103,0 +328104,0 +328105,0 +328106,0 +328107,0 +328108,0 +328109,0 +328110,0 +328111,0 +328112,0 +328113,0 +328114,0 +328115,0 +328116,0 +328117,0 +328118,0 +328119,0 +328120,0 +328121,0 +328122,0 +328123,0 +328124,0 +328125,9 +328126,26 +328127,9 +328128,9 +328129,9 +328130,9 +328131,9 +328132,9 +328133,9 +328134,9 +328135,26 +328136,5 +328137,5 +328138,5 +328139,5 +328140,25 +328141,25 +328142,25 +328143,25 +328144,25 +328145,31 +328146,31 +328147,25 +328148,25 +328149,15 +328150,15 +328151,15 +328152,15 +328153,15 +328154,15 +328155,15 +328156,37 +328157,37 +328158,37 +328159,37 +328160,37 +328161,37 +328162,37 +328163,37 +328164,10 +328165,10 +328166,10 +328167,10 +328168,10 +328169,10 +328170,10 +328171,10 +328172,10 +328173,10 +328174,10 +328175,10 +328176,10 +328177,10 +328178,10 +328179,10 +328180,10 +328181,10 +328182,10 +328183,10 +328184,10 +328185,10 +328186,10 +328187,4 +328188,4 +328189,4 +328190,4 +328191,4 +328192,4 +328193,4 +328194,4 +328195,4 +328196,4 +328197,4 +328198,4 +328199,4 +328200,4 +328201,2 +328202,2 +328203,2 +328204,2 +328205,2 +328206,2 +328207,2 +328208,2 +328209,2 +328210,2 +328211,2 +328212,2 +328213,2 +328214,2 +328215,2 +328216,2 +328217,2 +328218,27 +328219,27 +328220,27 +328221,27 +328222,27 +328223,27 +328224,27 +328225,27 +328226,8 +328227,8 +328228,8 +328229,8 +328230,8 +328231,8 +328232,8 +328233,8 +328234,8 +328235,8 +328236,8 +328237,6 +328238,6 +328239,6 +328240,6 +328241,27 +328242,27 +328243,27 +328244,27 +328245,27 +328246,27 +328247,27 +328248,13 +328249,13 +328250,13 +328251,13 +328252,13 +328253,13 +328254,13 +328255,13 +328256,33 +328257,33 +328258,33 +328259,17 +328260,17 +328261,17 +328262,17 +328263,33 +328264,33 +328265,33 +328266,4 +328267,33 +328268,4 +328269,4 +328270,4 +328271,4 +328272,4 +328273,4 +328274,4 +328275,4 +328276,4 +328277,3 +328278,3 +328279,3 +328280,3 +328281,3 +328282,3 +328283,3 +328284,3 +328285,3 +328286,3 +328287,9 +328288,9 +328289,3 +328290,30 +328291,30 +328292,30 +328293,30 +328294,30 +328295,30 +328296,30 +328297,30 +328298,33 +328299,33 +328300,33 +328301,33 +328302,33 +328303,33 +328304,33 +328305,33 +328306,35 +328307,35 +328308,35 +328309,33 +328310,30 +328311,30 +328312,30 +328313,30 +328314,30 +328315,30 +328316,30 +328317,30 +328318,30 +328319,30 +328320,30 +328321,19 +328322,19 +328323,19 +328324,19 +328325,19 +328326,27 +328327,27 +328328,27 +328329,13 +328330,13 +328331,13 +328332,13 +328333,13 +328334,10 +328335,10 +328336,10 +328337,10 +328338,10 +328339,10 +328340,10 +328341,10 +328342,35 +328343,35 +328344,35 +328345,35 +328346,35 +328347,35 +328348,35 +328349,35 +328350,35 +328351,27 +328352,27 +328353,27 +328354,27 +328355,27 +328356,8 +328357,8 +328358,8 +328359,8 +328360,8 +328361,8 +328362,8 +328363,8 +328364,8 +328365,23 +328366,23 +328367,23 +328368,23 +328369,23 +328370,23 +328371,23 +328372,27 +328373,27 +328374,27 +328375,27 +328376,27 +328377,27 +328378,27 +328379,27 +328380,27 +328381,27 +328382,27 +328383,2 +328384,2 +328385,2 +328386,2 +328387,2 +328388,2 +328389,2 +328390,2 +328391,2 +328392,2 +328393,2 +328394,2 +328395,2 +328396,2 +328397,2 +328398,2 +328399,2 +328400,2 +328401,2 +328402,2 +328403,2 +328404,2 +328405,2 +328406,4 +328407,4 +328408,2 +328409,8 +328410,0 +328411,0 +328412,0 +328413,0 +328414,0 +328415,0 +328416,0 +328417,0 +328418,0 +328419,0 +328420,0 +328421,0 +328422,0 +328423,0 +328424,0 +328425,0 +328426,0 +328427,0 +328428,0 +328429,0 +328430,0 +328431,0 +328432,0 +328433,0 +328434,0 +328435,0 +328436,0 +328437,0 +328438,0 +328439,0 +328440,0 +328441,0 +328442,0 +328443,0 +328444,0 +328445,0 +328446,0 +328447,0 +328448,0 +328449,0 +328450,0 +328451,9 +328452,9 +328453,9 +328454,9 +328455,9 +328456,9 +328457,9 +328458,9 +328459,9 +328460,9 +328461,9 +328462,9 +328463,26 +328464,5 +328465,5 +328466,5 +328467,5 +328468,40 +328469,26 +328470,25 +328471,25 +328472,26 +328473,37 +328474,37 +328475,37 +328476,31 +328477,15 +328478,15 +328479,15 +328480,15 +328481,15 +328482,15 +328483,37 +328484,37 +328485,37 +328486,37 +328487,37 +328488,37 +328489,37 +328490,37 +328491,37 +328492,34 +328493,10 +328494,10 +328495,10 +328496,10 +328497,10 +328498,10 +328499,10 +328500,10 +328501,10 +328502,10 +328503,10 +328504,10 +328505,10 +328506,10 +328507,10 +328508,10 +328509,10 +328510,10 +328511,10 +328512,6 +328513,6 +328514,6 +328515,6 +328516,6 +328517,6 +328518,6 +328519,4 +328520,4 +328521,4 +328522,4 +328523,27 +328524,27 +328525,27 +328526,27 +328527,27 +328528,2 +328529,2 +328530,2 +328531,2 +328532,2 +328533,2 +328534,2 +328535,2 +328536,2 +328537,2 +328538,31 +328539,31 +328540,31 +328541,31 +328542,31 +328543,31 +328544,31 +328545,31 +328546,31 +328547,31 +328548,2 +328549,2 +328550,2 +328551,2 +328552,2 +328553,2 +328554,2 +328555,2 +328556,2 +328557,2 +328558,14 +328559,14 +328560,14 +328561,14 +328562,14 +328563,14 +328564,14 +328565,13 +328566,13 +328567,13 +328568,13 +328569,13 +328570,6 +328571,6 +328572,6 +328573,6 +328574,6 +328575,6 +328576,6 +328577,6 +328578,6 +328579,6 +328580,36 +328581,36 +328582,36 +328583,36 +328584,36 +328585,36 +328586,36 +328587,36 +328588,24 +328589,24 +328590,24 +328591,24 +328592,24 +328593,24 +328594,31 +328595,31 +328596,31 +328597,31 +328598,31 +328599,5 +328600,5 +328601,5 +328602,5 +328603,5 +328604,5 +328605,5 +328606,5 +328607,5 +328608,5 +328609,15 +328610,15 +328611,15 +328612,15 +328613,36 +328614,36 +328615,34 +328616,36 +328617,36 +328618,36 +328619,36 +328620,36 +328621,36 +328622,36 +328623,36 +328624,36 +328625,36 +328626,6 +328627,6 +328628,21 +328629,21 +328630,21 +328631,21 +328632,21 +328633,21 +328634,21 +328635,21 +328636,21 +328637,21 +328638,21 +328639,21 +328640,21 +328641,21 +328642,21 +328643,21 +328644,40 +328645,40 +328646,40 +328647,40 +328648,40 +328649,40 +328650,40 +328651,40 +328652,40 +328653,40 +328654,40 +328655,36 +328656,36 +328657,5 +328658,5 +328659,5 +328660,5 +328661,5 +328662,5 +328663,5 +328664,5 +328665,5 +328666,5 +328667,5 +328668,5 +328669,5 +328670,5 +328671,5 +328672,5 +328673,5 +328674,0 +328675,0 +328676,0 +328677,0 +328678,0 +328679,0 +328680,0 +328681,0 +328682,0 +328683,0 +328684,0 +328685,0 +328686,0 +328687,0 +328688,0 +328689,0 +328690,0 +328691,0 +328692,0 +328693,0 +328694,0 +328695,0 +328696,0 +328697,0 +328698,0 +328699,0 +328700,0 +328701,0 +328702,0 +328703,0 +328704,0 +328705,0 +328706,0 +328707,0 +328708,0 +328709,0 +328710,0 +328711,0 +328712,0 +328713,0 +328714,0 +328715,0 +328716,0 +328717,0 +328718,0 +328719,0 +328720,0 +328721,0 +328722,0 +328723,0 +328724,0 +328725,0 +328726,0 +328727,0 +328728,0 +328729,0 +328730,0 +328731,0 +328732,0 +328733,0 +328734,0 +328735,0 +328736,0 +328737,0 +328738,0 +328739,27 +328740,27 +328741,27 +328742,27 +328743,27 +328744,27 +328745,27 +328746,27 +328747,27 +328748,27 +328749,4 +328750,4 +328751,4 +328752,4 +328753,4 +328754,4 +328755,4 +328756,31 +328757,31 +328758,31 +328759,31 +328760,31 +328761,15 +328762,15 +328763,15 +328764,24 +328765,24 +328766,26 +328767,26 +328768,26 +328769,26 +328770,26 +328771,26 +328772,26 +328773,26 +328774,26 +328775,26 +328776,26 +328777,26 +328778,26 +328779,26 +328780,26 +328781,26 +328782,26 +328783,26 +328784,26 +328785,26 +328786,26 +328787,36 +328788,6 +328789,6 +328790,6 +328791,6 +328792,6 +328793,6 +328794,31 +328795,31 +328796,40 +328797,31 +328798,31 +328799,31 +328800,31 +328801,31 +328802,5 +328803,5 +328804,5 +328805,5 +328806,5 +328807,5 +328808,5 +328809,5 +328810,5 +328811,5 +328812,5 +328813,5 +328814,5 +328815,5 +328816,5 +328817,5 +328818,5 +328819,6 +328820,6 +328821,6 +328822,6 +328823,6 +328824,0 +328825,0 +328826,0 +328827,6 +328828,6 +328829,6 +328830,6 +328831,6 +328832,31 +328833,31 +328834,31 +328835,31 +328836,31 +328837,31 +328838,31 +328839,31 +328840,28 +328841,28 +328842,28 +328843,1 +328844,28 +328845,28 +328846,14 +328847,14 +328848,14 +328849,14 +328850,14 +328851,14 +328852,14 +328853,14 +328854,14 +328855,14 +328856,14 +328857,40 +328858,40 +328859,40 +328860,40 +328861,40 +328862,40 +328863,40 +328864,40 +328865,37 +328866,37 +328867,37 +328868,37 +328869,25 +328870,25 +328871,25 +328872,25 +328873,25 +328874,25 +328875,25 +328876,25 +328877,25 +328878,25 +328879,25 +328880,25 +328881,25 +328882,25 +328883,25 +328884,0 +328885,0 +328886,0 +328887,0 +328888,0 +328889,0 +328890,2 +328891,2 +328892,2 +328893,2 +328894,2 +328895,2 +328896,2 +328897,2 +328898,2 +328899,2 +328900,2 +328901,40 +328902,40 +328903,40 +328904,40 +328905,40 +328906,40 +328907,40 +328908,40 +328909,8 +328910,8 +328911,8 +328912,8 +328913,8 +328914,8 +328915,8 +328916,8 +328917,35 +328918,35 +328919,35 +328920,35 +328921,35 +328922,39 +328923,39 +328924,39 +328925,39 +328926,39 +328927,39 +328928,39 +328929,39 +328930,39 +328931,39 +328932,39 +328933,39 +328934,39 +328935,39 +328936,4 +328937,4 +328938,4 +328939,4 +328940,4 +328941,4 +328942,4 +328943,3 +328944,27 +328945,27 +328946,27 +328947,3 +328948,29 +328949,29 +328950,29 +328951,27 +328952,27 +328953,31 +328954,31 +328955,32 +328956,32 +328957,32 +328958,32 +328959,32 +328960,32 +328961,32 +328962,32 +328963,32 +328964,32 +328965,32 +328966,9 +328967,9 +328968,9 +328969,9 +328970,3 +328971,3 +328972,3 +328973,9 +328974,9 +328975,9 +328976,34 +328977,34 +328978,25 +328979,25 +328980,25 +328981,25 +328982,25 +328983,25 +328984,25 +328985,25 +328986,25 +328987,25 +328988,33 +328989,33 +328990,30 +328991,30 +328992,30 +328993,30 +328994,30 +328995,30 +328996,30 +328997,30 +328998,30 +328999,30 +329000,19 +329001,19 +329002,4 +329003,4 +329004,6 +329005,6 +329006,6 +329007,6 +329008,21 +329009,21 +329010,21 +329011,21 +329012,3 +329013,3 +329014,3 +329015,3 +329016,3 +329017,3 +329018,3 +329019,3 +329020,3 +329021,3 +329022,3 +329023,3 +329024,3 +329025,3 +329026,3 +329027,33 +329028,33 +329029,33 +329030,2 +329031,2 +329032,2 +329033,2 +329034,2 +329035,2 +329036,2 +329037,2 +329038,2 +329039,8 +329040,2 +329041,2 +329042,2 +329043,2 +329044,2 +329045,2 +329046,2 +329047,2 +329048,2 +329049,0 +329050,0 +329051,0 +329052,0 +329053,0 +329054,0 +329055,0 +329056,0 +329057,0 +329058,0 +329059,0 +329060,0 +329061,0 +329062,0 +329063,0 +329064,0 +329065,0 +329066,0 +329067,0 +329068,0 +329069,0 +329070,0 +329071,0 +329072,0 +329073,0 +329074,0 +329075,0 +329076,0 +329077,0 +329078,0 +329079,0 +329080,0 +329081,0 +329082,0 +329083,0 +329084,0 +329085,0 +329086,0 +329087,0 +329088,0 +329089,0 +329090,0 +329091,0 +329092,0 +329093,0 +329094,9 +329095,9 +329096,9 +329097,9 +329098,9 +329099,9 +329100,9 +329101,9 +329102,9 +329103,9 +329104,9 +329105,5 +329106,5 +329107,5 +329108,5 +329109,5 +329110,35 +329111,35 +329112,35 +329113,35 +329114,35 +329115,35 +329116,35 +329117,35 +329118,35 +329119,39 +329120,39 +329121,39 +329122,39 +329123,37 +329124,37 +329125,37 +329126,37 +329127,37 +329128,37 +329129,37 +329130,37 +329131,37 +329132,27 +329133,27 +329134,27 +329135,27 +329136,27 +329137,27 +329138,13 +329139,13 +329140,13 +329141,13 +329142,13 +329143,13 +329144,13 +329145,13 +329146,13 +329147,27 +329148,27 +329149,27 +329150,27 +329151,27 +329152,27 +329153,2 +329154,2 +329155,2 +329156,2 +329157,2 +329158,2 +329159,2 +329160,2 +329161,2 +329162,2 +329163,12 +329164,12 +329165,12 +329166,12 +329167,12 +329168,12 +329169,12 +329170,12 +329171,12 +329172,12 +329173,12 +329174,12 +329175,12 +329176,12 +329177,25 +329178,25 +329179,25 +329180,25 +329181,25 +329182,25 +329183,25 +329184,25 +329185,25 +329186,25 +329187,25 +329188,25 +329189,25 +329190,25 +329191,25 +329192,25 +329193,25 +329194,5 +329195,19 +329196,19 +329197,19 +329198,5 +329199,5 +329200,23 +329201,23 +329202,23 +329203,23 +329204,23 +329205,23 +329206,23 +329207,23 +329208,23 +329209,23 +329210,23 +329211,23 +329212,39 +329213,39 +329214,39 +329215,39 +329216,39 +329217,39 +329218,39 +329219,39 +329220,3 +329221,30 +329222,30 +329223,30 +329224,31 +329225,30 +329226,27 +329227,27 +329228,27 +329229,27 +329230,27 +329231,6 +329232,6 +329233,6 +329234,6 +329235,6 +329236,6 +329237,2 +329238,2 +329239,2 +329240,2 +329241,2 +329242,2 +329243,2 +329244,6 +329245,6 +329246,6 +329247,6 +329248,6 +329249,6 +329250,6 +329251,6 +329252,6 +329253,6 +329254,6 +329255,14 +329256,14 +329257,14 +329258,14 +329259,14 +329260,14 +329261,14 +329262,14 +329263,28 +329264,28 +329265,28 +329266,28 +329267,28 +329268,28 +329269,28 +329270,10 +329271,10 +329272,10 +329273,26 +329274,26 +329275,26 +329276,26 +329277,26 +329278,26 +329279,32 +329280,32 +329281,32 +329282,32 +329283,32 +329284,32 +329285,32 +329286,32 +329287,32 +329288,32 +329289,32 +329290,32 +329291,32 +329292,32 +329293,4 +329294,4 +329295,14 +329296,14 +329297,14 +329298,14 +329299,14 +329300,14 +329301,14 +329302,14 +329303,14 +329304,14 +329305,2 +329306,2 +329307,2 +329308,2 +329309,2 +329310,2 +329311,2 +329312,2 +329313,2 +329314,2 +329315,2 +329316,2 +329317,2 +329318,2 +329319,2 +329320,4 +329321,4 +329322,29 +329323,29 +329324,29 +329325,29 +329326,29 +329327,33 +329328,33 +329329,12 +329330,12 +329331,12 +329332,12 +329333,12 +329334,30 +329335,30 +329336,30 +329337,30 +329338,30 +329339,30 +329340,30 +329341,30 +329342,30 +329343,39 +329344,39 +329345,39 +329346,39 +329347,39 +329348,39 +329349,39 +329350,39 +329351,39 +329352,39 +329353,39 +329354,39 +329355,39 +329356,4 +329357,4 +329358,4 +329359,4 +329360,4 +329361,4 +329362,4 +329363,4 +329364,4 +329365,27 +329366,27 +329367,27 +329368,27 +329369,27 +329370,27 +329371,27 +329372,27 +329373,29 +329374,31 +329375,31 +329376,31 +329377,31 +329378,31 +329379,31 +329380,30 +329381,30 +329382,30 +329383,30 +329384,30 +329385,30 +329386,30 +329387,30 +329388,30 +329389,30 +329390,30 +329391,30 +329392,14 +329393,14 +329394,14 +329395,14 +329396,14 +329397,14 +329398,14 +329399,14 +329400,14 +329401,4 +329402,4 +329403,4 +329404,4 +329405,4 +329406,39 +329407,39 +329408,39 +329409,39 +329410,39 +329411,39 +329412,39 +329413,39 +329414,39 +329415,39 +329416,39 +329417,39 +329418,39 +329419,39 +329420,0 +329421,0 +329422,0 +329423,0 +329424,0 +329425,0 +329426,0 +329427,0 +329428,0 +329429,0 +329430,0 +329431,0 +329432,0 +329433,0 +329434,0 +329435,0 +329436,0 +329437,0 +329438,0 +329439,0 +329440,0 +329441,0 +329442,0 +329443,0 +329444,0 +329445,0 +329446,0 +329447,0 +329448,0 +329449,0 +329450,0 +329451,0 +329452,0 +329453,0 +329454,0 +329455,0 +329456,0 +329457,0 +329458,0 +329459,0 +329460,0 +329461,0 +329462,0 +329463,0 +329464,0 +329465,0 +329466,0 +329467,0 +329468,0 +329469,0 +329470,0 +329471,0 +329472,0 +329473,0 +329474,0 +329475,0 +329476,0 +329477,0 +329478,0 +329479,0 +329480,0 +329481,0 +329482,0 +329483,0 +329484,0 +329485,0 +329486,35 +329487,35 +329488,35 +329489,35 +329490,35 +329491,35 +329492,35 +329493,35 +329494,35 +329495,35 +329496,35 +329497,3 +329498,3 +329499,1 +329500,1 +329501,1 +329502,3 +329503,3 +329504,3 +329505,3 +329506,3 +329507,3 +329508,3 +329509,3 +329510,3 +329511,3 +329512,3 +329513,3 +329514,3 +329515,3 +329516,3 +329517,3 +329518,3 +329519,3 +329520,3 +329521,3 +329522,3 +329523,3 +329524,3 +329525,3 +329526,3 +329527,12 +329528,12 +329529,12 +329530,12 +329531,12 +329532,12 +329533,12 +329534,12 +329535,12 +329536,12 +329537,12 +329538,12 +329539,12 +329540,12 +329541,12 +329542,12 +329543,12 +329544,12 +329545,40 +329546,40 +329547,40 +329548,40 +329549,40 +329550,5 +329551,5 +329552,5 +329553,5 +329554,5 +329555,5 +329556,5 +329557,11 +329558,11 +329559,11 +329560,11 +329561,11 +329562,11 +329563,11 +329564,11 +329565,11 +329566,11 +329567,39 +329568,39 +329569,39 +329570,39 +329571,39 +329572,2 +329573,2 +329574,2 +329575,2 +329576,2 +329577,2 +329578,2 +329579,2 +329580,2 +329581,2 +329582,2 +329583,9 +329584,9 +329585,9 +329586,9 +329587,9 +329588,9 +329589,9 +329590,9 +329591,9 +329592,30 +329593,30 +329594,30 +329595,30 +329596,30 +329597,30 +329598,35 +329599,35 +329600,35 +329601,35 +329602,35 +329603,36 +329604,36 +329605,36 +329606,27 +329607,27 +329608,27 +329609,27 +329610,27 +329611,27 +329612,27 +329613,27 +329614,28 +329615,28 +329616,28 +329617,28 +329618,28 +329619,28 +329620,28 +329621,28 +329622,28 +329623,28 +329624,28 +329625,28 +329626,28 +329627,28 +329628,28 +329629,28 +329630,28 +329631,28 +329632,28 +329633,0 +329634,0 +329635,0 +329636,0 +329637,0 +329638,0 +329639,0 +329640,0 +329641,0 +329642,0 +329643,0 +329644,0 +329645,0 +329646,0 +329647,0 +329648,0 +329649,0 +329650,0 +329651,0 +329652,0 +329653,0 +329654,0 +329655,0 +329656,0 +329657,0 +329658,0 +329659,0 +329660,0 +329661,0 +329662,0 +329663,0 +329664,0 +329665,0 +329666,0 +329667,0 +329668,0 +329669,0 +329670,0 +329671,0 +329672,0 +329673,0 +329674,0 +329675,0 +329676,0 +329677,0 +329678,0 +329679,0 +329680,0 +329681,0 +329682,0 +329683,0 +329684,0 +329685,0 +329686,0 +329687,0 +329688,0 +329689,0 +329690,0 +329691,0 +329692,0 +329693,0 +329694,0 +329695,0 +329696,0 +329697,0 +329698,0 +329699,0 +329700,0 +329701,0 +329702,0 +329703,0 +329704,0 +329705,0 +329706,0 +329707,0 +329708,0 +329709,0 +329710,0 +329711,0 +329712,0 +329713,0 +329714,0 +329715,0 +329716,0 +329717,0 +329718,0 +329719,0 +329720,0 +329721,0 +329722,0 +329723,0 +329724,0 +329725,0 +329726,0 +329727,0 +329728,0 +329729,0 +329730,0 +329731,0 +329732,0 +329733,0 +329734,0 +329735,0 +329736,0 +329737,0 +329738,0 +329739,0 +329740,0 +329741,0 +329742,0 +329743,0 +329744,0 +329745,0 +329746,0 +329747,0 +329748,0 +329749,0 +329750,0 +329751,23 +329752,38 +329753,38 +329754,38 +329755,38 +329756,38 +329757,38 +329758,38 +329759,38 +329760,38 +329761,37 +329762,37 +329763,37 +329764,37 +329765,37 +329766,37 +329767,3 +329768,3 +329769,3 +329770,3 +329771,3 +329772,3 +329773,3 +329774,3 +329775,3 +329776,3 +329777,3 +329778,3 +329779,26 +329780,26 +329781,26 +329782,26 +329783,26 +329784,26 +329785,26 +329786,32 +329787,32 +329788,32 +329789,32 +329790,32 +329791,32 +329792,32 +329793,32 +329794,32 +329795,32 +329796,32 +329797,32 +329798,32 +329799,25 +329800,25 +329801,25 +329802,25 +329803,25 +329804,28 +329805,28 +329806,28 +329807,28 +329808,28 +329809,28 +329810,28 +329811,28 +329812,28 +329813,28 +329814,28 +329815,36 +329816,36 +329817,36 +329818,10 +329819,10 +329820,10 +329821,10 +329822,10 +329823,36 +329824,14 +329825,14 +329826,34 +329827,34 +329828,34 +329829,34 +329830,34 +329831,34 +329832,34 +329833,30 +329834,30 +329835,30 +329836,30 +329837,30 +329838,30 +329839,34 +329840,34 +329841,34 +329842,34 +329843,34 +329844,30 +329845,30 +329846,0 +329847,0 +329848,0 +329849,0 +329850,0 +329851,0 +329852,0 +329853,0 +329854,0 +329855,0 +329856,0 +329857,0 +329858,0 +329859,0 +329860,0 +329861,0 +329862,0 +329863,0 +329864,0 +329865,0 +329866,0 +329867,0 +329868,0 +329869,0 +329870,0 +329871,0 +329872,0 +329873,0 +329874,0 +329875,0 +329876,0 +329877,0 +329878,0 +329879,36 +329880,36 +329881,36 +329882,36 +329883,36 +329884,36 +329885,36 +329886,36 +329887,36 +329888,36 +329889,36 +329890,36 +329891,5 +329892,5 +329893,5 +329894,5 +329895,5 +329896,5 +329897,2 +329898,2 +329899,2 +329900,2 +329901,2 +329902,2 +329903,2 +329904,2 +329905,2 +329906,2 +329907,2 +329908,2 +329909,2 +329910,2 +329911,2 +329912,2 +329913,25 +329914,25 +329915,37 +329916,25 +329917,37 +329918,37 +329919,14 +329920,14 +329921,14 +329922,14 +329923,27 +329924,27 +329925,14 +329926,27 +329927,27 +329928,27 +329929,13 +329930,13 +329931,13 +329932,13 +329933,13 +329934,13 +329935,13 +329936,13 +329937,13 +329938,13 +329939,13 +329940,13 +329941,2 +329942,2 +329943,2 +329944,2 +329945,2 +329946,2 +329947,2 +329948,2 +329949,2 +329950,2 +329951,2 +329952,2 +329953,2 +329954,2 +329955,40 +329956,40 +329957,40 +329958,40 +329959,40 +329960,40 +329961,40 +329962,40 +329963,40 +329964,40 +329965,40 +329966,40 +329967,40 +329968,40 +329969,40 +329970,19 +329971,19 +329972,19 +329973,19 +329974,19 +329975,19 +329976,19 +329977,19 +329978,19 +329979,19 +329980,19 +329981,19 +329982,0 +329983,0 +329984,0 +329985,0 +329986,0 +329987,0 +329988,0 +329989,0 +329990,0 +329991,0 +329992,0 +329993,0 +329994,0 +329995,0 +329996,0 +329997,0 +329998,0 +329999,0 +330000,0 +330001,0 +330002,0 +330003,0 +330004,0 +330005,0 +330006,0 +330007,0 +330008,0 +330009,0 +330010,0 +330011,0 +330012,0 +330013,0 +330014,0 +330015,0 +330016,0 +330017,0 +330018,0 +330019,0 +330020,0 +330021,0 +330022,0 +330023,0 +330024,0 +330025,0 +330026,0 +330027,0 +330028,0 +330029,0 +330030,0 +330031,0 +330032,0 +330033,0 +330034,0 +330035,0 +330036,0 +330037,0 +330038,0 +330039,0 +330040,0 +330041,0 +330042,0 +330043,0 +330044,0 +330045,0 +330046,0 +330047,0 +330048,0 +330049,27 +330050,27 +330051,27 +330052,27 +330053,27 +330054,27 +330055,27 +330056,27 +330057,27 +330058,27 +330059,27 +330060,23 +330061,23 +330062,23 +330063,23 +330064,23 +330065,23 +330066,23 +330067,23 +330068,23 +330069,23 +330070,23 +330071,23 +330072,23 +330073,23 +330074,23 +330075,23 +330076,34 +330077,34 +330078,34 +330079,34 +330080,34 +330081,34 +330082,34 +330083,34 +330084,34 +330085,34 +330086,34 +330087,34 +330088,34 +330089,34 +330090,34 +330091,34 +330092,34 +330093,34 +330094,34 +330095,34 +330096,34 +330097,34 +330098,34 +330099,34 +330100,34 +330101,23 +330102,38 +330103,23 +330104,23 +330105,23 +330106,23 +330107,23 +330108,23 +330109,26 +330110,26 +330111,34 +330112,34 +330113,34 +330114,34 +330115,34 +330116,34 +330117,34 +330118,34 +330119,34 +330120,34 +330121,34 +330122,16 +330123,16 +330124,16 +330125,16 +330126,16 +330127,4 +330128,4 +330129,4 +330130,16 +330131,4 +330132,2 +330133,2 +330134,2 +330135,2 +330136,2 +330137,2 +330138,2 +330139,2 +330140,2 +330141,2 +330142,2 +330143,2 +330144,2 +330145,2 +330146,2 +330147,2 +330148,2 +330149,2 +330150,14 +330151,14 +330152,14 +330153,14 +330154,14 +330155,14 +330156,14 +330157,14 +330158,14 +330159,14 +330160,14 +330161,14 +330162,14 +330163,14 +330164,23 +330165,23 +330166,23 +330167,23 +330168,23 +330169,23 +330170,23 +330171,23 +330172,23 +330173,23 +330174,23 +330175,28 +330176,28 +330177,28 +330178,28 +330179,28 +330180,10 +330181,10 +330182,10 +330183,10 +330184,10 +330185,10 +330186,10 +330187,10 +330188,30 +330189,15 +330190,15 +330191,15 +330192,15 +330193,15 +330194,15 +330195,15 +330196,15 +330197,31 +330198,24 +330199,9 +330200,9 +330201,9 +330202,9 +330203,9 +330204,9 +330205,9 +330206,9 +330207,9 +330208,9 +330209,9 +330210,37 +330211,37 +330212,37 +330213,37 +330214,37 +330215,37 +330216,37 +330217,37 +330218,19 +330219,19 +330220,19 +330221,19 +330222,19 +330223,19 +330224,4 +330225,4 +330226,4 +330227,4 +330228,4 +330229,4 +330230,4 +330231,4 +330232,4 +330233,4 +330234,4 +330235,4 +330236,4 +330237,4 +330238,4 +330239,4 +330240,4 +330241,3 +330242,3 +330243,3 +330244,3 +330245,3 +330246,3 +330247,3 +330248,35 +330249,35 +330250,35 +330251,35 +330252,35 +330253,35 +330254,35 +330255,35 +330256,35 +330257,35 +330258,35 +330259,39 +330260,39 +330261,39 +330262,39 +330263,39 +330264,39 +330265,39 +330266,39 +330267,27 +330268,27 +330269,37 +330270,37 +330271,37 +330272,37 +330273,37 +330274,37 +330275,37 +330276,37 +330277,37 +330278,37 +330279,37 +330280,37 +330281,37 +330282,37 +330283,25 +330284,25 +330285,25 +330286,25 +330287,25 +330288,25 +330289,25 +330290,0 +330291,0 +330292,0 +330293,0 +330294,0 +330295,0 +330296,0 +330297,0 +330298,0 +330299,0 +330300,0 +330301,0 +330302,0 +330303,0 +330304,0 +330305,0 +330306,0 +330307,0 +330308,0 +330309,0 +330310,0 +330311,0 +330312,0 +330313,0 +330314,0 +330315,0 +330316,0 +330317,0 +330318,0 +330319,0 +330320,0 +330321,0 +330322,0 +330323,0 +330324,0 +330325,10 +330326,10 +330327,10 +330328,10 +330329,10 +330330,10 +330331,10 +330332,10 +330333,10 +330334,10 +330335,10 +330336,10 +330337,10 +330338,10 +330339,10 +330340,10 +330341,10 +330342,12 +330343,12 +330344,12 +330345,12 +330346,12 +330347,12 +330348,31 +330349,33 +330350,33 +330351,22 +330352,22 +330353,22 +330354,33 +330355,33 +330356,33 +330357,33 +330358,33 +330359,33 +330360,4 +330361,4 +330362,4 +330363,4 +330364,4 +330365,4 +330366,4 +330367,4 +330368,4 +330369,4 +330370,4 +330371,4 +330372,4 +330373,4 +330374,35 +330375,40 +330376,40 +330377,40 +330378,40 +330379,30 +330380,30 +330381,30 +330382,30 +330383,30 +330384,30 +330385,30 +330386,30 +330387,30 +330388,30 +330389,29 +330390,29 +330391,29 +330392,29 +330393,29 +330394,29 +330395,31 +330396,31 +330397,31 +330398,31 +330399,31 +330400,16 +330401,16 +330402,16 +330403,16 +330404,16 +330405,4 +330406,4 +330407,4 +330408,4 +330409,4 +330410,4 +330411,4 +330412,4 +330413,4 +330414,4 +330415,4 +330416,4 +330417,37 +330418,37 +330419,37 +330420,37 +330421,37 +330422,3 +330423,3 +330424,3 +330425,3 +330426,3 +330427,3 +330428,3 +330429,3 +330430,3 +330431,3 +330432,3 +330433,3 +330434,38 +330435,38 +330436,38 +330437,38 +330438,38 +330439,38 +330440,38 +330441,38 +330442,38 +330443,38 +330444,27 +330445,27 +330446,27 +330447,27 +330448,27 +330449,27 +330450,27 +330451,27 +330452,27 +330453,27 +330454,27 +330455,27 +330456,5 +330457,5 +330458,5 +330459,5 +330460,5 +330461,5 +330462,5 +330463,10 +330464,10 +330465,10 +330466,10 +330467,10 +330468,10 +330469,10 +330470,10 +330471,10 +330472,10 +330473,10 +330474,10 +330475,10 +330476,10 +330477,10 +330478,2 +330479,2 +330480,2 +330481,2 +330482,2 +330483,2 +330484,2 +330485,2 +330486,2 +330487,2 +330488,2 +330489,2 +330490,2 +330491,2 +330492,2 +330493,2 +330494,2 +330495,2 +330496,2 +330497,10 +330498,10 +330499,10 +330500,10 +330501,10 +330502,10 +330503,10 +330504,10 +330505,10 +330506,10 +330507,10 +330508,10 +330509,10 +330510,10 +330511,10 +330512,10 +330513,10 +330514,4 +330515,4 +330516,4 +330517,4 +330518,4 +330519,4 +330520,4 +330521,4 +330522,6 +330523,6 +330524,6 +330525,6 +330526,6 +330527,6 +330528,6 +330529,6 +330530,6 +330531,6 +330532,6 +330533,6 +330534,31 +330535,31 +330536,5 +330537,5 +330538,5 +330539,5 +330540,5 +330541,5 +330542,2 +330543,2 +330544,2 +330545,2 +330546,2 +330547,2 +330548,2 +330549,2 +330550,2 +330551,2 +330552,2 +330553,2 +330554,2 +330555,25 +330556,25 +330557,25 +330558,25 +330559,25 +330560,25 +330561,25 +330562,25 +330563,25 +330564,5 +330565,5 +330566,5 +330567,27 +330568,27 +330569,27 +330570,27 +330571,27 +330572,13 +330573,13 +330574,13 +330575,13 +330576,13 +330577,13 +330578,13 +330579,13 +330580,29 +330581,29 +330582,29 +330583,27 +330584,27 +330585,27 +330586,27 +330587,27 +330588,27 +330589,27 +330590,27 +330591,2 +330592,2 +330593,2 +330594,2 +330595,2 +330596,2 +330597,2 +330598,2 +330599,2 +330600,2 +330601,32 +330602,32 +330603,32 +330604,32 +330605,32 +330606,32 +330607,32 +330608,32 +330609,39 +330610,39 +330611,39 +330612,39 +330613,39 +330614,39 +330615,39 +330616,39 +330617,39 +330618,39 +330619,39 +330620,39 +330621,32 +330622,32 +330623,32 +330624,32 +330625,32 +330626,32 +330627,32 +330628,32 +330629,31 +330630,31 +330631,31 +330632,30 +330633,30 +330634,30 +330635,1 +330636,1 +330637,1 +330638,1 +330639,1 +330640,30 +330641,30 +330642,30 +330643,30 +330644,30 +330645,30 +330646,0 +330647,0 +330648,0 +330649,0 +330650,0 +330651,0 +330652,0 +330653,0 +330654,0 +330655,0 +330656,0 +330657,0 +330658,0 +330659,0 +330660,0 +330661,0 +330662,0 +330663,0 +330664,0 +330665,0 +330666,0 +330667,0 +330668,0 +330669,0 +330670,0 +330671,0 +330672,0 +330673,0 +330674,0 +330675,0 +330676,0 +330677,0 +330678,0 +330679,0 +330680,29 +330681,29 +330682,29 +330683,29 +330684,40 +330685,40 +330686,40 +330687,40 +330688,40 +330689,40 +330690,4 +330691,4 +330692,4 +330693,4 +330694,4 +330695,2 +330696,2 +330697,2 +330698,2 +330699,2 +330700,2 +330701,2 +330702,4 +330703,4 +330704,4 +330705,4 +330706,4 +330707,4 +330708,3 +330709,3 +330710,12 +330711,12 +330712,12 +330713,12 +330714,12 +330715,40 +330716,40 +330717,40 +330718,40 +330719,40 +330720,30 +330721,30 +330722,30 +330723,30 +330724,30 +330725,30 +330726,30 +330727,30 +330728,30 +330729,30 +330730,30 +330731,30 +330732,27 +330733,27 +330734,27 +330735,27 +330736,27 +330737,27 +330738,38 +330739,38 +330740,38 +330741,38 +330742,38 +330743,38 +330744,38 +330745,38 +330746,27 +330747,27 +330748,27 +330749,27 +330750,27 +330751,27 +330752,36 +330753,36 +330754,36 +330755,36 +330756,36 +330757,5 +330758,5 +330759,5 +330760,19 +330761,5 +330762,5 +330763,27 +330764,27 +330765,27 +330766,27 +330767,27 +330768,27 +330769,27 +330770,28 +330771,28 +330772,28 +330773,28 +330774,28 +330775,28 +330776,28 +330777,34 +330778,34 +330779,34 +330780,34 +330781,34 +330782,34 +330783,34 +330784,34 +330785,34 +330786,34 +330787,34 +330788,34 +330789,5 +330790,5 +330791,5 +330792,5 +330793,4 +330794,4 +330795,4 +330796,4 +330797,4 +330798,4 +330799,4 +330800,4 +330801,4 +330802,4 +330803,31 +330804,31 +330805,31 +330806,31 +330807,31 +330808,5 +330809,5 +330810,5 +330811,5 +330812,5 +330813,5 +330814,5 +330815,5 +330816,5 +330817,5 +330818,5 +330819,8 +330820,8 +330821,8 +330822,8 +330823,8 +330824,8 +330825,8 +330826,8 +330827,8 +330828,8 +330829,8 +330830,2 +330831,2 +330832,2 +330833,2 +330834,2 +330835,2 +330836,2 +330837,2 +330838,0 +330839,0 +330840,0 +330841,0 +330842,0 +330843,0 +330844,0 +330845,0 +330846,0 +330847,0 +330848,0 +330849,0 +330850,0 +330851,0 +330852,0 +330853,0 +330854,0 +330855,0 +330856,0 +330857,0 +330858,0 +330859,0 +330860,0 +330861,0 +330862,0 +330863,0 +330864,0 +330865,0 +330866,0 +330867,0 +330868,0 +330869,0 +330870,0 +330871,0 +330872,0 +330873,0 +330874,0 +330875,0 +330876,0 +330877,0 +330878,0 +330879,0 +330880,0 +330881,0 +330882,0 +330883,0 +330884,0 +330885,0 +330886,4 +330887,4 +330888,4 +330889,19 +330890,27 +330891,27 +330892,27 +330893,27 +330894,18 +330895,7 +330896,7 +330897,18 +330898,18 +330899,18 +330900,18 +330901,18 +330902,25 +330903,25 +330904,25 +330905,25 +330906,22 +330907,22 +330908,3 +330909,27 +330910,27 +330911,27 +330912,27 +330913,27 +330914,6 +330915,6 +330916,6 +330917,6 +330918,6 +330919,2 +330920,2 +330921,2 +330922,2 +330923,2 +330924,2 +330925,32 +330926,32 +330927,32 +330928,32 +330929,32 +330930,32 +330931,40 +330932,40 +330933,40 +330934,40 +330935,40 +330936,40 +330937,40 +330938,40 +330939,37 +330940,37 +330941,37 +330942,37 +330943,37 +330944,37 +330945,37 +330946,37 +330947,27 +330948,27 +330949,27 +330950,27 +330951,27 +330952,40 +330953,40 +330954,40 +330955,40 +330956,14 +330957,14 +330958,5 +330959,5 +330960,5 +330961,5 +330962,5 +330963,2 +330964,2 +330965,4 +330966,8 +330967,8 +330968,2 +330969,40 +330970,27 +330971,27 +330972,40 +330973,5 +330974,5 +330975,5 +330976,5 +330977,39 +330978,39 +330979,39 +330980,39 +330981,39 +330982,39 +330983,39 +330984,16 +330985,16 +330986,11 +330987,11 +330988,11 +330989,11 +330990,11 +330991,11 +330992,11 +330993,11 +330994,11 +330995,11 +330996,11 +330997,11 +330998,11 +330999,11 +331000,11 +331001,11 +331002,11 +331003,36 +331004,36 +331005,36 +331006,36 +331007,36 +331008,36 +331009,36 +331010,36 +331011,36 +331012,36 +331013,36 +331014,4 +331015,4 +331016,4 +331017,4 +331018,3 +331019,3 +331020,3 +331021,3 +331022,33 +331023,33 +331024,33 +331025,30 +331026,30 +331027,30 +331028,33 +331029,33 +331030,33 +331031,33 +331032,33 +331033,33 +331034,33 +331035,24 +331036,24 +331037,24 +331038,27 +331039,27 +331040,27 +331041,27 +331042,27 +331043,27 +331044,16 +331045,16 +331046,16 +331047,16 +331048,16 +331049,16 +331050,16 +331051,16 +331052,16 +331053,16 +331054,16 +331055,16 +331056,16 +331057,16 +331058,16 +331059,16 +331060,16 +331061,16 +331062,16 +331063,16 +331064,16 +331065,14 +331066,14 +331067,14 +331068,14 +331069,14 +331070,14 +331071,14 +331072,14 +331073,14 +331074,14 +331075,14 +331076,14 +331077,30 +331078,30 +331079,39 +331080,14 +331081,14 +331082,14 +331083,5 +331084,5 +331085,5 +331086,5 +331087,5 +331088,19 +331089,19 +331090,18 +331091,18 +331092,18 +331093,18 +331094,18 +331095,18 +331096,18 +331097,18 +331098,18 +331099,16 +331100,16 +331101,16 +331102,16 +331103,16 +331104,16 +331105,16 +331106,16 +331107,25 +331108,25 +331109,25 +331110,25 +331111,25 +331112,25 +331113,25 +331114,25 +331115,25 +331116,37 +331117,37 +331118,25 +331119,25 +331120,29 +331121,29 +331122,29 +331123,29 +331124,29 +331125,29 +331126,31 +331127,31 +331128,31 +331129,24 +331130,24 +331131,24 +331132,24 +331133,37 +331134,25 +331135,25 +331136,25 +331137,25 +331138,25 +331139,25 +331140,24 +331141,24 +331142,24 +331143,24 +331144,24 +331145,24 +331146,24 +331147,24 +331148,24 +331149,10 +331150,10 +331151,10 +331152,10 +331153,10 +331154,10 +331155,10 +331156,10 +331157,10 +331158,10 +331159,10 +331160,10 +331161,10 +331162,10 +331163,24 +331164,24 +331165,24 +331166,24 +331167,24 +331168,24 +331169,30 +331170,30 +331171,30 +331172,30 +331173,19 +331174,19 +331175,19 +331176,19 +331177,19 +331178,19 +331179,19 +331180,19 +331181,19 +331182,19 +331183,0 +331184,15 +331185,0 +331186,29 +331187,29 +331188,29 +331189,29 +331190,29 +331191,15 +331192,15 +331193,10 +331194,10 +331195,10 +331196,10 +331197,10 +331198,26 +331199,26 +331200,26 +331201,26 +331202,26 +331203,26 +331204,26 +331205,26 +331206,26 +331207,26 +331208,28 +331209,28 +331210,28 +331211,28 +331212,31 +331213,31 +331214,31 +331215,31 +331216,31 +331217,31 +331218,31 +331219,31 +331220,31 +331221,2 +331222,2 +331223,2 +331224,2 +331225,2 +331226,2 +331227,2 +331228,2 +331229,2 +331230,8 +331231,8 +331232,8 +331233,8 +331234,8 +331235,8 +331236,0 +331237,0 +331238,0 +331239,0 +331240,0 +331241,0 +331242,0 +331243,0 +331244,0 +331245,0 +331246,0 +331247,0 +331248,0 +331249,0 +331250,0 +331251,0 +331252,0 +331253,0 +331254,0 +331255,0 +331256,0 +331257,0 +331258,0 +331259,0 +331260,0 +331261,0 +331262,0 +331263,0 +331264,0 +331265,0 +331266,0 +331267,0 +331268,0 +331269,0 +331270,0 +331271,0 +331272,0 +331273,0 +331274,0 +331275,0 +331276,0 +331277,0 +331278,0 +331279,0 +331280,0 +331281,0 +331282,0 +331283,0 +331284,0 +331285,0 +331286,0 +331287,0 +331288,0 +331289,0 +331290,0 +331291,0 +331292,0 +331293,0 +331294,0 +331295,0 +331296,0 +331297,0 +331298,0 +331299,0 +331300,0 +331301,0 +331302,0 +331303,0 +331304,0 +331305,5 +331306,5 +331307,5 +331308,5 +331309,5 +331310,5 +331311,5 +331312,5 +331313,31 +331314,31 +331315,31 +331316,31 +331317,31 +331318,28 +331319,28 +331320,28 +331321,28 +331322,28 +331323,28 +331324,28 +331325,28 +331326,28 +331327,28 +331328,28 +331329,28 +331330,28 +331331,28 +331332,33 +331333,33 +331334,33 +331335,33 +331336,33 +331337,12 +331338,12 +331339,12 +331340,12 +331341,12 +331342,12 +331343,31 +331344,37 +331345,37 +331346,37 +331347,37 +331348,29 +331349,29 +331350,29 +331351,29 +331352,29 +331353,27 +331354,27 +331355,27 +331356,27 +331357,27 +331358,5 +331359,5 +331360,5 +331361,5 +331362,5 +331363,29 +331364,29 +331365,31 +331366,31 +331367,31 +331368,31 +331369,31 +331370,15 +331371,15 +331372,15 +331373,15 +331374,15 +331375,29 +331376,15 +331377,15 +331378,14 +331379,14 +331380,14 +331381,14 +331382,14 +331383,14 +331384,14 +331385,14 +331386,14 +331387,14 +331388,14 +331389,14 +331390,14 +331391,14 +331392,15 +331393,15 +331394,15 +331395,39 +331396,39 +331397,39 +331398,39 +331399,39 +331400,39 +331401,39 +331402,35 +331403,35 +331404,35 +331405,35 +331406,35 +331407,35 +331408,35 +331409,35 +331410,35 +331411,35 +331412,35 +331413,39 +331414,39 +331415,39 +331416,39 +331417,39 +331418,39 +331419,39 +331420,39 +331421,37 +331422,37 +331423,37 +331424,37 +331425,25 +331426,25 +331427,19 +331428,19 +331429,19 +331430,19 +331431,19 +331432,19 +331433,19 +331434,14 +331435,14 +331436,14 +331437,14 +331438,14 +331439,14 +331440,14 +331441,14 +331442,14 +331443,14 +331444,14 +331445,14 +331446,14 +331447,14 +331448,14 +331449,19 +331450,19 +331451,19 +331452,19 +331453,19 +331454,19 +331455,19 +331456,19 +331457,19 +331458,0 +331459,0 +331460,0 +331461,0 +331462,0 +331463,0 +331464,0 +331465,0 +331466,0 +331467,0 +331468,0 +331469,0 +331470,0 +331471,0 +331472,0 +331473,0 +331474,0 +331475,0 +331476,0 +331477,0 +331478,0 +331479,0 +331480,0 +331481,0 +331482,0 +331483,0 +331484,0 +331485,0 +331486,0 +331487,0 +331488,0 +331489,0 +331490,0 +331491,0 +331492,0 +331493,0 +331494,0 +331495,0 +331496,0 +331497,0 +331498,0 +331499,0 +331500,0 +331501,0 +331502,0 +331503,0 +331504,0 +331505,0 +331506,0 +331507,0 +331508,0 +331509,0 +331510,0 +331511,0 +331512,0 +331513,0 +331514,0 +331515,0 +331516,0 +331517,0 +331518,0 +331519,0 +331520,0 +331521,0 +331522,0 +331523,0 +331524,0 +331525,0 +331526,0 +331527,0 +331528,0 +331529,0 +331530,0 +331531,0 +331532,0 +331533,0 +331534,0 +331535,0 +331536,0 +331537,0 +331538,0 +331539,0 +331540,0 +331541,0 +331542,0 +331543,0 +331544,0 +331545,0 +331546,0 +331547,0 +331548,0 +331549,0 +331550,0 +331551,0 +331552,0 +331553,0 +331554,0 +331555,0 +331556,0 +331557,0 +331558,0 +331559,0 +331560,0 +331561,0 +331562,0 +331563,0 +331564,0 +331565,10 +331566,10 +331567,10 +331568,10 +331569,10 +331570,10 +331571,36 +331572,10 +331573,10 +331574,36 +331575,36 +331576,36 +331577,36 +331578,36 +331579,11 +331580,11 +331581,11 +331582,11 +331583,11 +331584,11 +331585,11 +331586,11 +331587,11 +331588,31 +331589,31 +331590,31 +331591,31 +331592,31 +331593,35 +331594,35 +331595,35 +331596,35 +331597,35 +331598,35 +331599,35 +331600,35 +331601,35 +331602,36 +331603,36 +331604,10 +331605,10 +331606,10 +331607,10 +331608,23 +331609,23 +331610,23 +331611,23 +331612,23 +331613,23 +331614,23 +331615,23 +331616,23 +331617,23 +331618,23 +331619,23 +331620,23 +331621,23 +331622,23 +331623,23 +331624,23 +331625,23 +331626,27 +331627,14 +331628,14 +331629,14 +331630,14 +331631,14 +331632,14 +331633,14 +331634,14 +331635,39 +331636,39 +331637,39 +331638,39 +331639,39 +331640,39 +331641,39 +331642,39 +331643,39 +331644,39 +331645,39 +331646,39 +331647,39 +331648,0 +331649,0 +331650,0 +331651,0 +331652,0 +331653,0 +331654,0 +331655,0 +331656,27 +331657,27 +331658,23 +331659,27 +331660,27 +331661,27 +331662,27 +331663,27 +331664,27 +331665,27 +331666,27 +331667,27 +331668,30 +331669,30 +331670,30 +331671,30 +331672,30 +331673,33 +331674,30 +331675,30 +331676,30 +331677,30 +331678,30 +331679,30 +331680,0 +331681,0 +331682,0 +331683,0 +331684,0 +331685,0 +331686,0 +331687,0 +331688,0 +331689,0 +331690,0 +331691,0 +331692,0 +331693,0 +331694,0 +331695,0 +331696,0 +331697,0 +331698,0 +331699,0 +331700,0 +331701,0 +331702,0 +331703,0 +331704,0 +331705,0 +331706,0 +331707,0 +331708,0 +331709,0 +331710,0 +331711,0 +331712,0 +331713,0 +331714,0 +331715,0 +331716,0 +331717,0 +331718,0 +331719,0 +331720,0 +331721,0 +331722,0 +331723,0 +331724,0 +331725,0 +331726,0 +331727,0 +331728,0 +331729,0 +331730,0 +331731,0 +331732,0 +331733,0 +331734,0 +331735,0 +331736,29 +331737,29 +331738,29 +331739,29 +331740,14 +331741,14 +331742,14 +331743,14 +331744,14 +331745,14 +331746,14 +331747,14 +331748,14 +331749,14 +331750,15 +331751,15 +331752,15 +331753,15 +331754,15 +331755,15 +331756,15 +331757,12 +331758,37 +331759,37 +331760,12 +331761,12 +331762,27 +331763,27 +331764,27 +331765,27 +331766,40 +331767,40 +331768,33 +331769,33 +331770,33 +331771,33 +331772,33 +331773,30 +331774,30 +331775,40 +331776,26 +331777,26 +331778,26 +331779,37 +331780,26 +331781,26 +331782,4 +331783,4 +331784,35 +331785,35 +331786,4 +331787,35 +331788,35 +331789,35 +331790,25 +331791,25 +331792,25 +331793,25 +331794,25 +331795,25 +331796,25 +331797,25 +331798,37 +331799,37 +331800,37 +331801,2 +331802,2 +331803,2 +331804,2 +331805,2 +331806,2 +331807,2 +331808,2 +331809,2 +331810,40 +331811,40 +331812,40 +331813,40 +331814,40 +331815,40 +331816,40 +331817,40 +331818,40 +331819,5 +331820,19 +331821,19 +331822,19 +331823,19 +331824,4 +331825,4 +331826,35 +331827,4 +331828,4 +331829,25 +331830,25 +331831,25 +331832,25 +331833,25 +331834,25 +331835,37 +331836,37 +331837,19 +331838,19 +331839,19 +331840,19 +331841,4 +331842,4 +331843,4 +331844,4 +331845,4 +331846,4 +331847,4 +331848,4 +331849,4 +331850,4 +331851,4 +331852,4 +331853,37 +331854,37 +331855,37 +331856,37 +331857,37 +331858,37 +331859,37 +331860,37 +331861,37 +331862,15 +331863,15 +331864,19 +331865,19 +331866,15 +331867,15 +331868,19 +331869,19 +331870,19 +331871,19 +331872,27 +331873,7 +331874,7 +331875,3 +331876,3 +331877,3 +331878,3 +331879,3 +331880,3 +331881,3 +331882,3 +331883,3 +331884,3 +331885,3 +331886,3 +331887,3 +331888,3 +331889,3 +331890,0 +331891,0 +331892,0 +331893,0 +331894,0 +331895,0 +331896,11 +331897,11 +331898,11 +331899,0 +331900,0 +331901,0 +331902,0 +331903,23 +331904,23 +331905,0 +331906,0 +331907,0 +331908,0 +331909,0 +331910,0 +331911,0 +331912,0 +331913,0 +331914,0 +331915,0 +331916,0 +331917,0 +331918,0 +331919,0 +331920,23 +331921,23 +331922,23 +331923,23 +331924,23 +331925,23 +331926,23 +331927,34 +331928,34 +331929,34 +331930,34 +331931,34 +331932,34 +331933,34 +331934,34 +331935,34 +331936,34 +331937,34 +331938,34 +331939,34 +331940,34 +331941,34 +331942,34 +331943,34 +331944,34 +331945,34 +331946,34 +331947,34 +331948,34 +331949,34 +331950,34 +331951,34 +331952,34 +331953,25 +331954,25 +331955,25 +331956,37 +331957,37 +331958,37 +331959,37 +331960,37 +331961,37 +331962,37 +331963,37 +331964,8 +331965,8 +331966,8 +331967,8 +331968,8 +331969,8 +331970,8 +331971,8 +331972,8 +331973,6 +331974,6 +331975,6 +331976,6 +331977,6 +331978,6 +331979,6 +331980,6 +331981,6 +331982,6 +331983,6 +331984,6 +331985,36 +331986,36 +331987,36 +331988,36 +331989,36 +331990,36 +331991,14 +331992,36 +331993,36 +331994,36 +331995,36 +331996,36 +331997,14 +331998,36 +331999,36 +332000,36 +332001,5 +332002,5 +332003,5 +332004,5 +332005,5 +332006,5 +332007,19 +332008,19 +332009,19 +332010,19 +332011,19 +332012,19 +332013,39 +332014,39 +332015,39 +332016,39 +332017,39 +332018,39 +332019,39 +332020,39 +332021,39 +332022,39 +332023,31 +332024,31 +332025,31 +332026,31 +332027,31 +332028,5 +332029,5 +332030,5 +332031,5 +332032,5 +332033,5 +332034,5 +332035,2 +332036,2 +332037,2 +332038,2 +332039,2 +332040,2 +332041,2 +332042,2 +332043,2 +332044,2 +332045,2 +332046,2 +332047,2 +332048,27 +332049,27 +332050,27 +332051,27 +332052,21 +332053,21 +332054,21 +332055,21 +332056,21 +332057,21 +332058,21 +332059,25 +332060,25 +332061,25 +332062,25 +332063,25 +332064,25 +332065,25 +332066,25 +332067,25 +332068,37 +332069,25 +332070,36 +332071,36 +332072,36 +332073,36 +332074,31 +332075,36 +332076,36 +332077,36 +332078,36 +332079,36 +332080,19 +332081,19 +332082,19 +332083,19 +332084,19 +332085,19 +332086,19 +332087,4 +332088,4 +332089,19 +332090,2 +332091,2 +332092,2 +332093,2 +332094,2 +332095,2 +332096,2 +332097,2 +332098,2 +332099,2 +332100,2 +332101,2 +332102,2 +332103,2 +332104,2 +332105,2 +332106,2 +332107,0 +332108,0 +332109,0 +332110,0 +332111,0 +332112,0 +332113,0 +332114,0 +332115,0 +332116,0 +332117,0 +332118,0 +332119,0 +332120,0 +332121,0 +332122,0 +332123,0 +332124,0 +332125,0 +332126,0 +332127,0 +332128,0 +332129,0 +332130,0 +332131,0 +332132,0 +332133,0 +332134,0 +332135,0 +332136,0 +332137,0 +332138,0 +332139,0 +332140,0 +332141,0 +332142,0 +332143,0 +332144,0 +332145,0 +332146,0 +332147,0 +332148,0 +332149,0 +332150,0 +332151,0 +332152,0 +332153,12 +332154,12 +332155,12 +332156,12 +332157,12 +332158,12 +332159,12 +332160,39 +332161,39 +332162,39 +332163,39 +332164,39 +332165,39 +332166,39 +332167,5 +332168,5 +332169,5 +332170,5 +332171,5 +332172,5 +332173,5 +332174,5 +332175,5 +332176,5 +332177,5 +332178,5 +332179,33 +332180,25 +332181,25 +332182,25 +332183,25 +332184,25 +332185,25 +332186,25 +332187,25 +332188,25 +332189,29 +332190,29 +332191,29 +332192,29 +332193,29 +332194,29 +332195,39 +332196,39 +332197,39 +332198,39 +332199,39 +332200,39 +332201,39 +332202,39 +332203,39 +332204,39 +332205,5 +332206,5 +332207,5 +332208,5 +332209,5 +332210,5 +332211,5 +332212,5 +332213,5 +332214,33 +332215,33 +332216,33 +332217,33 +332218,33 +332219,33 +332220,33 +332221,27 +332222,14 +332223,14 +332224,27 +332225,14 +332226,14 +332227,14 +332228,14 +332229,27 +332230,27 +332231,5 +332232,5 +332233,5 +332234,5 +332235,5 +332236,2 +332237,2 +332238,2 +332239,2 +332240,2 +332241,31 +332242,31 +332243,31 +332244,31 +332245,24 +332246,24 +332247,24 +332248,24 +332249,38 +332250,38 +332251,35 +332252,35 +332253,35 +332254,35 +332255,35 +332256,35 +332257,35 +332258,36 +332259,36 +332260,36 +332261,36 +332262,36 +332263,36 +332264,36 +332265,36 +332266,36 +332267,24 +332268,24 +332269,24 +332270,24 +332271,27 +332272,27 +332273,39 +332274,39 +332275,39 +332276,39 +332277,30 +332278,30 +332279,30 +332280,30 +332281,30 +332282,30 +332283,30 +332284,30 +332285,30 +332286,3 +332287,3 +332288,30 +332289,31 +332290,27 +332291,27 +332292,27 +332293,27 +332294,5 +332295,5 +332296,5 +332297,5 +332298,5 +332299,5 +332300,2 +332301,2 +332302,8 +332303,8 +332304,35 +332305,35 +332306,35 +332307,35 +332308,35 +332309,35 +332310,35 +332311,35 +332312,35 +332313,40 +332314,40 +332315,40 +332316,40 +332317,40 +332318,40 +332319,40 +332320,37 +332321,37 +332322,37 +332323,37 +332324,37 +332325,37 +332326,37 +332327,37 +332328,6 +332329,6 +332330,6 +332331,6 +332332,23 +332333,23 +332334,6 +332335,6 +332336,6 +332337,23 +332338,23 +332339,23 +332340,23 +332341,23 +332342,23 +332343,23 +332344,23 +332345,9 +332346,9 +332347,9 +332348,9 +332349,9 +332350,9 +332351,9 +332352,9 +332353,9 +332354,9 +332355,9 +332356,9 +332357,9 +332358,9 +332359,9 +332360,9 +332361,9 +332362,9 +332363,9 +332364,9 +332365,9 +332366,30 +332367,30 +332368,30 +332369,30 +332370,30 +332371,30 +332372,30 +332373,27 +332374,27 +332375,27 +332376,27 +332377,27 +332378,27 +332379,5 +332380,5 +332381,5 +332382,5 +332383,5 +332384,5 +332385,5 +332386,4 +332387,4 +332388,4 +332389,4 +332390,4 +332391,4 +332392,4 +332393,4 +332394,4 +332395,4 +332396,4 +332397,4 +332398,35 +332399,35 +332400,35 +332401,35 +332402,35 +332403,25 +332404,25 +332405,25 +332406,25 +332407,25 +332408,25 +332409,25 +332410,25 +332411,5 +332412,31 +332413,31 +332414,31 +332415,31 +332416,31 +332417,31 +332418,21 +332419,21 +332420,21 +332421,21 +332422,21 +332423,21 +332424,21 +332425,21 +332426,37 +332427,37 +332428,37 +332429,37 +332430,37 +332431,37 +332432,37 +332433,37 +332434,14 +332435,14 +332436,14 +332437,14 +332438,14 +332439,14 +332440,14 +332441,14 +332442,14 +332443,14 +332444,14 +332445,14 +332446,14 +332447,14 +332448,14 +332449,14 +332450,14 +332451,32 +332452,32 +332453,32 +332454,32 +332455,32 +332456,32 +332457,32 +332458,32 +332459,37 +332460,37 +332461,37 +332462,37 +332463,37 +332464,28 +332465,28 +332466,28 +332467,28 +332468,24 +332469,24 +332470,24 +332471,24 +332472,24 +332473,36 +332474,36 +332475,36 +332476,36 +332477,36 +332478,36 +332479,36 +332480,36 +332481,36 +332482,36 +332483,36 +332484,36 +332485,32 +332486,32 +332487,32 +332488,32 +332489,2 +332490,2 +332491,2 +332492,2 +332493,2 +332494,2 +332495,2 +332496,2 +332497,2 +332498,2 +332499,12 +332500,12 +332501,12 +332502,12 +332503,10 +332504,30 +332505,30 +332506,10 +332507,10 +332508,10 +332509,30 +332510,7 +332511,7 +332512,7 +332513,7 +332514,7 +332515,7 +332516,7 +332517,7 +332518,35 +332519,35 +332520,35 +332521,3 +332522,3 +332523,3 +332524,3 +332525,3 +332526,3 +332527,25 +332528,25 +332529,25 +332530,25 +332531,25 +332532,25 +332533,37 +332534,2 +332535,2 +332536,2 +332537,8 +332538,2 +332539,2 +332540,8 +332541,2 +332542,2 +332543,2 +332544,2 +332545,2 +332546,2 +332547,2 +332548,2 +332549,2 +332550,31 +332551,31 +332552,31 +332553,31 +332554,31 +332555,31 +332556,31 +332557,31 +332558,31 +332559,31 +332560,31 +332561,31 +332562,5 +332563,5 +332564,5 +332565,35 +332566,5 +332567,13 +332568,10 +332569,10 +332570,10 +332571,10 +332572,10 +332573,10 +332574,10 +332575,10 +332576,10 +332577,10 +332578,10 +332579,10 +332580,10 +332581,10 +332582,10 +332583,10 +332584,26 +332585,26 +332586,26 +332587,26 +332588,13 +332589,13 +332590,13 +332591,13 +332592,13 +332593,13 +332594,13 +332595,13 +332596,13 +332597,13 +332598,13 +332599,13 +332600,13 +332601,13 +332602,13 +332603,13 +332604,13 +332605,13 +332606,13 +332607,13 +332608,13 +332609,13 +332610,13 +332611,0 +332612,0 +332613,0 +332614,0 +332615,0 +332616,0 +332617,0 +332618,0 +332619,0 +332620,0 +332621,0 +332622,0 +332623,0 +332624,0 +332625,0 +332626,0 +332627,0 +332628,0 +332629,0 +332630,0 +332631,0 +332632,0 +332633,0 +332634,0 +332635,0 +332636,0 +332637,0 +332638,0 +332639,0 +332640,0 +332641,0 +332642,0 +332643,0 +332644,0 +332645,12 +332646,12 +332647,12 +332648,12 +332649,12 +332650,12 +332651,31 +332652,31 +332653,31 +332654,31 +332655,31 +332656,2 +332657,2 +332658,2 +332659,2 +332660,2 +332661,2 +332662,2 +332663,2 +332664,2 +332665,32 +332666,32 +332667,32 +332668,32 +332669,32 +332670,32 +332671,32 +332672,32 +332673,3 +332674,33 +332675,33 +332676,3 +332677,3 +332678,3 +332679,3 +332680,3 +332681,12 +332682,12 +332683,12 +332684,12 +332685,12 +332686,12 +332687,12 +332688,39 +332689,39 +332690,39 +332691,14 +332692,14 +332693,39 +332694,39 +332695,39 +332696,39 +332697,39 +332698,39 +332699,31 +332700,31 +332701,31 +332702,31 +332703,31 +332704,31 +332705,6 +332706,6 +332707,6 +332708,6 +332709,6 +332710,6 +332711,6 +332712,6 +332713,6 +332714,6 +332715,6 +332716,12 +332717,12 +332718,12 +332719,12 +332720,12 +332721,12 +332722,12 +332723,14 +332724,14 +332725,14 +332726,14 +332727,14 +332728,14 +332729,14 +332730,14 +332731,14 +332732,14 +332733,18 +332734,18 +332735,18 +332736,18 +332737,18 +332738,18 +332739,18 +332740,27 +332741,27 +332742,27 +332743,27 +332744,27 +332745,5 +332746,5 +332747,5 +332748,5 +332749,19 +332750,12 +332751,12 +332752,12 +332753,12 +332754,12 +332755,12 +332756,12 +332757,12 +332758,27 +332759,27 +332760,27 +332761,27 +332762,38 +332763,38 +332764,38 +332765,38 +332766,38 +332767,38 +332768,38 +332769,38 +332770,38 +332771,27 +332772,27 +332773,27 +332774,37 +332775,37 +332776,27 +332777,39 +332778,15 +332779,15 +332780,37 +332781,37 +332782,37 +332783,37 +332784,37 +332785,37 +332786,37 +332787,37 +332788,37 +332789,40 +332790,40 +332791,40 +332792,40 +332793,40 +332794,24 +332795,24 +332796,24 +332797,24 +332798,25 +332799,25 +332800,25 +332801,25 +332802,25 +332803,25 +332804,25 +332805,25 +332806,6 +332807,6 +332808,6 +332809,6 +332810,6 +332811,6 +332812,6 +332813,6 +332814,6 +332815,6 +332816,6 +332817,32 +332818,7 +332819,7 +332820,7 +332821,7 +332822,7 +332823,39 +332824,39 +332825,39 +332826,3 +332827,3 +332828,3 +332829,3 +332830,33 +332831,33 +332832,33 +332833,33 +332834,33 +332835,33 +332836,33 +332837,33 +332838,33 +332839,33 +332840,33 +332841,31 +332842,31 +332843,31 +332844,31 +332845,30 +332846,30 +332847,30 +332848,30 +332849,36 +332850,36 +332851,36 +332852,36 +332853,36 +332854,36 +332855,36 +332856,36 +332857,36 +332858,36 +332859,36 +332860,5 +332861,5 +332862,5 +332863,5 +332864,5 +332865,32 +332866,32 +332867,32 +332868,32 +332869,32 +332870,32 +332871,32 +332872,32 +332873,23 +332874,23 +332875,23 +332876,9 +332877,9 +332878,9 +332879,30 +332880,9 +332881,9 +332882,9 +332883,9 +332884,9 +332885,30 +332886,30 +332887,30 +332888,30 +332889,30 +332890,2 +332891,2 +332892,2 +332893,2 +332894,2 +332895,2 +332896,2 +332897,2 +332898,2 +332899,31 +332900,31 +332901,31 +332902,31 +332903,31 +332904,4 +332905,4 +332906,4 +332907,4 +332908,4 +332909,4 +332910,4 +332911,4 +332912,4 +332913,4 +332914,27 +332915,27 +332916,27 +332917,27 +332918,27 +332919,27 +332920,27 +332921,35 +332922,36 +332923,36 +332924,31 +332925,31 +332926,24 +332927,24 +332928,24 +332929,24 +332930,24 +332931,24 +332932,24 +332933,29 +332934,29 +332935,31 +332936,31 +332937,31 +332938,31 +332939,31 +332940,31 +332941,19 +332942,19 +332943,19 +332944,19 +332945,19 +332946,19 +332947,19 +332948,19 +332949,19 +332950,26 +332951,26 +332952,26 +332953,26 +332954,26 +332955,26 +332956,26 +332957,26 +332958,26 +332959,26 +332960,26 +332961,26 +332962,26 +332963,37 +332964,37 +332965,37 +332966,37 +332967,4 +332968,4 +332969,4 +332970,4 +332971,4 +332972,4 +332973,4 +332974,4 +332975,4 +332976,4 +332977,4 +332978,4 +332979,4 +332980,4 +332981,37 +332982,37 +332983,37 +332984,37 +332985,37 +332986,37 +332987,31 +332988,31 +332989,31 +332990,31 +332991,31 +332992,31 +332993,5 +332994,5 +332995,5 +332996,5 +332997,5 +332998,5 +332999,5 +333000,8 +333001,8 +333002,8 +333003,8 +333004,8 +333005,8 +333006,8 +333007,8 +333008,8 +333009,8 +333010,8 +333011,8 +333012,12 +333013,12 +333014,12 +333015,12 +333016,12 +333017,12 +333018,12 +333019,12 +333020,27 +333021,27 +333022,27 +333023,27 +333024,27 +333025,16 +333026,16 +333027,16 +333028,16 +333029,16 +333030,16 +333031,16 +333032,16 +333033,16 +333034,16 +333035,40 +333036,40 +333037,40 +333038,40 +333039,40 +333040,40 +333041,40 +333042,36 +333043,36 +333044,36 +333045,40 +333046,40 +333047,40 +333048,40 +333049,40 +333050,40 +333051,36 +333052,36 +333053,36 +333054,36 +333055,36 +333056,36 +333057,36 +333058,2 +333059,2 +333060,2 +333061,2 +333062,2 +333063,2 +333064,2 +333065,2 +333066,2 +333067,2 +333068,2 +333069,2 +333070,2 +333071,31 +333072,31 +333073,31 +333074,31 +333075,31 +333076,31 +333077,32 +333078,32 +333079,32 +333080,32 +333081,32 +333082,32 +333083,32 +333084,32 +333085,32 +333086,32 +333087,32 +333088,37 +333089,37 +333090,37 +333091,37 +333092,39 +333093,39 +333094,39 +333095,39 +333096,39 +333097,39 +333098,39 +333099,39 +333100,28 +333101,28 +333102,28 +333103,28 +333104,28 +333105,28 +333106,28 +333107,32 +333108,32 +333109,32 +333110,32 +333111,32 +333112,32 +333113,32 +333114,23 +333115,32 +333116,32 +333117,32 +333118,32 +333119,26 +333120,26 +333121,26 +333122,26 +333123,26 +333124,26 +333125,26 +333126,26 +333127,26 +333128,26 +333129,26 +333130,26 +333131,5 +333132,5 +333133,5 +333134,5 +333135,5 +333136,5 +333137,4 +333138,4 +333139,4 +333140,4 +333141,4 +333142,4 +333143,4 +333144,4 +333145,4 +333146,4 +333147,27 +333148,27 +333149,27 +333150,27 +333151,27 +333152,27 +333153,27 +333154,27 +333155,27 +333156,23 +333157,23 +333158,23 +333159,23 +333160,23 +333161,23 +333162,23 +333163,23 +333164,23 +333165,23 +333166,24 +333167,0 +333168,0 +333169,0 +333170,0 +333171,0 +333172,0 +333173,0 +333174,0 +333175,0 +333176,0 +333177,0 +333178,0 +333179,0 +333180,2 +333181,2 +333182,0 +333183,0 +333184,0 +333185,0 +333186,0 +333187,0 +333188,0 +333189,0 +333190,0 +333191,0 +333192,0 +333193,0 +333194,0 +333195,0 +333196,0 +333197,0 +333198,0 +333199,0 +333200,0 +333201,0 +333202,0 +333203,0 +333204,0 +333205,0 +333206,0 +333207,0 +333208,0 +333209,0 +333210,0 +333211,0 +333212,0 +333213,0 +333214,0 +333215,0 +333216,0 +333217,0 +333218,0 +333219,0 +333220,0 +333221,0 +333222,0 +333223,0 +333224,0 +333225,0 +333226,0 +333227,0 +333228,0 +333229,0 +333230,0 +333231,28 +333232,28 +333233,28 +333234,28 +333235,28 +333236,28 +333237,28 +333238,28 +333239,28 +333240,10 +333241,10 +333242,10 +333243,10 +333244,10 +333245,10 +333246,19 +333247,19 +333248,19 +333249,19 +333250,19 +333251,19 +333252,19 +333253,19 +333254,14 +333255,14 +333256,14 +333257,14 +333258,14 +333259,14 +333260,14 +333261,14 +333262,14 +333263,14 +333264,14 +333265,14 +333266,14 +333267,14 +333268,14 +333269,14 +333270,8 +333271,8 +333272,8 +333273,8 +333274,8 +333275,8 +333276,8 +333277,8 +333278,12 +333279,12 +333280,12 +333281,25 +333282,25 +333283,25 +333284,25 +333285,25 +333286,25 +333287,25 +333288,2 +333289,2 +333290,2 +333291,2 +333292,2 +333293,2 +333294,2 +333295,2 +333296,2 +333297,32 +333298,32 +333299,32 +333300,32 +333301,32 +333302,32 +333303,32 +333304,40 +333305,40 +333306,40 +333307,40 +333308,40 +333309,40 +333310,40 +333311,5 +333312,5 +333313,5 +333314,8 +333315,8 +333316,8 +333317,27 +333318,27 +333319,27 +333320,27 +333321,27 +333322,27 +333323,5 +333324,5 +333325,5 +333326,5 +333327,5 +333328,5 +333329,5 +333330,5 +333331,6 +333332,6 +333333,6 +333334,6 +333335,6 +333336,6 +333337,6 +333338,6 +333339,6 +333340,6 +333341,6 +333342,6 +333343,6 +333344,33 +333345,33 +333346,33 +333347,33 +333348,33 +333349,33 +333350,33 +333351,33 +333352,33 +333353,33 +333354,33 +333355,2 +333356,2 +333357,2 +333358,2 +333359,2 +333360,2 +333361,2 +333362,2 +333363,2 +333364,2 +333365,2 +333366,40 +333367,40 +333368,40 +333369,4 +333370,4 +333371,4 +333372,4 +333373,4 +333374,4 +333375,4 +333376,4 +333377,4 +333378,4 +333379,4 +333380,4 +333381,4 +333382,4 +333383,40 +333384,40 +333385,40 +333386,40 +333387,40 +333388,40 +333389,40 +333390,5 +333391,5 +333392,5 +333393,5 +333394,5 +333395,5 +333396,11 +333397,11 +333398,11 +333399,11 +333400,11 +333401,11 +333402,11 +333403,11 +333404,11 +333405,11 +333406,11 +333407,31 +333408,31 +333409,31 +333410,31 +333411,31 +333412,31 +333413,5 +333414,5 +333415,5 +333416,5 +333417,5 +333418,5 +333419,5 +333420,5 +333421,29 +333422,29 +333423,29 +333424,31 +333425,31 +333426,31 +333427,31 +333428,31 +333429,31 +333430,31 +333431,31 +333432,28 +333433,28 +333434,28 +333435,10 +333436,10 +333437,10 +333438,10 +333439,10 +333440,10 +333441,10 +333442,10 +333443,10 +333444,10 +333445,10 +333446,10 +333447,10 +333448,28 +333449,28 +333450,28 +333451,28 +333452,28 +333453,28 +333454,28 +333455,28 +333456,10 +333457,10 +333458,10 +333459,10 +333460,10 +333461,10 +333462,10 +333463,10 +333464,10 +333465,10 +333466,19 +333467,19 +333468,19 +333469,19 +333470,19 +333471,19 +333472,5 +333473,5 +333474,29 +333475,19 +333476,4 +333477,4 +333478,28 +333479,28 +333480,28 +333481,28 +333482,28 +333483,28 +333484,9 +333485,9 +333486,9 +333487,9 +333488,9 +333489,9 +333490,37 +333491,37 +333492,37 +333493,37 +333494,37 +333495,37 +333496,37 +333497,2 +333498,2 +333499,2 +333500,2 +333501,2 +333502,2 +333503,2 +333504,2 +333505,2 +333506,32 +333507,32 +333508,32 +333509,32 +333510,32 +333511,32 +333512,32 +333513,32 +333514,39 +333515,39 +333516,39 +333517,39 +333518,39 +333519,39 +333520,39 +333521,39 +333522,39 +333523,39 +333524,39 +333525,39 +333526,39 +333527,39 +333528,39 +333529,39 +333530,39 +333531,39 +333532,39 +333533,39 +333534,39 +333535,39 +333536,39 +333537,39 +333538,39 +333539,30 +333540,31 +333541,31 +333542,30 +333543,30 +333544,30 +333545,30 +333546,30 +333547,30 +333548,30 +333549,30 +333550,30 +333551,30 +333552,39 +333553,39 +333554,39 +333555,39 +333556,39 +333557,39 +333558,39 +333559,39 +333560,39 +333561,39 +333562,39 +333563,39 +333564,39 +333565,39 +333566,39 +333567,39 +333568,39 +333569,39 +333570,39 +333571,39 +333572,0 +333573,0 +333574,0 +333575,0 +333576,0 +333577,0 +333578,0 +333579,0 +333580,0 +333581,0 +333582,0 +333583,0 +333584,0 +333585,0 +333586,0 +333587,0 +333588,0 +333589,0 +333590,0 +333591,0 +333592,0 +333593,0 +333594,0 +333595,0 +333596,0 +333597,0 +333598,0 +333599,0 +333600,0 +333601,0 +333602,0 +333603,0 +333604,0 +333605,0 +333606,0 +333607,36 +333608,36 +333609,36 +333610,36 +333611,36 +333612,36 +333613,36 +333614,36 +333615,36 +333616,36 +333617,36 +333618,36 +333619,36 +333620,36 +333621,36 +333622,36 +333623,2 +333624,2 +333625,2 +333626,2 +333627,2 +333628,2 +333629,2 +333630,2 +333631,2 +333632,4 +333633,4 +333634,4 +333635,4 +333636,4 +333637,4 +333638,25 +333639,25 +333640,25 +333641,25 +333642,25 +333643,25 +333644,25 +333645,29 +333646,29 +333647,29 +333648,29 +333649,29 +333650,29 +333651,31 +333652,31 +333653,31 +333654,31 +333655,31 +333656,30 +333657,30 +333658,30 +333659,30 +333660,30 +333661,30 +333662,30 +333663,36 +333664,10 +333665,10 +333666,10 +333667,10 +333668,10 +333669,10 +333670,10 +333671,10 +333672,10 +333673,10 +333674,5 +333675,5 +333676,5 +333677,5 +333678,5 +333679,12 +333680,12 +333681,12 +333682,12 +333683,12 +333684,12 +333685,12 +333686,12 +333687,12 +333688,12 +333689,27 +333690,27 +333691,6 +333692,16 +333693,16 +333694,16 +333695,16 +333696,16 +333697,32 +333698,16 +333699,16 +333700,4 +333701,18 +333702,18 +333703,18 +333704,18 +333705,18 +333706,18 +333707,4 +333708,4 +333709,4 +333710,0 +333711,0 +333712,0 +333713,0 +333714,0 +333715,0 +333716,0 +333717,0 +333718,0 +333719,0 +333720,0 +333721,0 +333722,0 +333723,0 +333724,0 +333725,0 +333726,0 +333727,0 +333728,0 +333729,0 +333730,0 +333731,0 +333732,0 +333733,0 +333734,0 +333735,0 +333736,0 +333737,0 +333738,0 +333739,0 +333740,0 +333741,0 +333742,0 +333743,0 +333744,0 +333745,0 +333746,0 +333747,0 +333748,0 +333749,0 +333750,0 +333751,0 +333752,0 +333753,0 +333754,0 +333755,0 +333756,0 +333757,0 +333758,0 +333759,0 +333760,0 +333761,0 +333762,0 +333763,0 +333764,31 +333765,31 +333766,31 +333767,31 +333768,31 +333769,31 +333770,31 +333771,31 +333772,31 +333773,31 +333774,31 +333775,5 +333776,5 +333777,19 +333778,19 +333779,19 +333780,19 +333781,29 +333782,29 +333783,36 +333784,36 +333785,36 +333786,36 +333787,36 +333788,36 +333789,36 +333790,36 +333791,36 +333792,36 +333793,36 +333794,36 +333795,36 +333796,36 +333797,36 +333798,36 +333799,36 +333800,36 +333801,36 +333802,36 +333803,36 +333804,28 +333805,28 +333806,28 +333807,28 +333808,28 +333809,28 +333810,28 +333811,28 +333812,14 +333813,14 +333814,14 +333815,14 +333816,14 +333817,14 +333818,14 +333819,14 +333820,14 +333821,15 +333822,15 +333823,15 +333824,15 +333825,15 +333826,15 +333827,15 +333828,15 +333829,15 +333830,15 +333831,33 +333832,33 +333833,33 +333834,33 +333835,33 +333836,33 +333837,33 +333838,33 +333839,33 +333840,33 +333841,33 +333842,33 +333843,33 +333844,33 +333845,33 +333846,33 +333847,33 +333848,33 +333849,33 +333850,33 +333851,2 +333852,2 +333853,2 +333854,2 +333855,2 +333856,2 +333857,2 +333858,2 +333859,2 +333860,2 +333861,2 +333862,2 +333863,2 +333864,2 +333865,2 +333866,2 +333867,2 +333868,2 +333869,2 +333870,2 +333871,2 +333872,2 +333873,0 +333874,0 +333875,0 +333876,2 +333877,2 +333878,4 +333879,4 +333880,4 +333881,0 +333882,0 +333883,0 +333884,0 +333885,0 +333886,0 +333887,0 +333888,0 +333889,0 +333890,0 +333891,0 +333892,0 +333893,0 +333894,0 +333895,0 +333896,0 +333897,0 +333898,0 +333899,0 +333900,0 +333901,10 +333902,10 +333903,10 +333904,10 +333905,10 +333906,10 +333907,10 +333908,10 +333909,10 +333910,10 +333911,10 +333912,10 +333913,10 +333914,10 +333915,10 +333916,10 +333917,10 +333918,10 +333919,2 +333920,2 +333921,2 +333922,2 +333923,2 +333924,2 +333925,2 +333926,2 +333927,2 +333928,2 +333929,2 +333930,2 +333931,31 +333932,31 +333933,31 +333934,31 +333935,31 +333936,31 +333937,32 +333938,32 +333939,32 +333940,32 +333941,32 +333942,32 +333943,32 +333944,32 +333945,32 +333946,26 +333947,26 +333948,26 +333949,26 +333950,40 +333951,30 +333952,33 +333953,33 +333954,33 +333955,34 +333956,34 +333957,34 +333958,34 +333959,33 +333960,33 +333961,33 +333962,2 +333963,2 +333964,2 +333965,2 +333966,2 +333967,2 +333968,2 +333969,2 +333970,2 +333971,2 +333972,2 +333973,2 +333974,35 +333975,35 +333976,39 +333977,39 +333978,39 +333979,39 +333980,39 +333981,39 +333982,35 +333983,35 +333984,35 +333985,35 +333986,35 +333987,35 +333988,36 +333989,31 +333990,31 +333991,31 +333992,24 +333993,24 +333994,24 +333995,24 +333996,24 +333997,24 +333998,24 +333999,35 +334000,35 +334001,35 +334002,35 +334003,35 +334004,35 +334005,35 +334006,35 +334007,35 +334008,35 +334009,35 +334010,35 +334011,35 +334012,35 +334013,35 +334014,25 +334015,25 +334016,25 +334017,25 +334018,25 +334019,25 +334020,25 +334021,25 +334022,25 +334023,25 +334024,25 +334025,25 +334026,25 +334027,25 +334028,25 +334029,25 +334030,25 +334031,19 +334032,19 +334033,19 +334034,19 +334035,31 +334036,31 +334037,31 +334038,31 +334039,31 +334040,31 +334041,24 +334042,24 +334043,24 +334044,24 +334045,24 +334046,24 +334047,29 +334048,24 +334049,24 +334050,29 +334051,31 +334052,29 +334053,40 +334054,40 +334055,40 +334056,40 +334057,40 +334058,35 +334059,35 +334060,35 +334061,35 +334062,35 +334063,35 +334064,35 +334065,35 +334066,35 +334067,35 +334068,35 +334069,35 +334070,35 +334071,35 +334072,35 +334073,35 +334074,40 +334075,40 +334076,40 +334077,40 +334078,40 +334079,40 +334080,40 +334081,40 +334082,40 +334083,36 +334084,5 +334085,5 +334086,5 +334087,5 +334088,5 +334089,5 +334090,5 +334091,5 +334092,5 +334093,2 +334094,2 +334095,2 +334096,2 +334097,2 +334098,2 +334099,2 +334100,2 +334101,2 +334102,2 +334103,2 +334104,2 +334105,2 +334106,2 +334107,31 +334108,31 +334109,31 +334110,31 +334111,31 +334112,31 +334113,28 +334114,28 +334115,28 +334116,28 +334117,13 +334118,13 +334119,13 +334120,5 +334121,13 +334122,13 +334123,13 +334124,13 +334125,13 +334126,13 +334127,13 +334128,13 +334129,13 +334130,13 +334131,13 +334132,30 +334133,30 +334134,10 +334135,10 +334136,10 +334137,10 +334138,31 +334139,35 +334140,35 +334141,40 +334142,40 +334143,19 +334144,19 +334145,19 +334146,4 +334147,4 +334148,4 +334149,25 +334150,25 +334151,25 +334152,25 +334153,25 +334154,25 +334155,25 +334156,25 +334157,25 +334158,25 +334159,25 +334160,28 +334161,28 +334162,28 +334163,28 +334164,28 +334165,28 +334166,28 +334167,28 +334168,27 +334169,27 +334170,27 +334171,27 +334172,27 +334173,27 +334174,27 +334175,27 +334176,27 +334177,2 +334178,2 +334179,2 +334180,2 +334181,2 +334182,2 +334183,2 +334184,2 +334185,2 +334186,2 +334187,2 +334188,2 +334189,4 +334190,4 +334191,4 +334192,4 +334193,4 +334194,4 +334195,4 +334196,25 +334197,25 +334198,25 +334199,25 +334200,25 +334201,23 +334202,23 +334203,23 +334204,23 +334205,23 +334206,23 +334207,23 +334208,23 +334209,23 +334210,23 +334211,37 +334212,37 +334213,37 +334214,37 +334215,14 +334216,14 +334217,14 +334218,14 +334219,14 +334220,14 +334221,27 +334222,27 +334223,13 +334224,13 +334225,13 +334226,13 +334227,13 +334228,13 +334229,16 +334230,16 +334231,16 +334232,16 +334233,16 +334234,16 +334235,4 +334236,4 +334237,4 +334238,4 +334239,16 +334240,4 +334241,4 +334242,37 +334243,37 +334244,25 +334245,25 +334246,25 +334247,25 +334248,25 +334249,37 +334250,37 +334251,37 +334252,37 +334253,16 +334254,16 +334255,18 +334256,16 +334257,16 +334258,16 +334259,16 +334260,16 +334261,16 +334262,16 +334263,16 +334264,16 +334265,16 +334266,25 +334267,27 +334268,39 +334269,27 +334270,27 +334271,31 +334272,25 +334273,25 +334274,25 +334275,30 +334276,30 +334277,30 +334278,30 +334279,30 +334280,30 +334281,30 +334282,30 +334283,30 +334284,35 +334285,35 +334286,35 +334287,35 +334288,35 +334289,35 +334290,35 +334291,35 +334292,35 +334293,35 +334294,27 +334295,27 +334296,27 +334297,36 +334298,36 +334299,8 +334300,8 +334301,8 +334302,8 +334303,8 +334304,8 +334305,8 +334306,8 +334307,2 +334308,31 +334309,31 +334310,31 +334311,31 +334312,31 +334313,25 +334314,25 +334315,25 +334316,37 +334317,37 +334318,25 +334319,25 +334320,25 +334321,25 +334322,27 +334323,27 +334324,27 +334325,27 +334326,27 +334327,27 +334328,27 +334329,4 +334330,4 +334331,4 +334332,4 +334333,4 +334334,5 +334335,5 +334336,5 +334337,5 +334338,5 +334339,5 +334340,5 +334341,5 +334342,5 +334343,5 +334344,5 +334345,5 +334346,5 +334347,5 +334348,5 +334349,5 +334350,5 +334351,5 +334352,5 +334353,4 +334354,4 +334355,4 +334356,4 +334357,4 +334358,4 +334359,4 +334360,4 +334361,4 +334362,4 +334363,4 +334364,27 +334365,27 +334366,27 +334367,27 +334368,27 +334369,28 +334370,28 +334371,28 +334372,28 +334373,28 +334374,28 +334375,28 +334376,27 +334377,27 +334378,27 +334379,27 +334380,27 +334381,27 +334382,27 +334383,27 +334384,27 +334385,2 +334386,2 +334387,2 +334388,2 +334389,2 +334390,2 +334391,2 +334392,2 +334393,2 +334394,2 +334395,27 +334396,27 +334397,27 +334398,27 +334399,27 +334400,27 +334401,8 +334402,8 +334403,8 +334404,8 +334405,8 +334406,8 +334407,8 +334408,8 +334409,8 +334410,12 +334411,12 +334412,12 +334413,12 +334414,12 +334415,10 +334416,10 +334417,40 +334418,40 +334419,40 +334420,40 +334421,40 +334422,40 +334423,31 +334424,2 +334425,2 +334426,2 +334427,2 +334428,2 +334429,2 +334430,2 +334431,2 +334432,2 +334433,2 +334434,2 +334435,2 +334436,2 +334437,2 +334438,2 +334439,2 +334440,2 +334441,4 +334442,4 +334443,4 +334444,4 +334445,4 +334446,4 +334447,4 +334448,4 +334449,31 +334450,31 +334451,31 +334452,31 +334453,31 +334454,31 +334455,31 +334456,31 +334457,5 +334458,5 +334459,5 +334460,5 +334461,5 +334462,5 +334463,5 +334464,5 +334465,5 +334466,5 +334467,5 +334468,5 +334469,0 +334470,0 +334471,0 +334472,0 +334473,0 +334474,0 +334475,0 +334476,0 +334477,0 +334478,0 +334479,0 +334480,0 +334481,0 +334482,0 +334483,0 +334484,0 +334485,0 +334486,0 +334487,0 +334488,0 +334489,0 +334490,0 +334491,0 +334492,0 +334493,0 +334494,0 +334495,0 +334496,0 +334497,0 +334498,0 +334499,0 +334500,0 +334501,0 +334502,0 +334503,0 +334504,0 +334505,0 +334506,0 +334507,0 +334508,0 +334509,0 +334510,0 +334511,0 +334512,0 +334513,0 +334514,0 +334515,0 +334516,0 +334517,0 +334518,0 +334519,0 +334520,0 +334521,0 +334522,0 +334523,0 +334524,0 +334525,0 +334526,0 +334527,0 +334528,0 +334529,35 +334530,35 +334531,35 +334532,35 +334533,35 +334534,35 +334535,39 +334536,39 +334537,39 +334538,39 +334539,39 +334540,39 +334541,39 +334542,39 +334543,39 +334544,30 +334545,30 +334546,30 +334547,30 +334548,30 +334549,30 +334550,30 +334551,30 +334552,30 +334553,30 +334554,30 +334555,30 +334556,31 +334557,31 +334558,31 +334559,31 +334560,31 +334561,31 +334562,31 +334563,31 +334564,31 +334565,31 +334566,31 +334567,31 +334568,24 +334569,24 +334570,24 +334571,24 +334572,23 +334573,24 +334574,24 +334575,4 +334576,4 +334577,4 +334578,4 +334579,4 +334580,4 +334581,4 +334582,4 +334583,4 +334584,4 +334585,36 +334586,36 +334587,36 +334588,36 +334589,10 +334590,10 +334591,10 +334592,10 +334593,10 +334594,35 +334595,35 +334596,35 +334597,35 +334598,36 +334599,36 +334600,36 +334601,36 +334602,36 +334603,36 +334604,36 +334605,24 +334606,24 +334607,24 +334608,24 +334609,24 +334610,24 +334611,24 +334612,24 +334613,24 +334614,25 +334615,27 +334616,27 +334617,6 +334618,6 +334619,6 +334620,6 +334621,6 +334622,6 +334623,6 +334624,6 +334625,6 +334626,6 +334627,6 +334628,6 +334629,6 +334630,6 +334631,30 +334632,30 +334633,30 +334634,30 +334635,30 +334636,10 +334637,10 +334638,10 +334639,10 +334640,9 +334641,9 +334642,26 +334643,9 +334644,9 +334645,9 +334646,9 +334647,9 +334648,9 +334649,9 +334650,6 +334651,30 +334652,30 +334653,2 +334654,2 +334655,2 +334656,2 +334657,4 +334658,4 +334659,4 +334660,4 +334661,4 +334662,30 +334663,30 +334664,30 +334665,30 +334666,30 +334667,30 +334668,30 +334669,30 +334670,30 +334671,30 +334672,14 +334673,14 +334674,14 +334675,14 +334676,14 +334677,14 +334678,14 +334679,14 +334680,14 +334681,14 +334682,14 +334683,14 +334684,14 +334685,14 +334686,14 +334687,14 +334688,14 +334689,14 +334690,14 +334691,14 +334692,14 +334693,14 +334694,14 +334695,14 +334696,14 +334697,14 +334698,39 +334699,39 +334700,39 +334701,19 +334702,19 +334703,19 +334704,19 +334705,19 +334706,19 +334707,0 +334708,0 +334709,0 +334710,0 +334711,0 +334712,0 +334713,0 +334714,0 +334715,0 +334716,0 +334717,0 +334718,0 +334719,0 +334720,0 +334721,0 +334722,0 +334723,0 +334724,0 +334725,0 +334726,0 +334727,0 +334728,0 +334729,0 +334730,0 +334731,0 +334732,0 +334733,0 +334734,0 +334735,0 +334736,0 +334737,0 +334738,0 +334739,0 +334740,0 +334741,0 +334742,0 +334743,0 +334744,0 +334745,0 +334746,0 +334747,0 +334748,0 +334749,0 +334750,0 +334751,0 +334752,0 +334753,0 +334754,0 +334755,0 +334756,0 +334757,0 +334758,0 +334759,35 +334760,0 +334761,35 +334762,35 +334763,35 +334764,39 +334765,39 +334766,39 +334767,39 +334768,39 +334769,39 +334770,39 +334771,39 +334772,4 +334773,4 +334774,4 +334775,4 +334776,4 +334777,4 +334778,4 +334779,4 +334780,4 +334781,4 +334782,14 +334783,14 +334784,14 +334785,14 +334786,14 +334787,14 +334788,14 +334789,14 +334790,14 +334791,14 +334792,14 +334793,15 +334794,15 +334795,15 +334796,15 +334797,15 +334798,21 +334799,21 +334800,21 +334801,40 +334802,40 +334803,40 +334804,40 +334805,40 +334806,40 +334807,40 +334808,40 +334809,40 +334810,40 +334811,40 +334812,4 +334813,4 +334814,4 +334815,4 +334816,4 +334817,4 +334818,4 +334819,4 +334820,4 +334821,4 +334822,4 +334823,4 +334824,4 +334825,4 +334826,4 +334827,4 +334828,4 +334829,4 +334830,4 +334831,4 +334832,10 +334833,10 +334834,10 +334835,10 +334836,10 +334837,10 +334838,10 +334839,10 +334840,10 +334841,25 +334842,25 +334843,25 +334844,25 +334845,25 +334846,26 +334847,36 +334848,36 +334849,36 +334850,36 +334851,36 +334852,36 +334853,36 +334854,36 +334855,31 +334856,31 +334857,31 +334858,5 +334859,5 +334860,5 +334861,5 +334862,28 +334863,28 +334864,28 +334865,28 +334866,28 +334867,1 +334868,4 +334869,4 +334870,4 +334871,4 +334872,4 +334873,4 +334874,4 +334875,4 +334876,4 +334877,3 +334878,3 +334879,3 +334880,3 +334881,3 +334882,3 +334883,3 +334884,3 +334885,3 +334886,3 +334887,3 +334888,3 +334889,3 +334890,3 +334891,3 +334892,5 +334893,5 +334894,5 +334895,5 +334896,5 +334897,3 +334898,3 +334899,3 +334900,3 +334901,3 +334902,5 +334903,5 +334904,5 +334905,0 +334906,0 +334907,0 +334908,13 +334909,0 +334910,0 +334911,0 +334912,0 +334913,0 +334914,0 +334915,0 +334916,0 +334917,0 +334918,0 +334919,0 +334920,0 +334921,0 +334922,0 +334923,0 +334924,0 +334925,0 +334926,0 +334927,0 +334928,0 +334929,0 +334930,0 +334931,0 +334932,0 +334933,0 +334934,0 +334935,0 +334936,0 +334937,0 +334938,0 +334939,0 +334940,16 +334941,18 +334942,16 +334943,16 +334944,16 +334945,16 +334946,27 +334947,27 +334948,27 +334949,30 +334950,30 +334951,30 +334952,30 +334953,30 +334954,30 +334955,30 +334956,30 +334957,30 +334958,30 +334959,10 +334960,10 +334961,10 +334962,10 +334963,10 +334964,10 +334965,10 +334966,10 +334967,10 +334968,10 +334969,10 +334970,10 +334971,38 +334972,38 +334973,38 +334974,38 +334975,38 +334976,38 +334977,38 +334978,38 +334979,38 +334980,38 +334981,29 +334982,29 +334983,38 +334984,38 +334985,25 +334986,25 +334987,25 +334988,25 +334989,25 +334990,25 +334991,25 +334992,25 +334993,19 +334994,19 +334995,19 +334996,27 +334997,27 +334998,27 +334999,13 +335000,27 +335001,39 +335002,39 +335003,3 +335004,3 +335005,3 +335006,3 +335007,3 +335008,3 +335009,3 +335010,3 +335011,27 +335012,27 +335013,38 +335014,38 +335015,38 +335016,38 +335017,38 +335018,38 +335019,38 +335020,38 +335021,38 +335022,38 +335023,38 +335024,0 +335025,0 +335026,0 +335027,0 +335028,0 +335029,0 +335030,0 +335031,0 +335032,0 +335033,0 +335034,0 +335035,0 +335036,0 +335037,0 +335038,0 +335039,0 +335040,0 +335041,0 +335042,0 +335043,0 +335044,0 +335045,0 +335046,0 +335047,0 +335048,0 +335049,14 +335050,14 +335051,14 +335052,14 +335053,14 +335054,14 +335055,14 +335056,14 +335057,14 +335058,14 +335059,14 +335060,14 +335061,14 +335062,14 +335063,14 +335064,14 +335065,14 +335066,4 +335067,4 +335068,4 +335069,4 +335070,4 +335071,4 +335072,4 +335073,4 +335074,4 +335075,4 +335076,39 +335077,39 +335078,39 +335079,39 +335080,39 +335081,5 +335082,5 +335083,5 +335084,5 +335085,5 +335086,5 +335087,5 +335088,13 +335089,4 +335090,4 +335091,4 +335092,4 +335093,4 +335094,4 +335095,4 +335096,4 +335097,4 +335098,4 +335099,25 +335100,25 +335101,25 +335102,25 +335103,19 +335104,19 +335105,19 +335106,19 +335107,19 +335108,4 +335109,4 +335110,4 +335111,39 +335112,39 +335113,39 +335114,39 +335115,39 +335116,39 +335117,14 +335118,39 +335119,14 +335120,14 +335121,14 +335122,14 +335123,14 +335124,14 +335125,14 +335126,14 +335127,14 +335128,14 +335129,14 +335130,14 +335131,14 +335132,14 +335133,4 +335134,4 +335135,4 +335136,4 +335137,4 +335138,4 +335139,4 +335140,4 +335141,4 +335142,4 +335143,4 +335144,4 +335145,4 +335146,0 +335147,0 +335148,0 +335149,0 +335150,0 +335151,0 +335152,0 +335153,0 +335154,0 +335155,0 +335156,0 +335157,0 +335158,0 +335159,0 +335160,0 +335161,0 +335162,0 +335163,0 +335164,23 +335165,23 +335166,23 +335167,23 +335168,23 +335169,38 +335170,23 +335171,38 +335172,0 +335173,0 +335174,0 +335175,0 +335176,0 +335177,0 +335178,0 +335179,0 +335180,9 +335181,9 +335182,9 +335183,9 +335184,9 +335185,9 +335186,9 +335187,9 +335188,9 +335189,9 +335190,9 +335191,9 +335192,9 +335193,9 +335194,9 +335195,30 +335196,30 +335197,30 +335198,30 +335199,30 +335200,30 +335201,30 +335202,30 +335203,30 +335204,30 +335205,30 +335206,30 +335207,30 +335208,30 +335209,30 +335210,19 +335211,19 +335212,19 +335213,19 +335214,19 +335215,29 +335216,29 +335217,29 +335218,29 +335219,36 +335220,36 +335221,36 +335222,36 +335223,36 +335224,36 +335225,36 +335226,36 +335227,40 +335228,40 +335229,28 +335230,28 +335231,28 +335232,28 +335233,28 +335234,28 +335235,28 +335236,28 +335237,28 +335238,28 +335239,28 +335240,28 +335241,28 +335242,28 +335243,28 +335244,28 +335245,0 +335246,0 +335247,0 +335248,0 +335249,0 +335250,0 +335251,0 +335252,0 +335253,0 +335254,0 +335255,0 +335256,0 +335257,0 +335258,0 +335259,0 +335260,10 +335261,10 +335262,10 +335263,10 +335264,10 +335265,10 +335266,10 +335267,10 +335268,10 +335269,10 +335270,10 +335271,28 +335272,28 +335273,28 +335274,28 +335275,28 +335276,28 +335277,28 +335278,15 +335279,15 +335280,15 +335281,27 +335282,27 +335283,27 +335284,27 +335285,27 +335286,21 +335287,21 +335288,21 +335289,21 +335290,21 +335291,21 +335292,21 +335293,40 +335294,40 +335295,27 +335296,3 +335297,27 +335298,27 +335299,27 +335300,27 +335301,27 +335302,27 +335303,27 +335304,27 +335305,27 +335306,5 +335307,5 +335308,5 +335309,5 +335310,5 +335311,5 +335312,5 +335313,5 +335314,5 +335315,4 +335316,4 +335317,4 +335318,31 +335319,31 +335320,31 +335321,31 +335322,31 +335323,31 +335324,31 +335325,12 +335326,12 +335327,12 +335328,12 +335329,12 +335330,12 +335331,12 +335332,12 +335333,31 +335334,31 +335335,31 +335336,31 +335337,31 +335338,31 +335339,31 +335340,37 +335341,37 +335342,28 +335343,28 +335344,28 +335345,28 +335346,28 +335347,28 +335348,28 +335349,28 +335350,28 +335351,10 +335352,10 +335353,10 +335354,10 +335355,10 +335356,10 +335357,10 +335358,10 +335359,10 +335360,10 +335361,10 +335362,2 +335363,2 +335364,2 +335365,2 +335366,2 +335367,2 +335368,2 +335369,2 +335370,2 +335371,2 +335372,2 +335373,2 +335374,9 +335375,40 +335376,40 +335377,40 +335378,40 +335379,30 +335380,30 +335381,30 +335382,30 +335383,30 +335384,30 +335385,30 +335386,30 +335387,23 +335388,23 +335389,23 +335390,23 +335391,23 +335392,23 +335393,38 +335394,38 +335395,34 +335396,31 +335397,31 +335398,4 +335399,4 +335400,4 +335401,4 +335402,31 +335403,31 +335404,31 +335405,31 +335406,31 +335407,31 +335408,31 +335409,29 +335410,29 +335411,29 +335412,29 +335413,29 +335414,29 +335415,25 +335416,25 +335417,25 +335418,31 +335419,31 +335420,32 +335421,32 +335422,32 +335423,32 +335424,32 +335425,32 +335426,32 +335427,32 +335428,39 +335429,39 +335430,39 +335431,39 +335432,39 +335433,39 +335434,39 +335435,39 +335436,39 +335437,32 +335438,32 +335439,32 +335440,32 +335441,32 +335442,31 +335443,31 +335444,31 +335445,30 +335446,30 +335447,30 +335448,30 +335449,8 +335450,8 +335451,8 +335452,8 +335453,8 +335454,8 +335455,8 +335456,8 +335457,23 +335458,23 +335459,23 +335460,23 +335461,23 +335462,25 +335463,25 +335464,25 +335465,25 +335466,25 +335467,25 +335468,25 +335469,25 +335470,25 +335471,25 +335472,16 +335473,16 +335474,16 +335475,16 +335476,16 +335477,16 +335478,11 +335479,11 +335480,16 +335481,11 +335482,11 +335483,16 +335484,16 +335485,39 +335486,39 +335487,39 +335488,39 +335489,39 +335490,39 +335491,39 +335492,33 +335493,33 +335494,33 +335495,33 +335496,33 +335497,33 +335498,33 +335499,33 +335500,33 +335501,33 +335502,33 +335503,33 +335504,33 +335505,33 +335506,33 +335507,33 +335508,33 +335509,0 +335510,0 +335511,0 +335512,0 +335513,0 +335514,0 +335515,0 +335516,0 +335517,0 +335518,0 +335519,0 +335520,0 +335521,0 +335522,0 +335523,0 +335524,0 +335525,0 +335526,0 +335527,0 +335528,0 +335529,0 +335530,0 +335531,0 +335532,0 +335533,0 +335534,0 +335535,0 +335536,0 +335537,0 +335538,0 +335539,0 +335540,0 +335541,0 +335542,0 +335543,0 +335544,0 +335545,0 +335546,0 +335547,0 +335548,0 +335549,0 +335550,0 +335551,0 +335552,0 +335553,0 +335554,0 +335555,0 +335556,0 +335557,0 +335558,0 +335559,0 +335560,0 +335561,0 +335562,0 +335563,0 +335564,0 +335565,0 +335566,0 +335567,0 +335568,0 +335569,0 +335570,0 +335571,0 +335572,0 +335573,0 +335574,0 +335575,0 +335576,0 +335577,0 +335578,0 +335579,0 +335580,0 +335581,0 +335582,0 +335583,0 +335584,0 +335585,0 +335586,0 +335587,0 +335588,0 +335589,0 +335590,0 +335591,0 +335592,0 +335593,0 +335594,0 +335595,0 +335596,0 +335597,0 +335598,0 +335599,0 +335600,0 +335601,0 +335602,0 +335603,0 +335604,0 +335605,0 +335606,0 +335607,0 +335608,0 +335609,0 +335610,0 +335611,0 +335612,0 +335613,0 +335614,0 +335615,0 +335616,0 +335617,0 +335618,0 +335619,0 +335620,0 +335621,0 +335622,0 +335623,0 +335624,0 +335625,0 +335626,0 +335627,0 +335628,0 +335629,0 +335630,0 +335631,0 +335632,0 +335633,0 +335634,0 +335635,0 +335636,0 +335637,0 +335638,0 +335639,0 +335640,0 +335641,0 +335642,0 +335643,0 +335644,0 +335645,0 +335646,0 +335647,0 +335648,0 +335649,0 +335650,0 +335651,0 +335652,0 +335653,0 +335654,0 +335655,0 +335656,0 +335657,0 +335658,0 +335659,0 +335660,0 +335661,0 +335662,0 +335663,0 +335664,0 +335665,0 +335666,0 +335667,0 +335668,0 +335669,0 +335670,0 +335671,0 +335672,0 +335673,0 +335674,0 +335675,0 +335676,0 +335677,0 +335678,0 +335679,0 +335680,0 +335681,0 +335682,0 +335683,0 +335684,0 +335685,0 +335686,0 +335687,0 +335688,0 +335689,0 +335690,0 +335691,0 +335692,0 +335693,6 +335694,6 +335695,6 +335696,6 +335697,6 +335698,6 +335699,12 +335700,12 +335701,12 +335702,12 +335703,12 +335704,40 +335705,40 +335706,40 +335707,40 +335708,40 +335709,40 +335710,40 +335711,2 +335712,2 +335713,2 +335714,2 +335715,2 +335716,2 +335717,2 +335718,2 +335719,2 +335720,2 +335721,2 +335722,2 +335723,2 +335724,4 +335725,4 +335726,4 +335727,4 +335728,4 +335729,4 +335730,16 +335731,31 +335732,31 +335733,31 +335734,31 +335735,31 +335736,31 +335737,31 +335738,31 +335739,5 +335740,5 +335741,5 +335742,5 +335743,5 +335744,5 +335745,5 +335746,5 +335747,5 +335748,5 +335749,5 +335750,5 +335751,5 +335752,5 +335753,5 +335754,5 +335755,5 +335756,5 +335757,5 +335758,0 +335759,0 +335760,0 +335761,0 +335762,0 +335763,0 +335764,0 +335765,0 +335766,0 +335767,0 +335768,0 +335769,10 +335770,10 +335771,32 +335772,32 +335773,37 +335774,37 +335775,37 +335776,37 +335777,37 +335778,37 +335779,37 +335780,27 +335781,27 +335782,27 +335783,27 +335784,27 +335785,27 +335786,27 +335787,27 +335788,27 +335789,27 +335790,27 +335791,27 +335792,27 +335793,27 +335794,6 +335795,6 +335796,6 +335797,6 +335798,6 +335799,6 +335800,6 +335801,6 +335802,6 +335803,6 +335804,25 +335805,25 +335806,25 +335807,25 +335808,25 +335809,25 +335810,25 +335811,25 +335812,25 +335813,25 +335814,25 +335815,25 +335816,25 +335817,34 +335818,36 +335819,36 +335820,36 +335821,36 +335822,36 +335823,36 +335824,36 +335825,26 +335826,32 +335827,32 +335828,32 +335829,32 +335830,32 +335831,27 +335832,27 +335833,32 +335834,32 +335835,4 +335836,4 +335837,4 +335838,4 +335839,4 +335840,4 +335841,4 +335842,4 +335843,4 +335844,4 +335845,4 +335846,4 +335847,4 +335848,0 +335849,0 +335850,4 +335851,0 +335852,0 +335853,0 +335854,0 +335855,0 +335856,0 +335857,0 +335858,0 +335859,0 +335860,0 +335861,0 +335862,0 +335863,0 +335864,0 +335865,0 +335866,0 +335867,0 +335868,0 +335869,0 +335870,0 +335871,0 +335872,0 +335873,0 +335874,0 +335875,0 +335876,0 +335877,0 +335878,0 +335879,0 +335880,0 +335881,0 +335882,0 +335883,0 +335884,0 +335885,0 +335886,0 +335887,0 +335888,0 +335889,0 +335890,0 +335891,0 +335892,0 +335893,0 +335894,0 +335895,0 +335896,0 +335897,0 +335898,0 +335899,0 +335900,0 +335901,0 +335902,0 +335903,0 +335904,0 +335905,0 +335906,0 +335907,0 +335908,0 +335909,0 +335910,0 +335911,0 +335912,0 +335913,0 +335914,0 +335915,0 +335916,0 +335917,0 +335918,0 +335919,0 +335920,0 +335921,0 +335922,0 +335923,18 +335924,18 +335925,16 +335926,16 +335927,16 +335928,16 +335929,16 +335930,16 +335931,16 +335932,36 +335933,36 +335934,36 +335935,36 +335936,36 +335937,36 +335938,36 +335939,36 +335940,36 +335941,36 +335942,4 +335943,4 +335944,4 +335945,6 +335946,6 +335947,6 +335948,6 +335949,6 +335950,6 +335951,2 +335952,2 +335953,2 +335954,2 +335955,2 +335956,2 +335957,2 +335958,2 +335959,2 +335960,40 +335961,40 +335962,40 +335963,40 +335964,40 +335965,28 +335966,28 +335967,5 +335968,5 +335969,5 +335970,5 +335971,5 +335972,5 +335973,12 +335974,12 +335975,12 +335976,12 +335977,12 +335978,12 +335979,12 +335980,12 +335981,12 +335982,31 +335983,31 +335984,31 +335985,31 +335986,31 +335987,31 +335988,6 +335989,6 +335990,6 +335991,6 +335992,4 +335993,4 +335994,4 +335995,4 +335996,4 +335997,4 +335998,4 +335999,4 +336000,4 +336001,4 +336002,4 +336003,4 +336004,4 +336005,4 +336006,10 +336007,10 +336008,10 +336009,10 +336010,36 +336011,36 +336012,36 +336013,10 +336014,10 +336015,5 +336016,5 +336017,5 +336018,5 +336019,5 +336020,5 +336021,5 +336022,5 +336023,19 +336024,19 +336025,19 +336026,19 +336027,27 +336028,27 +336029,27 +336030,27 +336031,27 +336032,27 +336033,27 +336034,19 +336035,19 +336036,19 +336037,19 +336038,19 +336039,28 +336040,28 +336041,5 +336042,5 +336043,28 +336044,28 +336045,27 +336046,27 +336047,27 +336048,27 +336049,27 +336050,27 +336051,27 +336052,27 +336053,2 +336054,2 +336055,2 +336056,2 +336057,2 +336058,2 +336059,2 +336060,2 +336061,2 +336062,4 +336063,4 +336064,4 +336065,4 +336066,4 +336067,4 +336068,4 +336069,31 +336070,31 +336071,31 +336072,31 +336073,31 +336074,31 +336075,31 +336076,12 +336077,12 +336078,12 +336079,12 +336080,12 +336081,12 +336082,12 +336083,12 +336084,12 +336085,12 +336086,12 +336087,12 +336088,27 +336089,27 +336090,27 +336091,22 +336092,22 +336093,19 +336094,19 +336095,19 +336096,19 +336097,19 +336098,19 +336099,19 +336100,19 +336101,5 +336102,5 +336103,2 +336104,2 +336105,2 +336106,2 +336107,2 +336108,2 +336109,2 +336110,8 +336111,8 +336112,6 +336113,6 +336114,6 +336115,6 +336116,21 +336117,6 +336118,21 +336119,21 +336120,27 +336121,27 +336122,27 +336123,27 +336124,27 +336125,40 +336126,40 +336127,19 +336128,19 +336129,19 +336130,19 +336131,19 +336132,19 +336133,34 +336134,34 +336135,34 +336136,34 +336137,34 +336138,34 +336139,34 +336140,34 +336141,34 +336142,34 +336143,34 +336144,34 +336145,34 +336146,34 +336147,34 +336148,34 +336149,34 +336150,4 +336151,4 +336152,4 +336153,4 +336154,32 +336155,32 +336156,32 +336157,32 +336158,32 +336159,32 +336160,32 +336161,39 +336162,39 +336163,39 +336164,39 +336165,39 +336166,37 +336167,37 +336168,37 +336169,37 +336170,37 +336171,37 +336172,37 +336173,37 +336174,37 +336175,37 +336176,37 +336177,37 +336178,37 +336179,37 +336180,37 +336181,37 +336182,25 +336183,25 +336184,25 +336185,25 +336186,25 +336187,25 +336188,10 +336189,26 +336190,26 +336191,26 +336192,26 +336193,26 +336194,26 +336195,26 +336196,26 +336197,26 +336198,26 +336199,26 +336200,26 +336201,26 +336202,5 +336203,5 +336204,5 +336205,5 +336206,5 +336207,5 +336208,5 +336209,5 +336210,29 +336211,29 +336212,29 +336213,29 +336214,29 +336215,39 +336216,39 +336217,39 +336218,39 +336219,39 +336220,39 +336221,39 +336222,39 +336223,39 +336224,39 +336225,39 +336226,39 +336227,39 +336228,39 +336229,39 +336230,39 +336231,39 +336232,39 +336233,39 +336234,39 +336235,24 +336236,24 +336237,24 +336238,24 +336239,24 +336240,5 +336241,5 +336242,5 +336243,5 +336244,5 +336245,27 +336246,27 +336247,27 +336248,27 +336249,27 +336250,27 +336251,13 +336252,13 +336253,13 +336254,13 +336255,13 +336256,13 +336257,13 +336258,13 +336259,13 +336260,13 +336261,28 +336262,28 +336263,28 +336264,28 +336265,28 +336266,27 +336267,27 +336268,27 +336269,27 +336270,27 +336271,27 +336272,27 +336273,2 +336274,2 +336275,2 +336276,2 +336277,2 +336278,2 +336279,2 +336280,2 +336281,2 +336282,4 +336283,4 +336284,4 +336285,4 +336286,4 +336287,4 +336288,27 +336289,27 +336290,27 +336291,27 +336292,23 +336293,23 +336294,23 +336295,23 +336296,23 +336297,23 +336298,23 +336299,23 +336300,40 +336301,40 +336302,40 +336303,40 +336304,40 +336305,40 +336306,40 +336307,40 +336308,30 +336309,30 +336310,30 +336311,30 +336312,30 +336313,30 +336314,30 +336315,19 +336316,19 +336317,19 +336318,19 +336319,19 +336320,25 +336321,25 +336322,25 +336323,8 +336324,8 +336325,8 +336326,2 +336327,2 +336328,8 +336329,8 +336330,8 +336331,8 +336332,2 +336333,8 +336334,8 +336335,2 +336336,31 +336337,31 +336338,31 +336339,31 +336340,31 +336341,31 +336342,5 +336343,5 +336344,5 +336345,5 +336346,5 +336347,5 +336348,12 +336349,12 +336350,12 +336351,12 +336352,12 +336353,12 +336354,12 +336355,12 +336356,31 +336357,31 +336358,31 +336359,31 +336360,31 +336361,31 +336362,31 +336363,8 +336364,8 +336365,2 +336366,2 +336367,2 +336368,2 +336369,2 +336370,2 +336371,2 +336372,6 +336373,6 +336374,6 +336375,6 +336376,6 +336377,6 +336378,6 +336379,6 +336380,6 +336381,14 +336382,14 +336383,14 +336384,14 +336385,14 +336386,14 +336387,14 +336388,14 +336389,14 +336390,14 +336391,14 +336392,30 +336393,30 +336394,30 +336395,30 +336396,30 +336397,30 +336398,30 +336399,30 +336400,30 +336401,30 +336402,15 +336403,15 +336404,15 +336405,15 +336406,15 +336407,15 +336408,15 +336409,15 +336410,15 +336411,0 +336412,0 +336413,0 +336414,0 +336415,0 +336416,0 +336417,0 +336418,0 +336419,0 +336420,0 +336421,0 +336422,0 +336423,0 +336424,0 +336425,0 +336426,0 +336427,0 +336428,0 +336429,0 +336430,0 +336431,0 +336432,0 +336433,0 +336434,0 +336435,0 +336436,0 +336437,0 +336438,0 +336439,0 +336440,0 +336441,0 +336442,0 +336443,0 +336444,0 +336445,0 +336446,0 +336447,0 +336448,0 +336449,0 +336450,0 +336451,0 +336452,0 +336453,0 +336454,0 +336455,0 +336456,0 +336457,0 +336458,0 +336459,0 +336460,0 +336461,0 +336462,0 +336463,0 +336464,12 +336465,12 +336466,12 +336467,12 +336468,12 +336469,12 +336470,12 +336471,31 +336472,31 +336473,31 +336474,31 +336475,31 +336476,31 +336477,31 +336478,31 +336479,31 +336480,8 +336481,8 +336482,8 +336483,8 +336484,8 +336485,8 +336486,8 +336487,8 +336488,8 +336489,8 +336490,2 +336491,2 +336492,2 +336493,12 +336494,12 +336495,12 +336496,12 +336497,12 +336498,12 +336499,12 +336500,40 +336501,40 +336502,40 +336503,40 +336504,40 +336505,40 +336506,40 +336507,40 +336508,40 +336509,40 +336510,30 +336511,30 +336512,33 +336513,33 +336514,33 +336515,33 +336516,33 +336517,30 +336518,30 +336519,30 +336520,30 +336521,30 +336522,30 +336523,30 +336524,30 +336525,30 +336526,14 +336527,14 +336528,27 +336529,27 +336530,27 +336531,27 +336532,27 +336533,17 +336534,27 +336535,27 +336536,27 +336537,31 +336538,5 +336539,5 +336540,5 +336541,5 +336542,5 +336543,27 +336544,27 +336545,27 +336546,27 +336547,27 +336548,27 +336549,27 +336550,27 +336551,19 +336552,5 +336553,19 +336554,19 +336555,19 +336556,23 +336557,23 +336558,23 +336559,23 +336560,23 +336561,23 +336562,23 +336563,23 +336564,23 +336565,36 +336566,36 +336567,36 +336568,36 +336569,36 +336570,36 +336571,36 +336572,36 +336573,36 +336574,36 +336575,36 +336576,36 +336577,36 +336578,36 +336579,36 +336580,36 +336581,36 +336582,36 +336583,5 +336584,5 +336585,5 +336586,5 +336587,5 +336588,5 +336589,2 +336590,2 +336591,2 +336592,2 +336593,2 +336594,2 +336595,2 +336596,2 +336597,2 +336598,2 +336599,31 +336600,31 +336601,31 +336602,31 +336603,31 +336604,31 +336605,31 +336606,31 +336607,31 +336608,24 +336609,24 +336610,24 +336611,24 +336612,24 +336613,24 +336614,24 +336615,24 +336616,24 +336617,24 +336618,24 +336619,24 +336620,27 +336621,27 +336622,27 +336623,27 +336624,27 +336625,23 +336626,23 +336627,23 +336628,23 +336629,23 +336630,23 +336631,23 +336632,23 +336633,23 +336634,23 +336635,23 +336636,23 +336637,23 +336638,26 +336639,26 +336640,26 +336641,26 +336642,37 +336643,37 +336644,37 +336645,37 +336646,37 +336647,37 +336648,37 +336649,37 +336650,37 +336651,37 +336652,24 +336653,24 +336654,24 +336655,24 +336656,25 +336657,31 +336658,27 +336659,27 +336660,27 +336661,27 +336662,31 +336663,31 +336664,2 +336665,2 +336666,2 +336667,2 +336668,2 +336669,2 +336670,2 +336671,2 +336672,2 +336673,2 +336674,2 +336675,2 +336676,2 +336677,2 +336678,4 +336679,32 +336680,8 +336681,32 +336682,32 +336683,38 +336684,38 +336685,38 +336686,38 +336687,38 +336688,38 +336689,38 +336690,38 +336691,9 +336692,9 +336693,9 +336694,9 +336695,9 +336696,17 +336697,17 +336698,17 +336699,17 +336700,17 +336701,17 +336702,17 +336703,17 +336704,17 +336705,17 +336706,17 +336707,17 +336708,17 +336709,5 +336710,5 +336711,5 +336712,5 +336713,5 +336714,5 +336715,5 +336716,5 +336717,5 +336718,5 +336719,5 +336720,5 +336721,5 +336722,0 +336723,0 +336724,0 +336725,0 +336726,0 +336727,0 +336728,0 +336729,0 +336730,0 +336731,0 +336732,0 +336733,0 +336734,0 +336735,0 +336736,0 +336737,0 +336738,0 +336739,0 +336740,0 +336741,0 +336742,0 +336743,0 +336744,0 +336745,0 +336746,0 +336747,0 +336748,0 +336749,0 +336750,0 +336751,0 +336752,0 +336753,0 +336754,0 +336755,0 +336756,0 +336757,0 +336758,0 +336759,0 +336760,0 +336761,0 +336762,0 +336763,0 +336764,0 +336765,0 +336766,0 +336767,0 +336768,0 +336769,0 +336770,0 +336771,0 +336772,0 +336773,0 +336774,0 +336775,0 +336776,0 +336777,0 +336778,0 +336779,0 +336780,0 +336781,0 +336782,0 +336783,0 +336784,0 +336785,0 +336786,0 +336787,0 +336788,0 +336789,0 +336790,0 +336791,0 +336792,0 +336793,9 +336794,9 +336795,9 +336796,9 +336797,9 +336798,9 +336799,9 +336800,9 +336801,9 +336802,9 +336803,30 +336804,30 +336805,30 +336806,30 +336807,30 +336808,30 +336809,23 +336810,23 +336811,23 +336812,23 +336813,23 +336814,23 +336815,23 +336816,23 +336817,23 +336818,31 +336819,31 +336820,31 +336821,31 +336822,5 +336823,5 +336824,5 +336825,5 +336826,27 +336827,27 +336828,27 +336829,27 +336830,27 +336831,27 +336832,5 +336833,5 +336834,5 +336835,5 +336836,5 +336837,5 +336838,19 +336839,19 +336840,19 +336841,19 +336842,19 +336843,19 +336844,40 +336845,40 +336846,40 +336847,40 +336848,40 +336849,40 +336850,40 +336851,24 +336852,24 +336853,24 +336854,24 +336855,24 +336856,24 +336857,24 +336858,24 +336859,25 +336860,25 +336861,25 +336862,25 +336863,25 +336864,25 +336865,25 +336866,25 +336867,19 +336868,19 +336869,19 +336870,19 +336871,19 +336872,4 +336873,4 +336874,4 +336875,4 +336876,4 +336877,4 +336878,4 +336879,4 +336880,33 +336881,33 +336882,33 +336883,33 +336884,33 +336885,33 +336886,33 +336887,33 +336888,33 +336889,33 +336890,33 +336891,33 +336892,5 +336893,5 +336894,5 +336895,5 +336896,5 +336897,5 +336898,5 +336899,19 +336900,19 +336901,32 +336902,32 +336903,32 +336904,32 +336905,32 +336906,32 +336907,32 +336908,32 +336909,32 +336910,32 +336911,25 +336912,25 +336913,25 +336914,25 +336915,25 +336916,25 +336917,25 +336918,25 +336919,25 +336920,25 +336921,25 +336922,25 +336923,25 +336924,25 +336925,25 +336926,25 +336927,25 +336928,25 +336929,25 +336930,25 +336931,18 +336932,18 +336933,18 +336934,18 +336935,18 +336936,18 +336937,18 +336938,18 +336939,18 +336940,16 +336941,18 +336942,27 +336943,27 +336944,27 +336945,27 +336946,27 +336947,8 +336948,8 +336949,8 +336950,8 +336951,8 +336952,8 +336953,8 +336954,8 +336955,8 +336956,16 +336957,18 +336958,18 +336959,16 +336960,16 +336961,16 +336962,11 +336963,11 +336964,11 +336965,11 +336966,11 +336967,11 +336968,11 +336969,27 +336970,27 +336971,33 +336972,33 +336973,33 +336974,33 +336975,33 +336976,30 +336977,30 +336978,30 +336979,30 +336980,19 +336981,19 +336982,19 +336983,19 +336984,19 +336985,19 +336986,19 +336987,19 +336988,27 +336989,27 +336990,31 +336991,31 +336992,31 +336993,31 +336994,31 +336995,31 +336996,31 +336997,31 +336998,5 +336999,5 +337000,5 +337001,5 +337002,5 +337003,5 +337004,5 +337005,5 +337006,5 +337007,0 +337008,0 +337009,0 +337010,0 +337011,0 +337012,0 +337013,0 +337014,0 +337015,0 +337016,0 +337017,0 +337018,0 +337019,0 +337020,0 +337021,0 +337022,0 +337023,0 +337024,0 +337025,0 +337026,0 +337027,0 +337028,0 +337029,0 +337030,0 +337031,0 +337032,0 +337033,0 +337034,0 +337035,0 +337036,0 +337037,0 +337038,0 +337039,31 +337040,31 +337041,31 +337042,31 +337043,31 +337044,36 +337045,36 +337046,36 +337047,36 +337048,36 +337049,36 +337050,36 +337051,36 +337052,36 +337053,36 +337054,8 +337055,8 +337056,8 +337057,2 +337058,2 +337059,2 +337060,2 +337061,2 +337062,2 +337063,2 +337064,2 +337065,2 +337066,2 +337067,2 +337068,2 +337069,2 +337070,2 +337071,2 +337072,31 +337073,31 +337074,31 +337075,31 +337076,31 +337077,31 +337078,28 +337079,28 +337080,28 +337081,28 +337082,28 +337083,28 +337084,28 +337085,28 +337086,4 +337087,4 +337088,4 +337089,4 +337090,4 +337091,4 +337092,4 +337093,4 +337094,4 +337095,10 +337096,10 +337097,10 +337098,10 +337099,10 +337100,10 +337101,26 +337102,26 +337103,26 +337104,5 +337105,5 +337106,5 +337107,5 +337108,28 +337109,28 +337110,28 +337111,28 +337112,28 +337113,2 +337114,2 +337115,2 +337116,2 +337117,2 +337118,10 +337119,10 +337120,10 +337121,10 +337122,10 +337123,10 +337124,10 +337125,10 +337126,10 +337127,10 +337128,23 +337129,23 +337130,23 +337131,23 +337132,23 +337133,23 +337134,23 +337135,23 +337136,23 +337137,23 +337138,23 +337139,23 +337140,34 +337141,34 +337142,34 +337143,34 +337144,34 +337145,34 +337146,34 +337147,34 +337148,34 +337149,34 +337150,34 +337151,34 +337152,34 +337153,5 +337154,5 +337155,5 +337156,5 +337157,5 +337158,5 +337159,5 +337160,29 +337161,29 +337162,31 +337163,31 +337164,31 +337165,31 +337166,19 +337167,19 +337168,19 +337169,19 +337170,19 +337171,39 +337172,39 +337173,39 +337174,39 +337175,39 +337176,39 +337177,6 +337178,6 +337179,6 +337180,6 +337181,6 +337182,6 +337183,6 +337184,6 +337185,6 +337186,6 +337187,6 +337188,6 +337189,6 +337190,33 +337191,33 +337192,33 +337193,33 +337194,30 +337195,30 +337196,30 +337197,30 +337198,30 +337199,30 +337200,30 +337201,30 +337202,30 +337203,30 +337204,19 +337205,19 +337206,19 +337207,19 +337208,29 +337209,29 +337210,29 +337211,29 +337212,31 +337213,31 +337214,31 +337215,31 +337216,31 +337217,29 +337218,29 +337219,29 +337220,29 +337221,29 +337222,36 +337223,40 +337224,40 +337225,40 +337226,40 +337227,40 +337228,40 +337229,40 +337230,40 +337231,40 +337232,28 +337233,28 +337234,28 +337235,28 +337236,28 +337237,28 +337238,28 +337239,28 +337240,28 +337241,28 +337242,28 +337243,28 +337244,28 +337245,0 +337246,0 +337247,0 +337248,0 +337249,0 +337250,0 +337251,0 +337252,0 +337253,0 +337254,0 +337255,0 +337256,0 +337257,0 +337258,0 +337259,0 +337260,0 +337261,0 +337262,0 +337263,0 +337264,0 +337265,0 +337266,0 +337267,0 +337268,0 +337269,0 +337270,0 +337271,0 +337272,0 +337273,4 +337274,4 +337275,4 +337276,4 +337277,27 +337278,27 +337279,27 +337280,31 +337281,6 +337282,6 +337283,6 +337284,6 +337285,6 +337286,6 +337287,6 +337288,6 +337289,6 +337290,6 +337291,6 +337292,6 +337293,36 +337294,36 +337295,36 +337296,36 +337297,36 +337298,36 +337299,36 +337300,36 +337301,36 +337302,36 +337303,36 +337304,36 +337305,36 +337306,36 +337307,2 +337308,2 +337309,2 +337310,2 +337311,2 +337312,2 +337313,2 +337314,2 +337315,2 +337316,4 +337317,4 +337318,4 +337319,4 +337320,9 +337321,9 +337322,9 +337323,9 +337324,9 +337325,9 +337326,9 +337327,9 +337328,9 +337329,9 +337330,9 +337331,23 +337332,23 +337333,23 +337334,23 +337335,23 +337336,23 +337337,23 +337338,23 +337339,23 +337340,0 +337341,0 +337342,0 +337343,0 +337344,29 +337345,29 +337346,29 +337347,29 +337348,29 +337349,25 +337350,25 +337351,25 +337352,25 +337353,25 +337354,25 +337355,25 +337356,25 +337357,28 +337358,28 +337359,28 +337360,28 +337361,28 +337362,28 +337363,28 +337364,28 +337365,10 +337366,10 +337367,10 +337368,10 +337369,10 +337370,30 +337371,30 +337372,30 +337373,30 +337374,30 +337375,30 +337376,30 +337377,30 +337378,27 +337379,27 +337380,31 +337381,31 +337382,31 +337383,5 +337384,5 +337385,5 +337386,5 +337387,5 +337388,5 +337389,5 +337390,5 +337391,6 +337392,6 +337393,6 +337394,6 +337395,6 +337396,6 +337397,6 +337398,6 +337399,6 +337400,6 +337401,26 +337402,26 +337403,26 +337404,26 +337405,26 +337406,26 +337407,26 +337408,30 +337409,30 +337410,30 +337411,30 +337412,30 +337413,30 +337414,39 +337415,39 +337416,39 +337417,39 +337418,39 +337419,39 +337420,39 +337421,39 +337422,39 +337423,39 +337424,39 +337425,39 +337426,39 +337427,39 +337428,39 +337429,39 +337430,39 +337431,39 +337432,39 +337433,39 +337434,39 +337435,39 +337436,39 +337437,0 +337438,0 +337439,0 +337440,0 +337441,0 +337442,0 +337443,0 +337444,0 +337445,0 +337446,0 +337447,0 +337448,0 +337449,0 +337450,0 +337451,0 +337452,0 +337453,0 +337454,0 +337455,0 +337456,0 +337457,0 +337458,0 +337459,0 +337460,0 +337461,0 +337462,0 +337463,0 +337464,0 +337465,0 +337466,0 +337467,0 +337468,0 +337469,0 +337470,0 +337471,0 +337472,0 +337473,0 +337474,0 +337475,0 +337476,0 +337477,0 +337478,0 +337479,0 +337480,0 +337481,0 +337482,0 +337483,0 +337484,0 +337485,0 +337486,36 +337487,36 +337488,36 +337489,36 +337490,36 +337491,36 +337492,36 +337493,36 +337494,36 +337495,36 +337496,36 +337497,5 +337498,5 +337499,5 +337500,5 +337501,5 +337502,5 +337503,5 +337504,30 +337505,30 +337506,30 +337507,30 +337508,30 +337509,30 +337510,30 +337511,30 +337512,30 +337513,39 +337514,39 +337515,39 +337516,39 +337517,39 +337518,39 +337519,39 +337520,39 +337521,39 +337522,39 +337523,24 +337524,24 +337525,24 +337526,24 +337527,24 +337528,27 +337529,27 +337530,27 +337531,27 +337532,27 +337533,27 +337534,27 +337535,13 +337536,13 +337537,13 +337538,39 +337539,39 +337540,39 +337541,39 +337542,39 +337543,39 +337544,31 +337545,31 +337546,27 +337547,27 +337548,31 +337549,31 +337550,4 +337551,4 +337552,4 +337553,4 +337554,4 +337555,29 +337556,29 +337557,29 +337558,40 +337559,40 +337560,40 +337561,40 +337562,40 +337563,40 +337564,40 +337565,40 +337566,40 +337567,37 +337568,37 +337569,37 +337570,37 +337571,37 +337572,37 +337573,37 +337574,37 +337575,12 +337576,12 +337577,12 +337578,12 +337579,12 +337580,12 +337581,12 +337582,12 +337583,26 +337584,26 +337585,26 +337586,26 +337587,26 +337588,26 +337589,26 +337590,9 +337591,9 +337592,9 +337593,9 +337594,26 +337595,29 +337596,29 +337597,29 +337598,29 +337599,29 +337600,31 +337601,31 +337602,27 +337603,27 +337604,31 +337605,31 +337606,31 +337607,35 +337608,35 +337609,35 +337610,35 +337611,35 +337612,35 +337613,35 +337614,35 +337615,35 +337616,14 +337617,14 +337618,14 +337619,14 +337620,14 +337621,14 +337622,14 +337623,14 +337624,14 +337625,14 +337626,14 +337627,27 +337628,27 +337629,27 +337630,27 +337631,27 +337632,27 +337633,27 +337634,27 +337635,27 +337636,27 +337637,27 +337638,27 +337639,27 +337640,4 +337641,4 +337642,4 +337643,4 +337644,4 +337645,4 +337646,4 +337647,4 +337648,4 +337649,27 +337650,27 +337651,27 +337652,27 +337653,27 +337654,27 +337655,27 +337656,27 +337657,27 +337658,27 +337659,27 +337660,8 +337661,8 +337662,8 +337663,8 +337664,8 +337665,8 +337666,8 +337667,2 +337668,8 +337669,2 +337670,8 +337671,21 +337672,21 +337673,6 +337674,6 +337675,6 +337676,21 +337677,21 +337678,37 +337679,37 +337680,37 +337681,37 +337682,37 +337683,37 +337684,37 +337685,37 +337686,37 +337687,37 +337688,33 +337689,33 +337690,33 +337691,33 +337692,33 +337693,33 +337694,33 +337695,33 +337696,33 +337697,33 +337698,33 +337699,33 +337700,33 +337701,33 +337702,33 +337703,33 +337704,33 +337705,33 +337706,27 +337707,27 +337708,27 +337709,27 +337710,27 +337711,27 +337712,27 +337713,27 +337714,13 +337715,13 +337716,13 +337717,13 +337718,13 +337719,13 +337720,13 +337721,13 +337722,13 +337723,13 +337724,13 +337725,0 +337726,0 +337727,0 +337728,0 +337729,0 +337730,0 +337731,0 +337732,0 +337733,0 +337734,0 +337735,0 +337736,0 +337737,0 +337738,0 +337739,0 +337740,0 +337741,0 +337742,0 +337743,0 +337744,0 +337745,0 +337746,0 +337747,0 +337748,0 +337749,0 +337750,0 +337751,0 +337752,0 +337753,0 +337754,0 +337755,0 +337756,0 +337757,0 +337758,0 +337759,0 +337760,0 +337761,0 +337762,0 +337763,0 +337764,0 +337765,0 +337766,0 +337767,0 +337768,0 +337769,0 +337770,0 +337771,0 +337772,0 +337773,0 +337774,0 +337775,0 +337776,0 +337777,0 +337778,0 +337779,0 +337780,0 +337781,0 +337782,0 +337783,0 +337784,0 +337785,0 +337786,0 +337787,0 +337788,0 +337789,0 +337790,0 +337791,0 +337792,0 +337793,0 +337794,0 +337795,0 +337796,0 +337797,0 +337798,0 +337799,0 +337800,0 +337801,0 +337802,0 +337803,0 +337804,0 +337805,0 +337806,27 +337807,27 +337808,27 +337809,27 +337810,27 +337811,27 +337812,27 +337813,27 +337814,27 +337815,27 +337816,27 +337817,27 +337818,27 +337819,27 +337820,14 +337821,19 +337822,19 +337823,19 +337824,19 +337825,35 +337826,35 +337827,35 +337828,35 +337829,35 +337830,27 +337831,27 +337832,27 +337833,27 +337834,27 +337835,27 +337836,27 +337837,27 +337838,19 +337839,19 +337840,19 +337841,19 +337842,19 +337843,19 +337844,19 +337845,19 +337846,19 +337847,19 +337848,19 +337849,29 +337850,29 +337851,29 +337852,15 +337853,40 +337854,40 +337855,40 +337856,40 +337857,40 +337858,40 +337859,40 +337860,40 +337861,40 +337862,27 +337863,5 +337864,5 +337865,5 +337866,5 +337867,5 +337868,37 +337869,37 +337870,37 +337871,37 +337872,37 +337873,37 +337874,9 +337875,9 +337876,9 +337877,9 +337878,9 +337879,9 +337880,25 +337881,9 +337882,9 +337883,9 +337884,37 +337885,37 +337886,37 +337887,37 +337888,37 +337889,37 +337890,37 +337891,37 +337892,37 +337893,37 +337894,37 +337895,37 +337896,37 +337897,37 +337898,37 +337899,37 +337900,37 +337901,21 +337902,21 +337903,21 +337904,25 +337905,25 +337906,25 +337907,25 +337908,4 +337909,4 +337910,4 +337911,4 +337912,4 +337913,4 +337914,4 +337915,4 +337916,19 +337917,4 +337918,4 +337919,4 +337920,3 +337921,27 +337922,27 +337923,27 +337924,27 +337925,27 +337926,27 +337927,27 +337928,27 +337929,27 +337930,8 +337931,8 +337932,8 +337933,2 +337934,2 +337935,2 +337936,2 +337937,2 +337938,2 +337939,2 +337940,2 +337941,4 +337942,4 +337943,4 +337944,4 +337945,4 +337946,4 +337947,4 +337948,4 +337949,34 +337950,34 +337951,34 +337952,34 +337953,34 +337954,34 +337955,34 +337956,10 +337957,10 +337958,10 +337959,15 +337960,15 +337961,15 +337962,15 +337963,15 +337964,15 +337965,15 +337966,30 +337967,30 +337968,30 +337969,30 +337970,30 +337971,30 +337972,27 +337973,27 +337974,27 +337975,27 +337976,27 +337977,11 +337978,11 +337979,11 +337980,11 +337981,16 +337982,16 +337983,16 +337984,4 +337985,4 +337986,4 +337987,4 +337988,4 +337989,4 +337990,4 +337991,4 +337992,4 +337993,4 +337994,4 +337995,27 +337996,27 +337997,27 +337998,27 +337999,28 +338000,28 +338001,28 +338002,28 +338003,28 +338004,28 +338005,28 +338006,39 +338007,39 +338008,39 +338009,39 +338010,39 +338011,39 +338012,39 +338013,39 +338014,31 +338015,31 +338016,31 +338017,31 +338018,31 +338019,31 +338020,31 +338021,31 +338022,31 +338023,31 +338024,31 +338025,31 +338026,6 +338027,6 +338028,6 +338029,6 +338030,6 +338031,6 +338032,6 +338033,6 +338034,6 +338035,6 +338036,6 +338037,6 +338038,6 +338039,6 +338040,14 +338041,14 +338042,14 +338043,27 +338044,27 +338045,14 +338046,14 +338047,14 +338048,14 +338049,14 +338050,27 +338051,14 +338052,27 +338053,27 +338054,6 +338055,6 +338056,6 +338057,6 +338058,6 +338059,11 +338060,11 +338061,11 +338062,11 +338063,11 +338064,6 +338065,6 +338066,31 +338067,31 +338068,31 +338069,31 +338070,31 +338071,31 +338072,5 +338073,5 +338074,5 +338075,5 +338076,5 +338077,5 +338078,12 +338079,12 +338080,12 +338081,12 +338082,12 +338083,12 +338084,12 +338085,12 +338086,27 +338087,27 +338088,27 +338089,27 +338090,27 +338091,27 +338092,27 +338093,16 +338094,32 +338095,6 +338096,16 +338097,11 +338098,11 +338099,16 +338100,11 +338101,11 +338102,11 +338103,11 +338104,11 +338105,11 +338106,11 +338107,16 +338108,36 +338109,36 +338110,36 +338111,36 +338112,36 +338113,36 +338114,36 +338115,36 +338116,5 +338117,5 +338118,5 +338119,5 +338120,5 +338121,5 +338122,37 +338123,37 +338124,37 +338125,37 +338126,37 +338127,37 +338128,37 +338129,37 +338130,9 +338131,9 +338132,33 +338133,33 +338134,33 +338135,33 +338136,33 +338137,17 +338138,17 +338139,17 +338140,17 +338141,17 +338142,17 +338143,17 +338144,17 +338145,17 +338146,7 +338147,7 +338148,7 +338149,7 +338150,31 +338151,31 +338152,31 +338153,31 +338154,31 +338155,31 +338156,31 +338157,31 +338158,31 +338159,31 +338160,31 +338161,13 +338162,13 +338163,13 +338164,13 +338165,13 +338166,13 +338167,13 +338168,13 +338169,13 +338170,13 +338171,13 +338172,13 +338173,13 +338174,2 +338175,2 +338176,2 +338177,2 +338178,2 +338179,8 +338180,8 +338181,6 +338182,6 +338183,6 +338184,6 +338185,6 +338186,6 +338187,6 +338188,6 +338189,6 +338190,6 +338191,9 +338192,9 +338193,9 +338194,9 +338195,9 +338196,9 +338197,9 +338198,9 +338199,9 +338200,26 +338201,9 +338202,30 +338203,30 +338204,30 +338205,9 +338206,9 +338207,9 +338208,9 +338209,9 +338210,37 +338211,37 +338212,37 +338213,37 +338214,37 +338215,37 +338216,37 +338217,37 +338218,37 +338219,37 +338220,37 +338221,37 +338222,37 +338223,37 +338224,28 +338225,28 +338226,28 +338227,28 +338228,28 +338229,28 +338230,28 +338231,28 +338232,28 +338233,28 +338234,0 +338235,0 +338236,0 +338237,0 +338238,0 +338239,0 +338240,0 +338241,0 +338242,0 +338243,0 +338244,0 +338245,0 +338246,0 +338247,0 +338248,0 +338249,0 +338250,0 +338251,0 +338252,0 +338253,0 +338254,0 +338255,0 +338256,0 +338257,0 +338258,0 +338259,0 +338260,0 +338261,0 +338262,0 +338263,0 +338264,0 +338265,0 +338266,36 +338267,36 +338268,36 +338269,36 +338270,36 +338271,36 +338272,36 +338273,36 +338274,36 +338275,36 +338276,36 +338277,36 +338278,5 +338279,5 +338280,5 +338281,19 +338282,5 +338283,5 +338284,5 +338285,30 +338286,30 +338287,30 +338288,30 +338289,30 +338290,30 +338291,30 +338292,30 +338293,30 +338294,26 +338295,9 +338296,9 +338297,9 +338298,33 +338299,33 +338300,33 +338301,33 +338302,26 +338303,30 +338304,30 +338305,30 +338306,30 +338307,30 +338308,30 +338309,30 +338310,30 +338311,31 +338312,17 +338313,17 +338314,17 +338315,17 +338316,19 +338317,19 +338318,19 +338319,19 +338320,19 +338321,19 +338322,24 +338323,24 +338324,24 +338325,24 +338326,24 +338327,24 +338328,24 +338329,36 +338330,36 +338331,36 +338332,36 +338333,36 +338334,36 +338335,36 +338336,36 +338337,36 +338338,36 +338339,36 +338340,36 +338341,36 +338342,36 +338343,36 +338344,36 +338345,5 +338346,5 +338347,5 +338348,5 +338349,5 +338350,5 +338351,2 +338352,2 +338353,2 +338354,2 +338355,2 +338356,2 +338357,2 +338358,2 +338359,2 +338360,2 +338361,27 +338362,27 +338363,27 +338364,27 +338365,27 +338366,27 +338367,27 +338368,27 +338369,27 +338370,13 +338371,13 +338372,13 +338373,3 +338374,3 +338375,14 +338376,14 +338377,14 +338378,14 +338379,14 +338380,14 +338381,36 +338382,36 +338383,5 +338384,5 +338385,5 +338386,5 +338387,5 +338388,5 +338389,23 +338390,23 +338391,23 +338392,23 +338393,23 +338394,23 +338395,23 +338396,23 +338397,23 +338398,23 +338399,23 +338400,23 +338401,23 +338402,10 +338403,10 +338404,10 +338405,10 +338406,10 +338407,10 +338408,10 +338409,10 +338410,10 +338411,36 +338412,36 +338413,36 +338414,10 +338415,40 +338416,40 +338417,40 +338418,40 +338419,40 +338420,40 +338421,40 +338422,37 +338423,37 +338424,37 +338425,37 +338426,37 +338427,37 +338428,37 +338429,37 +338430,25 +338431,25 +338432,27 +338433,27 +338434,27 +338435,27 +338436,27 +338437,27 +338438,27 +338439,27 +338440,27 +338441,27 +338442,13 +338443,13 +338444,13 +338445,13 +338446,13 +338447,13 +338448,13 +338449,13 +338450,13 +338451,13 +338452,13 +338453,13 +338454,13 +338455,9 +338456,9 +338457,9 +338458,9 +338459,9 +338460,9 +338461,9 +338462,9 +338463,9 +338464,9 +338465,9 +338466,9 +338467,9 +338468,9 +338469,26 +338470,5 +338471,5 +338472,5 +338473,5 +338474,5 +338475,5 +338476,5 +338477,29 +338478,29 +338479,29 +338480,31 +338481,31 +338482,31 +338483,31 +338484,31 +338485,31 +338486,37 +338487,37 +338488,37 +338489,37 +338490,25 +338491,37 +338492,37 +338493,25 +338494,25 +338495,25 +338496,25 +338497,25 +338498,25 +338499,25 +338500,14 +338501,40 +338502,40 +338503,40 +338504,40 +338505,40 +338506,40 +338507,14 +338508,14 +338509,14 +338510,27 +338511,27 +338512,27 +338513,27 +338514,27 +338515,27 +338516,27 +338517,27 +338518,27 +338519,18 +338520,18 +338521,18 +338522,18 +338523,18 +338524,18 +338525,18 +338526,18 +338527,18 +338528,16 +338529,18 +338530,18 +338531,18 +338532,18 +338533,18 +338534,18 +338535,18 +338536,18 +338537,18 +338538,0 +338539,0 +338540,0 +338541,0 +338542,0 +338543,0 +338544,0 +338545,0 +338546,0 +338547,0 +338548,0 +338549,0 +338550,0 +338551,0 +338552,0 +338553,0 +338554,0 +338555,0 +338556,0 +338557,0 +338558,0 +338559,0 +338560,0 +338561,0 +338562,0 +338563,0 +338564,0 +338565,0 +338566,0 +338567,0 +338568,0 +338569,6 +338570,6 +338571,6 +338572,6 +338573,6 +338574,6 +338575,6 +338576,36 +338577,36 +338578,36 +338579,36 +338580,36 +338581,36 +338582,36 +338583,36 +338584,36 +338585,4 +338586,32 +338587,32 +338588,32 +338589,32 +338590,32 +338591,32 +338592,32 +338593,32 +338594,32 +338595,31 +338596,31 +338597,27 +338598,27 +338599,31 +338600,5 +338601,5 +338602,5 +338603,5 +338604,5 +338605,5 +338606,18 +338607,18 +338608,18 +338609,18 +338610,18 +338611,18 +338612,18 +338613,18 +338614,18 +338615,18 +338616,40 +338617,40 +338618,40 +338619,40 +338620,40 +338621,40 +338622,40 +338623,40 +338624,5 +338625,5 +338626,5 +338627,5 +338628,5 +338629,5 +338630,6 +338631,6 +338632,6 +338633,6 +338634,6 +338635,6 +338636,6 +338637,31 +338638,31 +338639,31 +338640,31 +338641,27 +338642,27 +338643,27 +338644,27 +338645,27 +338646,5 +338647,5 +338648,5 +338649,5 +338650,5 +338651,5 +338652,5 +338653,5 +338654,2 +338655,2 +338656,2 +338657,2 +338658,2 +338659,2 +338660,2 +338661,2 +338662,2 +338663,2 +338664,2 +338665,2 +338666,2 +338667,2 +338668,2 +338669,2 +338670,2 +338671,2 +338672,2 +338673,2 +338674,2 +338675,2 +338676,2 +338677,40 +338678,40 +338679,40 +338680,40 +338681,40 +338682,40 +338683,40 +338684,40 +338685,40 +338686,36 +338687,5 +338688,5 +338689,5 +338690,5 +338691,5 +338692,5 +338693,5 +338694,5 +338695,5 +338696,5 +338697,5 +338698,0 +338699,0 +338700,0 +338701,0 +338702,0 +338703,0 +338704,0 +338705,0 +338706,0 +338707,0 +338708,0 +338709,0 +338710,0 +338711,0 +338712,0 +338713,0 +338714,0 +338715,0 +338716,0 +338717,0 +338718,0 +338719,0 +338720,0 +338721,0 +338722,0 +338723,0 +338724,0 +338725,0 +338726,0 +338727,0 +338728,0 +338729,0 +338730,0 +338731,0 +338732,0 +338733,0 +338734,0 +338735,0 +338736,0 +338737,0 +338738,0 +338739,0 +338740,0 +338741,36 +338742,36 +338743,36 +338744,36 +338745,36 +338746,36 +338747,36 +338748,36 +338749,5 +338750,5 +338751,5 +338752,5 +338753,5 +338754,4 +338755,4 +338756,4 +338757,4 +338758,4 +338759,4 +338760,4 +338761,4 +338762,4 +338763,4 +338764,4 +338765,4 +338766,4 +338767,4 +338768,4 +338769,25 +338770,25 +338771,25 +338772,25 +338773,25 +338774,25 +338775,25 +338776,25 +338777,25 +338778,25 +338779,25 +338780,5 +338781,5 +338782,5 +338783,4 +338784,4 +338785,4 +338786,4 +338787,27 +338788,27 +338789,27 +338790,27 +338791,27 +338792,8 +338793,8 +338794,8 +338795,8 +338796,8 +338797,8 +338798,8 +338799,8 +338800,8 +338801,10 +338802,10 +338803,10 +338804,10 +338805,10 +338806,10 +338807,10 +338808,10 +338809,10 +338810,10 +338811,10 +338812,10 +338813,10 +338814,10 +338815,10 +338816,10 +338817,10 +338818,10 +338819,10 +338820,10 +338821,8 +338822,8 +338823,8 +338824,8 +338825,8 +338826,8 +338827,8 +338828,8 +338829,12 +338830,12 +338831,27 +338832,27 +338833,27 +338834,27 +338835,38 +338836,38 +338837,38 +338838,38 +338839,38 +338840,38 +338841,38 +338842,27 +338843,27 +338844,27 +338845,27 +338846,27 +338847,27 +338848,5 +338849,5 +338850,5 +338851,5 +338852,5 +338853,19 +338854,19 +338855,19 +338856,19 +338857,19 +338858,19 +338859,19 +338860,27 +338861,27 +338862,27 +338863,27 +338864,27 +338865,27 +338866,27 +338867,23 +338868,23 +338869,23 +338870,23 +338871,23 +338872,23 +338873,23 +338874,23 +338875,23 +338876,23 +338877,23 +338878,23 +338879,37 +338880,37 +338881,37 +338882,36 +338883,36 +338884,36 +338885,36 +338886,5 +338887,5 +338888,5 +338889,5 +338890,5 +338891,5 +338892,5 +338893,2 +338894,2 +338895,2 +338896,2 +338897,2 +338898,2 +338899,2 +338900,4 +338901,4 +338902,4 +338903,4 +338904,4 +338905,4 +338906,4 +338907,4 +338908,31 +338909,25 +338910,25 +338911,25 +338912,29 +338913,29 +338914,39 +338915,39 +338916,29 +338917,39 +338918,39 +338919,39 +338920,39 +338921,39 +338922,39 +338923,39 +338924,39 +338925,39 +338926,31 +338927,31 +338928,31 +338929,31 +338930,31 +338931,31 +338932,31 +338933,29 +338934,29 +338935,29 +338936,29 +338937,29 +338938,29 +338939,25 +338940,25 +338941,25 +338942,25 +338943,37 +338944,25 +338945,25 +338946,2 +338947,2 +338948,2 +338949,2 +338950,2 +338951,2 +338952,2 +338953,2 +338954,2 +338955,2 +338956,2 +338957,2 +338958,2 +338959,26 +338960,26 +338961,26 +338962,26 +338963,26 +338964,26 +338965,26 +338966,26 +338967,26 +338968,26 +338969,26 +338970,26 +338971,26 +338972,26 +338973,26 +338974,26 +338975,10 +338976,10 +338977,10 +338978,10 +338979,10 +338980,10 +338981,10 +338982,10 +338983,10 +338984,10 +338985,10 +338986,10 +338987,10 +338988,10 +338989,10 +338990,19 +338991,19 +338992,19 +338993,19 +338994,19 +338995,19 +338996,19 +338997,19 +338998,19 +338999,19 +339000,19 +339001,0 +339002,0 +339003,0 +339004,0 +339005,0 +339006,0 +339007,0 +339008,0 +339009,0 +339010,0 +339011,0 +339012,0 +339013,0 +339014,0 +339015,0 +339016,0 +339017,0 +339018,0 +339019,0 +339020,0 +339021,0 +339022,0 +339023,0 +339024,0 +339025,0 +339026,0 +339027,0 +339028,0 +339029,0 +339030,0 +339031,0 +339032,0 +339033,0 +339034,0 +339035,0 +339036,0 +339037,0 +339038,0 +339039,0 +339040,0 +339041,0 +339042,0 +339043,0 +339044,0 +339045,0 +339046,0 +339047,0 +339048,0 +339049,0 +339050,0 +339051,0 +339052,0 +339053,0 +339054,0 +339055,0 +339056,0 +339057,0 +339058,0 +339059,0 +339060,0 +339061,0 +339062,0 +339063,0 +339064,0 +339065,0 +339066,0 +339067,0 +339068,0 +339069,0 +339070,0 +339071,0 +339072,0 +339073,0 +339074,0 +339075,0 +339076,0 +339077,0 +339078,0 +339079,0 +339080,0 +339081,0 +339082,0 +339083,0 +339084,0 +339085,0 +339086,0 +339087,0 +339088,0 +339089,0 +339090,0 +339091,36 +339092,36 +339093,36 +339094,36 +339095,36 +339096,40 +339097,40 +339098,40 +339099,40 +339100,40 +339101,40 +339102,40 +339103,40 +339104,40 +339105,40 +339106,40 +339107,40 +339108,24 +339109,37 +339110,37 +339111,37 +339112,37 +339113,37 +339114,37 +339115,24 +339116,37 +339117,37 +339118,37 +339119,37 +339120,39 +339121,39 +339122,39 +339123,39 +339124,39 +339125,38 +339126,38 +339127,38 +339128,38 +339129,38 +339130,38 +339131,38 +339132,38 +339133,38 +339134,38 +339135,27 +339136,27 +339137,27 +339138,27 +339139,27 +339140,27 +339141,13 +339142,13 +339143,13 +339144,13 +339145,13 +339146,13 +339147,28 +339148,28 +339149,28 +339150,28 +339151,3 +339152,3 +339153,3 +339154,3 +339155,3 +339156,3 +339157,3 +339158,3 +339159,3 +339160,33 +339161,33 +339162,33 +339163,33 +339164,33 +339165,33 +339166,4 +339167,19 +339168,19 +339169,19 +339170,30 +339171,30 +339172,30 +339173,30 +339174,30 +339175,10 +339176,10 +339177,10 +339178,10 +339179,10 +339180,10 +339181,6 +339182,6 +339183,6 +339184,6 +339185,6 +339186,6 +339187,6 +339188,6 +339189,6 +339190,6 +339191,6 +339192,6 +339193,6 +339194,6 +339195,9 +339196,9 +339197,9 +339198,9 +339199,9 +339200,9 +339201,9 +339202,26 +339203,26 +339204,26 +339205,9 +339206,9 +339207,9 +339208,9 +339209,9 +339210,26 +339211,26 +339212,6 +339213,6 +339214,6 +339215,6 +339216,6 +339217,6 +339218,6 +339219,6 +339220,6 +339221,6 +339222,6 +339223,12 +339224,12 +339225,12 +339226,12 +339227,12 +339228,12 +339229,12 +339230,12 +339231,12 +339232,25 +339233,25 +339234,25 +339235,25 +339236,25 +339237,25 +339238,25 +339239,25 +339240,6 +339241,6 +339242,6 +339243,6 +339244,6 +339245,6 +339246,0 +339247,0 +339248,0 +339249,0 +339250,0 +339251,0 +339252,0 +339253,0 +339254,0 +339255,0 +339256,0 +339257,0 +339258,0 +339259,0 +339260,0 +339261,0 +339262,0 +339263,0 +339264,0 +339265,0 +339266,0 +339267,0 +339268,0 +339269,0 +339270,0 +339271,36 +339272,36 +339273,36 +339274,36 +339275,36 +339276,36 +339277,36 +339278,36 +339279,36 +339280,36 +339281,36 +339282,36 +339283,36 +339284,36 +339285,36 +339286,5 +339287,5 +339288,5 +339289,19 +339290,19 +339291,19 +339292,12 +339293,12 +339294,12 +339295,12 +339296,12 +339297,12 +339298,27 +339299,27 +339300,27 +339301,38 +339302,38 +339303,38 +339304,38 +339305,38 +339306,38 +339307,38 +339308,38 +339309,27 +339310,31 +339311,31 +339312,31 +339313,31 +339314,21 +339315,21 +339316,21 +339317,21 +339318,21 +339319,21 +339320,21 +339321,21 +339322,21 +339323,21 +339324,37 +339325,37 +339326,37 +339327,37 +339328,37 +339329,37 +339330,14 +339331,14 +339332,14 +339333,14 +339334,4 +339335,4 +339336,27 +339337,27 +339338,27 +339339,27 +339340,27 +339341,27 +339342,27 +339343,2 +339344,2 +339345,2 +339346,2 +339347,2 +339348,2 +339349,2 +339350,2 +339351,32 +339352,32 +339353,32 +339354,32 +339355,32 +339356,32 +339357,32 +339358,32 +339359,32 +339360,26 +339361,26 +339362,26 +339363,26 +339364,26 +339365,9 +339366,9 +339367,9 +339368,9 +339369,9 +339370,9 +339371,2 +339372,2 +339373,2 +339374,2 +339375,2 +339376,2 +339377,2 +339378,2 +339379,2 +339380,2 +339381,2 +339382,15 +339383,15 +339384,15 +339385,15 +339386,15 +339387,15 +339388,30 +339389,30 +339390,30 +339391,31 +339392,30 +339393,30 +339394,30 +339395,30 +339396,2 +339397,2 +339398,2 +339399,2 +339400,2 +339401,2 +339402,2 +339403,2 +339404,2 +339405,2 +339406,32 +339407,32 +339408,32 +339409,32 +339410,32 +339411,32 +339412,32 +339413,39 +339414,39 +339415,39 +339416,39 +339417,39 +339418,39 +339419,39 +339420,39 +339421,39 +339422,39 +339423,39 +339424,39 +339425,39 +339426,39 +339427,39 +339428,39 +339429,39 +339430,39 +339431,39 +339432,19 +339433,19 +339434,19 +339435,19 +339436,19 +339437,19 +339438,19 +339439,19 +339440,19 +339441,19 +339442,39 +339443,39 +339444,39 +339445,39 +339446,39 +339447,39 +339448,0 +339449,0 +339450,0 +339451,0 +339452,0 +339453,0 +339454,0 +339455,0 +339456,0 +339457,0 +339458,0 +339459,0 +339460,0 +339461,0 +339462,0 +339463,0 +339464,0 +339465,0 +339466,0 +339467,0 +339468,0 +339469,0 +339470,0 +339471,0 +339472,0 +339473,0 +339474,0 +339475,0 +339476,0 +339477,0 +339478,0 +339479,0 +339480,0 +339481,0 +339482,0 +339483,0 +339484,0 +339485,0 +339486,0 +339487,0 +339488,0 +339489,0 +339490,0 +339491,0 +339492,0 +339493,0 +339494,0 +339495,0 +339496,0 +339497,0 +339498,0 +339499,0 +339500,0 +339501,0 +339502,0 +339503,0 +339504,0 +339505,0 +339506,0 +339507,0 +339508,0 +339509,0 +339510,0 +339511,0 +339512,36 +339513,36 +339514,36 +339515,36 +339516,36 +339517,36 +339518,36 +339519,36 +339520,27 +339521,27 +339522,36 +339523,36 +339524,27 +339525,27 +339526,27 +339527,27 +339528,5 +339529,5 +339530,5 +339531,5 +339532,5 +339533,5 +339534,4 +339535,4 +339536,38 +339537,38 +339538,38 +339539,38 +339540,38 +339541,38 +339542,38 +339543,38 +339544,37 +339545,37 +339546,37 +339547,37 +339548,37 +339549,37 +339550,37 +339551,37 +339552,37 +339553,37 +339554,37 +339555,25 +339556,10 +339557,10 +339558,10 +339559,10 +339560,10 +339561,10 +339562,10 +339563,10 +339564,10 +339565,10 +339566,34 +339567,34 +339568,34 +339569,34 +339570,34 +339571,34 +339572,34 +339573,4 +339574,4 +339575,4 +339576,4 +339577,25 +339578,25 +339579,25 +339580,25 +339581,25 +339582,25 +339583,25 +339584,25 +339585,4 +339586,25 +339587,25 +339588,25 +339589,25 +339590,25 +339591,37 +339592,9 +339593,9 +339594,9 +339595,9 +339596,9 +339597,9 +339598,9 +339599,9 +339600,9 +339601,9 +339602,9 +339603,9 +339604,9 +339605,9 +339606,9 +339607,30 +339608,30 +339609,30 +339610,30 +339611,30 +339612,30 +339613,30 +339614,30 +339615,30 +339616,30 +339617,30 +339618,9 +339619,9 +339620,6 +339621,6 +339622,6 +339623,6 +339624,6 +339625,6 +339626,4 +339627,4 +339628,28 +339629,5 +339630,28 +339631,28 +339632,5 +339633,40 +339634,40 +339635,40 +339636,40 +339637,40 +339638,40 +339639,40 +339640,36 +339641,5 +339642,34 +339643,34 +339644,34 +339645,34 +339646,33 +339647,33 +339648,33 +339649,33 +339650,33 +339651,33 +339652,33 +339653,28 +339654,28 +339655,28 +339656,28 +339657,28 +339658,28 +339659,32 +339660,32 +339661,32 +339662,32 +339663,32 +339664,32 +339665,33 +339666,33 +339667,33 +339668,30 +339669,30 +339670,30 +339671,30 +339672,30 +339673,30 +339674,30 +339675,30 +339676,30 +339677,30 +339678,30 +339679,2 +339680,2 +339681,2 +339682,2 +339683,2 +339684,2 +339685,2 +339686,2 +339687,2 +339688,2 +339689,2 +339690,2 +339691,2 +339692,2 +339693,2 +339694,10 +339695,10 +339696,10 +339697,10 +339698,10 +339699,10 +339700,10 +339701,10 +339702,10 +339703,10 +339704,10 +339705,10 +339706,10 +339707,10 +339708,10 +339709,10 +339710,10 +339711,8 +339712,12 +339713,12 +339714,8 +339715,12 +339716,12 +339717,12 +339718,12 +339719,12 +339720,3 +339721,3 +339722,3 +339723,3 +339724,3 +339725,3 +339726,11 +339727,11 +339728,11 +339729,11 +339730,11 +339731,11 +339732,11 +339733,11 +339734,11 +339735,11 +339736,11 +339737,11 +339738,11 +339739,11 +339740,11 +339741,11 +339742,11 +339743,11 +339744,3 +339745,3 +339746,3 +339747,3 +339748,3 +339749,3 +339750,3 +339751,3 +339752,3 +339753,27 +339754,27 +339755,4 +339756,4 +339757,4 +339758,27 +339759,27 +339760,27 +339761,27 +339762,27 +339763,27 +339764,27 +339765,13 +339766,13 +339767,13 +339768,13 +339769,13 +339770,13 +339771,13 +339772,13 +339773,13 +339774,13 +339775,13 +339776,13 +339777,13 +339778,13 +339779,13 +339780,0 +339781,0 +339782,0 +339783,0 +339784,0 +339785,0 +339786,0 +339787,0 +339788,0 +339789,0 +339790,11 +339791,11 +339792,11 +339793,11 +339794,11 +339795,11 +339796,11 +339797,11 +339798,11 +339799,11 +339800,11 +339801,11 +339802,11 +339803,11 +339804,11 +339805,11 +339806,11 +339807,11 +339808,11 +339809,11 +339810,11 +339811,34 +339812,34 +339813,34 +339814,34 +339815,34 +339816,34 +339817,34 +339818,34 +339819,34 +339820,34 +339821,34 +339822,34 +339823,34 +339824,34 +339825,34 +339826,34 +339827,4 +339828,4 +339829,4 +339830,4 +339831,27 +339832,27 +339833,27 +339834,27 +339835,27 +339836,27 +339837,27 +339838,27 +339839,13 +339840,13 +339841,13 +339842,13 +339843,13 +339844,13 +339845,13 +339846,13 +339847,13 +339848,13 +339849,13 +339850,13 +339851,13 +339852,0 +339853,18 +339854,18 +339855,18 +339856,18 +339857,11 +339858,11 +339859,11 +339860,11 +339861,11 +339862,11 +339863,11 +339864,11 +339865,11 +339866,11 +339867,11 +339868,11 +339869,11 +339870,11 +339871,11 +339872,11 +339873,11 +339874,11 +339875,11 +339876,11 +339877,11 +339878,11 +339879,37 +339880,37 +339881,37 +339882,37 +339883,37 +339884,37 +339885,37 +339886,14 +339887,39 +339888,39 +339889,39 +339890,39 +339891,39 +339892,35 +339893,35 +339894,35 +339895,35 +339896,35 +339897,35 +339898,35 +339899,35 +339900,39 +339901,39 +339902,39 +339903,39 +339904,39 +339905,39 +339906,39 +339907,39 +339908,39 +339909,39 +339910,5 +339911,5 +339912,5 +339913,5 +339914,5 +339915,5 +339916,5 +339917,5 +339918,5 +339919,5 +339920,13 +339921,0 +339922,0 +339923,0 +339924,0 +339925,0 +339926,0 +339927,0 +339928,0 +339929,0 +339930,0 +339931,0 +339932,0 +339933,0 +339934,0 +339935,0 +339936,0 +339937,0 +339938,0 +339939,0 +339940,0 +339941,0 +339942,0 +339943,0 +339944,0 +339945,0 +339946,0 +339947,0 +339948,0 +339949,0 +339950,0 +339951,0 +339952,0 +339953,0 +339954,0 +339955,0 +339956,0 +339957,0 +339958,0 +339959,39 +339960,39 +339961,39 +339962,39 +339963,39 +339964,7 +339965,7 +339966,7 +339967,7 +339968,7 +339969,7 +339970,7 +339971,7 +339972,7 +339973,7 +339974,7 +339975,9 +339976,9 +339977,9 +339978,9 +339979,9 +339980,9 +339981,9 +339982,9 +339983,9 +339984,9 +339985,9 +339986,9 +339987,37 +339988,37 +339989,37 +339990,37 +339991,37 +339992,37 +339993,27 +339994,27 +339995,27 +339996,27 +339997,27 +339998,27 +339999,19 +340000,19 +340001,19 +340002,19 +340003,19 +340004,19 +340005,29 +340006,29 +340007,29 +340008,31 +340009,31 +340010,31 +340011,31 +340012,31 +340013,31 +340014,31 +340015,31 +340016,25 +340017,25 +340018,25 +340019,25 +340020,25 +340021,25 +340022,25 +340023,34 +340024,34 +340025,34 +340026,9 +340027,9 +340028,9 +340029,9 +340030,9 +340031,9 +340032,9 +340033,9 +340034,9 +340035,13 +340036,13 +340037,13 +340038,13 +340039,13 +340040,13 +340041,13 +340042,13 +340043,13 +340044,13 +340045,24 +340046,24 +340047,24 +340048,24 +340049,24 +340050,24 +340051,24 +340052,14 +340053,14 +340054,40 +340055,40 +340056,40 +340057,40 +340058,40 +340059,40 +340060,40 +340061,40 +340062,40 +340063,40 +340064,40 +340065,40 +340066,40 +340067,40 +340068,40 +340069,37 +340070,37 +340071,37 +340072,37 +340073,37 +340074,37 +340075,37 +340076,37 +340077,37 +340078,37 +340079,37 +340080,37 +340081,37 +340082,37 +340083,37 +340084,37 +340085,37 +340086,25 +340087,25 +340088,25 +340089,25 +340090,0 +340091,0 +340092,0 +340093,0 +340094,0 +340095,0 +340096,0 +340097,0 +340098,0 +340099,0 +340100,0 +340101,0 +340102,0 +340103,0 +340104,0 +340105,0 +340106,0 +340107,0 +340108,0 +340109,0 +340110,0 +340111,0 +340112,0 +340113,0 +340114,0 +340115,23 +340116,23 +340117,23 +340118,23 +340119,23 +340120,23 +340121,23 +340122,23 +340123,23 +340124,23 +340125,23 +340126,25 +340127,25 +340128,25 +340129,25 +340130,37 +340131,17 +340132,17 +340133,27 +340134,27 +340135,27 +340136,27 +340137,27 +340138,23 +340139,23 +340140,23 +340141,23 +340142,23 +340143,23 +340144,23 +340145,23 +340146,23 +340147,7 +340148,7 +340149,7 +340150,7 +340151,7 +340152,27 +340153,27 +340154,27 +340155,27 +340156,27 +340157,27 +340158,27 +340159,3 +340160,3 +340161,5 +340162,5 +340163,5 +340164,5 +340165,5 +340166,5 +340167,5 +340168,7 +340169,7 +340170,7 +340171,7 +340172,7 +340173,7 +340174,3 +340175,3 +340176,3 +340177,3 +340178,3 +340179,3 +340180,28 +340181,28 +340182,28 +340183,28 +340184,28 +340185,28 +340186,28 +340187,10 +340188,10 +340189,10 +340190,10 +340191,10 +340192,10 +340193,10 +340194,10 +340195,10 +340196,10 +340197,10 +340198,10 +340199,10 +340200,10 +340201,10 +340202,5 +340203,5 +340204,5 +340205,5 +340206,5 +340207,5 +340208,36 +340209,14 +340210,14 +340211,14 +340212,14 +340213,14 +340214,14 +340215,14 +340216,14 +340217,14 +340218,14 +340219,14 +340220,14 +340221,14 +340222,14 +340223,14 +340224,14 +340225,14 +340226,14 +340227,14 +340228,14 +340229,14 +340230,28 +340231,28 +340232,28 +340233,28 +340234,28 +340235,28 +340236,28 +340237,28 +340238,28 +340239,28 +340240,0 +340241,0 +340242,0 +340243,0 +340244,0 +340245,0 +340246,0 +340247,0 +340248,0 +340249,0 +340250,0 +340251,0 +340252,0 +340253,0 +340254,0 +340255,0 +340256,0 +340257,0 +340258,0 +340259,0 +340260,0 +340261,0 +340262,0 +340263,0 +340264,0 +340265,0 +340266,32 +340267,32 +340268,32 +340269,32 +340270,37 +340271,37 +340272,37 +340273,37 +340274,37 +340275,10 +340276,35 +340277,35 +340278,35 +340279,35 +340280,35 +340281,35 +340282,35 +340283,35 +340284,36 +340285,36 +340286,36 +340287,36 +340288,36 +340289,36 +340290,32 +340291,32 +340292,32 +340293,32 +340294,32 +340295,32 +340296,32 +340297,11 +340298,2 +340299,2 +340300,2 +340301,2 +340302,2 +340303,2 +340304,2 +340305,2 +340306,2 +340307,7 +340308,7 +340309,7 +340310,7 +340311,7 +340312,3 +340313,3 +340314,3 +340315,3 +340316,3 +340317,3 +340318,35 +340319,35 +340320,22 +340321,22 +340322,27 +340323,27 +340324,19 +340325,19 +340326,19 +340327,19 +340328,19 +340329,19 +340330,19 +340331,19 +340332,5 +340333,5 +340334,5 +340335,5 +340336,5 +340337,5 +340338,5 +340339,5 +340340,5 +340341,5 +340342,5 +340343,5 +340344,5 +340345,26 +340346,26 +340347,31 +340348,26 +340349,26 +340350,26 +340351,26 +340352,26 +340353,26 +340354,31 +340355,31 +340356,31 +340357,5 +340358,5 +340359,5 +340360,5 +340361,5 +340362,19 +340363,19 +340364,19 +340365,19 +340366,19 +340367,19 +340368,19 +340369,39 +340370,39 +340371,39 +340372,39 +340373,39 +340374,39 +340375,39 +340376,39 +340377,39 +340378,39 +340379,14 +340380,39 +340381,39 +340382,39 +340383,2 +340384,2 +340385,2 +340386,2 +340387,2 +340388,2 +340389,2 +340390,2 +340391,2 +340392,2 +340393,2 +340394,2 +340395,2 +340396,33 +340397,33 +340398,33 +340399,33 +340400,33 +340401,33 +340402,31 +340403,31 +340404,32 +340405,32 +340406,32 +340407,32 +340408,32 +340409,32 +340410,32 +340411,32 +340412,32 +340413,32 +340414,32 +340415,32 +340416,32 +340417,32 +340418,32 +340419,37 +340420,37 +340421,37 +340422,37 +340423,37 +340424,40 +340425,40 +340426,40 +340427,40 +340428,40 +340429,40 +340430,40 +340431,2 +340432,2 +340433,2 +340434,2 +340435,2 +340436,2 +340437,2 +340438,2 +340439,2 +340440,2 +340441,2 +340442,2 +340443,2 +340444,2 +340445,27 +340446,27 +340447,27 +340448,27 +340449,27 +340450,27 +340451,27 +340452,13 +340453,13 +340454,13 +340455,13 +340456,13 +340457,13 +340458,13 +340459,13 +340460,13 +340461,13 +340462,0 +340463,0 +340464,0 +340465,0 +340466,0 +340467,0 +340468,0 +340469,0 +340470,0 +340471,0 +340472,0 +340473,0 +340474,0 +340475,0 +340476,0 +340477,0 +340478,0 +340479,0 +340480,0 +340481,0 +340482,0 +340483,0 +340484,0 +340485,0 +340486,0 +340487,0 +340488,0 +340489,0 +340490,0 +340491,0 +340492,0 +340493,0 +340494,0 +340495,0 +340496,0 +340497,0 +340498,0 +340499,0 +340500,0 +340501,0 +340502,0 +340503,0 +340504,0 +340505,0 +340506,0 +340507,0 +340508,0 +340509,0 +340510,0 +340511,0 +340512,0 +340513,0 +340514,0 +340515,0 +340516,0 +340517,0 +340518,0 +340519,0 +340520,0 +340521,0 +340522,0 +340523,0 +340524,0 +340525,0 +340526,0 +340527,12 +340528,12 +340529,12 +340530,31 +340531,31 +340532,31 +340533,31 +340534,31 +340535,31 +340536,4 +340537,4 +340538,4 +340539,4 +340540,4 +340541,4 +340542,4 +340543,0 +340544,0 +340545,0 +340546,0 +340547,0 +340548,0 +340549,0 +340550,27 +340551,27 +340552,27 +340553,27 +340554,27 +340555,27 +340556,27 +340557,27 +340558,27 +340559,27 +340560,27 +340561,27 +340562,20 +340563,20 +340564,20 +340565,20 +340566,20 +340567,20 +340568,20 +340569,20 +340570,20 +340571,20 +340572,20 +340573,20 +340574,25 +340575,25 +340576,25 +340577,25 +340578,25 +340579,25 +340580,37 +340581,25 +340582,25 +340583,25 +340584,25 +340585,5 +340586,5 +340587,5 +340588,5 +340589,5 +340590,5 +340591,40 +340592,36 +340593,36 +340594,36 +340595,36 +340596,36 +340597,14 +340598,14 +340599,14 +340600,14 +340601,14 +340602,14 +340603,14 +340604,14 +340605,14 +340606,14 +340607,14 +340608,14 +340609,14 +340610,14 +340611,14 +340612,28 +340613,28 +340614,28 +340615,28 +340616,28 +340617,28 +340618,28 +340619,28 +340620,28 +340621,28 +340622,28 +340623,28 +340624,28 +340625,28 +340626,0 +340627,0 +340628,0 +340629,0 +340630,0 +340631,0 +340632,0 +340633,0 +340634,0 +340635,0 +340636,0 +340637,0 +340638,0 +340639,0 +340640,0 +340641,0 +340642,0 +340643,0 +340644,0 +340645,0 +340646,2 +340647,2 +340648,0 +340649,0 +340650,0 +340651,0 +340652,0 +340653,0 +340654,0 +340655,0 +340656,0 +340657,0 +340658,0 +340659,0 +340660,0 +340661,0 +340662,0 +340663,0 +340664,0 +340665,0 +340666,0 +340667,0 +340668,0 +340669,0 +340670,0 +340671,0 +340672,6 +340673,35 +340674,32 +340675,32 +340676,32 +340677,32 +340678,32 +340679,32 +340680,32 +340681,32 +340682,32 +340683,37 +340684,37 +340685,37 +340686,37 +340687,10 +340688,10 +340689,10 +340690,10 +340691,10 +340692,10 +340693,10 +340694,10 +340695,10 +340696,10 +340697,10 +340698,10 +340699,19 +340700,19 +340701,18 +340702,18 +340703,18 +340704,18 +340705,18 +340706,18 +340707,18 +340708,18 +340709,18 +340710,18 +340711,18 +340712,18 +340713,31 +340714,36 +340715,40 +340716,40 +340717,40 +340718,40 +340719,40 +340720,36 +340721,36 +340722,36 +340723,36 +340724,36 +340725,36 +340726,2 +340727,2 +340728,2 +340729,2 +340730,2 +340731,2 +340732,2 +340733,2 +340734,2 +340735,2 +340736,2 +340737,32 +340738,32 +340739,32 +340740,32 +340741,32 +340742,32 +340743,25 +340744,25 +340745,25 +340746,25 +340747,25 +340748,25 +340749,25 +340750,25 +340751,25 +340752,25 +340753,25 +340754,25 +340755,25 +340756,6 +340757,6 +340758,6 +340759,6 +340760,6 +340761,6 +340762,6 +340763,35 +340764,35 +340765,35 +340766,35 +340767,35 +340768,35 +340769,35 +340770,35 +340771,35 +340772,35 +340773,35 +340774,35 +340775,35 +340776,0 +340777,0 +340778,0 +340779,0 +340780,0 +340781,0 +340782,0 +340783,0 +340784,0 +340785,0 +340786,0 +340787,0 +340788,0 +340789,0 +340790,0 +340791,0 +340792,0 +340793,0 +340794,0 +340795,0 +340796,0 +340797,0 +340798,0 +340799,0 +340800,0 +340801,0 +340802,0 +340803,0 +340804,0 +340805,0 +340806,0 +340807,0 +340808,6 +340809,6 +340810,6 +340811,6 +340812,6 +340813,6 +340814,6 +340815,26 +340816,26 +340817,26 +340818,26 +340819,26 +340820,26 +340821,26 +340822,26 +340823,26 +340824,26 +340825,26 +340826,30 +340827,26 +340828,28 +340829,28 +340830,28 +340831,28 +340832,28 +340833,28 +340834,28 +340835,28 +340836,28 +340837,28 +340838,28 +340839,28 +340840,28 +340841,28 +340842,28 +340843,28 +340844,28 +340845,28 +340846,32 +340847,32 +340848,32 +340849,32 +340850,32 +340851,32 +340852,32 +340853,32 +340854,32 +340855,32 +340856,32 +340857,32 +340858,32 +340859,9 +340860,9 +340861,9 +340862,9 +340863,9 +340864,26 +340865,26 +340866,26 +340867,26 +340868,9 +340869,26 +340870,26 +340871,30 +340872,30 +340873,30 +340874,30 +340875,30 +340876,30 +340877,30 +340878,30 +340879,39 +340880,39 +340881,39 +340882,39 +340883,39 +340884,39 +340885,39 +340886,39 +340887,39 +340888,39 +340889,39 +340890,39 +340891,39 +340892,39 +340893,39 +340894,39 +340895,39 +340896,39 +340897,39 +340898,39 +340899,39 +340900,27 +340901,27 +340902,28 +340903,28 +340904,13 +340905,13 +340906,13 +340907,13 +340908,13 +340909,13 +340910,13 +340911,13 +340912,13 +340913,23 +340914,23 +340915,23 +340916,23 +340917,23 +340918,23 +340919,23 +340920,37 +340921,37 +340922,37 +340923,37 +340924,26 +340925,10 +340926,26 +340927,26 +340928,26 +340929,26 +340930,26 +340931,26 +340932,26 +340933,26 +340934,26 +340935,26 +340936,26 +340937,5 +340938,5 +340939,5 +340940,5 +340941,5 +340942,5 +340943,5 +340944,8 +340945,8 +340946,8 +340947,8 +340948,8 +340949,8 +340950,8 +340951,27 +340952,27 +340953,27 +340954,39 +340955,39 +340956,39 +340957,39 +340958,39 +340959,39 +340960,39 +340961,39 +340962,39 +340963,39 +340964,39 +340965,39 +340966,39 +340967,39 +340968,39 +340969,39 +340970,39 +340971,39 +340972,0 +340973,0 +340974,0 +340975,0 +340976,0 +340977,0 +340978,0 +340979,6 +340980,13 +340981,21 +340982,6 +340983,6 +340984,6 +340985,6 +340986,6 +340987,6 +340988,30 +340989,30 +340990,30 +340991,30 +340992,30 +340993,30 +340994,30 +340995,33 +340996,33 +340997,33 +340998,31 +340999,33 +341000,31 +341001,31 +341002,31 +341003,27 +341004,31 +341005,31 +341006,31 +341007,31 +341008,31 +341009,2 +341010,2 +341011,2 +341012,2 +341013,8 +341014,8 +341015,8 +341016,8 +341017,8 +341018,4 +341019,4 +341020,4 +341021,4 +341022,4 +341023,4 +341024,4 +341025,4 +341026,4 +341027,4 +341028,26 +341029,9 +341030,26 +341031,26 +341032,26 +341033,26 +341034,26 +341035,26 +341036,9 +341037,9 +341038,9 +341039,2 +341040,2 +341041,2 +341042,2 +341043,2 +341044,2 +341045,2 +341046,2 +341047,2 +341048,2 +341049,2 +341050,2 +341051,2 +341052,2 +341053,31 +341054,31 +341055,31 +341056,31 +341057,31 +341058,28 +341059,28 +341060,28 +341061,28 +341062,28 +341063,28 +341064,28 +341065,28 +341066,28 +341067,2 +341068,2 +341069,2 +341070,2 +341071,2 +341072,2 +341073,2 +341074,2 +341075,2 +341076,40 +341077,33 +341078,31 +341079,31 +341080,31 +341081,31 +341082,31 +341083,31 +341084,31 +341085,31 +341086,31 +341087,31 +341088,28 +341089,28 +341090,28 +341091,28 +341092,28 +341093,28 +341094,28 +341095,28 +341096,28 +341097,28 +341098,28 +341099,28 +341100,28 +341101,28 +341102,28 +341103,0 +341104,0 +341105,3 +341106,0 +341107,0 +341108,0 +341109,0 +341110,0 +341111,0 +341112,0 +341113,0 +341114,0 +341115,0 +341116,0 +341117,0 +341118,0 +341119,0 +341120,0 +341121,0 +341122,0 +341123,0 +341124,0 +341125,0 +341126,0 +341127,0 +341128,0 +341129,0 +341130,0 +341131,0 +341132,0 +341133,0 +341134,0 +341135,0 +341136,0 +341137,0 +341138,0 +341139,0 +341140,0 +341141,0 +341142,0 +341143,0 +341144,0 +341145,0 +341146,0 +341147,0 +341148,0 +341149,0 +341150,0 +341151,0 +341152,0 +341153,0 +341154,0 +341155,0 +341156,0 +341157,0 +341158,0 +341159,0 +341160,0 +341161,0 +341162,0 +341163,0 +341164,0 +341165,0 +341166,0 +341167,0 +341168,0 +341169,0 +341170,0 +341171,0 +341172,0 +341173,0 +341174,0 +341175,0 +341176,12 +341177,12 +341178,12 +341179,12 +341180,12 +341181,12 +341182,12 +341183,12 +341184,12 +341185,12 +341186,12 +341187,12 +341188,12 +341189,12 +341190,27 +341191,27 +341192,27 +341193,27 +341194,27 +341195,27 +341196,27 +341197,27 +341198,27 +341199,27 +341200,27 +341201,27 +341202,27 +341203,27 +341204,27 +341205,27 +341206,27 +341207,27 +341208,27 +341209,27 +341210,27 +341211,27 +341212,8 +341213,8 +341214,8 +341215,8 +341216,2 +341217,2 +341218,2 +341219,2 +341220,2 +341221,2 +341222,2 +341223,2 +341224,2 +341225,2 +341226,2 +341227,2 +341228,2 +341229,2 +341230,2 +341231,2 +341232,2 +341233,2 +341234,32 +341235,32 +341236,32 +341237,32 +341238,32 +341239,32 +341240,32 +341241,32 +341242,32 +341243,32 +341244,14 +341245,14 +341246,14 +341247,14 +341248,14 +341249,14 +341250,39 +341251,39 +341252,39 +341253,27 +341254,27 +341255,27 +341256,27 +341257,27 +341258,27 +341259,27 +341260,27 +341261,5 +341262,5 +341263,5 +341264,5 +341265,5 +341266,5 +341267,5 +341268,5 +341269,5 +341270,5 +341271,5 +341272,12 +341273,12 +341274,12 +341275,12 +341276,12 +341277,40 +341278,40 +341279,40 +341280,40 +341281,40 +341282,40 +341283,4 +341284,4 +341285,5 +341286,29 +341287,29 +341288,5 +341289,5 +341290,29 +341291,29 +341292,31 +341293,31 +341294,31 +341295,6 +341296,6 +341297,6 +341298,6 +341299,6 +341300,6 +341301,6 +341302,6 +341303,6 +341304,6 +341305,6 +341306,6 +341307,6 +341308,9 +341309,9 +341310,17 +341311,17 +341312,17 +341313,17 +341314,17 +341315,17 +341316,17 +341317,37 +341318,37 +341319,37 +341320,14 +341321,17 +341322,17 +341323,17 +341324,17 +341325,17 +341326,17 +341327,36 +341328,36 +341329,36 +341330,36 +341331,5 +341332,5 +341333,5 +341334,5 +341335,5 +341336,5 +341337,5 +341338,5 +341339,5 +341340,2 +341341,2 +341342,8 +341343,8 +341344,8 +341345,8 +341346,2 +341347,2 +341348,2 +341349,2 +341350,2 +341351,2 +341352,4 +341353,4 +341354,4 +341355,4 +341356,4 +341357,4 +341358,4 +341359,4 +341360,4 +341361,4 +341362,4 +341363,31 +341364,31 +341365,31 +341366,31 +341367,31 +341368,31 +341369,23 +341370,23 +341371,23 +341372,23 +341373,23 +341374,23 +341375,23 +341376,23 +341377,23 +341378,23 +341379,23 +341380,23 +341381,26 +341382,26 +341383,26 +341384,26 +341385,26 +341386,26 +341387,26 +341388,26 +341389,26 +341390,30 +341391,30 +341392,30 +341393,30 +341394,30 +341395,30 +341396,30 +341397,30 +341398,30 +341399,30 +341400,27 +341401,27 +341402,27 +341403,27 +341404,27 +341405,27 +341406,5 +341407,5 +341408,5 +341409,5 +341410,5 +341411,4 +341412,4 +341413,4 +341414,4 +341415,31 +341416,25 +341417,25 +341418,25 +341419,25 +341420,29 +341421,29 +341422,29 +341423,29 +341424,29 +341425,31 +341426,31 +341427,31 +341428,31 +341429,31 +341430,31 +341431,31 +341432,31 +341433,31 +341434,23 +341435,23 +341436,23 +341437,23 +341438,23 +341439,23 +341440,23 +341441,23 +341442,23 +341443,23 +341444,23 +341445,23 +341446,27 +341447,27 +341448,27 +341449,27 +341450,27 +341451,27 +341452,27 +341453,27 +341454,6 +341455,6 +341456,6 +341457,6 +341458,6 +341459,6 +341460,2 +341461,2 +341462,2 +341463,2 +341464,2 +341465,2 +341466,2 +341467,2 +341468,2 +341469,2 +341470,2 +341471,4 +341472,4 +341473,4 +341474,4 +341475,4 +341476,31 +341477,31 +341478,31 +341479,31 +341480,31 +341481,31 +341482,31 +341483,15 +341484,15 +341485,15 +341486,15 +341487,15 +341488,39 +341489,39 +341490,39 +341491,39 +341492,39 +341493,39 +341494,39 +341495,6 +341496,6 +341497,6 +341498,6 +341499,6 +341500,6 +341501,6 +341502,25 +341503,25 +341504,25 +341505,25 +341506,37 +341507,37 +341508,37 +341509,37 +341510,37 +341511,37 +341512,36 +341513,36 +341514,36 +341515,36 +341516,36 +341517,36 +341518,36 +341519,36 +341520,36 +341521,36 +341522,36 +341523,36 +341524,36 +341525,36 +341526,36 +341527,36 +341528,2 +341529,2 +341530,2 +341531,2 +341532,2 +341533,2 +341534,2 +341535,2 +341536,2 +341537,2 +341538,2 +341539,31 +341540,31 +341541,31 +341542,31 +341543,31 +341544,5 +341545,5 +341546,5 +341547,5 +341548,5 +341549,5 +341550,29 +341551,29 +341552,31 +341553,31 +341554,31 +341555,31 +341556,31 +341557,15 +341558,15 +341559,15 +341560,15 +341561,15 +341562,15 +341563,36 +341564,36 +341565,36 +341566,36 +341567,36 +341568,36 +341569,36 +341570,14 +341571,14 +341572,27 +341573,14 +341574,14 +341575,14 +341576,14 +341577,14 +341578,13 +341579,13 +341580,13 +341581,13 +341582,13 +341583,13 +341584,13 +341585,13 +341586,13 +341587,6 +341588,6 +341589,6 +341590,6 +341591,6 +341592,6 +341593,6 +341594,6 +341595,6 +341596,6 +341597,6 +341598,0 +341599,0 +341600,0 +341601,0 +341602,0 +341603,0 +341604,0 +341605,0 +341606,0 +341607,0 +341608,0 +341609,0 +341610,0 +341611,0 +341612,0 +341613,0 +341614,0 +341615,0 +341616,0 +341617,0 +341618,0 +341619,0 +341620,0 +341621,0 +341622,0 +341623,0 +341624,0 +341625,0 +341626,0 +341627,0 +341628,0 +341629,0 +341630,0 +341631,0 +341632,0 +341633,0 +341634,0 +341635,0 +341636,0 +341637,0 +341638,0 +341639,0 +341640,0 +341641,0 +341642,36 +341643,36 +341644,36 +341645,36 +341646,36 +341647,36 +341648,5 +341649,5 +341650,5 +341651,5 +341652,5 +341653,19 +341654,19 +341655,19 +341656,19 +341657,19 +341658,28 +341659,12 +341660,12 +341661,12 +341662,12 +341663,12 +341664,12 +341665,12 +341666,12 +341667,31 +341668,31 +341669,31 +341670,31 +341671,31 +341672,31 +341673,22 +341674,6 +341675,6 +341676,6 +341677,6 +341678,2 +341679,2 +341680,2 +341681,2 +341682,2 +341683,2 +341684,2 +341685,2 +341686,2 +341687,6 +341688,6 +341689,6 +341690,6 +341691,6 +341692,6 +341693,6 +341694,21 +341695,21 +341696,34 +341697,34 +341698,34 +341699,34 +341700,34 +341701,34 +341702,34 +341703,34 +341704,34 +341705,34 +341706,34 +341707,34 +341708,34 +341709,34 +341710,34 +341711,34 +341712,34 +341713,35 +341714,35 +341715,35 +341716,35 +341717,35 +341718,35 +341719,35 +341720,35 +341721,35 +341722,35 +341723,35 +341724,35 +341725,35 +341726,35 +341727,35 +341728,36 +341729,36 +341730,36 +341731,36 +341732,36 +341733,36 +341734,36 +341735,36 +341736,4 +341737,4 +341738,4 +341739,4 +341740,6 +341741,6 +341742,6 +341743,6 +341744,28 +341745,28 +341746,28 +341747,28 +341748,28 +341749,28 +341750,28 +341751,10 +341752,10 +341753,10 +341754,10 +341755,10 +341756,10 +341757,10 +341758,10 +341759,10 +341760,10 +341761,35 +341762,35 +341763,35 +341764,35 +341765,35 +341766,35 +341767,35 +341768,35 +341769,35 +341770,35 +341771,35 +341772,35 +341773,35 +341774,35 +341775,35 +341776,26 +341777,26 +341778,26 +341779,26 +341780,26 +341781,26 +341782,26 +341783,26 +341784,37 +341785,37 +341786,37 +341787,37 +341788,37 +341789,37 +341790,37 +341791,37 +341792,2 +341793,2 +341794,2 +341795,2 +341796,2 +341797,2 +341798,2 +341799,2 +341800,8 +341801,2 +341802,0 +341803,0 +341804,0 +341805,0 +341806,0 +341807,0 +341808,0 +341809,0 +341810,0 +341811,0 +341812,0 +341813,0 +341814,0 +341815,0 +341816,0 +341817,0 +341818,0 +341819,0 +341820,0 +341821,0 +341822,0 +341823,0 +341824,0 +341825,0 +341826,0 +341827,0 +341828,0 +341829,0 +341830,0 +341831,0 +341832,0 +341833,0 +341834,0 +341835,0 +341836,0 +341837,0 +341838,0 +341839,0 +341840,0 +341841,0 +341842,0 +341843,0 +341844,0 +341845,0 +341846,0 +341847,0 +341848,0 +341849,0 +341850,0 +341851,0 +341852,0 +341853,0 +341854,0 +341855,0 +341856,0 +341857,0 +341858,0 +341859,0 +341860,0 +341861,0 +341862,0 +341863,0 +341864,0 +341865,0 +341866,0 +341867,0 +341868,0 +341869,0 +341870,0 +341871,0 +341872,0 +341873,0 +341874,0 +341875,0 +341876,0 +341877,0 +341878,0 +341879,0 +341880,0 +341881,0 +341882,33 +341883,33 +341884,33 +341885,33 +341886,33 +341887,33 +341888,33 +341889,33 +341890,33 +341891,33 +341892,33 +341893,33 +341894,33 +341895,33 +341896,33 +341897,33 +341898,33 +341899,33 +341900,33 +341901,33 +341902,33 +341903,33 +341904,33 +341905,33 +341906,33 +341907,33 +341908,30 +341909,30 +341910,30 +341911,30 +341912,33 +341913,33 +341914,33 +341915,0 +341916,0 +341917,0 +341918,0 +341919,0 +341920,0 +341921,0 +341922,0 +341923,0 +341924,0 +341925,0 +341926,0 +341927,0 +341928,0 +341929,21 +341930,21 +341931,21 +341932,21 +341933,21 +341934,21 +341935,26 +341936,26 +341937,26 +341938,26 +341939,26 +341940,26 +341941,26 +341942,26 +341943,26 +341944,26 +341945,26 +341946,10 +341947,10 +341948,26 +341949,26 +341950,26 +341951,10 +341952,10 +341953,26 +341954,26 +341955,26 +341956,10 +341957,10 +341958,10 +341959,10 +341960,4 +341961,4 +341962,4 +341963,31 +341964,31 +341965,31 +341966,31 +341967,33 +341968,24 +341969,24 +341970,23 +341971,23 +341972,23 +341973,23 +341974,23 +341975,23 +341976,23 +341977,23 +341978,22 +341979,22 +341980,30 +341981,30 +341982,30 +341983,17 +341984,17 +341985,17 +341986,30 +341987,30 +341988,30 +341989,30 +341990,30 +341991,30 +341992,30 +341993,9 +341994,9 +341995,9 +341996,9 +341997,9 +341998,30 +341999,30 +342000,30 +342001,30 +342002,30 +342003,30 +342004,30 +342005,30 +342006,30 +342007,30 +342008,30 +342009,30 +342010,30 +342011,30 +342012,30 +342013,30 +342014,30 +342015,30 +342016,10 +342017,10 +342018,10 +342019,10 +342020,10 +342021,10 +342022,10 +342023,10 +342024,10 +342025,10 +342026,10 +342027,10 +342028,10 +342029,10 +342030,10 +342031,10 +342032,39 +342033,39 +342034,39 +342035,4 +342036,4 +342037,4 +342038,4 +342039,4 +342040,4 +342041,4 +342042,4 +342043,4 +342044,4 +342045,31 +342046,31 +342047,4 +342048,0 +342049,0 +342050,0 +342051,0 +342052,0 +342053,10 +342054,10 +342055,10 +342056,10 +342057,10 +342058,10 +342059,10 +342060,10 +342061,10 +342062,10 +342063,10 +342064,10 +342065,10 +342066,10 +342067,10 +342068,10 +342069,5 +342070,5 +342071,5 +342072,28 +342073,28 +342074,28 +342075,28 +342076,28 +342077,28 +342078,28 +342079,28 +342080,28 +342081,5 +342082,5 +342083,5 +342084,5 +342085,5 +342086,5 +342087,5 +342088,5 +342089,5 +342090,5 +342091,5 +342092,5 +342093,33 +342094,33 +342095,33 +342096,33 +342097,33 +342098,33 +342099,33 +342100,33 +342101,33 +342102,33 +342103,33 +342104,33 +342105,33 +342106,33 +342107,33 +342108,33 +342109,33 +342110,33 +342111,33 +342112,24 +342113,24 +342114,24 +342115,24 +342116,24 +342117,24 +342118,10 +342119,10 +342120,5 +342121,34 +342122,34 +342123,34 +342124,34 +342125,34 +342126,34 +342127,34 +342128,34 +342129,34 +342130,34 +342131,34 +342132,34 +342133,5 +342134,5 +342135,5 +342136,5 +342137,5 +342138,5 +342139,5 +342140,5 +342141,5 +342142,5 +342143,5 +342144,5 +342145,5 +342146,5 +342147,5 +342148,33 +342149,33 +342150,33 +342151,33 +342152,33 +342153,33 +342154,33 +342155,33 +342156,33 +342157,33 +342158,33 +342159,17 +342160,17 +342161,17 +342162,17 +342163,17 +342164,17 +342165,17 +342166,17 +342167,27 +342168,2 +342169,2 +342170,2 +342171,2 +342172,2 +342173,2 +342174,2 +342175,2 +342176,2 +342177,2 +342178,2 +342179,2 +342180,4 +342181,4 +342182,4 +342183,4 +342184,4 +342185,4 +342186,9 +342187,9 +342188,9 +342189,9 +342190,9 +342191,9 +342192,9 +342193,9 +342194,9 +342195,9 +342196,9 +342197,9 +342198,9 +342199,9 +342200,9 +342201,9 +342202,9 +342203,9 +342204,9 +342205,9 +342206,9 +342207,9 +342208,30 +342209,30 +342210,30 +342211,30 +342212,32 +342213,32 +342214,32 +342215,32 +342216,30 +342217,30 +342218,30 +342219,30 +342220,0 +342221,0 +342222,0 +342223,0 +342224,0 +342225,0 +342226,0 +342227,0 +342228,0 +342229,0 +342230,0 +342231,0 +342232,0 +342233,0 +342234,0 +342235,0 +342236,0 +342237,0 +342238,0 +342239,0 +342240,0 +342241,0 +342242,0 +342243,0 +342244,0 +342245,0 +342246,0 +342247,0 +342248,0 +342249,0 +342250,0 +342251,0 +342252,0 +342253,0 +342254,0 +342255,0 +342256,0 +342257,0 +342258,0 +342259,0 +342260,0 +342261,0 +342262,0 +342263,0 +342264,0 +342265,0 +342266,0 +342267,0 +342268,0 +342269,0 +342270,0 +342271,0 +342272,0 +342273,0 +342274,0 +342275,0 +342276,0 +342277,0 +342278,0 +342279,0 +342280,0 +342281,0 +342282,0 +342283,0 +342284,0 +342285,0 +342286,0 +342287,0 +342288,0 +342289,0 +342290,0 +342291,0 +342292,0 +342293,36 +342294,36 +342295,36 +342296,36 +342297,36 +342298,36 +342299,36 +342300,36 +342301,19 +342302,19 +342303,19 +342304,5 +342305,5 +342306,27 +342307,27 +342308,27 +342309,27 +342310,27 +342311,27 +342312,27 +342313,19 +342314,19 +342315,19 +342316,19 +342317,19 +342318,19 +342319,27 +342320,27 +342321,27 +342322,27 +342323,27 +342324,27 +342325,27 +342326,27 +342327,27 +342328,8 +342329,8 +342330,8 +342331,8 +342332,8 +342333,8 +342334,8 +342335,2 +342336,2 +342337,32 +342338,32 +342339,29 +342340,29 +342341,29 +342342,29 +342343,29 +342344,36 +342345,36 +342346,34 +342347,34 +342348,34 +342349,34 +342350,34 +342351,34 +342352,34 +342353,10 +342354,10 +342355,10 +342356,10 +342357,34 +342358,34 +342359,34 +342360,34 +342361,34 +342362,34 +342363,34 +342364,34 +342365,34 +342366,34 +342367,34 +342368,34 +342369,34 +342370,30 +342371,30 +342372,30 +342373,30 +342374,30 +342375,30 +342376,30 +342377,30 +342378,30 +342379,30 +342380,30 +342381,30 +342382,30 +342383,30 +342384,30 +342385,30 +342386,30 +342387,0 +342388,0 +342389,0 +342390,0 +342391,0 +342392,0 +342393,0 +342394,0 +342395,0 +342396,0 +342397,0 +342398,0 +342399,0 +342400,0 +342401,0 +342402,0 +342403,0 +342404,0 +342405,0 +342406,0 +342407,0 +342408,0 +342409,0 +342410,0 +342411,0 +342412,0 +342413,0 +342414,0 +342415,0 +342416,0 +342417,0 +342418,0 +342419,0 +342420,0 +342421,0 +342422,0 +342423,0 +342424,0 +342425,0 +342426,0 +342427,0 +342428,0 +342429,0 +342430,0 +342431,0 +342432,0 +342433,0 +342434,0 +342435,0 +342436,0 +342437,0 +342438,35 +342439,35 +342440,35 +342441,35 +342442,35 +342443,35 +342444,35 +342445,35 +342446,35 +342447,35 +342448,35 +342449,35 +342450,39 +342451,39 +342452,39 +342453,39 +342454,39 +342455,15 +342456,15 +342457,15 +342458,15 +342459,15 +342460,15 +342461,15 +342462,15 +342463,34 +342464,34 +342465,34 +342466,34 +342467,34 +342468,34 +342469,34 +342470,34 +342471,34 +342472,34 +342473,34 +342474,34 +342475,34 +342476,34 +342477,34 +342478,19 +342479,19 +342480,19 +342481,19 +342482,19 +342483,19 +342484,19 +342485,19 +342486,19 +342487,31 +342488,31 +342489,35 +342490,35 +342491,35 +342492,35 +342493,35 +342494,35 +342495,35 +342496,35 +342497,35 +342498,35 +342499,35 +342500,35 +342501,35 +342502,35 +342503,35 +342504,25 +342505,25 +342506,25 +342507,25 +342508,25 +342509,25 +342510,25 +342511,25 +342512,25 +342513,25 +342514,25 +342515,25 +342516,25 +342517,25 +342518,25 +342519,25 +342520,25 +342521,25 +342522,9 +342523,9 +342524,9 +342525,9 +342526,9 +342527,9 +342528,9 +342529,9 +342530,9 +342531,9 +342532,9 +342533,9 +342534,9 +342535,9 +342536,9 +342537,9 +342538,26 +342539,26 +342540,9 +342541,2 +342542,4 +342543,23 +342544,23 +342545,23 +342546,23 +342547,4 +342548,4 +342549,4 +342550,4 +342551,4 +342552,4 +342553,31 +342554,31 +342555,31 +342556,31 +342557,5 +342558,5 +342559,5 +342560,5 +342561,5 +342562,25 +342563,25 +342564,25 +342565,25 +342566,25 +342567,25 +342568,25 +342569,25 +342570,25 +342571,25 +342572,29 +342573,29 +342574,29 +342575,29 +342576,29 +342577,29 +342578,31 +342579,31 +342580,31 +342581,31 +342582,31 +342583,31 +342584,5 +342585,5 +342586,5 +342587,5 +342588,5 +342589,4 +342590,4 +342591,4 +342592,4 +342593,4 +342594,4 +342595,19 +342596,19 +342597,19 +342598,40 +342599,40 +342600,40 +342601,40 +342602,40 +342603,40 +342604,40 +342605,40 +342606,40 +342607,40 +342608,40 +342609,40 +342610,5 +342611,5 +342612,5 +342613,5 +342614,5 +342615,7 +342616,7 +342617,7 +342618,7 +342619,7 +342620,7 +342621,7 +342622,7 +342623,31 +342624,31 +342625,31 +342626,31 +342627,31 +342628,24 +342629,24 +342630,24 +342631,29 +342632,29 +342633,29 +342634,29 +342635,29 +342636,31 +342637,31 +342638,31 +342639,31 +342640,31 +342641,37 +342642,37 +342643,37 +342644,37 +342645,37 +342646,37 +342647,37 +342648,37 +342649,25 +342650,40 +342651,40 +342652,40 +342653,40 +342654,40 +342655,40 +342656,40 +342657,40 +342658,40 +342659,40 +342660,40 +342661,40 +342662,40 +342663,40 +342664,40 +342665,2 +342666,2 +342667,2 +342668,2 +342669,2 +342670,2 +342671,2 +342672,2 +342673,2 +342674,2 +342675,2 +342676,2 +342677,2 +342678,2 +342679,2 +342680,2 +342681,2 +342682,4 +342683,4 +342684,4 +342685,4 +342686,4 +342687,4 +342688,4 +342689,4 +342690,2 +342691,2 +342692,4 +342693,4 +342694,0 +342695,0 +342696,0 +342697,0 +342698,0 +342699,0 +342700,0 +342701,0 +342702,0 +342703,0 +342704,0 +342705,0 +342706,0 +342707,0 +342708,0 +342709,0 +342710,0 +342711,0 +342712,0 +342713,0 +342714,0 +342715,0 +342716,0 +342717,0 +342718,0 +342719,0 +342720,0 +342721,0 +342722,0 +342723,0 +342724,0 +342725,0 +342726,0 +342727,0 +342728,0 +342729,0 +342730,0 +342731,0 +342732,36 +342733,36 +342734,36 +342735,36 +342736,36 +342737,36 +342738,36 +342739,5 +342740,5 +342741,5 +342742,5 +342743,5 +342744,5 +342745,35 +342746,35 +342747,35 +342748,35 +342749,35 +342750,39 +342751,39 +342752,39 +342753,39 +342754,39 +342755,39 +342756,23 +342757,23 +342758,23 +342759,23 +342760,38 +342761,38 +342762,23 +342763,23 +342764,23 +342765,23 +342766,23 +342767,23 +342768,26 +342769,26 +342770,26 +342771,26 +342772,26 +342773,26 +342774,26 +342775,26 +342776,26 +342777,26 +342778,26 +342779,26 +342780,36 +342781,36 +342782,36 +342783,11 +342784,11 +342785,11 +342786,11 +342787,11 +342788,11 +342789,11 +342790,11 +342791,11 +342792,11 +342793,11 +342794,11 +342795,11 +342796,39 +342797,39 +342798,39 +342799,39 +342800,39 +342801,39 +342802,39 +342803,5 +342804,5 +342805,13 +342806,13 +342807,27 +342808,27 +342809,27 +342810,27 +342811,27 +342812,27 +342813,30 +342814,30 +342815,30 +342816,30 +342817,30 +342818,33 +342819,19 +342820,19 +342821,19 +342822,27 +342823,27 +342824,27 +342825,27 +342826,27 +342827,27 +342828,2 +342829,2 +342830,2 +342831,2 +342832,2 +342833,2 +342834,2 +342835,2 +342836,8 +342837,8 +342838,4 +342839,4 +342840,4 +342841,4 +342842,27 +342843,27 +342844,27 +342845,27 +342846,27 +342847,27 +342848,27 +342849,27 +342850,27 +342851,4 +342852,4 +342853,4 +342854,4 +342855,4 +342856,4 +342857,0 +342858,0 +342859,0 +342860,0 +342861,0 +342862,0 +342863,0 +342864,0 +342865,0 +342866,0 +342867,0 +342868,0 +342869,0 +342870,0 +342871,0 +342872,0 +342873,0 +342874,0 +342875,0 +342876,0 +342877,0 +342878,0 +342879,0 +342880,0 +342881,0 +342882,0 +342883,0 +342884,0 +342885,0 +342886,0 +342887,0 +342888,0 +342889,0 +342890,0 +342891,0 +342892,0 +342893,0 +342894,0 +342895,0 +342896,0 +342897,0 +342898,0 +342899,0 +342900,0 +342901,0 +342902,0 +342903,0 +342904,0 +342905,0 +342906,0 +342907,0 +342908,0 +342909,0 +342910,0 +342911,0 +342912,0 +342913,0 +342914,0 +342915,0 +342916,0 +342917,0 +342918,0 +342919,0 +342920,0 +342921,0 +342922,0 +342923,0 +342924,0 +342925,0 +342926,0 +342927,0 +342928,0 +342929,0 +342930,0 +342931,0 +342932,0 +342933,29 +342934,29 +342935,29 +342936,29 +342937,29 +342938,14 +342939,14 +342940,14 +342941,14 +342942,14 +342943,14 +342944,14 +342945,14 +342946,14 +342947,19 +342948,19 +342949,19 +342950,29 +342951,29 +342952,29 +342953,40 +342954,40 +342955,40 +342956,40 +342957,40 +342958,40 +342959,40 +342960,40 +342961,40 +342962,40 +342963,40 +342964,40 +342965,5 +342966,5 +342967,5 +342968,5 +342969,5 +342970,5 +342971,2 +342972,2 +342973,2 +342974,2 +342975,2 +342976,2 +342977,2 +342978,2 +342979,2 +342980,2 +342981,2 +342982,2 +342983,27 +342984,27 +342985,27 +342986,27 +342987,27 +342988,5 +342989,5 +342990,5 +342991,5 +342992,5 +342993,4 +342994,4 +342995,4 +342996,4 +342997,4 +342998,4 +342999,27 +343000,27 +343001,27 +343002,27 +343003,33 +343004,33 +343005,33 +343006,33 +343007,33 +343008,33 +343009,29 +343010,29 +343011,29 +343012,29 +343013,29 +343014,29 +343015,14 +343016,14 +343017,14 +343018,14 +343019,14 +343020,14 +343021,12 +343022,12 +343023,12 +343024,12 +343025,12 +343026,12 +343027,12 +343028,12 +343029,12 +343030,12 +343031,25 +343032,25 +343033,25 +343034,25 +343035,25 +343036,25 +343037,26 +343038,9 +343039,30 +343040,30 +343041,30 +343042,30 +343043,33 +343044,1 +343045,33 +343046,33 +343047,33 +343048,33 +343049,33 +343050,33 +343051,33 +343052,33 +343053,33 +343054,33 +343055,33 +343056,33 +343057,33 +343058,33 +343059,33 +343060,33 +343061,33 +343062,33 +343063,33 +343064,2 +343065,2 +343066,2 +343067,2 +343068,2 +343069,2 +343070,2 +343071,2 +343072,2 +343073,8 +343074,8 +343075,4 +343076,4 +343077,4 +343078,4 +343079,4 +343080,4 +343081,4 +343082,4 +343083,4 +343084,4 +343085,3 +343086,3 +343087,3 +343088,3 +343089,3 +343090,3 +343091,3 +343092,3 +343093,3 +343094,4 +343095,4 +343096,4 +343097,4 +343098,4 +343099,4 +343100,4 +343101,4 +343102,4 +343103,4 +343104,4 +343105,4 +343106,10 +343107,10 +343108,10 +343109,10 +343110,10 +343111,10 +343112,10 +343113,10 +343114,10 +343115,10 +343116,10 +343117,10 +343118,25 +343119,25 +343120,25 +343121,25 +343122,25 +343123,25 +343124,25 +343125,19 +343126,4 +343127,4 +343128,4 +343129,4 +343130,4 +343131,4 +343132,4 +343133,4 +343134,4 +343135,4 +343136,31 +343137,31 +343138,31 +343139,31 +343140,28 +343141,28 +343142,28 +343143,28 +343144,28 +343145,28 +343146,28 +343147,28 +343148,28 +343149,28 +343150,3 +343151,3 +343152,3 +343153,3 +343154,3 +343155,3 +343156,3 +343157,3 +343158,3 +343159,3 +343160,3 +343161,3 +343162,3 +343163,3 +343164,4 +343165,3 +343166,3 +343167,3 +343168,3 +343169,3 +343170,3 +343171,3 +343172,3 +343173,3 +343174,3 +343175,23 +343176,23 +343177,23 +343178,23 +343179,23 +343180,23 +343181,23 +343182,24 +343183,24 +343184,24 +343185,23 +343186,23 +343187,23 +343188,23 +343189,23 +343190,23 +343191,23 +343192,0 +343193,0 +343194,0 +343195,0 +343196,0 +343197,0 +343198,0 +343199,0 +343200,0 +343201,0 +343202,0 +343203,0 +343204,0 +343205,0 +343206,0 +343207,0 +343208,0 +343209,0 +343210,0 +343211,0 +343212,0 +343213,0 +343214,0 +343215,35 +343216,35 +343217,35 +343218,35 +343219,36 +343220,36 +343221,36 +343222,36 +343223,36 +343224,19 +343225,19 +343226,19 +343227,19 +343228,19 +343229,19 +343230,6 +343231,6 +343232,6 +343233,6 +343234,6 +343235,6 +343236,6 +343237,6 +343238,6 +343239,6 +343240,31 +343241,31 +343242,31 +343243,31 +343244,31 +343245,31 +343246,28 +343247,28 +343248,28 +343249,28 +343250,28 +343251,5 +343252,4 +343253,4 +343254,32 +343255,4 +343256,4 +343257,4 +343258,4 +343259,31 +343260,31 +343261,31 +343262,3 +343263,6 +343264,6 +343265,6 +343266,6 +343267,1 +343268,1 +343269,1 +343270,1 +343271,1 +343272,31 +343273,31 +343274,31 +343275,31 +343276,31 +343277,31 +343278,30 +343279,30 +343280,30 +343281,30 +343282,30 +343283,30 +343284,30 +343285,6 +343286,6 +343287,6 +343288,6 +343289,31 +343290,6 +343291,31 +343292,31 +343293,31 +343294,31 +343295,31 +343296,31 +343297,31 +343298,31 +343299,31 +343300,31 +343301,31 +343302,31 +343303,31 +343304,2 +343305,2 +343306,2 +343307,2 +343308,2 +343309,2 +343310,2 +343311,2 +343312,2 +343313,2 +343314,2 +343315,2 +343316,2 +343317,2 +343318,2 +343319,2 +343320,2 +343321,0 +343322,0 +343323,0 +343324,0 +343325,0 +343326,0 +343327,0 +343328,0 +343329,0 +343330,0 +343331,0 +343332,0 +343333,0 +343334,0 +343335,0 +343336,0 +343337,0 +343338,0 +343339,12 +343340,12 +343341,12 +343342,12 +343343,12 +343344,12 +343345,12 +343346,27 +343347,25 +343348,25 +343349,25 +343350,29 +343351,29 +343352,29 +343353,29 +343354,29 +343355,29 +343356,29 +343357,31 +343358,31 +343359,31 +343360,27 +343361,27 +343362,31 +343363,2 +343364,2 +343365,2 +343366,2 +343367,2 +343368,2 +343369,2 +343370,2 +343371,2 +343372,2 +343373,2 +343374,2 +343375,2 +343376,2 +343377,2 +343378,33 +343379,33 +343380,33 +343381,33 +343382,33 +343383,33 +343384,33 +343385,33 +343386,33 +343387,33 +343388,33 +343389,33 +343390,32 +343391,32 +343392,32 +343393,32 +343394,32 +343395,32 +343396,32 +343397,32 +343398,32 +343399,32 +343400,32 +343401,32 +343402,25 +343403,25 +343404,25 +343405,25 +343406,25 +343407,25 +343408,25 +343409,25 +343410,15 +343411,15 +343412,15 +343413,15 +343414,15 +343415,15 +343416,15 +343417,15 +343418,27 +343419,31 +343420,27 +343421,31 +343422,31 +343423,31 +343424,2 +343425,2 +343426,2 +343427,2 +343428,2 +343429,2 +343430,2 +343431,2 +343432,31 +343433,31 +343434,31 +343435,38 +343436,38 +343437,38 +343438,38 +343439,4 +343440,6 +343441,6 +343442,21 +343443,6 +343444,21 +343445,21 +343446,6 +343447,6 +343448,6 +343449,6 +343450,14 +343451,14 +343452,14 +343453,14 +343454,14 +343455,14 +343456,14 +343457,6 +343458,6 +343459,6 +343460,6 +343461,6 +343462,6 +343463,6 +343464,6 +343465,6 +343466,5 +343467,5 +343468,5 +343469,13 +343470,13 +343471,13 +343472,25 +343473,25 +343474,25 +343475,25 +343476,14 +343477,14 +343478,13 +343479,12 +343480,12 +343481,12 +343482,12 +343483,12 +343484,12 +343485,12 +343486,12 +343487,12 +343488,12 +343489,12 +343490,12 +343491,14 +343492,14 +343493,14 +343494,14 +343495,14 +343496,14 +343497,14 +343498,14 +343499,14 +343500,14 +343501,14 +343502,35 +343503,35 +343504,35 +343505,35 +343506,35 +343507,35 +343508,27 +343509,27 +343510,27 +343511,27 +343512,27 +343513,27 +343514,8 +343515,8 +343516,8 +343517,8 +343518,2 +343519,2 +343520,2 +343521,2 +343522,2 +343523,2 +343524,2 +343525,2 +343526,4 +343527,4 +343528,4 +343529,16 +343530,16 +343531,16 +343532,16 +343533,16 +343534,16 +343535,16 +343536,39 +343537,39 +343538,39 +343539,39 +343540,39 +343541,39 +343542,39 +343543,39 +343544,39 +343545,32 +343546,6 +343547,6 +343548,32 +343549,32 +343550,32 +343551,0 +343552,0 +343553,0 +343554,0 +343555,0 +343556,4 +343557,4 +343558,4 +343559,4 +343560,19 +343561,16 +343562,16 +343563,25 +343564,25 +343565,25 +343566,25 +343567,25 +343568,25 +343569,25 +343570,40 +343571,40 +343572,40 +343573,20 +343574,20 +343575,20 +343576,20 +343577,20 +343578,20 +343579,20 +343580,20 +343581,20 +343582,20 +343583,25 +343584,25 +343585,25 +343586,25 +343587,25 +343588,25 +343589,25 +343590,25 +343591,37 +343592,37 +343593,25 +343594,25 +343595,25 +343596,25 +343597,25 +343598,25 +343599,25 +343600,25 +343601,25 +343602,25 +343603,37 +343604,37 +343605,25 +343606,0 +343607,0 +343608,0 +343609,0 +343610,0 +343611,0 +343612,0 +343613,0 +343614,0 +343615,0 +343616,0 +343617,0 +343618,0 +343619,0 +343620,0 +343621,0 +343622,0 +343623,0 +343624,0 +343625,0 +343626,0 +343627,0 +343628,0 +343629,0 +343630,0 +343631,0 +343632,0 +343633,0 +343634,0 +343635,0 +343636,0 +343637,0 +343638,0 +343639,0 +343640,0 +343641,0 +343642,0 +343643,0 +343644,0 +343645,0 +343646,0 +343647,0 +343648,0 +343649,0 +343650,0 +343651,0 +343652,0 +343653,0 +343654,0 +343655,0 +343656,0 +343657,0 +343658,0 +343659,0 +343660,0 +343661,0 +343662,0 +343663,0 +343664,0 +343665,0 +343666,0 +343667,0 +343668,0 +343669,0 +343670,0 +343671,0 +343672,0 +343673,0 +343674,0 +343675,0 +343676,0 +343677,0 +343678,0 +343679,0 +343680,0 +343681,0 +343682,0 +343683,0 +343684,0 +343685,0 +343686,0 +343687,35 +343688,35 +343689,35 +343690,35 +343691,35 +343692,39 +343693,39 +343694,39 +343695,39 +343696,39 +343697,39 +343698,39 +343699,5 +343700,5 +343701,5 +343702,5 +343703,3 +343704,3 +343705,3 +343706,3 +343707,3 +343708,3 +343709,22 +343710,22 +343711,22 +343712,3 +343713,3 +343714,3 +343715,3 +343716,3 +343717,6 +343718,6 +343719,6 +343720,6 +343721,6 +343722,40 +343723,40 +343724,40 +343725,40 +343726,40 +343727,40 +343728,40 +343729,40 +343730,24 +343731,24 +343732,24 +343733,24 +343734,24 +343735,24 +343736,24 +343737,24 +343738,37 +343739,37 +343740,37 +343741,37 +343742,39 +343743,39 +343744,39 +343745,39 +343746,39 +343747,39 +343748,39 +343749,30 +343750,30 +343751,30 +343752,30 +343753,30 +343754,30 +343755,30 +343756,30 +343757,30 +343758,10 +343759,10 +343760,10 +343761,10 +343762,10 +343763,10 +343764,10 +343765,10 +343766,10 +343767,10 +343768,10 +343769,10 +343770,10 +343771,10 +343772,10 +343773,10 +343774,10 +343775,5 +343776,28 +343777,28 +343778,28 +343779,27 +343780,27 +343781,27 +343782,27 +343783,27 +343784,27 +343785,19 +343786,19 +343787,19 +343788,19 +343789,19 +343790,19 +343791,19 +343792,29 +343793,29 +343794,29 +343795,36 +343796,36 +343797,36 +343798,36 +343799,36 +343800,36 +343801,36 +343802,36 +343803,36 +343804,36 +343805,36 +343806,16 +343807,16 +343808,4 +343809,4 +343810,4 +343811,11 +343812,11 +343813,11 +343814,11 +343815,11 +343816,11 +343817,11 +343818,11 +343819,11 +343820,11 +343821,11 +343822,11 +343823,11 +343824,26 +343825,26 +343826,26 +343827,26 +343828,26 +343829,26 +343830,26 +343831,26 +343832,37 +343833,37 +343834,37 +343835,37 +343836,37 +343837,37 +343838,32 +343839,32 +343840,32 +343841,32 +343842,32 +343843,32 +343844,32 +343845,32 +343846,32 +343847,32 +343848,32 +343849,32 +343850,32 +343851,32 +343852,32 +343853,37 +343854,37 +343855,37 +343856,37 +343857,37 +343858,33 +343859,33 +343860,33 +343861,33 +343862,33 +343863,33 +343864,33 +343865,33 +343866,33 +343867,33 +343868,23 +343869,23 +343870,23 +343871,23 +343872,23 +343873,23 +343874,23 +343875,23 +343876,23 +343877,23 +343878,34 +343879,34 +343880,34 +343881,34 +343882,34 +343883,34 +343884,34 +343885,34 +343886,34 +343887,34 +343888,34 +343889,34 +343890,34 +343891,34 +343892,34 +343893,34 +343894,34 +343895,34 +343896,34 +343897,34 +343898,34 +343899,34 +343900,34 +343901,34 +343902,34 +343903,34 +343904,34 +343905,34 +343906,34 +343907,34 +343908,34 +343909,30 +343910,30 +343911,0 +343912,0 +343913,0 +343914,0 +343915,0 +343916,0 +343917,0 +343918,0 +343919,0 +343920,0 +343921,0 +343922,0 +343923,0 +343924,0 +343925,0 +343926,0 +343927,0 +343928,0 +343929,0 +343930,0 +343931,0 +343932,0 +343933,0 +343934,0 +343935,0 +343936,0 +343937,0 +343938,0 +343939,0 +343940,0 +343941,0 +343942,0 +343943,0 +343944,0 +343945,0 +343946,0 +343947,0 +343948,0 +343949,0 +343950,0 +343951,0 +343952,0 +343953,0 +343954,0 +343955,0 +343956,0 +343957,0 +343958,0 +343959,0 +343960,0 +343961,0 +343962,0 +343963,0 +343964,0 +343965,0 +343966,0 +343967,0 +343968,0 +343969,0 +343970,0 +343971,0 +343972,0 +343973,0 +343974,0 +343975,0 +343976,0 +343977,0 +343978,0 +343979,0 +343980,0 +343981,0 +343982,0 +343983,0 +343984,0 +343985,0 +343986,0 +343987,29 +343988,29 +343989,23 +343990,29 +343991,29 +343992,40 +343993,27 +343994,40 +343995,40 +343996,40 +343997,14 +343998,14 +343999,14 +344000,14 +344001,13 +344002,14 +344003,14 +344004,6 +344005,6 +344006,6 +344007,6 +344008,6 +344009,6 +344010,6 +344011,6 +344012,6 +344013,6 +344014,6 +344015,39 +344016,39 +344017,39 +344018,7 +344019,7 +344020,7 +344021,7 +344022,3 +344023,3 +344024,3 +344025,3 +344026,3 +344027,3 +344028,3 +344029,3 +344030,3 +344031,3 +344032,3 +344033,3 +344034,3 +344035,3 +344036,3 +344037,3 +344038,3 +344039,3 +344040,3 +344041,3 +344042,3 +344043,3 +344044,3 +344045,3 +344046,3 +344047,3 +344048,3 +344049,0 +344050,0 +344051,0 +344052,0 +344053,0 +344054,0 +344055,0 +344056,0 +344057,0 +344058,0 +344059,0 +344060,0 +344061,0 +344062,0 +344063,0 +344064,2 +344065,2 +344066,2 +344067,2 +344068,2 +344069,2 +344070,2 +344071,2 +344072,2 +344073,2 +344074,2 +344075,2 +344076,2 +344077,2 +344078,2 +344079,2 +344080,2 +344081,2 +344082,2 +344083,2 +344084,10 +344085,10 +344086,10 +344087,10 +344088,10 +344089,10 +344090,10 +344091,10 +344092,10 +344093,10 +344094,10 +344095,10 +344096,10 +344097,30 +344098,30 +344099,30 +344100,30 +344101,30 +344102,30 +344103,31 +344104,31 +344105,31 +344106,31 +344107,31 +344108,31 +344109,31 +344110,31 +344111,30 +344112,30 +344113,30 +344114,30 +344115,30 +344116,30 +344117,30 +344118,30 +344119,30 +344120,30 +344121,39 +344122,39 +344123,39 +344124,39 +344125,39 +344126,39 +344127,39 +344128,39 +344129,2 +344130,2 +344131,2 +344132,8 +344133,8 +344134,8 +344135,2 +344136,2 +344137,8 +344138,2 +344139,27 +344140,27 +344141,27 +344142,27 +344143,27 +344144,28 +344145,28 +344146,28 +344147,28 +344148,28 +344149,28 +344150,28 +344151,28 +344152,28 +344153,28 +344154,28 +344155,27 +344156,40 +344157,40 +344158,40 +344159,40 +344160,40 +344161,40 +344162,19 +344163,19 +344164,19 +344165,19 +344166,27 +344167,27 +344168,27 +344169,27 +344170,27 +344171,27 +344172,13 +344173,13 +344174,13 +344175,13 +344176,13 +344177,13 +344178,10 +344179,10 +344180,10 +344181,10 +344182,10 +344183,10 +344184,10 +344185,10 +344186,10 +344187,10 +344188,10 +344189,10 +344190,36 +344191,36 +344192,36 +344193,36 +344194,36 +344195,36 +344196,36 +344197,36 +344198,8 +344199,8 +344200,8 +344201,8 +344202,8 +344203,8 +344204,12 +344205,12 +344206,12 +344207,12 +344208,12 +344209,12 +344210,31 +344211,31 +344212,31 +344213,31 +344214,8 +344215,8 +344216,8 +344217,8 +344218,8 +344219,8 +344220,8 +344221,8 +344222,26 +344223,26 +344224,26 +344225,26 +344226,26 +344227,26 +344228,26 +344229,26 +344230,26 +344231,37 +344232,37 +344233,37 +344234,37 +344235,37 +344236,37 +344237,37 +344238,25 +344239,25 +344240,12 +344241,12 +344242,12 +344243,12 +344244,12 +344245,12 +344246,12 +344247,12 +344248,12 +344249,12 +344250,12 +344251,12 +344252,12 +344253,12 +344254,12 +344255,12 +344256,12 +344257,26 +344258,31 +344259,31 +344260,31 +344261,26 +344262,26 +344263,9 +344264,9 +344265,9 +344266,9 +344267,5 +344268,5 +344269,5 +344270,5 +344271,5 +344272,5 +344273,5 +344274,4 +344275,4 +344276,4 +344277,4 +344278,4 +344279,4 +344280,4 +344281,4 +344282,4 +344283,4 +344284,4 +344285,4 +344286,4 +344287,4 +344288,4 +344289,0 +344290,0 +344291,4 +344292,0 +344293,0 +344294,0 +344295,12 +344296,12 +344297,12 +344298,12 +344299,12 +344300,12 +344301,12 +344302,12 +344303,12 +344304,27 +344305,27 +344306,27 +344307,38 +344308,38 +344309,38 +344310,38 +344311,38 +344312,38 +344313,38 +344314,38 +344315,28 +344316,28 +344317,28 +344318,28 +344319,28 +344320,28 +344321,28 +344322,9 +344323,9 +344324,9 +344325,9 +344326,9 +344327,9 +344328,37 +344329,37 +344330,37 +344331,37 +344332,37 +344333,37 +344334,6 +344335,6 +344336,6 +344337,6 +344338,6 +344339,6 +344340,6 +344341,31 +344342,31 +344343,31 +344344,5 +344345,5 +344346,5 +344347,5 +344348,5 +344349,5 +344350,5 +344351,5 +344352,4 +344353,4 +344354,4 +344355,4 +344356,4 +344357,4 +344358,4 +344359,4 +344360,4 +344361,40 +344362,40 +344363,40 +344364,40 +344365,40 +344366,40 +344367,40 +344368,27 +344369,27 +344370,28 +344371,28 +344372,28 +344373,28 +344374,28 +344375,28 +344376,28 +344377,28 +344378,38 +344379,38 +344380,4 +344381,4 +344382,29 +344383,29 +344384,29 +344385,29 +344386,29 +344387,29 +344388,31 +344389,31 +344390,31 +344391,31 +344392,31 +344393,5 +344394,5 +344395,5 +344396,5 +344397,5 +344398,5 +344399,5 +344400,36 +344401,36 +344402,36 +344403,10 +344404,36 +344405,36 +344406,36 +344407,36 +344408,36 +344409,36 +344410,13 +344411,13 +344412,14 +344413,13 +344414,13 +344415,13 +344416,13 +344417,13 +344418,13 +344419,13 +344420,13 +344421,13 +344422,6 +344423,6 +344424,6 +344425,6 +344426,6 +344427,6 +344428,6 +344429,25 +344430,25 +344431,25 +344432,25 +344433,25 +344434,25 +344435,37 +344436,37 +344437,25 +344438,25 +344439,25 +344440,25 +344441,25 +344442,25 +344443,25 +344444,25 +344445,25 +344446,0 +344447,0 +344448,0 +344449,0 +344450,0 +344451,0 +344452,0 +344453,0 +344454,0 +344455,0 +344456,0 +344457,0 +344458,0 +344459,0 +344460,0 +344461,0 +344462,0 +344463,0 +344464,0 +344465,0 +344466,0 +344467,0 +344468,0 +344469,0 +344470,0 +344471,0 +344472,0 +344473,0 +344474,0 +344475,0 +344476,0 +344477,0 +344478,0 +344479,0 +344480,0 +344481,0 +344482,0 +344483,0 +344484,0 +344485,0 +344486,0 +344487,0 +344488,0 +344489,0 +344490,0 +344491,0 +344492,0 +344493,0 +344494,0 +344495,0 +344496,0 +344497,0 +344498,0 +344499,0 +344500,0 +344501,0 +344502,0 +344503,0 +344504,0 +344505,0 +344506,0 +344507,0 +344508,0 +344509,0 +344510,0 +344511,0 +344512,0 +344513,0 +344514,0 +344515,0 +344516,0 +344517,0 +344518,0 +344519,0 +344520,0 +344521,0 +344522,0 +344523,0 +344524,0 +344525,0 +344526,0 +344527,0 +344528,0 +344529,0 +344530,0 +344531,0 +344532,0 +344533,0 +344534,0 +344535,0 +344536,0 +344537,0 +344538,0 +344539,0 +344540,0 +344541,0 +344542,0 +344543,0 +344544,0 +344545,0 +344546,0 +344547,0 +344548,0 +344549,0 +344550,0 +344551,0 +344552,31 +344553,31 +344554,31 +344555,31 +344556,31 +344557,31 +344558,31 +344559,31 +344560,5 +344561,5 +344562,5 +344563,5 +344564,5 +344565,5 +344566,5 +344567,5 +344568,5 +344569,26 +344570,26 +344571,26 +344572,26 +344573,26 +344574,26 +344575,26 +344576,26 +344577,26 +344578,26 +344579,26 +344580,26 +344581,26 +344582,26 +344583,26 +344584,26 +344585,26 +344586,26 +344587,26 +344588,26 +344589,26 +344590,26 +344591,5 +344592,5 +344593,5 +344594,5 +344595,5 +344596,5 +344597,5 +344598,5 +344599,5 +344600,28 +344601,28 +344602,31 +344603,30 +344604,30 +344605,27 +344606,27 +344607,27 +344608,27 +344609,38 +344610,38 +344611,38 +344612,23 +344613,23 +344614,38 +344615,38 +344616,38 +344617,38 +344618,0 +344619,0 +344620,0 +344621,0 +344622,0 +344623,0 +344624,0 +344625,0 +344626,0 +344627,0 +344628,33 +344629,33 +344630,33 +344631,33 +344632,33 +344633,33 +344634,33 +344635,33 +344636,5 +344637,5 +344638,5 +344639,5 +344640,5 +344641,5 +344642,5 +344643,11 +344644,11 +344645,11 +344646,11 +344647,11 +344648,11 +344649,11 +344650,11 +344651,11 +344652,11 +344653,11 +344654,11 +344655,11 +344656,11 +344657,11 +344658,31 +344659,31 +344660,31 +344661,31 +344662,31 +344663,31 +344664,31 +344665,8 +344666,8 +344667,8 +344668,8 +344669,8 +344670,8 +344671,8 +344672,8 +344673,35 +344674,35 +344675,35 +344676,35 +344677,35 +344678,35 +344679,35 +344680,36 +344681,14 +344682,14 +344683,14 +344684,14 +344685,14 +344686,14 +344687,40 +344688,40 +344689,40 +344690,40 +344691,40 +344692,40 +344693,40 +344694,40 +344695,40 +344696,40 +344697,40 +344698,40 +344699,40 +344700,37 +344701,37 +344702,37 +344703,37 +344704,37 +344705,37 +344706,37 +344707,37 +344708,37 +344709,37 +344710,37 +344711,37 +344712,37 +344713,37 +344714,37 +344715,31 +344716,31 +344717,31 +344718,31 +344719,31 +344720,31 +344721,31 +344722,5 +344723,5 +344724,5 +344725,5 +344726,5 +344727,5 +344728,5 +344729,5 +344730,5 +344731,5 +344732,23 +344733,23 +344734,23 +344735,23 +344736,23 +344737,23 +344738,23 +344739,23 +344740,23 +344741,23 +344742,23 +344743,23 +344744,23 +344745,23 +344746,23 +344747,23 +344748,23 +344749,23 +344750,23 +344751,23 +344752,23 +344753,14 +344754,14 +344755,14 +344756,14 +344757,14 +344758,14 +344759,14 +344760,14 +344761,14 +344762,14 +344763,14 +344764,2 +344765,2 +344766,2 +344767,2 +344768,2 +344769,2 +344770,2 +344771,2 +344772,2 +344773,2 +344774,2 +344775,2 +344776,27 +344777,27 +344778,27 +344779,27 +344780,8 +344781,8 +344782,8 +344783,2 +344784,2 +344785,2 +344786,2 +344787,2 +344788,2 +344789,2 +344790,2 +344791,2 +344792,2 +344793,2 +344794,2 +344795,2 +344796,2 +344797,2 +344798,2 +344799,2 +344800,2 +344801,2 +344802,4 +344803,4 +344804,4 +344805,4 +344806,4 +344807,4 +344808,27 +344809,27 +344810,27 +344811,27 +344812,27 +344813,23 +344814,23 +344815,23 +344816,23 +344817,23 +344818,23 +344819,23 +344820,23 +344821,23 +344822,23 +344823,27 +344824,31 +344825,31 +344826,31 +344827,31 +344828,31 +344829,5 +344830,5 +344831,5 +344832,5 +344833,5 +344834,5 +344835,5 +344836,5 +344837,5 +344838,19 +344839,19 +344840,19 +344841,27 +344842,27 +344843,27 +344844,27 +344845,27 +344846,27 +344847,5 +344848,5 +344849,5 +344850,5 +344851,5 +344852,31 +344853,31 +344854,31 +344855,31 +344856,6 +344857,6 +344858,6 +344859,6 +344860,6 +344861,6 +344862,6 +344863,6 +344864,31 +344865,31 +344866,31 +344867,31 +344868,5 +344869,5 +344870,5 +344871,5 +344872,5 +344873,5 +344874,5 +344875,5 +344876,24 +344877,24 +344878,24 +344879,24 +344880,24 +344881,40 +344882,40 +344883,40 +344884,40 +344885,40 +344886,40 +344887,40 +344888,40 +344889,5 +344890,5 +344891,5 +344892,11 +344893,11 +344894,18 +344895,11 +344896,11 +344897,11 +344898,11 +344899,11 +344900,11 +344901,18 +344902,18 +344903,11 +344904,31 +344905,31 +344906,31 +344907,31 +344908,31 +344909,31 +344910,31 +344911,31 +344912,31 +344913,21 +344914,21 +344915,21 +344916,21 +344917,21 +344918,21 +344919,21 +344920,21 +344921,37 +344922,37 +344923,37 +344924,37 +344925,37 +344926,37 +344927,40 +344928,40 +344929,40 +344930,40 +344931,40 +344932,40 +344933,40 +344934,40 +344935,40 +344936,40 +344937,40 +344938,5 +344939,5 +344940,5 +344941,5 +344942,5 +344943,5 +344944,5 +344945,5 +344946,5 +344947,5 +344948,5 +344949,5 +344950,0 +344951,0 +344952,0 +344953,0 +344954,0 +344955,0 +344956,0 +344957,0 +344958,0 +344959,0 +344960,0 +344961,0 +344962,0 +344963,0 +344964,0 +344965,0 +344966,0 +344967,0 +344968,0 +344969,0 +344970,0 +344971,0 +344972,0 +344973,0 +344974,0 +344975,0 +344976,0 +344977,0 +344978,0 +344979,0 +344980,0 +344981,0 +344982,0 +344983,0 +344984,0 +344985,31 +344986,31 +344987,31 +344988,31 +344989,31 +344990,31 +344991,31 +344992,31 +344993,5 +344994,5 +344995,5 +344996,19 +344997,5 +344998,5 +344999,5 +345000,5 +345001,7 +345002,7 +345003,27 +345004,39 +345005,27 +345006,39 +345007,39 +345008,9 +345009,9 +345010,9 +345011,9 +345012,9 +345013,9 +345014,9 +345015,9 +345016,9 +345017,9 +345018,9 +345019,9 +345020,9 +345021,30 +345022,30 +345023,30 +345024,19 +345025,19 +345026,19 +345027,28 +345028,28 +345029,28 +345030,28 +345031,28 +345032,28 +345033,28 +345034,36 +345035,36 +345036,36 +345037,36 +345038,36 +345039,36 +345040,36 +345041,36 +345042,36 +345043,36 +345044,36 +345045,36 +345046,36 +345047,36 +345048,36 +345049,36 +345050,36 +345051,36 +345052,5 +345053,5 +345054,5 +345055,5 +345056,5 +345057,5 +345058,5 +345059,25 +345060,25 +345061,25 +345062,25 +345063,25 +345064,25 +345065,25 +345066,25 +345067,8 +345068,2 +345069,2 +345070,2 +345071,2 +345072,2 +345073,2 +345074,2 +345075,2 +345076,32 +345077,12 +345078,12 +345079,12 +345080,12 +345081,9 +345082,9 +345083,12 +345084,12 +345085,9 +345086,9 +345087,9 +345088,9 +345089,5 +345090,5 +345091,5 +345092,5 +345093,5 +345094,5 +345095,4 +345096,4 +345097,27 +345098,27 +345099,3 +345100,3 +345101,3 +345102,19 +345103,19 +345104,19 +345105,19 +345106,32 +345107,32 +345108,32 +345109,32 +345110,32 +345111,32 +345112,32 +345113,37 +345114,37 +345115,37 +345116,37 +345117,37 +345118,33 +345119,33 +345120,31 +345121,31 +345122,31 +345123,31 +345124,26 +345125,26 +345126,26 +345127,28 +345128,28 +345129,28 +345130,28 +345131,28 +345132,32 +345133,32 +345134,32 +345135,32 +345136,32 +345137,32 +345138,32 +345139,30 +345140,30 +345141,30 +345142,30 +345143,30 +345144,30 +345145,30 +345146,30 +345147,30 +345148,39 +345149,39 +345150,39 +345151,39 +345152,39 +345153,39 +345154,39 +345155,39 +345156,39 +345157,39 +345158,39 +345159,39 +345160,39 +345161,39 +345162,39 +345163,39 +345164,39 +345165,39 +345166,39 +345167,0 +345168,39 +345169,0 +345170,0 +345171,0 +345172,0 +345173,0 +345174,0 +345175,0 +345176,0 +345177,0 +345178,0 +345179,0 +345180,0 +345181,0 +345182,0 +345183,0 +345184,0 +345185,0 +345186,0 +345187,0 +345188,0 +345189,0 +345190,0 +345191,0 +345192,0 +345193,0 +345194,0 +345195,0 +345196,0 +345197,0 +345198,0 +345199,0 +345200,0 +345201,0 +345202,0 +345203,0 +345204,0 +345205,0 +345206,0 +345207,0 +345208,0 +345209,0 +345210,0 +345211,0 +345212,0 +345213,0 +345214,0 +345215,0 +345216,0 +345217,0 +345218,0 +345219,0 +345220,0 +345221,0 +345222,0 +345223,0 +345224,0 +345225,0 +345226,0 +345227,0 +345228,0 +345229,0 +345230,0 +345231,0 +345232,0 +345233,0 +345234,0 +345235,0 +345236,0 +345237,0 +345238,0 +345239,0 +345240,0 +345241,0 +345242,0 +345243,0 +345244,0 +345245,0 +345246,0 +345247,0 +345248,0 +345249,0 +345250,0 +345251,0 +345252,0 +345253,0 +345254,0 +345255,0 +345256,0 +345257,12 +345258,12 +345259,12 +345260,12 +345261,12 +345262,12 +345263,12 +345264,12 +345265,12 +345266,12 +345267,25 +345268,25 +345269,25 +345270,25 +345271,25 +345272,25 +345273,25 +345274,25 +345275,25 +345276,25 +345277,25 +345278,25 +345279,25 +345280,25 +345281,25 +345282,25 +345283,25 +345284,25 +345285,8 +345286,8 +345287,8 +345288,8 +345289,8 +345290,8 +345291,8 +345292,8 +345293,15 +345294,15 +345295,15 +345296,15 +345297,15 +345298,15 +345299,24 +345300,24 +345301,24 +345302,15 +345303,33 +345304,33 +345305,33 +345306,33 +345307,9 +345308,9 +345309,9 +345310,9 +345311,9 +345312,9 +345313,9 +345314,31 +345315,33 +345316,33 +345317,31 +345318,31 +345319,31 +345320,31 +345321,31 +345322,31 +345323,31 +345324,31 +345325,31 +345326,19 +345327,19 +345328,19 +345329,19 +345330,19 +345331,19 +345332,19 +345333,19 +345334,19 +345335,19 +345336,19 +345337,19 +345338,19 +345339,19 +345340,19 +345341,19 +345342,19 +345343,19 +345344,10 +345345,10 +345346,10 +345347,10 +345348,10 +345349,10 +345350,10 +345351,10 +345352,10 +345353,10 +345354,10 +345355,10 +345356,10 +345357,10 +345358,10 +345359,36 +345360,36 +345361,36 +345362,36 +345363,36 +345364,36 +345365,36 +345366,2 +345367,2 +345368,2 +345369,2 +345370,2 +345371,2 +345372,2 +345373,2 +345374,2 +345375,2 +345376,2 +345377,29 +345378,29 +345379,29 +345380,29 +345381,31 +345382,31 +345383,31 +345384,31 +345385,4 +345386,4 +345387,4 +345388,4 +345389,4 +345390,4 +345391,12 +345392,4 +345393,4 +345394,4 +345395,4 +345396,4 +345397,4 +345398,4 +345399,19 +345400,19 +345401,19 +345402,37 +345403,37 +345404,31 +345405,31 +345406,31 +345407,31 +345408,31 +345409,31 +345410,31 +345411,31 +345412,33 +345413,33 +345414,33 +345415,33 +345416,33 +345417,33 +345418,33 +345419,33 +345420,33 +345421,33 +345422,3 +345423,3 +345424,3 +345425,3 +345426,3 +345427,3 +345428,0 +345429,0 +345430,0 +345431,0 +345432,0 +345433,0 +345434,0 +345435,0 +345436,0 +345437,0 +345438,0 +345439,0 +345440,0 +345441,0 +345442,0 +345443,0 +345444,0 +345445,0 +345446,0 +345447,0 +345448,0 +345449,0 +345450,0 +345451,0 +345452,0 +345453,0 +345454,0 +345455,0 +345456,0 +345457,0 +345458,0 +345459,0 +345460,0 +345461,0 +345462,0 +345463,0 +345464,0 +345465,0 +345466,0 +345467,0 +345468,0 +345469,0 +345470,0 +345471,35 +345472,35 +345473,35 +345474,35 +345475,35 +345476,35 +345477,35 +345478,39 +345479,39 +345480,39 +345481,39 +345482,39 +345483,39 +345484,39 +345485,39 +345486,2 +345487,2 +345488,2 +345489,2 +345490,2 +345491,2 +345492,2 +345493,2 +345494,2 +345495,2 +345496,2 +345497,2 +345498,2 +345499,2 +345500,39 +345501,39 +345502,39 +345503,39 +345504,14 +345505,14 +345506,14 +345507,14 +345508,28 +345509,28 +345510,28 +345511,28 +345512,28 +345513,28 +345514,5 +345515,5 +345516,5 +345517,32 +345518,32 +345519,19 +345520,4 +345521,4 +345522,4 +345523,4 +345524,32 +345525,32 +345526,32 +345527,32 +345528,28 +345529,28 +345530,28 +345531,28 +345532,28 +345533,28 +345534,28 +345535,28 +345536,3 +345537,3 +345538,3 +345539,3 +345540,3 +345541,3 +345542,3 +345543,3 +345544,3 +345545,3 +345546,3 +345547,3 +345548,3 +345549,19 +345550,19 +345551,19 +345552,19 +345553,19 +345554,19 +345555,19 +345556,19 +345557,19 +345558,19 +345559,27 +345560,27 +345561,27 +345562,27 +345563,27 +345564,27 +345565,4 +345566,4 +345567,4 +345568,4 +345569,4 +345570,2 +345571,2 +345572,2 +345573,2 +345574,2 +345575,2 +345576,2 +345577,2 +345578,2 +345579,2 +345580,2 +345581,2 +345582,26 +345583,10 +345584,10 +345585,28 +345586,28 +345587,28 +345588,28 +345589,28 +345590,28 +345591,28 +345592,38 +345593,38 +345594,38 +345595,38 +345596,38 +345597,38 +345598,38 +345599,27 +345600,27 +345601,27 +345602,27 +345603,13 +345604,13 +345605,13 +345606,13 +345607,13 +345608,13 +345609,13 +345610,13 +345611,13 +345612,36 +345613,36 +345614,36 +345615,36 +345616,36 +345617,36 +345618,36 +345619,27 +345620,27 +345621,5 +345622,5 +345623,5 +345624,5 +345625,5 +345626,5 +345627,5 +345628,28 +345629,28 +345630,5 +345631,27 +345632,27 +345633,14 +345634,14 +345635,14 +345636,14 +345637,14 +345638,14 +345639,14 +345640,14 +345641,12 +345642,12 +345643,12 +345644,12 +345645,12 +345646,12 +345647,12 +345648,31 +345649,33 +345650,33 +345651,33 +345652,33 +345653,33 +345654,33 +345655,30 +345656,30 +345657,30 +345658,30 +345659,30 +345660,30 +345661,30 +345662,30 +345663,22 +345664,22 +345665,22 +345666,22 +345667,22 +345668,22 +345669,6 +345670,6 +345671,6 +345672,4 +345673,4 +345674,4 +345675,6 +345676,6 +345677,27 +345678,27 +345679,27 +345680,27 +345681,27 +345682,27 +345683,19 +345684,19 +345685,19 +345686,19 +345687,35 +345688,35 +345689,35 +345690,35 +345691,35 +345692,35 +345693,27 +345694,27 +345695,27 +345696,27 +345697,27 +345698,28 +345699,28 +345700,28 +345701,28 +345702,28 +345703,28 +345704,28 +345705,31 +345706,27 +345707,27 +345708,27 +345709,5 +345710,5 +345711,5 +345712,5 +345713,5 +345714,31 +345715,31 +345716,31 +345717,31 +345718,31 +345719,31 +345720,2 +345721,2 +345722,2 +345723,2 +345724,2 +345725,2 +345726,2 +345727,2 +345728,4 +345729,4 +345730,4 +345731,4 +345732,4 +345733,4 +345734,4 +345735,4 +345736,26 +345737,26 +345738,26 +345739,26 +345740,26 +345741,26 +345742,26 +345743,26 +345744,5 +345745,5 +345746,5 +345747,5 +345748,5 +345749,5 +345750,5 +345751,36 +345752,11 +345753,11 +345754,11 +345755,11 +345756,11 +345757,11 +345758,11 +345759,4 +345760,4 +345761,4 +345762,4 +345763,4 +345764,34 +345765,34 +345766,10 +345767,10 +345768,10 +345769,10 +345770,10 +345771,10 +345772,10 +345773,4 +345774,4 +345775,19 +345776,19 +345777,19 +345778,19 +345779,4 +345780,4 +345781,19 +345782,19 +345783,19 +345784,19 +345785,4 +345786,4 +345787,4 +345788,4 +345789,4 +345790,19 +345791,19 +345792,19 +345793,0 +345794,0 +345795,0 +345796,0 +345797,0 +345798,0 +345799,0 +345800,0 +345801,0 +345802,0 +345803,0 +345804,0 +345805,0 +345806,0 +345807,0 +345808,0 +345809,0 +345810,0 +345811,0 +345812,0 +345813,0 +345814,0 +345815,0 +345816,0 +345817,0 +345818,0 +345819,0 +345820,0 +345821,0 +345822,0 +345823,0 +345824,0 +345825,0 +345826,0 +345827,27 +345828,27 +345829,27 +345830,27 +345831,27 +345832,27 +345833,27 +345834,27 +345835,27 +345836,27 +345837,4 +345838,4 +345839,27 +345840,27 +345841,27 +345842,27 +345843,27 +345844,27 +345845,27 +345846,27 +345847,8 +345848,8 +345849,8 +345850,8 +345851,8 +345852,8 +345853,32 +345854,32 +345855,8 +345856,8 +345857,36 +345858,26 +345859,26 +345860,26 +345861,26 +345862,26 +345863,26 +345864,26 +345865,26 +345866,26 +345867,26 +345868,26 +345869,26 +345870,4 +345871,4 +345872,4 +345873,4 +345874,4 +345875,4 +345876,4 +345877,4 +345878,4 +345879,4 +345880,39 +345881,39 +345882,39 +345883,39 +345884,39 +345885,39 +345886,39 +345887,39 +345888,39 +345889,39 +345890,39 +345891,39 +345892,2 +345893,2 +345894,2 +345895,2 +345896,2 +345897,2 +345898,2 +345899,2 +345900,2 +345901,4 +345902,4 +345903,4 +345904,4 +345905,4 +345906,4 +345907,4 +345908,4 +345909,25 +345910,25 +345911,25 +345912,5 +345913,5 +345914,5 +345915,5 +345916,5 +345917,5 +345918,5 +345919,5 +345920,5 +345921,5 +345922,5 +345923,5 +345924,5 +345925,5 +345926,27 +345927,27 +345928,27 +345929,27 +345930,27 +345931,27 +345932,27 +345933,27 +345934,27 +345935,27 +345936,27 +345937,5 +345938,5 +345939,5 +345940,5 +345941,3 +345942,3 +345943,3 +345944,3 +345945,2 +345946,2 +345947,2 +345948,2 +345949,2 +345950,2 +345951,2 +345952,2 +345953,2 +345954,2 +345955,2 +345956,2 +345957,2 +345958,2 +345959,2 +345960,2 +345961,2 +345962,2 +345963,0 +345964,0 +345965,0 +345966,0 +345967,0 +345968,0 +345969,0 +345970,0 +345971,0 +345972,0 +345973,0 +345974,0 +345975,0 +345976,0 +345977,0 +345978,0 +345979,0 +345980,0 +345981,0 +345982,11 +345983,11 +345984,11 +345985,11 +345986,11 +345987,11 +345988,11 +345989,11 +345990,11 +345991,11 +345992,11 +345993,11 +345994,11 +345995,11 +345996,11 +345997,11 +345998,11 +345999,39 +346000,39 +346001,39 +346002,39 +346003,39 +346004,39 +346005,39 +346006,39 +346007,39 +346008,39 +346009,39 +346010,36 +346011,36 +346012,36 +346013,36 +346014,36 +346015,37 +346016,31 +346017,31 +346018,31 +346019,31 +346020,31 +346021,36 +346022,36 +346023,36 +346024,36 +346025,40 +346026,40 +346027,40 +346028,31 +346029,31 +346030,2 +346031,2 +346032,2 +346033,2 +346034,2 +346035,2 +346036,2 +346037,2 +346038,2 +346039,2 +346040,2 +346041,2 +346042,2 +346043,2 +346044,2 +346045,0 +346046,0 +346047,0 +346048,0 +346049,0 +346050,0 +346051,0 +346052,0 +346053,0 +346054,0 +346055,0 +346056,0 +346057,0 +346058,0 +346059,0 +346060,0 +346061,0 +346062,0 +346063,0 +346064,0 +346065,0 +346066,0 +346067,0 +346068,0 +346069,0 +346070,0 +346071,0 +346072,0 +346073,0 +346074,0 +346075,0 +346076,0 +346077,0 +346078,0 +346079,0 +346080,0 +346081,0 +346082,0 +346083,0 +346084,0 +346085,0 +346086,0 +346087,0 +346088,0 +346089,0 +346090,0 +346091,0 +346092,0 +346093,0 +346094,0 +346095,0 +346096,0 +346097,0 +346098,0 +346099,0 +346100,0 +346101,0 +346102,0 +346103,27 +346104,35 +346105,35 +346106,35 +346107,35 +346108,35 +346109,35 +346110,27 +346111,27 +346112,27 +346113,27 +346114,27 +346115,8 +346116,8 +346117,8 +346118,8 +346119,8 +346120,8 +346121,8 +346122,8 +346123,8 +346124,10 +346125,10 +346126,10 +346127,10 +346128,10 +346129,10 +346130,26 +346131,10 +346132,10 +346133,26 +346134,10 +346135,10 +346136,10 +346137,10 +346138,36 +346139,15 +346140,15 +346141,15 +346142,15 +346143,15 +346144,15 +346145,37 +346146,37 +346147,37 +346148,37 +346149,37 +346150,37 +346151,37 +346152,37 +346153,34 +346154,34 +346155,34 +346156,34 +346157,34 +346158,34 +346159,34 +346160,34 +346161,34 +346162,34 +346163,34 +346164,34 +346165,34 +346166,34 +346167,8 +346168,8 +346169,8 +346170,8 +346171,8 +346172,8 +346173,8 +346174,8 +346175,37 +346176,37 +346177,37 +346178,37 +346179,37 +346180,37 +346181,37 +346182,37 +346183,37 +346184,14 +346185,14 +346186,14 +346187,14 +346188,6 +346189,6 +346190,6 +346191,6 +346192,6 +346193,31 +346194,31 +346195,31 +346196,22 +346197,21 +346198,21 +346199,21 +346200,19 +346201,19 +346202,19 +346203,19 +346204,19 +346205,31 +346206,31 +346207,27 +346208,27 +346209,27 +346210,27 +346211,27 +346212,4 +346213,4 +346214,4 +346215,30 +346216,30 +346217,30 +346218,30 +346219,30 +346220,30 +346221,30 +346222,30 +346223,31 +346224,31 +346225,31 +346226,31 +346227,31 +346228,4 +346229,4 +346230,31 +346231,31 +346232,31 +346233,31 +346234,31 +346235,31 +346236,30 +346237,9 +346238,9 +346239,9 +346240,32 +346241,30 +346242,30 +346243,30 +346244,34 +346245,34 +346246,34 +346247,34 +346248,34 +346249,30 +346250,30 +346251,30 +346252,0 +346253,0 +346254,0 +346255,0 +346256,0 +346257,0 +346258,0 +346259,0 +346260,0 +346261,0 +346262,0 +346263,0 +346264,0 +346265,0 +346266,0 +346267,0 +346268,0 +346269,0 +346270,0 +346271,0 +346272,0 +346273,0 +346274,0 +346275,0 +346276,0 +346277,0 +346278,0 +346279,0 +346280,0 +346281,0 +346282,0 +346283,0 +346284,0 +346285,0 +346286,0 +346287,0 +346288,0 +346289,0 +346290,0 +346291,0 +346292,0 +346293,0 +346294,0 +346295,0 +346296,0 +346297,0 +346298,0 +346299,0 +346300,0 +346301,0 +346302,0 +346303,0 +346304,0 +346305,0 +346306,0 +346307,0 +346308,0 +346309,27 +346310,27 +346311,27 +346312,27 +346313,27 +346314,27 +346315,27 +346316,27 +346317,27 +346318,27 +346319,27 +346320,5 +346321,5 +346322,5 +346323,5 +346324,5 +346325,5 +346326,39 +346327,39 +346328,39 +346329,39 +346330,39 +346331,39 +346332,39 +346333,39 +346334,39 +346335,1 +346336,39 +346337,39 +346338,14 +346339,14 +346340,14 +346341,14 +346342,14 +346343,5 +346344,5 +346345,5 +346346,5 +346347,5 +346348,5 +346349,5 +346350,4 +346351,4 +346352,4 +346353,4 +346354,4 +346355,4 +346356,4 +346357,4 +346358,4 +346359,4 +346360,4 +346361,4 +346362,4 +346363,4 +346364,4 +346365,16 +346366,39 +346367,39 +346368,39 +346369,39 +346370,39 +346371,39 +346372,39 +346373,37 +346374,37 +346375,22 +346376,37 +346377,37 +346378,37 +346379,37 +346380,37 +346381,37 +346382,37 +346383,37 +346384,39 +346385,39 +346386,39 +346387,39 +346388,39 +346389,39 +346390,39 +346391,39 +346392,39 +346393,39 +346394,39 +346395,39 +346396,39 +346397,39 +346398,39 +346399,37 +346400,37 +346401,37 +346402,37 +346403,37 +346404,37 +346405,37 +346406,37 +346407,37 +346408,37 +346409,25 +346410,25 +346411,25 +346412,25 +346413,25 +346414,25 +346415,40 +346416,40 +346417,40 +346418,40 +346419,40 +346420,24 +346421,24 +346422,24 +346423,24 +346424,24 +346425,24 +346426,24 +346427,24 +346428,24 +346429,29 +346430,29 +346431,29 +346432,21 +346433,21 +346434,27 +346435,27 +346436,27 +346437,27 +346438,27 +346439,27 +346440,27 +346441,27 +346442,2 +346443,2 +346444,2 +346445,2 +346446,2 +346447,2 +346448,2 +346449,2 +346450,2 +346451,8 +346452,2 +346453,2 +346454,2 +346455,35 +346456,35 +346457,35 +346458,35 +346459,35 +346460,35 +346461,35 +346462,35 +346463,23 +346464,23 +346465,23 +346466,9 +346467,9 +346468,9 +346469,9 +346470,9 +346471,9 +346472,9 +346473,9 +346474,9 +346475,9 +346476,9 +346477,9 +346478,9 +346479,9 +346480,9 +346481,9 +346482,9 +346483,9 +346484,9 +346485,9 +346486,9 +346487,9 +346488,26 +346489,26 +346490,26 +346491,9 +346492,9 +346493,30 +346494,30 +346495,30 +346496,30 +346497,30 +346498,30 +346499,30 +346500,30 +346501,30 +346502,30 +346503,30 +346504,30 +346505,30 +346506,30 +346507,30 +346508,15 +346509,15 +346510,29 +346511,29 +346512,29 +346513,15 +346514,40 +346515,40 +346516,40 +346517,40 +346518,40 +346519,40 +346520,40 +346521,40 +346522,40 +346523,40 +346524,40 +346525,37 +346526,37 +346527,37 +346528,37 +346529,37 +346530,37 +346531,37 +346532,37 +346533,40 +346534,25 +346535,25 +346536,30 +346537,31 +346538,30 +346539,30 +346540,30 +346541,30 +346542,30 +346543,30 +346544,30 +346545,30 +346546,30 +346547,39 +346548,39 +346549,39 +346550,39 +346551,39 +346552,39 +346553,39 +346554,39 +346555,30 +346556,30 +346557,30 +346558,30 +346559,30 +346560,30 +346561,30 +346562,30 +346563,30 +346564,34 +346565,34 +346566,34 +346567,34 +346568,34 +346569,34 +346570,34 +346571,34 +346572,10 +346573,34 +346574,10 +346575,10 +346576,10 +346577,10 +346578,10 +346579,10 +346580,10 +346581,10 +346582,10 +346583,10 +346584,19 +346585,19 +346586,19 +346587,19 +346588,27 +346589,27 +346590,27 +346591,27 +346592,27 +346593,27 +346594,27 +346595,27 +346596,27 +346597,19 +346598,19 +346599,19 +346600,19 +346601,19 +346602,19 +346603,19 +346604,15 +346605,15 +346606,15 +346607,15 +346608,10 +346609,10 +346610,10 +346611,10 +346612,10 +346613,10 +346614,10 +346615,10 +346616,10 +346617,34 +346618,10 +346619,10 +346620,10 +346621,31 +346622,31 +346623,31 +346624,31 +346625,31 +346626,14 +346627,14 +346628,14 +346629,14 +346630,14 +346631,14 +346632,14 +346633,6 +346634,6 +346635,6 +346636,6 +346637,6 +346638,6 +346639,6 +346640,6 +346641,6 +346642,6 +346643,6 +346644,6 +346645,6 +346646,6 +346647,14 +346648,14 +346649,14 +346650,14 +346651,14 +346652,14 +346653,14 +346654,36 +346655,36 +346656,36 +346657,36 +346658,31 +346659,31 +346660,31 +346661,31 +346662,31 +346663,31 +346664,5 +346665,5 +346666,5 +346667,5 +346668,5 +346669,5 +346670,5 +346671,31 +346672,31 +346673,31 +346674,33 +346675,33 +346676,33 +346677,33 +346678,33 +346679,33 +346680,33 +346681,33 +346682,33 +346683,33 +346684,33 +346685,33 +346686,33 +346687,33 +346688,40 +346689,31 +346690,40 +346691,31 +346692,31 +346693,31 +346694,31 +346695,4 +346696,4 +346697,4 +346698,4 +346699,4 +346700,4 +346701,4 +346702,12 +346703,12 +346704,12 +346705,12 +346706,12 +346707,12 +346708,12 +346709,12 +346710,12 +346711,12 +346712,31 +346713,31 +346714,31 +346715,31 +346716,31 +346717,31 +346718,5 +346719,5 +346720,5 +346721,5 +346722,5 +346723,27 +346724,27 +346725,27 +346726,27 +346727,27 +346728,27 +346729,27 +346730,27 +346731,27 +346732,27 +346733,27 +346734,27 +346735,27 +346736,27 +346737,31 +346738,31 +346739,31 +346740,31 +346741,33 +346742,7 +346743,5 +346744,5 +346745,5 +346746,5 +346747,5 +346748,5 +346749,5 +346750,5 +346751,19 +346752,19 +346753,19 +346754,19 +346755,19 +346756,19 +346757,19 +346758,0 +346759,0 +346760,0 +346761,0 +346762,0 +346763,0 +346764,0 +346765,0 +346766,0 +346767,0 +346768,0 +346769,0 +346770,0 +346771,0 +346772,0 +346773,0 +346774,0 +346775,0 +346776,0 +346777,0 +346778,0 +346779,0 +346780,0 +346781,0 +346782,0 +346783,0 +346784,0 +346785,0 +346786,0 +346787,0 +346788,0 +346789,0 +346790,0 +346791,0 +346792,0 +346793,0 +346794,0 +346795,0 +346796,0 +346797,0 +346798,0 +346799,0 +346800,0 +346801,0 +346802,0 +346803,0 +346804,0 +346805,0 +346806,0 +346807,0 +346808,0 +346809,0 +346810,0 +346811,0 +346812,29 +346813,29 +346814,31 +346815,31 +346816,31 +346817,31 +346818,28 +346819,28 +346820,28 +346821,28 +346822,28 +346823,28 +346824,28 +346825,28 +346826,28 +346827,28 +346828,28 +346829,9 +346830,9 +346831,9 +346832,9 +346833,37 +346834,37 +346835,37 +346836,37 +346837,37 +346838,37 +346839,37 +346840,37 +346841,16 +346842,16 +346843,16 +346844,16 +346845,16 +346846,16 +346847,16 +346848,16 +346849,16 +346850,16 +346851,16 +346852,3 +346853,3 +346854,3 +346855,3 +346856,3 +346857,3 +346858,3 +346859,3 +346860,3 +346861,3 +346862,3 +346863,40 +346864,40 +346865,40 +346866,40 +346867,40 +346868,40 +346869,40 +346870,39 +346871,37 +346872,37 +346873,37 +346874,37 +346875,37 +346876,37 +346877,37 +346878,37 +346879,37 +346880,37 +346881,37 +346882,37 +346883,39 +346884,39 +346885,39 +346886,39 +346887,39 +346888,39 +346889,39 +346890,39 +346891,39 +346892,39 +346893,39 +346894,39 +346895,4 +346896,4 +346897,4 +346898,4 +346899,4 +346900,4 +346901,4 +346902,4 +346903,4 +346904,4 +346905,4 +346906,39 +346907,39 +346908,39 +346909,39 +346910,39 +346911,39 +346912,39 +346913,39 +346914,39 +346915,39 +346916,39 +346917,39 +346918,39 +346919,24 +346920,15 +346921,15 +346922,15 +346923,15 +346924,15 +346925,15 +346926,15 +346927,30 +346928,30 +346929,30 +346930,30 +346931,30 +346932,30 +346933,30 +346934,30 +346935,30 +346936,30 +346937,30 +346938,30 +346939,30 +346940,15 +346941,15 +346942,15 +346943,15 +346944,15 +346945,15 +346946,15 +346947,39 +346948,39 +346949,39 +346950,39 +346951,39 +346952,39 +346953,39 +346954,39 +346955,39 +346956,39 +346957,39 +346958,39 +346959,39 +346960,39 +346961,39 +346962,14 +346963,14 +346964,14 +346965,14 +346966,5 +346967,5 +346968,5 +346969,5 +346970,5 +346971,5 +346972,5 +346973,5 +346974,5 +346975,5 +346976,5 +346977,5 +346978,15 +346979,15 +346980,15 +346981,15 +346982,15 +346983,15 +346984,39 +346985,39 +346986,39 +346987,39 +346988,39 +346989,39 +346990,39 +346991,39 +346992,39 +346993,39 +346994,39 +346995,35 +346996,35 +346997,35 +346998,35 +346999,35 +347000,35 +347001,35 +347002,35 +347003,35 +347004,35 +347005,10 +347006,10 +347007,10 +347008,10 +347009,10 +347010,10 +347011,10 +347012,10 +347013,10 +347014,10 +347015,10 +347016,10 +347017,10 +347018,10 +347019,10 +347020,10 +347021,5 +347022,5 +347023,5 +347024,5 +347025,5 +347026,5 +347027,5 +347028,5 +347029,5 +347030,5 +347031,29 +347032,29 +347033,29 +347034,31 +347035,31 +347036,31 +347037,4 +347038,4 +347039,4 +347040,32 +347041,32 +347042,32 +347043,32 +347044,32 +347045,32 +347046,32 +347047,32 +347048,32 +347049,32 +347050,32 +347051,32 +347052,32 +347053,32 +347054,32 +347055,34 +347056,34 +347057,34 +347058,33 +347059,33 +347060,33 +347061,33 +347062,34 +347063,34 +347064,34 +347065,34 +347066,34 +347067,33 +347068,33 +347069,33 +347070,33 +347071,33 +347072,8 +347073,8 +347074,8 +347075,8 +347076,8 +347077,8 +347078,2 +347079,2 +347080,2 +347081,2 +347082,2 +347083,2 +347084,4 +347085,4 +347086,4 +347087,4 +347088,30 +347089,30 +347090,30 +347091,30 +347092,30 +347093,10 +347094,10 +347095,10 +347096,10 +347097,10 +347098,10 +347099,10 +347100,10 +347101,6 +347102,6 +347103,6 +347104,6 +347105,6 +347106,6 +347107,6 +347108,31 +347109,31 +347110,31 +347111,31 +347112,31 +347113,31 +347114,30 +347115,23 +347116,23 +347117,23 +347118,30 +347119,23 +347120,23 +347121,34 +347122,34 +347123,34 +347124,9 +347125,9 +347126,9 +347127,9 +347128,9 +347129,12 +347130,12 +347131,12 +347132,12 +347133,25 +347134,25 +347135,25 +347136,25 +347137,25 +347138,25 +347139,25 +347140,25 +347141,25 +347142,25 +347143,25 +347144,25 +347145,25 +347146,25 +347147,8 +347148,8 +347149,8 +347150,8 +347151,8 +347152,8 +347153,8 +347154,8 +347155,8 +347156,8 +347157,8 +347158,8 +347159,10 +347160,26 +347161,26 +347162,26 +347163,26 +347164,26 +347165,26 +347166,26 +347167,26 +347168,26 +347169,5 +347170,5 +347171,5 +347172,5 +347173,4 +347174,4 +347175,4 +347176,4 +347177,4 +347178,4 +347179,4 +347180,31 +347181,31 +347182,31 +347183,31 +347184,31 +347185,31 +347186,31 +347187,31 +347188,15 +347189,15 +347190,21 +347191,21 +347192,21 +347193,21 +347194,15 +347195,15 +347196,15 +347197,15 +347198,15 +347199,15 +347200,26 +347201,26 +347202,26 +347203,26 +347204,26 +347205,26 +347206,26 +347207,26 +347208,26 +347209,26 +347210,26 +347211,26 +347212,26 +347213,26 +347214,26 +347215,26 +347216,26 +347217,26 +347218,37 +347219,37 +347220,37 +347221,37 +347222,37 +347223,37 +347224,5 +347225,5 +347226,25 +347227,25 +347228,25 +347229,25 +347230,25 +347231,25 +347232,25 +347233,25 +347234,0 +347235,0 +347236,0 +347237,0 +347238,0 +347239,0 +347240,0 +347241,0 +347242,0 +347243,0 +347244,0 +347245,0 +347246,0 +347247,0 +347248,0 +347249,0 +347250,0 +347251,0 +347252,0 +347253,0 +347254,0 +347255,0 +347256,0 +347257,0 +347258,0 +347259,0 +347260,0 +347261,0 +347262,0 +347263,0 +347264,0 +347265,0 +347266,31 +347267,31 +347268,31 +347269,31 +347270,31 +347271,31 +347272,31 +347273,31 +347274,31 +347275,31 +347276,5 +347277,5 +347278,5 +347279,5 +347280,5 +347281,5 +347282,40 +347283,40 +347284,40 +347285,40 +347286,40 +347287,40 +347288,5 +347289,5 +347290,5 +347291,5 +347292,5 +347293,5 +347294,39 +347295,39 +347296,39 +347297,39 +347298,39 +347299,39 +347300,39 +347301,28 +347302,28 +347303,28 +347304,28 +347305,28 +347306,28 +347307,28 +347308,28 +347309,28 +347310,14 +347311,14 +347312,14 +347313,14 +347314,14 +347315,14 +347316,14 +347317,14 +347318,14 +347319,14 +347320,5 +347321,5 +347322,5 +347323,5 +347324,19 +347325,9 +347326,9 +347327,9 +347328,9 +347329,9 +347330,9 +347331,9 +347332,9 +347333,9 +347334,9 +347335,9 +347336,9 +347337,9 +347338,9 +347339,9 +347340,9 +347341,9 +347342,9 +347343,9 +347344,9 +347345,9 +347346,9 +347347,9 +347348,9 +347349,23 +347350,23 +347351,23 +347352,23 +347353,23 +347354,23 +347355,23 +347356,23 +347357,23 +347358,23 +347359,23 +347360,23 +347361,23 +347362,0 +347363,0 +347364,0 +347365,0 +347366,0 +347367,0 +347368,0 +347369,0 +347370,0 +347371,0 +347372,0 +347373,0 +347374,0 +347375,0 +347376,0 +347377,0 +347378,0 +347379,0 +347380,0 +347381,0 +347382,0 +347383,0 +347384,0 +347385,0 +347386,0 +347387,0 +347388,0 +347389,0 +347390,0 +347391,0 +347392,0 +347393,0 +347394,0 +347395,0 +347396,0 +347397,0 +347398,0 +347399,0 +347400,0 +347401,0 +347402,0 +347403,0 +347404,0 +347405,0 +347406,0 +347407,0 +347408,0 +347409,0 +347410,0 +347411,0 +347412,0 +347413,0 +347414,0 +347415,0 +347416,0 +347417,0 +347418,0 +347419,0 +347420,0 +347421,0 +347422,0 +347423,0 +347424,0 +347425,0 +347426,0 +347427,0 +347428,0 +347429,0 +347430,0 +347431,0 +347432,0 +347433,0 +347434,0 +347435,0 +347436,12 +347437,12 +347438,12 +347439,12 +347440,12 +347441,12 +347442,12 +347443,12 +347444,12 +347445,12 +347446,27 +347447,27 +347448,27 +347449,27 +347450,27 +347451,27 +347452,38 +347453,38 +347454,38 +347455,38 +347456,38 +347457,38 +347458,38 +347459,29 +347460,29 +347461,29 +347462,29 +347463,29 +347464,29 +347465,38 +347466,23 +347467,23 +347468,23 +347469,40 +347470,27 +347471,27 +347472,27 +347473,27 +347474,27 +347475,27 +347476,40 +347477,40 +347478,27 +347479,27 +347480,27 +347481,27 +347482,27 +347483,27 +347484,27 +347485,27 +347486,27 +347487,27 +347488,27 +347489,2 +347490,2 +347491,2 +347492,2 +347493,2 +347494,2 +347495,2 +347496,2 +347497,2 +347498,2 +347499,2 +347500,2 +347501,2 +347502,2 +347503,2 +347504,2 +347505,2 +347506,2 +347507,2 +347508,2 +347509,2 +347510,2 +347511,0 +347512,0 +347513,0 +347514,0 +347515,0 +347516,0 +347517,0 +347518,0 +347519,0 +347520,0 +347521,0 +347522,0 +347523,0 +347524,0 +347525,0 +347526,0 +347527,0 +347528,0 +347529,0 +347530,0 +347531,0 +347532,0 +347533,0 +347534,0 +347535,0 +347536,0 +347537,0 +347538,0 +347539,0 +347540,0 +347541,0 +347542,0 +347543,0 +347544,0 +347545,0 +347546,31 +347547,31 +347548,35 +347549,35 +347550,6 +347551,6 +347552,6 +347553,6 +347554,6 +347555,6 +347556,36 +347557,36 +347558,36 +347559,36 +347560,36 +347561,36 +347562,36 +347563,36 +347564,36 +347565,36 +347566,36 +347567,40 +347568,40 +347569,40 +347570,40 +347571,40 +347572,40 +347573,40 +347574,40 +347575,40 +347576,2 +347577,2 +347578,2 +347579,2 +347580,2 +347581,2 +347582,2 +347583,12 +347584,31 +347585,12 +347586,12 +347587,31 +347588,31 +347589,12 +347590,31 +347591,31 +347592,27 +347593,31 +347594,31 +347595,16 +347596,16 +347597,16 +347598,16 +347599,16 +347600,16 +347601,16 +347602,16 +347603,16 +347604,16 +347605,16 +347606,16 +347607,3 +347608,27 +347609,27 +347610,31 +347611,30 +347612,3 +347613,30 +347614,30 +347615,30 +347616,30 +347617,30 +347618,25 +347619,25 +347620,25 +347621,31 +347622,31 +347623,31 +347624,31 +347625,25 +347626,25 +347627,21 +347628,21 +347629,21 +347630,21 +347631,21 +347632,21 +347633,21 +347634,21 +347635,21 +347636,36 +347637,36 +347638,36 +347639,36 +347640,36 +347641,36 +347642,36 +347643,36 +347644,36 +347645,10 +347646,36 +347647,36 +347648,36 +347649,36 +347650,36 +347651,36 +347652,36 +347653,36 +347654,36 +347655,36 +347656,32 +347657,32 +347658,32 +347659,32 +347660,32 +347661,35 +347662,35 +347663,33 +347664,35 +347665,0 +347666,0 +347667,0 +347668,0 +347669,0 +347670,0 +347671,0 +347672,0 +347673,0 +347674,0 +347675,0 +347676,0 +347677,0 +347678,0 +347679,0 +347680,0 +347681,0 +347682,0 +347683,0 +347684,0 +347685,0 +347686,0 +347687,0 +347688,0 +347689,0 +347690,0 +347691,0 +347692,0 +347693,0 +347694,0 +347695,0 +347696,0 +347697,0 +347698,0 +347699,0 +347700,0 +347701,0 +347702,0 +347703,0 +347704,0 +347705,0 +347706,0 +347707,0 +347708,0 +347709,0 +347710,0 +347711,0 +347712,0 +347713,0 +347714,0 +347715,0 +347716,0 +347717,0 +347718,0 +347719,0 +347720,0 +347721,11 +347722,11 +347723,11 +347724,11 +347725,11 +347726,11 +347727,2 +347728,2 +347729,2 +347730,2 +347731,2 +347732,2 +347733,2 +347734,2 +347735,2 +347736,2 +347737,11 +347738,11 +347739,11 +347740,11 +347741,11 +347742,11 +347743,11 +347744,11 +347745,39 +347746,39 +347747,39 +347748,39 +347749,39 +347750,39 +347751,39 +347752,39 +347753,39 +347754,39 +347755,39 +347756,39 +347757,39 +347758,39 +347759,39 +347760,39 +347761,39 +347762,39 +347763,39 +347764,39 +347765,27 +347766,27 +347767,27 +347768,14 +347769,14 +347770,14 +347771,14 +347772,14 +347773,14 +347774,14 +347775,14 +347776,14 +347777,14 +347778,14 +347779,14 +347780,14 +347781,14 +347782,14 +347783,14 +347784,14 +347785,14 +347786,39 +347787,39 +347788,39 +347789,5 +347790,5 +347791,5 +347792,5 +347793,5 +347794,13 +347795,40 +347796,40 +347797,27 +347798,40 +347799,40 +347800,30 +347801,30 +347802,30 +347803,30 +347804,30 +347805,30 +347806,30 +347807,30 +347808,30 +347809,30 +347810,30 +347811,37 +347812,12 +347813,12 +347814,12 +347815,12 +347816,37 +347817,37 +347818,37 +347819,37 +347820,37 +347821,37 +347822,27 +347823,27 +347824,27 +347825,27 +347826,27 +347827,27 +347828,27 +347829,27 +347830,2 +347831,2 +347832,2 +347833,2 +347834,2 +347835,2 +347836,2 +347837,2 +347838,2 +347839,4 +347840,4 +347841,4 +347842,4 +347843,4 +347844,31 +347845,31 +347846,31 +347847,31 +347848,31 +347849,6 +347850,6 +347851,6 +347852,6 +347853,6 +347854,6 +347855,6 +347856,6 +347857,37 +347858,37 +347859,37 +347860,37 +347861,37 +347862,37 +347863,36 +347864,36 +347865,36 +347866,36 +347867,36 +347868,36 +347869,36 +347870,36 +347871,36 +347872,36 +347873,36 +347874,16 +347875,16 +347876,16 +347877,16 +347878,16 +347879,16 +347880,16 +347881,16 +347882,16 +347883,16 +347884,16 +347885,16 +347886,16 +347887,11 +347888,11 +347889,11 +347890,11 +347891,11 +347892,11 +347893,11 +347894,11 +347895,11 +347896,11 +347897,11 +347898,11 +347899,39 +347900,39 +347901,39 +347902,39 +347903,39 +347904,39 +347905,39 +347906,39 +347907,39 +347908,39 +347909,39 +347910,39 +347911,39 +347912,39 +347913,39 +347914,39 +347915,39 +347916,39 +347917,39 +347918,39 +347919,39 +347920,39 +347921,39 +347922,39 +347923,39 +347924,39 +347925,39 +347926,37 +347927,37 +347928,37 +347929,37 +347930,37 +347931,37 +347932,37 +347933,37 +347934,37 +347935,37 +347936,0 +347937,0 +347938,0 +347939,39 +347940,39 +347941,39 +347942,14 +347943,14 +347944,14 +347945,4 +347946,4 +347947,4 +347948,4 +347949,4 +347950,4 +347951,4 +347952,4 +347953,4 +347954,4 +347955,4 +347956,4 +347957,4 +347958,0 +347959,0 +347960,0 +347961,4 +347962,4 +347963,4 +347964,4 +347965,4 +347966,0 +347967,0 +347968,0 +347969,0 +347970,0 +347971,0 +347972,0 +347973,0 +347974,0 +347975,0 +347976,0 +347977,0 +347978,0 +347979,0 +347980,0 +347981,0 +347982,0 +347983,0 +347984,0 +347985,0 +347986,0 +347987,0 +347988,0 +347989,0 +347990,0 +347991,0 +347992,0 +347993,0 +347994,0 +347995,0 +347996,0 +347997,0 +347998,0 +347999,0 +348000,0 +348001,0 +348002,0 +348003,12 +348004,12 +348005,12 +348006,12 +348007,12 +348008,12 +348009,27 +348010,27 +348011,27 +348012,27 +348013,29 +348014,38 +348015,38 +348016,38 +348017,38 +348018,38 +348019,12 +348020,12 +348021,12 +348022,12 +348023,12 +348024,12 +348025,12 +348026,12 +348027,12 +348028,27 +348029,27 +348030,27 +348031,27 +348032,27 +348033,29 +348034,29 +348035,29 +348036,25 +348037,25 +348038,25 +348039,25 +348040,25 +348041,25 +348042,25 +348043,25 +348044,25 +348045,25 +348046,25 +348047,25 +348048,25 +348049,25 +348050,25 +348051,5 +348052,5 +348053,5 +348054,5 +348055,5 +348056,5 +348057,5 +348058,5 +348059,5 +348060,5 +348061,5 +348062,8 +348063,8 +348064,8 +348065,2 +348066,2 +348067,2 +348068,2 +348069,2 +348070,2 +348071,2 +348072,2 +348073,6 +348074,6 +348075,6 +348076,6 +348077,6 +348078,6 +348079,9 +348080,9 +348081,9 +348082,9 +348083,9 +348084,9 +348085,9 +348086,9 +348087,9 +348088,9 +348089,9 +348090,9 +348091,37 +348092,37 +348093,37 +348094,37 +348095,37 +348096,37 +348097,37 +348098,37 +348099,37 +348100,37 +348101,37 +348102,37 +348103,37 +348104,25 +348105,25 +348106,5 +348107,5 +348108,5 +348109,5 +348110,5 +348111,5 +348112,5 +348113,5 +348114,5 +348115,5 +348116,5 +348117,5 +348118,5 +348119,0 +348120,0 +348121,0 +348122,0 +348123,0 +348124,0 +348125,0 +348126,0 +348127,0 +348128,0 +348129,0 +348130,0 +348131,0 +348132,0 +348133,0 +348134,0 +348135,0 +348136,0 +348137,0 +348138,0 +348139,0 +348140,0 +348141,0 +348142,0 +348143,0 +348144,0 +348145,0 +348146,0 +348147,0 +348148,0 +348149,0 +348150,0 +348151,0 +348152,0 +348153,0 +348154,0 +348155,0 +348156,0 +348157,11 +348158,11 +348159,11 +348160,11 +348161,11 +348162,11 +348163,11 +348164,11 +348165,11 +348166,11 +348167,16 +348168,16 +348169,16 +348170,11 +348171,11 +348172,11 +348173,11 +348174,11 +348175,11 +348176,11 +348177,11 +348178,11 +348179,11 +348180,11 +348181,11 +348182,11 +348183,39 +348184,39 +348185,39 +348186,39 +348187,39 +348188,39 +348189,39 +348190,39 +348191,39 +348192,39 +348193,1 +348194,1 +348195,39 +348196,1 +348197,39 +348198,39 +348199,39 +348200,39 +348201,39 +348202,39 +348203,39 +348204,39 +348205,39 +348206,39 +348207,8 +348208,8 +348209,8 +348210,8 +348211,8 +348212,8 +348213,8 +348214,8 +348215,8 +348216,5 +348217,5 +348218,5 +348219,5 +348220,5 +348221,5 +348222,5 +348223,33 +348224,33 +348225,33 +348226,33 +348227,33 +348228,33 +348229,33 +348230,17 +348231,30 +348232,17 +348233,17 +348234,17 +348235,33 +348236,33 +348237,33 +348238,5 +348239,30 +348240,30 +348241,30 +348242,30 +348243,30 +348244,30 +348245,30 +348246,30 +348247,30 +348248,13 +348249,9 +348250,9 +348251,9 +348252,9 +348253,9 +348254,9 +348255,9 +348256,9 +348257,9 +348258,9 +348259,37 +348260,37 +348261,37 +348262,37 +348263,37 +348264,37 +348265,37 +348266,37 +348267,21 +348268,21 +348269,21 +348270,21 +348271,21 +348272,21 +348273,8 +348274,8 +348275,8 +348276,8 +348277,8 +348278,8 +348279,12 +348280,12 +348281,12 +348282,12 +348283,12 +348284,12 +348285,12 +348286,12 +348287,12 +348288,12 +348289,9 +348290,9 +348291,9 +348292,34 +348293,12 +348294,12 +348295,10 +348296,10 +348297,10 +348298,10 +348299,10 +348300,10 +348301,10 +348302,10 +348303,10 +348304,10 +348305,10 +348306,10 +348307,10 +348308,10 +348309,10 +348310,10 +348311,10 +348312,10 +348313,10 +348314,10 +348315,8 +348316,8 +348317,8 +348318,8 +348319,8 +348320,38 +348321,38 +348322,38 +348323,38 +348324,8 +348325,8 +348326,8 +348327,8 +348328,8 +348329,8 +348330,8 +348331,8 +348332,8 +348333,8 +348334,0 +348335,0 +348336,0 +348337,0 +348338,0 +348339,0 +348340,0 +348341,0 +348342,0 +348343,0 +348344,0 +348345,0 +348346,0 +348347,0 +348348,0 +348349,0 +348350,0 +348351,0 +348352,0 +348353,0 +348354,0 +348355,0 +348356,0 +348357,0 +348358,0 +348359,0 +348360,0 +348361,0 +348362,0 +348363,0 +348364,0 +348365,0 +348366,0 +348367,0 +348368,0 +348369,0 +348370,0 +348371,0 +348372,6 +348373,6 +348374,6 +348375,6 +348376,6 +348377,6 +348378,6 +348379,27 +348380,27 +348381,27 +348382,27 +348383,27 +348384,27 +348385,27 +348386,13 +348387,13 +348388,13 +348389,13 +348390,13 +348391,13 +348392,13 +348393,13 +348394,13 +348395,32 +348396,32 +348397,32 +348398,32 +348399,32 +348400,32 +348401,32 +348402,32 +348403,32 +348404,32 +348405,32 +348406,25 +348407,25 +348408,25 +348409,25 +348410,25 +348411,25 +348412,37 +348413,2 +348414,2 +348415,2 +348416,2 +348417,2 +348418,2 +348419,2 +348420,2 +348421,2 +348422,2 +348423,2 +348424,2 +348425,2 +348426,2 +348427,14 +348428,40 +348429,40 +348430,40 +348431,40 +348432,40 +348433,40 +348434,40 +348435,27 +348436,27 +348437,5 +348438,5 +348439,5 +348440,5 +348441,5 +348442,5 +348443,36 +348444,36 +348445,36 +348446,36 +348447,36 +348448,31 +348449,31 +348450,31 +348451,31 +348452,31 +348453,31 +348454,31 +348455,31 +348456,31 +348457,0 +348458,0 +348459,0 +348460,0 +348461,0 +348462,0 +348463,0 +348464,0 +348465,0 +348466,0 +348467,0 +348468,0 +348469,0 +348470,0 +348471,0 +348472,0 +348473,0 +348474,0 +348475,0 +348476,0 +348477,0 +348478,0 +348479,0 +348480,0 +348481,0 +348482,0 +348483,0 +348484,0 +348485,0 +348486,0 +348487,0 +348488,0 +348489,0 +348490,0 +348491,0 +348492,0 +348493,0 +348494,0 +348495,0 +348496,0 +348497,0 +348498,0 +348499,0 +348500,0 +348501,0 +348502,0 +348503,0 +348504,4 +348505,4 +348506,4 +348507,4 +348508,4 +348509,4 +348510,4 +348511,3 +348512,3 +348513,3 +348514,3 +348515,3 +348516,3 +348517,3 +348518,3 +348519,37 +348520,37 +348521,37 +348522,37 +348523,37 +348524,37 +348525,37 +348526,37 +348527,37 +348528,37 +348529,37 +348530,9 +348531,9 +348532,9 +348533,9 +348534,9 +348535,9 +348536,9 +348537,26 +348538,26 +348539,26 +348540,9 +348541,26 +348542,26 +348543,26 +348544,15 +348545,15 +348546,15 +348547,15 +348548,15 +348549,15 +348550,31 +348551,31 +348552,31 +348553,31 +348554,31 +348555,31 +348556,31 +348557,31 +348558,31 +348559,31 +348560,31 +348561,31 +348562,31 +348563,31 +348564,31 +348565,31 +348566,29 +348567,29 +348568,29 +348569,29 +348570,29 +348571,29 +348572,25 +348573,25 +348574,25 +348575,25 +348576,25 +348577,25 +348578,8 +348579,8 +348580,8 +348581,8 +348582,8 +348583,8 +348584,8 +348585,8 +348586,8 +348587,31 +348588,31 +348589,31 +348590,31 +348591,24 +348592,24 +348593,24 +348594,24 +348595,24 +348596,24 +348597,29 +348598,29 +348599,31 +348600,31 +348601,31 +348602,31 +348603,23 +348604,23 +348605,23 +348606,23 +348607,23 +348608,23 +348609,23 +348610,23 +348611,23 +348612,23 +348613,23 +348614,23 +348615,23 +348616,23 +348617,37 +348618,37 +348619,37 +348620,37 +348621,39 +348622,39 +348623,39 +348624,39 +348625,39 +348626,39 +348627,39 +348628,39 +348629,4 +348630,4 +348631,19 +348632,27 +348633,27 +348634,27 +348635,27 +348636,27 +348637,27 +348638,5 +348639,5 +348640,5 +348641,5 +348642,5 +348643,5 +348644,5 +348645,29 +348646,29 +348647,29 +348648,27 +348649,27 +348650,27 +348651,39 +348652,39 +348653,4 +348654,4 +348655,4 +348656,4 +348657,39 +348658,39 +348659,39 +348660,39 +348661,39 +348662,39 +348663,39 +348664,39 +348665,39 +348666,39 +348667,39 +348668,39 +348669,39 +348670,6 +348671,6 +348672,6 +348673,6 +348674,6 +348675,6 +348676,6 +348677,6 +348678,6 +348679,6 +348680,6 +348681,6 +348682,6 +348683,6 +348684,6 +348685,6 +348686,40 +348687,40 +348688,40 +348689,40 +348690,40 +348691,40 +348692,40 +348693,40 +348694,40 +348695,40 +348696,40 +348697,40 +348698,40 +348699,40 +348700,40 +348701,5 +348702,5 +348703,5 +348704,5 +348705,5 +348706,5 +348707,5 +348708,5 +348709,5 +348710,9 +348711,9 +348712,9 +348713,9 +348714,26 +348715,26 +348716,26 +348717,26 +348718,26 +348719,4 +348720,4 +348721,4 +348722,4 +348723,4 +348724,4 +348725,4 +348726,4 +348727,4 +348728,4 +348729,4 +348730,36 +348731,36 +348732,36 +348733,36 +348734,36 +348735,36 +348736,36 +348737,36 +348738,36 +348739,36 +348740,36 +348741,36 +348742,36 +348743,36 +348744,36 +348745,36 +348746,36 +348747,36 +348748,36 +348749,36 +348750,36 +348751,36 +348752,36 +348753,36 +348754,36 +348755,36 +348756,36 +348757,24 +348758,24 +348759,24 +348760,24 +348761,24 +348762,24 +348763,24 +348764,24 +348765,23 +348766,24 +348767,23 +348768,23 +348769,23 +348770,23 +348771,23 +348772,23 +348773,37 +348774,37 +348775,37 +348776,37 +348777,37 +348778,39 +348779,39 +348780,3 +348781,3 +348782,3 +348783,3 +348784,3 +348785,3 +348786,5 +348787,25 +348788,25 +348789,25 +348790,25 +348791,37 +348792,37 +348793,2 +348794,2 +348795,2 +348796,2 +348797,2 +348798,2 +348799,2 +348800,2 +348801,2 +348802,2 +348803,2 +348804,2 +348805,2 +348806,2 +348807,2 +348808,2 +348809,40 +348810,40 +348811,40 +348812,40 +348813,40 +348814,40 +348815,40 +348816,27 +348817,27 +348818,27 +348819,27 +348820,27 +348821,27 +348822,27 +348823,27 +348824,30 +348825,30 +348826,30 +348827,30 +348828,30 +348829,30 +348830,30 +348831,30 +348832,30 +348833,30 +348834,24 +348835,24 +348836,24 +348837,24 +348838,24 +348839,24 +348840,24 +348841,24 +348842,24 +348843,2 +348844,8 +348845,2 +348846,2 +348847,2 +348848,2 +348849,2 +348850,2 +348851,2 +348852,2 +348853,2 +348854,2 +348855,2 +348856,2 +348857,8 +348858,0 +348859,0 +348860,0 +348861,0 +348862,0 +348863,0 +348864,0 +348865,0 +348866,0 +348867,0 +348868,0 +348869,0 +348870,0 +348871,0 +348872,0 +348873,0 +348874,0 +348875,0 +348876,0 +348877,0 +348878,0 +348879,0 +348880,0 +348881,0 +348882,0 +348883,0 +348884,0 +348885,0 +348886,0 +348887,0 +348888,0 +348889,0 +348890,0 +348891,0 +348892,0 +348893,0 +348894,0 +348895,0 +348896,0 +348897,0 +348898,0 +348899,0 +348900,0 +348901,0 +348902,0 +348903,0 +348904,27 +348905,27 +348906,27 +348907,27 +348908,27 +348909,27 +348910,27 +348911,27 +348912,27 +348913,5 +348914,5 +348915,5 +348916,5 +348917,5 +348918,5 +348919,6 +348920,6 +348921,6 +348922,6 +348923,6 +348924,6 +348925,6 +348926,6 +348927,6 +348928,31 +348929,31 +348930,5 +348931,5 +348932,5 +348933,5 +348934,5 +348935,5 +348936,5 +348937,36 +348938,36 +348939,36 +348940,36 +348941,36 +348942,36 +348943,6 +348944,6 +348945,6 +348946,6 +348947,6 +348948,6 +348949,6 +348950,11 +348951,11 +348952,11 +348953,11 +348954,11 +348955,11 +348956,11 +348957,11 +348958,11 +348959,11 +348960,31 +348961,31 +348962,31 +348963,31 +348964,29 +348965,29 +348966,29 +348967,29 +348968,29 +348969,29 +348970,29 +348971,29 +348972,29 +348973,5 +348974,5 +348975,5 +348976,12 +348977,12 +348978,12 +348979,27 +348980,27 +348981,27 +348982,27 +348983,27 +348984,27 +348985,38 +348986,38 +348987,38 +348988,38 +348989,38 +348990,9 +348991,9 +348992,9 +348993,9 +348994,9 +348995,9 +348996,9 +348997,9 +348998,9 +348999,9 +349000,9 +349001,9 +349002,9 +349003,9 +349004,9 +349005,9 +349006,9 +349007,9 +349008,9 +349009,9 +349010,30 +349011,30 +349012,30 +349013,33 +349014,5 +349015,5 +349016,5 +349017,5 +349018,10 +349019,10 +349020,10 +349021,27 +349022,27 +349023,27 +349024,27 +349025,4 +349026,4 +349027,4 +349028,4 +349029,4 +349030,4 +349031,4 +349032,4 +349033,4 +349034,4 +349035,4 +349036,4 +349037,4 +349038,40 +349039,40 +349040,40 +349041,34 +349042,34 +349043,34 +349044,34 +349045,34 +349046,34 +349047,34 +349048,34 +349049,10 +349050,30 +349051,30 +349052,30 +349053,30 +349054,30 +349055,30 +349056,30 +349057,39 +349058,39 +349059,39 +349060,39 +349061,39 +349062,39 +349063,39 +349064,27 +349065,27 +349066,27 +349067,27 +349068,27 +349069,5 +349070,5 +349071,5 +349072,5 +349073,5 +349074,5 +349075,5 +349076,5 +349077,5 +349078,5 +349079,5 +349080,2 +349081,2 +349082,2 +349083,2 +349084,2 +349085,2 +349086,2 +349087,2 +349088,8 +349089,8 +349090,2 +349091,40 +349092,40 +349093,40 +349094,40 +349095,40 +349096,40 +349097,40 +349098,5 +349099,5 +349100,5 +349101,5 +349102,5 +349103,5 +349104,5 +349105,5 +349106,5 +349107,4 +349108,4 +349109,4 +349110,4 +349111,4 +349112,4 +349113,19 +349114,40 +349115,40 +349116,40 +349117,40 +349118,40 +349119,40 +349120,6 +349121,6 +349122,6 +349123,4 +349124,36 +349125,6 +349126,6 +349127,6 +349128,6 +349129,6 +349130,2 +349131,2 +349132,2 +349133,2 +349134,2 +349135,2 +349136,2 +349137,2 +349138,2 +349139,2 +349140,2 +349141,2 +349142,2 +349143,2 +349144,2 +349145,2 +349146,2 +349147,2 +349148,2 +349149,2 +349150,2 +349151,2 +349152,2 +349153,2 +349154,2 +349155,2 +349156,2 +349157,2 +349158,2 +349159,2 +349160,2 +349161,2 +349162,2 +349163,2 +349164,2 +349165,2 +349166,2 +349167,2 +349168,2 +349169,2 +349170,2 +349171,2 +349172,2 +349173,2 +349174,0 +349175,0 +349176,0 +349177,0 +349178,0 +349179,0 +349180,0 +349181,0 +349182,0 +349183,0 +349184,0 +349185,0 +349186,0 +349187,0 +349188,0 +349189,0 +349190,0 +349191,0 +349192,0 +349193,0 +349194,0 +349195,0 +349196,0 +349197,0 +349198,0 +349199,0 +349200,0 +349201,0 +349202,0 +349203,0 +349204,0 +349205,0 +349206,0 +349207,0 +349208,0 +349209,0 +349210,0 +349211,0 +349212,0 +349213,0 +349214,0 +349215,0 +349216,0 +349217,0 +349218,0 +349219,0 +349220,0 +349221,0 +349222,0 +349223,0 +349224,0 +349225,0 +349226,0 +349227,0 +349228,0 +349229,0 +349230,0 +349231,0 +349232,0 +349233,0 +349234,0 +349235,0 +349236,0 +349237,0 +349238,0 +349239,0 +349240,0 +349241,0 +349242,0 +349243,0 +349244,0 +349245,0 +349246,0 +349247,0 +349248,0 +349249,0 +349250,0 +349251,36 +349252,36 +349253,36 +349254,36 +349255,36 +349256,36 +349257,36 +349258,36 +349259,36 +349260,4 +349261,4 +349262,4 +349263,4 +349264,4 +349265,4 +349266,29 +349267,29 +349268,29 +349269,27 +349270,27 +349271,27 +349272,27 +349273,27 +349274,2 +349275,2 +349276,2 +349277,2 +349278,2 +349279,8 +349280,8 +349281,8 +349282,8 +349283,8 +349284,4 +349285,4 +349286,4 +349287,4 +349288,4 +349289,4 +349290,4 +349291,4 +349292,4 +349293,4 +349294,4 +349295,10 +349296,10 +349297,10 +349298,10 +349299,10 +349300,10 +349301,10 +349302,31 +349303,31 +349304,10 +349305,10 +349306,10 +349307,31 +349308,31 +349309,31 +349310,31 +349311,31 +349312,31 +349313,31 +349314,34 +349315,10 +349316,10 +349317,10 +349318,10 +349319,10 +349320,10 +349321,10 +349322,10 +349323,34 +349324,34 +349325,10 +349326,36 +349327,36 +349328,36 +349329,36 +349330,4 +349331,4 +349332,4 +349333,4 +349334,38 +349335,38 +349336,4 +349337,31 +349338,31 +349339,31 +349340,31 +349341,31 +349342,31 +349343,31 +349344,31 +349345,31 +349346,31 +349347,31 +349348,31 +349349,12 +349350,12 +349351,12 +349352,12 +349353,12 +349354,12 +349355,12 +349356,12 +349357,12 +349358,12 +349359,12 +349360,12 +349361,12 +349362,12 +349363,12 +349364,12 +349365,12 +349366,12 +349367,12 +349368,25 +349369,25 +349370,25 +349371,25 +349372,25 +349373,25 +349374,25 +349375,25 +349376,25 +349377,25 +349378,25 +349379,25 +349380,2 +349381,2 +349382,2 +349383,2 +349384,2 +349385,2 +349386,2 +349387,2 +349388,2 +349389,2 +349390,2 +349391,2 +349392,2 +349393,2 +349394,2 +349395,2 +349396,2 +349397,2 +349398,2 +349399,2 +349400,2 +349401,0 +349402,0 +349403,0 +349404,0 +349405,0 +349406,0 +349407,4 +349408,4 +349409,4 +349410,4 +349411,4 +349412,4 +349413,4 +349414,4 +349415,4 +349416,3 +349417,3 +349418,3 +349419,3 +349420,3 +349421,3 +349422,3 +349423,3 +349424,5 +349425,5 +349426,28 +349427,28 +349428,28 +349429,28 +349430,28 +349431,28 +349432,28 +349433,5 +349434,5 +349435,5 +349436,19 +349437,19 +349438,19 +349439,19 +349440,19 +349441,19 +349442,19 +349443,19 +349444,19 +349445,14 +349446,14 +349447,14 +349448,14 +349449,14 +349450,14 +349451,14 +349452,14 +349453,14 +349454,14 +349455,14 +349456,14 +349457,14 +349458,14 +349459,14 +349460,14 +349461,14 +349462,14 +349463,8 +349464,8 +349465,8 +349466,8 +349467,8 +349468,8 +349469,8 +349470,31 +349471,31 +349472,31 +349473,31 +349474,31 +349475,24 +349476,24 +349477,24 +349478,24 +349479,24 +349480,28 +349481,28 +349482,28 +349483,28 +349484,28 +349485,28 +349486,28 +349487,28 +349488,28 +349489,28 +349490,10 +349491,34 +349492,31 +349493,31 +349494,34 +349495,34 +349496,34 +349497,34 +349498,34 +349499,30 +349500,30 +349501,30 +349502,30 +349503,30 +349504,1 +349505,1 +349506,1 +349507,1 +349508,30 +349509,26 +349510,10 +349511,10 +349512,10 +349513,10 +349514,10 +349515,10 +349516,10 +349517,10 +349518,10 +349519,10 +349520,10 +349521,10 +349522,10 +349523,10 +349524,10 +349525,23 +349526,23 +349527,23 +349528,23 +349529,23 +349530,23 +349531,23 +349532,23 +349533,23 +349534,23 +349535,23 +349536,23 +349537,23 +349538,23 +349539,0 +349540,0 +349541,0 +349542,0 +349543,0 +349544,0 +349545,0 +349546,0 +349547,0 +349548,0 +349549,0 +349550,0 +349551,0 +349552,0 +349553,0 +349554,0 +349555,0 +349556,0 +349557,0 +349558,0 +349559,0 +349560,0 +349561,0 +349562,0 +349563,0 +349564,0 +349565,0 +349566,0 +349567,0 +349568,0 +349569,0 +349570,0 +349571,0 +349572,0 +349573,0 +349574,0 +349575,0 +349576,0 +349577,0 +349578,0 +349579,0 +349580,0 +349581,0 +349582,0 +349583,0 +349584,0 +349585,0 +349586,0 +349587,0 +349588,0 +349589,0 +349590,10 +349591,10 +349592,10 +349593,10 +349594,10 +349595,10 +349596,10 +349597,10 +349598,10 +349599,2 +349600,2 +349601,2 +349602,2 +349603,2 +349604,2 +349605,2 +349606,2 +349607,2 +349608,2 +349609,25 +349610,25 +349611,25 +349612,25 +349613,25 +349614,25 +349615,25 +349616,35 +349617,35 +349618,35 +349619,35 +349620,27 +349621,27 +349622,27 +349623,19 +349624,19 +349625,19 +349626,19 +349627,19 +349628,12 +349629,12 +349630,12 +349631,12 +349632,12 +349633,12 +349634,12 +349635,12 +349636,12 +349637,27 +349638,27 +349639,27 +349640,27 +349641,27 +349642,27 +349643,8 +349644,8 +349645,8 +349646,2 +349647,2 +349648,2 +349649,2 +349650,2 +349651,2 +349652,6 +349653,6 +349654,6 +349655,6 +349656,6 +349657,6 +349658,6 +349659,39 +349660,39 +349661,39 +349662,39 +349663,39 +349664,39 +349665,39 +349666,39 +349667,39 +349668,39 +349669,39 +349670,39 +349671,39 +349672,39 +349673,39 +349674,39 +349675,39 +349676,39 +349677,0 +349678,0 +349679,0 +349680,0 +349681,0 +349682,0 +349683,0 +349684,0 +349685,0 +349686,0 +349687,0 +349688,0 +349689,0 +349690,0 +349691,0 +349692,0 +349693,0 +349694,0 +349695,0 +349696,0 +349697,0 +349698,0 +349699,0 +349700,0 +349701,0 +349702,0 +349703,0 +349704,0 +349705,0 +349706,0 +349707,0 +349708,0 +349709,0 +349710,0 +349711,0 +349712,0 +349713,0 +349714,0 +349715,0 +349716,0 +349717,0 +349718,0 +349719,0 +349720,0 +349721,0 +349722,0 +349723,0 +349724,0 +349725,0 +349726,0 +349727,0 +349728,0 +349729,0 +349730,0 +349731,0 +349732,0 +349733,0 +349734,15 +349735,15 +349736,31 +349737,31 +349738,31 +349739,4 +349740,4 +349741,14 +349742,27 +349743,27 +349744,27 +349745,27 +349746,27 +349747,6 +349748,6 +349749,6 +349750,6 +349751,6 +349752,4 +349753,4 +349754,21 +349755,27 +349756,27 +349757,27 +349758,27 +349759,27 +349760,27 +349761,27 +349762,27 +349763,27 +349764,27 +349765,14 +349766,24 +349767,24 +349768,24 +349769,24 +349770,24 +349771,24 +349772,24 +349773,24 +349774,37 +349775,37 +349776,37 +349777,37 +349778,3 +349779,3 +349780,3 +349781,25 +349782,30 +349783,30 +349784,30 +349785,30 +349786,30 +349787,30 +349788,39 +349789,39 +349790,39 +349791,39 +349792,39 +349793,39 +349794,39 +349795,39 +349796,39 +349797,39 +349798,39 +349799,39 +349800,39 +349801,39 +349802,23 +349803,23 +349804,23 +349805,23 +349806,23 +349807,23 +349808,23 +349809,23 +349810,23 +349811,23 +349812,23 +349813,23 +349814,23 +349815,23 +349816,30 +349817,30 +349818,31 +349819,31 +349820,30 +349821,9 +349822,9 +349823,9 +349824,9 +349825,30 +349826,30 +349827,30 +349828,30 +349829,30 +349830,30 +349831,30 +349832,30 +349833,30 +349834,30 +349835,39 +349836,39 +349837,39 +349838,39 +349839,39 +349840,39 +349841,39 +349842,39 +349843,23 +349844,23 +349845,23 +349846,23 +349847,23 +349848,23 +349849,23 +349850,23 +349851,23 +349852,23 +349853,23 +349854,25 +349855,25 +349856,25 +349857,25 +349858,25 +349859,25 +349860,25 +349861,25 +349862,25 +349863,15 +349864,15 +349865,15 +349866,15 +349867,15 +349868,34 +349869,34 +349870,34 +349871,34 +349872,34 +349873,34 +349874,34 +349875,34 +349876,34 +349877,4 +349878,4 +349879,4 +349880,4 +349881,36 +349882,36 +349883,36 +349884,36 +349885,36 +349886,36 +349887,36 +349888,36 +349889,36 +349890,36 +349891,36 +349892,36 +349893,36 +349894,36 +349895,36 +349896,36 +349897,36 +349898,36 +349899,23 +349900,23 +349901,23 +349902,23 +349903,23 +349904,31 +349905,31 +349906,5 +349907,5 +349908,5 +349909,5 +349910,5 +349911,5 +349912,36 +349913,36 +349914,34 +349915,34 +349916,34 +349917,34 +349918,34 +349919,34 +349920,34 +349921,34 +349922,34 +349923,34 +349924,34 +349925,34 +349926,34 +349927,34 +349928,34 +349929,34 +349930,34 +349931,34 +349932,34 +349933,34 +349934,34 +349935,25 +349936,25 +349937,25 +349938,37 +349939,37 +349940,37 +349941,37 +349942,37 +349943,37 +349944,37 +349945,37 +349946,37 +349947,37 +349948,37 +349949,0 +349950,0 +349951,0 +349952,0 +349953,0 +349954,0 +349955,0 +349956,0 +349957,0 +349958,0 +349959,0 +349960,0 +349961,0 +349962,0 +349963,0 +349964,0 +349965,0 +349966,0 +349967,0 +349968,0 +349969,0 +349970,0 +349971,0 +349972,0 +349973,0 +349974,0 +349975,0 +349976,0 +349977,0 +349978,0 +349979,0 +349980,0 +349981,0 +349982,0 +349983,0 +349984,0 +349985,0 +349986,0 +349987,31 +349988,31 +349989,31 +349990,31 +349991,31 +349992,31 +349993,31 +349994,31 +349995,31 +349996,5 +349997,5 +349998,19 +349999,5 +350000,5 +350001,5 +350002,5 +350003,29 +350004,29 +350005,27 +350006,27 +350007,40 +350008,40 +350009,40 +350010,40 +350011,40 +350012,40 +350013,27 +350014,27 +350015,27 +350016,5 +350017,5 +350018,5 +350019,5 +350020,5 +350021,5 +350022,5 +350023,29 +350024,29 +350025,31 +350026,31 +350027,31 +350028,19 +350029,19 +350030,19 +350031,19 +350032,19 +350033,19 +350034,19 +350035,27 +350036,27 +350037,27 +350038,27 +350039,27 +350040,27 +350041,8 +350042,8 +350043,8 +350044,8 +350045,8 +350046,8 +350047,8 +350048,8 +350049,8 +350050,10 +350051,10 +350052,10 +350053,10 +350054,10 +350055,10 +350056,10 +350057,10 +350058,10 +350059,10 +350060,10 +350061,10 +350062,10 +350063,10 +350064,10 +350065,10 +350066,25 +350067,25 +350068,25 +350069,25 +350070,25 +350071,25 +350072,25 +350073,25 +350074,25 +350075,25 +350076,25 +350077,25 +350078,25 +350079,25 +350080,25 +350081,25 +350082,25 +350083,25 +350084,25 +350085,12 +350086,12 +350087,12 +350088,37 +350089,37 +350090,31 +350091,31 +350092,31 +350093,31 +350094,31 +350095,31 +350096,8 +350097,8 +350098,8 +350099,8 +350100,8 +350101,8 +350102,12 +350103,12 +350104,12 +350105,12 +350106,12 +350107,12 +350108,12 +350109,12 +350110,12 +350111,12 +350112,12 +350113,12 +350114,12 +350115,25 +350116,25 +350117,25 +350118,25 +350119,25 +350120,25 +350121,25 +350122,25 +350123,25 +350124,25 +350125,2 +350126,2 +350127,2 +350128,2 +350129,2 +350130,2 +350131,2 +350132,2 +350133,2 +350134,29 +350135,4 +350136,4 +350137,31 +350138,29 +350139,29 +350140,29 +350141,29 +350142,29 +350143,29 +350144,29 +350145,40 +350146,31 +350147,40 +350148,40 +350149,40 +350150,40 +350151,36 +350152,40 +350153,40 +350154,40 +350155,40 +350156,23 +350157,23 +350158,23 +350159,23 +350160,24 +350161,25 +350162,25 +350163,25 +350164,25 +350165,25 +350166,25 +350167,25 +350168,25 +350169,37 +350170,37 +350171,37 +350172,0 +350173,0 +350174,0 +350175,0 +350176,0 +350177,0 +350178,0 +350179,0 +350180,0 +350181,0 +350182,2 +350183,0 +350184,0 +350185,0 +350186,0 +350187,0 +350188,0 +350189,0 +350190,0 +350191,0 +350192,0 +350193,0 +350194,0 +350195,0 +350196,0 +350197,0 +350198,0 +350199,0 +350200,0 +350201,0 +350202,0 +350203,0 +350204,0 +350205,0 +350206,0 +350207,0 +350208,0 +350209,0 +350210,0 +350211,0 +350212,0 +350213,0 +350214,0 +350215,0 +350216,0 +350217,0 +350218,0 +350219,0 +350220,0 +350221,0 +350222,0 +350223,0 +350224,0 +350225,0 +350226,0 +350227,0 +350228,0 +350229,0 +350230,0 +350231,0 +350232,0 +350233,0 +350234,0 +350235,0 +350236,0 +350237,0 +350238,0 +350239,0 +350240,0 +350241,0 +350242,0 +350243,0 +350244,0 +350245,0 +350246,0 +350247,0 +350248,0 +350249,0 +350250,12 +350251,12 +350252,12 +350253,37 +350254,37 +350255,37 +350256,37 +350257,37 +350258,37 +350259,37 +350260,37 +350261,37 +350262,37 +350263,37 +350264,37 +350265,37 +350266,37 +350267,37 +350268,37 +350269,37 +350270,37 +350271,36 +350272,36 +350273,36 +350274,36 +350275,36 +350276,36 +350277,36 +350278,36 +350279,36 +350280,36 +350281,36 +350282,36 +350283,36 +350284,11 +350285,11 +350286,11 +350287,11 +350288,11 +350289,11 +350290,11 +350291,11 +350292,11 +350293,11 +350294,11 +350295,11 +350296,31 +350297,31 +350298,31 +350299,31 +350300,31 +350301,31 +350302,31 +350303,5 +350304,5 +350305,5 +350306,5 +350307,5 +350308,5 +350309,5 +350310,28 +350311,28 +350312,28 +350313,3 +350314,3 +350315,28 +350316,28 +350317,28 +350318,8 +350319,8 +350320,8 +350321,8 +350322,8 +350323,8 +350324,8 +350325,8 +350326,8 +350327,26 +350328,26 +350329,26 +350330,26 +350331,26 +350332,26 +350333,26 +350334,25 +350335,25 +350336,25 +350337,25 +350338,25 +350339,26 +350340,26 +350341,26 +350342,26 +350343,26 +350344,26 +350345,5 +350346,5 +350347,5 +350348,5 +350349,5 +350350,5 +350351,5 +350352,5 +350353,5 +350354,5 +350355,26 +350356,26 +350357,26 +350358,26 +350359,26 +350360,26 +350361,26 +350362,10 +350363,26 +350364,10 +350365,10 +350366,4 +350367,4 +350368,35 +350369,27 +350370,27 +350371,27 +350372,10 +350373,10 +350374,10 +350375,21 +350376,21 +350377,21 +350378,21 +350379,21 +350380,21 +350381,21 +350382,21 +350383,21 +350384,21 +350385,36 +350386,36 +350387,40 +350388,40 +350389,40 +350390,40 +350391,40 +350392,40 +350393,40 +350394,37 +350395,37 +350396,37 +350397,37 +350398,37 +350399,37 +350400,37 +350401,37 +350402,10 +350403,10 +350404,27 +350405,27 +350406,27 +350407,27 +350408,13 +350409,13 +350410,13 +350411,13 +350412,13 +350413,13 +350414,5 +350415,5 +350416,5 +350417,4 +350418,4 +350419,4 +350420,4 +350421,4 +350422,4 +350423,4 +350424,4 +350425,4 +350426,4 +350427,39 +350428,39 +350429,39 +350430,39 +350431,39 +350432,39 +350433,39 +350434,39 +350435,39 +350436,39 +350437,39 +350438,39 +350439,39 +350440,39 +350441,39 +350442,39 +350443,39 +350444,39 +350445,29 +350446,29 +350447,29 +350448,29 +350449,29 +350450,29 +350451,29 +350452,29 +350453,31 +350454,31 +350455,31 +350456,31 +350457,31 +350458,4 +350459,4 +350460,4 +350461,4 +350462,4 +350463,4 +350464,4 +350465,29 +350466,29 +350467,29 +350468,29 +350469,29 +350470,39 +350471,39 +350472,39 +350473,39 +350474,39 +350475,39 +350476,39 +350477,39 +350478,39 +350479,27 +350480,27 +350481,27 +350482,27 +350483,31 +350484,31 +350485,28 +350486,28 +350487,28 +350488,28 +350489,28 +350490,28 +350491,28 +350492,28 +350493,34 +350494,34 +350495,34 +350496,34 +350497,34 +350498,34 +350499,34 +350500,34 +350501,34 +350502,34 +350503,34 +350504,34 +350505,34 +350506,34 +350507,34 +350508,5 +350509,5 +350510,5 +350511,5 +350512,28 +350513,5 +350514,5 +350515,28 +350516,28 +350517,28 +350518,28 +350519,28 +350520,28 +350521,28 +350522,28 +350523,28 +350524,28 +350525,36 +350526,36 +350527,36 +350528,36 +350529,36 +350530,36 +350531,36 +350532,5 +350533,5 +350534,5 +350535,5 +350536,5 +350537,5 +350538,5 +350539,5 +350540,11 +350541,11 +350542,11 +350543,16 +350544,16 +350545,11 +350546,11 +350547,11 +350548,11 +350549,31 +350550,31 +350551,31 +350552,31 +350553,31 +350554,25 +350555,31 +350556,5 +350557,5 +350558,5 +350559,5 +350560,5 +350561,5 +350562,5 +350563,5 +350564,5 +350565,5 +350566,19 +350567,19 +350568,19 +350569,19 +350570,12 +350571,12 +350572,12 +350573,12 +350574,12 +350575,12 +350576,12 +350577,12 +350578,27 +350579,27 +350580,27 +350581,27 +350582,30 +350583,30 +350584,30 +350585,30 +350586,30 +350587,30 +350588,30 +350589,30 +350590,12 +350591,12 +350592,12 +350593,12 +350594,12 +350595,39 +350596,39 +350597,39 +350598,39 +350599,39 +350600,39 +350601,39 +350602,39 +350603,39 +350604,39 +350605,39 +350606,23 +350607,23 +350608,23 +350609,23 +350610,23 +350611,23 +350612,23 +350613,23 +350614,23 +350615,23 +350616,9 +350617,9 +350618,9 +350619,9 +350620,9 +350621,9 +350622,9 +350623,9 +350624,9 +350625,37 +350626,37 +350627,37 +350628,37 +350629,37 +350630,37 +350631,37 +350632,38 +350633,38 +350634,38 +350635,38 +350636,38 +350637,6 +350638,6 +350639,6 +350640,6 +350641,6 +350642,6 +350643,6 +350644,6 +350645,6 +350646,6 +350647,6 +350648,26 +350649,26 +350650,31 +350651,31 +350652,26 +350653,26 +350654,26 +350655,26 +350656,28 +350657,28 +350658,28 +350659,28 +350660,28 +350661,28 +350662,27 +350663,27 +350664,27 +350665,13 +350666,13 +350667,13 +350668,13 +350669,13 +350670,13 +350671,13 +350672,13 +350673,13 +350674,13 +350675,13 +350676,13 +350677,13 +350678,13 +350679,13 +350680,13 +350681,13 +350682,13 +350683,0 +350684,0 +350685,0 +350686,0 +350687,0 +350688,0 +350689,0 +350690,0 +350691,0 +350692,0 +350693,0 +350694,0 +350695,0 +350696,0 +350697,0 +350698,0 +350699,0 +350700,0 +350701,0 +350702,0 +350703,0 +350704,0 +350705,0 +350706,0 +350707,0 +350708,0 +350709,0 +350710,0 +350711,0 +350712,0 +350713,0 +350714,0 +350715,0 +350716,0 +350717,0 +350718,0 +350719,0 +350720,0 +350721,0 +350722,0 +350723,29 +350724,29 +350725,29 +350726,29 +350727,29 +350728,29 +350729,29 +350730,29 +350731,14 +350732,14 +350733,14 +350734,14 +350735,14 +350736,14 +350737,17 +350738,14 +350739,14 +350740,14 +350741,14 +350742,9 +350743,9 +350744,9 +350745,9 +350746,33 +350747,33 +350748,31 +350749,33 +350750,33 +350751,33 +350752,33 +350753,33 +350754,28 +350755,28 +350756,28 +350757,30 +350758,30 +350759,30 +350760,30 +350761,39 +350762,39 +350763,39 +350764,39 +350765,39 +350766,39 +350767,39 +350768,39 +350769,39 +350770,32 +350771,32 +350772,32 +350773,32 +350774,32 +350775,32 +350776,32 +350777,32 +350778,32 +350779,32 +350780,32 +350781,25 +350782,25 +350783,25 +350784,25 +350785,25 +350786,25 +350787,25 +350788,28 +350789,28 +350790,28 +350791,28 +350792,28 +350793,28 +350794,28 +350795,14 +350796,14 +350797,27 +350798,27 +350799,27 +350800,27 +350801,27 +350802,4 +350803,4 +350804,4 +350805,4 +350806,4 +350807,4 +350808,4 +350809,4 +350810,4 +350811,4 +350812,12 +350813,12 +350814,12 +350815,12 +350816,12 +350817,12 +350818,12 +350819,12 +350820,12 +350821,12 +350822,12 +350823,9 +350824,9 +350825,9 +350826,9 +350827,9 +350828,31 +350829,5 +350830,5 +350831,5 +350832,5 +350833,5 +350834,5 +350835,5 +350836,5 +350837,19 +350838,19 +350839,19 +350840,19 +350841,19 +350842,19 +350843,25 +350844,25 +350845,25 +350846,31 +350847,35 +350848,35 +350849,35 +350850,35 +350851,35 +350852,35 +350853,35 +350854,35 +350855,35 +350856,35 +350857,35 +350858,36 +350859,36 +350860,36 +350861,36 +350862,36 +350863,36 +350864,36 +350865,36 +350866,36 +350867,36 +350868,36 +350869,24 +350870,24 +350871,24 +350872,24 +350873,24 +350874,24 +350875,24 +350876,27 +350877,27 +350878,27 +350879,40 +350880,40 +350881,40 +350882,40 +350883,19 +350884,29 +350885,29 +350886,19 +350887,19 +350888,19 +350889,19 +350890,19 +350891,19 +350892,19 +350893,27 +350894,27 +350895,27 +350896,27 +350897,27 +350898,27 +350899,27 +350900,27 +350901,23 +350902,23 +350903,23 +350904,23 +350905,23 +350906,23 +350907,23 +350908,23 +350909,27 +350910,27 +350911,27 +350912,27 +350913,27 +350914,27 +350915,27 +350916,6 +350917,6 +350918,6 +350919,6 +350920,6 +350921,6 +350922,6 +350923,6 +350924,6 +350925,6 +350926,6 +350927,6 +350928,6 +350929,36 +350930,36 +350931,36 +350932,36 +350933,36 +350934,5 +350935,5 +350936,5 +350937,5 +350938,5 +350939,5 +350940,5 +350941,5 +350942,5 +350943,5 +350944,15 +350945,15 +350946,15 +350947,15 +350948,39 +350949,39 +350950,39 +350951,39 +350952,39 +350953,39 +350954,39 +350955,39 +350956,39 +350957,39 +350958,39 +350959,31 +350960,31 +350961,31 +350962,31 +350963,15 +350964,15 +350965,15 +350966,15 +350967,15 +350968,15 +350969,15 +350970,15 +350971,15 +350972,4 +350973,4 +350974,4 +350975,4 +350976,4 +350977,4 +350978,4 +350979,4 +350980,14 +350981,14 +350982,14 +350983,14 +350984,14 +350985,14 +350986,14 +350987,14 +350988,14 +350989,14 +350990,14 +350991,14 +350992,14 +350993,14 +350994,14 +350995,14 +350996,14 +350997,14 +350998,5 +350999,5 +351000,5 +351001,5 +351002,5 +351003,5 +351004,5 +351005,5 +351006,5 +351007,5 +351008,5 +351009,19 +351010,19 +351011,19 +351012,19 +351013,19 +351014,19 +351015,19 +351016,19 +351017,0 +351018,0 +351019,0 +351020,0 +351021,0 +351022,0 +351023,0 +351024,0 +351025,0 +351026,0 +351027,0 +351028,0 +351029,0 +351030,0 +351031,0 +351032,0 +351033,0 +351034,0 +351035,0 +351036,0 +351037,0 +351038,0 +351039,0 +351040,0 +351041,0 +351042,0 +351043,0 +351044,0 +351045,0 +351046,0 +351047,0 +351048,0 +351049,0 +351050,0 +351051,0 +351052,0 +351053,0 +351054,0 +351055,0 +351056,0 +351057,0 +351058,0 +351059,0 +351060,0 +351061,0 +351062,0 +351063,0 +351064,0 +351065,0 +351066,0 +351067,0 +351068,0 +351069,0 +351070,0 +351071,0 +351072,0 +351073,0 +351074,0 +351075,0 +351076,0 +351077,0 +351078,0 +351079,0 +351080,0 +351081,0 +351082,0 +351083,0 +351084,0 +351085,0 +351086,0 +351087,0 +351088,27 +351089,27 +351090,27 +351091,27 +351092,27 +351093,27 +351094,27 +351095,27 +351096,5 +351097,5 +351098,5 +351099,28 +351100,39 +351101,39 +351102,39 +351103,39 +351104,39 +351105,39 +351106,39 +351107,39 +351108,12 +351109,12 +351110,12 +351111,12 +351112,12 +351113,12 +351114,12 +351115,12 +351116,12 +351117,12 +351118,31 +351119,31 +351120,31 +351121,40 +351122,40 +351123,5 +351124,5 +351125,5 +351126,5 +351127,5 +351128,35 +351129,35 +351130,35 +351131,35 +351132,35 +351133,35 +351134,35 +351135,35 +351136,27 +351137,31 +351138,31 +351139,31 +351140,31 +351141,31 +351142,31 +351143,31 +351144,35 +351145,35 +351146,35 +351147,35 +351148,35 +351149,31 +351150,36 +351151,36 +351152,36 +351153,19 +351154,19 +351155,19 +351156,19 +351157,24 +351158,24 +351159,29 +351160,29 +351161,31 +351162,31 +351163,31 +351164,31 +351165,31 +351166,19 +351167,19 +351168,19 +351169,19 +351170,19 +351171,19 +351172,27 +351173,27 +351174,27 +351175,27 +351176,27 +351177,27 +351178,27 +351179,2 +351180,2 +351181,2 +351182,2 +351183,2 +351184,2 +351185,2 +351186,2 +351187,2 +351188,4 +351189,4 +351190,4 +351191,4 +351192,4 +351193,4 +351194,4 +351195,4 +351196,27 +351197,27 +351198,13 +351199,13 +351200,13 +351201,13 +351202,13 +351203,13 +351204,13 +351205,13 +351206,21 +351207,21 +351208,21 +351209,12 +351210,12 +351211,12 +351212,12 +351213,27 +351214,27 +351215,27 +351216,27 +351217,16 +351218,16 +351219,16 +351220,16 +351221,16 +351222,16 +351223,16 +351224,16 +351225,16 +351226,16 +351227,26 +351228,26 +351229,26 +351230,26 +351231,26 +351232,26 +351233,26 +351234,26 +351235,26 +351236,26 +351237,26 +351238,26 +351239,26 +351240,26 +351241,26 +351242,5 +351243,5 +351244,5 +351245,5 +351246,5 +351247,25 +351248,25 +351249,25 +351250,25 +351251,25 +351252,25 +351253,25 +351254,25 +351255,25 +351256,25 +351257,25 +351258,25 +351259,25 +351260,25 +351261,27 +351262,27 +351263,27 +351264,31 +351265,32 +351266,32 +351267,32 +351268,32 +351269,32 +351270,32 +351271,32 +351272,39 +351273,39 +351274,27 +351275,39 +351276,39 +351277,39 +351278,39 +351279,39 +351280,27 +351281,27 +351282,13 +351283,13 +351284,13 +351285,13 +351286,13 +351287,13 +351288,13 +351289,13 +351290,13 +351291,13 +351292,13 +351293,13 +351294,13 +351295,5 +351296,5 +351297,7 +351298,7 +351299,7 +351300,7 +351301,7 +351302,22 +351303,3 +351304,3 +351305,22 +351306,25 +351307,37 +351308,37 +351309,37 +351310,37 +351311,37 +351312,37 +351313,35 +351314,35 +351315,35 +351316,35 +351317,35 +351318,35 +351319,35 +351320,27 +351321,27 +351322,27 +351323,27 +351324,27 +351325,27 +351326,27 +351327,27 +351328,28 +351329,28 +351330,28 +351331,28 +351332,28 +351333,28 +351334,28 +351335,28 +351336,28 +351337,28 +351338,28 +351339,28 +351340,28 +351341,0 +351342,0 +351343,0 +351344,0 +351345,0 +351346,0 +351347,0 +351348,0 +351349,0 +351350,0 +351351,0 +351352,0 +351353,0 +351354,0 +351355,0 +351356,0 +351357,0 +351358,0 +351359,0 +351360,0 +351361,0 +351362,0 +351363,0 +351364,0 +351365,0 +351366,0 +351367,0 +351368,0 +351369,0 +351370,0 +351371,0 +351372,6 +351373,6 +351374,6 +351375,6 +351376,6 +351377,6 +351378,22 +351379,22 +351380,22 +351381,22 +351382,22 +351383,22 +351384,19 +351385,19 +351386,19 +351387,19 +351388,19 +351389,19 +351390,19 +351391,12 +351392,12 +351393,12 +351394,12 +351395,12 +351396,12 +351397,12 +351398,27 +351399,27 +351400,27 +351401,27 +351402,27 +351403,27 +351404,11 +351405,11 +351406,11 +351407,11 +351408,11 +351409,11 +351410,11 +351411,11 +351412,11 +351413,4 +351414,4 +351415,4 +351416,4 +351417,4 +351418,4 +351419,4 +351420,31 +351421,31 +351422,31 +351423,31 +351424,31 +351425,30 +351426,30 +351427,30 +351428,30 +351429,30 +351430,30 +351431,30 +351432,30 +351433,39 +351434,39 +351435,39 +351436,39 +351437,39 +351438,39 +351439,39 +351440,39 +351441,39 +351442,39 +351443,39 +351444,39 +351445,39 +351446,24 +351447,24 +351448,24 +351449,24 +351450,24 +351451,35 +351452,35 +351453,35 +351454,35 +351455,35 +351456,35 +351457,27 +351458,27 +351459,27 +351460,27 +351461,27 +351462,27 +351463,27 +351464,27 +351465,27 +351466,27 +351467,28 +351468,28 +351469,28 +351470,28 +351471,28 +351472,28 +351473,28 +351474,28 +351475,28 +351476,28 +351477,28 +351478,0 +351479,0 +351480,0 +351481,0 +351482,0 +351483,0 +351484,0 +351485,0 +351486,0 +351487,0 +351488,0 +351489,0 +351490,0 +351491,0 +351492,0 +351493,0 +351494,0 +351495,0 +351496,0 +351497,0 +351498,0 +351499,0 +351500,0 +351501,0 +351502,0 +351503,0 +351504,0 +351505,0 +351506,0 +351507,0 +351508,0 +351509,0 +351510,0 +351511,0 +351512,0 +351513,0 +351514,0 +351515,0 +351516,0 +351517,0 +351518,0 +351519,0 +351520,0 +351521,0 +351522,0 +351523,0 +351524,0 +351525,0 +351526,0 +351527,0 +351528,0 +351529,0 +351530,0 +351531,0 +351532,0 +351533,0 +351534,0 +351535,0 +351536,0 +351537,0 +351538,0 +351539,0 +351540,0 +351541,2 +351542,2 +351543,2 +351544,2 +351545,2 +351546,2 +351547,2 +351548,2 +351549,2 +351550,2 +351551,2 +351552,2 +351553,2 +351554,2 +351555,2 +351556,2 +351557,2 +351558,2 +351559,2 +351560,2 +351561,2 +351562,2 +351563,2 +351564,2 +351565,2 +351566,2 +351567,10 +351568,10 +351569,10 +351570,10 +351571,10 +351572,10 +351573,10 +351574,10 +351575,10 +351576,10 +351577,10 +351578,10 +351579,10 +351580,10 +351581,37 +351582,37 +351583,25 +351584,25 +351585,25 +351586,25 +351587,25 +351588,25 +351589,37 +351590,37 +351591,37 +351592,37 +351593,2 +351594,2 +351595,2 +351596,2 +351597,2 +351598,2 +351599,2 +351600,2 +351601,2 +351602,2 +351603,2 +351604,40 +351605,40 +351606,40 +351607,40 +351608,40 +351609,40 +351610,19 +351611,19 +351612,19 +351613,19 +351614,19 +351615,19 +351616,19 +351617,19 +351618,19 +351619,19 +351620,19 +351621,19 +351622,19 +351623,19 +351624,19 +351625,19 +351626,26 +351627,26 +351628,26 +351629,26 +351630,26 +351631,26 +351632,37 +351633,37 +351634,37 +351635,37 +351636,4 +351637,4 +351638,4 +351639,4 +351640,4 +351641,4 +351642,4 +351643,4 +351644,4 +351645,4 +351646,10 +351647,10 +351648,10 +351649,10 +351650,10 +351651,10 +351652,10 +351653,10 +351654,28 +351655,28 +351656,28 +351657,28 +351658,28 +351659,28 +351660,28 +351661,10 +351662,10 +351663,10 +351664,10 +351665,10 +351666,36 +351667,36 +351668,26 +351669,26 +351670,26 +351671,36 +351672,36 +351673,36 +351674,36 +351675,36 +351676,5 +351677,5 +351678,5 +351679,5 +351680,5 +351681,5 +351682,5 +351683,5 +351684,5 +351685,5 +351686,5 +351687,5 +351688,19 +351689,5 +351690,0 +351691,0 +351692,0 +351693,0 +351694,0 +351695,0 +351696,0 +351697,0 +351698,0 +351699,0 +351700,0 +351701,0 +351702,0 +351703,0 +351704,0 +351705,0 +351706,0 +351707,0 +351708,0 +351709,0 +351710,0 +351711,0 +351712,0 +351713,0 +351714,0 +351715,0 +351716,0 +351717,0 +351718,0 +351719,0 +351720,0 +351721,0 +351722,0 +351723,0 +351724,0 +351725,0 +351726,0 +351727,0 +351728,0 +351729,0 +351730,0 +351731,0 +351732,0 +351733,9 +351734,9 +351735,9 +351736,9 +351737,9 +351738,9 +351739,9 +351740,9 +351741,17 +351742,17 +351743,17 +351744,9 +351745,9 +351746,9 +351747,9 +351748,9 +351749,9 +351750,9 +351751,9 +351752,37 +351753,37 +351754,37 +351755,25 +351756,25 +351757,25 +351758,25 +351759,25 +351760,25 +351761,25 +351762,25 +351763,25 +351764,37 +351765,37 +351766,37 +351767,37 +351768,37 +351769,37 +351770,37 +351771,37 +351772,37 +351773,37 +351774,37 +351775,37 +351776,37 +351777,37 +351778,37 +351779,37 +351780,37 +351781,0 +351782,0 +351783,0 +351784,0 +351785,0 +351786,0 +351787,0 +351788,0 +351789,0 +351790,0 +351791,29 +351792,27 +351793,27 +351794,27 +351795,27 +351796,31 +351797,2 +351798,2 +351799,2 +351800,2 +351801,2 +351802,2 +351803,2 +351804,2 +351805,2 +351806,2 +351807,4 +351808,4 +351809,4 +351810,4 +351811,4 +351812,14 +351813,14 +351814,27 +351815,27 +351816,27 +351817,27 +351818,27 +351819,27 +351820,4 +351821,4 +351822,4 +351823,4 +351824,5 +351825,5 +351826,5 +351827,31 +351828,26 +351829,31 +351830,31 +351831,31 +351832,4 +351833,4 +351834,4 +351835,4 +351836,4 +351837,30 +351838,31 +351839,31 +351840,31 +351841,31 +351842,30 +351843,30 +351844,30 +351845,31 +351846,15 +351847,15 +351848,15 +351849,15 +351850,15 +351851,15 +351852,39 +351853,39 +351854,39 +351855,39 +351856,39 +351857,39 +351858,39 +351859,28 +351860,28 +351861,28 +351862,28 +351863,28 +351864,28 +351865,28 +351866,14 +351867,14 +351868,14 +351869,36 +351870,36 +351871,14 +351872,14 +351873,14 +351874,14 +351875,14 +351876,14 +351877,14 +351878,14 +351879,14 +351880,14 +351881,14 +351882,14 +351883,14 +351884,14 +351885,14 +351886,14 +351887,14 +351888,14 +351889,14 +351890,14 +351891,14 +351892,4 +351893,19 +351894,19 +351895,19 +351896,19 +351897,4 +351898,4 +351899,40 +351900,40 +351901,40 +351902,40 +351903,40 +351904,40 +351905,40 +351906,5 +351907,5 +351908,5 +351909,5 +351910,5 +351911,5 +351912,5 +351913,36 +351914,36 +351915,36 +351916,36 +351917,36 +351918,36 +351919,36 +351920,36 +351921,36 +351922,36 +351923,36 +351924,36 +351925,36 +351926,36 +351927,36 +351928,36 +351929,36 +351930,36 +351931,23 +351932,23 +351933,23 +351934,23 +351935,23 +351936,23 +351937,23 +351938,23 +351939,4 +351940,4 +351941,23 +351942,23 +351943,23 +351944,25 +351945,25 +351946,25 +351947,25 +351948,25 +351949,25 +351950,25 +351951,25 +351952,25 +351953,25 +351954,35 +351955,35 +351956,35 +351957,35 +351958,35 +351959,27 +351960,36 +351961,36 +351962,36 +351963,36 +351964,19 +351965,15 +351966,15 +351967,15 +351968,32 +351969,32 +351970,27 +351971,27 +351972,27 +351973,27 +351974,5 +351975,5 +351976,5 +351977,5 +351978,5 +351979,5 +351980,5 +351981,4 +351982,4 +351983,4 +351984,4 +351985,4 +351986,4 +351987,4 +351988,4 +351989,4 +351990,4 +351991,14 +351992,14 +351993,14 +351994,14 +351995,14 +351996,14 +351997,14 +351998,14 +351999,6 +352000,6 +352001,6 +352002,6 +352003,6 +352004,6 +352005,6 +352006,27 +352007,27 +352008,27 +352009,27 +352010,5 +352011,5 +352012,13 +352013,13 +352014,27 +352015,27 +352016,27 +352017,27 +352018,27 +352019,27 +352020,27 +352021,27 +352022,5 +352023,5 +352024,5 +352025,5 +352026,5 +352027,5 +352028,5 +352029,5 +352030,5 +352031,5 +352032,5 +352033,5 +352034,5 +352035,5 +352036,5 +352037,5 +352038,38 +352039,29 +352040,29 +352041,29 +352042,29 +352043,29 +352044,31 +352045,31 +352046,31 +352047,31 +352048,31 +352049,31 +352050,31 +352051,31 +352052,24 +352053,37 +352054,37 +352055,37 +352056,37 +352057,0 +352058,0 +352059,0 +352060,0 +352061,15 +352062,15 +352063,15 +352064,0 +352065,0 +352066,0 +352067,0 +352068,15 +352069,31 +352070,37 +352071,27 +352072,30 +352073,30 +352074,30 +352075,30 +352076,30 +352077,30 +352078,30 +352079,30 +352080,30 +352081,30 +352082,30 +352083,30 +352084,39 +352085,39 +352086,39 +352087,39 +352088,39 +352089,39 +352090,39 +352091,39 +352092,39 +352093,39 +352094,39 +352095,39 +352096,39 +352097,39 +352098,39 +352099,39 +352100,39 +352101,39 +352102,39 +352103,39 +352104,39 +352105,39 +352106,39 +352107,39 +352108,39 +352109,39 +352110,24 +352111,24 +352112,24 +352113,24 +352114,24 +352115,24 +352116,24 +352117,24 +352118,24 +352119,24 +352120,0 +352121,0 +352122,0 +352123,0 +352124,0 +352125,0 +352126,0 +352127,0 +352128,0 +352129,0 +352130,0 +352131,0 +352132,0 +352133,0 +352134,0 +352135,0 +352136,0 +352137,0 +352138,0 +352139,0 +352140,0 +352141,0 +352142,0 +352143,0 +352144,0 +352145,0 +352146,0 +352147,0 +352148,0 +352149,0 +352150,0 +352151,0 +352152,0 +352153,29 +352154,29 +352155,29 +352156,29 +352157,29 +352158,29 +352159,29 +352160,29 +352161,31 +352162,31 +352163,31 +352164,31 +352165,31 +352166,31 +352167,31 +352168,12 +352169,12 +352170,12 +352171,12 +352172,12 +352173,12 +352174,12 +352175,12 +352176,12 +352177,25 +352178,25 +352179,25 +352180,25 +352181,25 +352182,25 +352183,25 +352184,25 +352185,27 +352186,4 +352187,4 +352188,4 +352189,4 +352190,2 +352191,2 +352192,2 +352193,2 +352194,2 +352195,4 +352196,8 +352197,8 +352198,2 +352199,2 +352200,31 +352201,31 +352202,31 +352203,31 +352204,31 +352205,31 +352206,31 +352207,31 +352208,31 +352209,33 +352210,24 +352211,24 +352212,24 +352213,24 +352214,24 +352215,27 +352216,27 +352217,27 +352218,27 +352219,27 +352220,29 +352221,27 +352222,31 +352223,31 +352224,31 +352225,31 +352226,31 +352227,31 +352228,31 +352229,31 +352230,31 +352231,30 +352232,30 +352233,30 +352234,30 +352235,30 +352236,30 +352237,30 +352238,40 +352239,40 +352240,40 +352241,40 +352242,40 +352243,40 +352244,40 +352245,40 +352246,40 +352247,40 +352248,23 +352249,23 +352250,23 +352251,23 +352252,23 +352253,23 +352254,23 +352255,38 +352256,38 +352257,38 +352258,38 +352259,38 +352260,38 +352261,38 +352262,12 +352263,12 +352264,12 +352265,22 +352266,22 +352267,22 +352268,19 +352269,19 +352270,19 +352271,19 +352272,15 +352273,15 +352274,15 +352275,15 +352276,15 +352277,15 +352278,15 +352279,39 +352280,39 +352281,39 +352282,39 +352283,39 +352284,39 +352285,39 +352286,39 +352287,39 +352288,39 +352289,39 +352290,39 +352291,39 +352292,39 +352293,36 +352294,36 +352295,36 +352296,36 +352297,36 +352298,36 +352299,36 +352300,36 +352301,36 +352302,36 +352303,36 +352304,36 +352305,36 +352306,36 +352307,36 +352308,36 +352309,36 +352310,36 +352311,36 +352312,24 +352313,24 +352314,27 +352315,27 +352316,27 +352317,27 +352318,27 +352319,27 +352320,27 +352321,27 +352322,27 +352323,27 +352324,19 +352325,19 +352326,19 +352327,19 +352328,19 +352329,19 +352330,19 +352331,19 +352332,19 +352333,19 +352334,4 +352335,19 +352336,19 +352337,0 +352338,0 +352339,0 +352340,0 +352341,0 +352342,0 +352343,0 +352344,0 +352345,0 +352346,0 +352347,0 +352348,0 +352349,0 +352350,0 +352351,0 +352352,0 +352353,0 +352354,0 +352355,0 +352356,0 +352357,0 +352358,0 +352359,0 +352360,0 +352361,0 +352362,0 +352363,0 +352364,0 +352365,0 +352366,0 +352367,0 +352368,0 +352369,0 +352370,0 +352371,0 +352372,36 +352373,36 +352374,36 +352375,36 +352376,36 +352377,36 +352378,36 +352379,36 +352380,36 +352381,36 +352382,36 +352383,36 +352384,5 +352385,5 +352386,5 +352387,5 +352388,19 +352389,19 +352390,19 +352391,19 +352392,19 +352393,12 +352394,12 +352395,12 +352396,12 +352397,37 +352398,31 +352399,31 +352400,37 +352401,37 +352402,37 +352403,37 +352404,25 +352405,37 +352406,37 +352407,37 +352408,37 +352409,32 +352410,32 +352411,32 +352412,32 +352413,32 +352414,32 +352415,32 +352416,32 +352417,32 +352418,37 +352419,37 +352420,37 +352421,37 +352422,37 +352423,37 +352424,10 +352425,10 +352426,26 +352427,26 +352428,26 +352429,26 +352430,26 +352431,26 +352432,26 +352433,34 +352434,34 +352435,5 +352436,5 +352437,5 +352438,5 +352439,5 +352440,31 +352441,31 +352442,31 +352443,31 +352444,31 +352445,2 +352446,2 +352447,2 +352448,2 +352449,2 +352450,4 +352451,4 +352452,4 +352453,4 +352454,4 +352455,4 +352456,4 +352457,4 +352458,37 +352459,37 +352460,37 +352461,37 +352462,25 +352463,25 +352464,25 +352465,12 +352466,12 +352467,12 +352468,12 +352469,12 +352470,12 +352471,12 +352472,12 +352473,12 +352474,12 +352475,12 +352476,12 +352477,12 +352478,12 +352479,12 +352480,12 +352481,9 +352482,9 +352483,9 +352484,9 +352485,9 +352486,9 +352487,9 +352488,9 +352489,9 +352490,9 +352491,9 +352492,9 +352493,37 +352494,37 +352495,37 +352496,37 +352497,37 +352498,37 +352499,37 +352500,37 +352501,37 +352502,19 +352503,19 +352504,19 +352505,19 +352506,19 +352507,19 +352508,19 +352509,8 +352510,8 +352511,8 +352512,8 +352513,8 +352514,8 +352515,23 +352516,23 +352517,23 +352518,23 +352519,23 +352520,23 +352521,23 +352522,23 +352523,23 +352524,23 +352525,9 +352526,9 +352527,9 +352528,9 +352529,9 +352530,9 +352531,9 +352532,37 +352533,37 +352534,37 +352535,37 +352536,37 +352537,37 +352538,37 +352539,37 +352540,29 +352541,29 +352542,29 +352543,29 +352544,29 +352545,29 +352546,29 +352547,29 +352548,29 +352549,39 +352550,39 +352551,39 +352552,39 +352553,39 +352554,39 +352555,39 +352556,39 +352557,39 +352558,39 +352559,39 +352560,39 +352561,39 +352562,39 +352563,8 +352564,8 +352565,8 +352566,8 +352567,8 +352568,8 +352569,8 +352570,8 +352571,27 +352572,27 +352573,27 +352574,27 +352575,27 +352576,27 +352577,27 +352578,2 +352579,2 +352580,2 +352581,2 +352582,2 +352583,2 +352584,2 +352585,2 +352586,2 +352587,2 +352588,2 +352589,2 +352590,2 +352591,40 +352592,40 +352593,40 +352594,40 +352595,40 +352596,40 +352597,40 +352598,40 +352599,40 +352600,40 +352601,40 +352602,2 +352603,2 +352604,2 +352605,2 +352606,2 +352607,2 +352608,2 +352609,2 +352610,2 +352611,2 +352612,2 +352613,2 +352614,31 +352615,31 +352616,31 +352617,31 +352618,31 +352619,5 +352620,5 +352621,5 +352622,5 +352623,5 +352624,5 +352625,5 +352626,14 +352627,14 +352628,14 +352629,14 +352630,14 +352631,14 +352632,14 +352633,14 +352634,14 +352635,14 +352636,14 +352637,14 +352638,11 +352639,11 +352640,11 +352641,11 +352642,11 +352643,11 +352644,11 +352645,11 +352646,11 +352647,11 +352648,11 +352649,11 +352650,31 +352651,31 +352652,31 +352653,31 +352654,31 +352655,31 +352656,31 +352657,5 +352658,5 +352659,5 +352660,5 +352661,5 +352662,5 +352663,5 +352664,5 +352665,5 +352666,5 +352667,5 +352668,5 +352669,8 +352670,8 +352671,8 +352672,8 +352673,8 +352674,8 +352675,8 +352676,8 +352677,8 +352678,8 +352679,2 +352680,2 +352681,2 +352682,2 +352683,2 +352684,2 +352685,2 +352686,2 +352687,2 +352688,2 +352689,2 +352690,0 +352691,0 +352692,0 +352693,0 +352694,0 +352695,0 +352696,0 +352697,0 +352698,0 +352699,0 +352700,0 +352701,0 +352702,0 +352703,0 +352704,0 +352705,0 +352706,0 +352707,0 +352708,0 +352709,0 +352710,0 +352711,0 +352712,0 +352713,0 +352714,0 +352715,0 +352716,0 +352717,0 +352718,0 +352719,0 +352720,0 +352721,0 +352722,0 +352723,0 +352724,0 +352725,0 +352726,0 +352727,0 +352728,0 +352729,0 +352730,0 +352731,0 +352732,0 +352733,0 +352734,0 +352735,0 +352736,0 +352737,0 +352738,0 +352739,0 +352740,0 +352741,0 +352742,0 +352743,0 +352744,0 +352745,0 +352746,0 +352747,29 +352748,29 +352749,29 +352750,29 +352751,29 +352752,29 +352753,29 +352754,40 +352755,40 +352756,40 +352757,40 +352758,40 +352759,40 +352760,40 +352761,27 +352762,27 +352763,27 +352764,27 +352765,5 +352766,5 +352767,5 +352768,5 +352769,5 +352770,5 +352771,5 +352772,26 +352773,34 +352774,34 +352775,34 +352776,34 +352777,34 +352778,34 +352779,34 +352780,34 +352781,34 +352782,34 +352783,34 +352784,34 +352785,34 +352786,34 +352787,34 +352788,28 +352789,28 +352790,28 +352791,28 +352792,28 +352793,28 +352794,28 +352795,32 +352796,32 +352797,32 +352798,26 +352799,26 +352800,26 +352801,26 +352802,26 +352803,26 +352804,37 +352805,37 +352806,37 +352807,37 +352808,37 +352809,37 +352810,37 +352811,37 +352812,37 +352813,6 +352814,23 +352815,23 +352816,23 +352817,23 +352818,4 +352819,4 +352820,4 +352821,4 +352822,4 +352823,4 +352824,31 +352825,31 +352826,31 +352827,31 +352828,5 +352829,5 +352830,5 +352831,5 +352832,29 +352833,29 +352834,29 +352835,29 +352836,31 +352837,31 +352838,31 +352839,31 +352840,31 +352841,21 +352842,21 +352843,21 +352844,21 +352845,21 +352846,21 +352847,21 +352848,21 +352849,21 +352850,37 +352851,37 +352852,37 +352853,37 +352854,37 +352855,37 +352856,14 +352857,14 +352858,14 +352859,14 +352860,14 +352861,14 +352862,14 +352863,6 +352864,6 +352865,6 +352866,6 +352867,14 +352868,0 +352869,0 +352870,0 +352871,0 +352872,0 +352873,0 +352874,0 +352875,0 +352876,0 +352877,0 +352878,29 +352879,29 +352880,29 +352881,29 +352882,29 +352883,38 +352884,24 +352885,24 +352886,24 +352887,23 +352888,23 +352889,40 +352890,40 +352891,40 +352892,40 +352893,40 +352894,5 +352895,5 +352896,5 +352897,5 +352898,5 +352899,16 +352900,16 +352901,16 +352902,16 +352903,16 +352904,16 +352905,16 +352906,16 +352907,18 +352908,16 +352909,16 +352910,25 +352911,25 +352912,25 +352913,25 +352914,25 +352915,25 +352916,25 +352917,25 +352918,25 +352919,25 +352920,25 +352921,29 +352922,29 +352923,29 +352924,29 +352925,29 +352926,29 +352927,29 +352928,29 +352929,31 +352930,31 +352931,31 +352932,31 +352933,5 +352934,5 +352935,5 +352936,5 +352937,5 +352938,5 +352939,5 +352940,10 +352941,10 +352942,10 +352943,10 +352944,10 +352945,10 +352946,10 +352947,10 +352948,10 +352949,10 +352950,10 +352951,10 +352952,4 +352953,4 +352954,4 +352955,4 +352956,12 +352957,12 +352958,6 +352959,6 +352960,12 +352961,12 +352962,35 +352963,27 +352964,31 +352965,5 +352966,5 +352967,5 +352968,5 +352969,5 +352970,5 +352971,32 +352972,32 +352973,32 +352974,32 +352975,32 +352976,32 +352977,32 +352978,32 +352979,32 +352980,27 +352981,27 +352982,39 +352983,39 +352984,39 +352985,35 +352986,4 +352987,35 +352988,35 +352989,35 +352990,35 +352991,25 +352992,25 +352993,25 +352994,25 +352995,25 +352996,25 +352997,25 +352998,23 +352999,23 +353000,23 +353001,23 +353002,23 +353003,23 +353004,23 +353005,23 +353006,23 +353007,23 +353008,23 +353009,30 +353010,30 +353011,30 +353012,30 +353013,3 +353014,3 +353015,30 +353016,3 +353017,3 +353018,3 +353019,3 +353020,30 +353021,30 +353022,12 +353023,30 +353024,27 +353025,27 +353026,27 +353027,27 +353028,27 +353029,27 +353030,27 +353031,27 +353032,27 +353033,27 +353034,27 +353035,5 +353036,5 +353037,5 +353038,5 +353039,5 +353040,5 +353041,30 +353042,30 +353043,30 +353044,30 +353045,30 +353046,30 +353047,30 +353048,22 +353049,22 +353050,22 +353051,22 +353052,22 +353053,22 +353054,22 +353055,6 +353056,6 +353057,6 +353058,6 +353059,6 +353060,6 +353061,6 +353062,27 +353063,27 +353064,27 +353065,27 +353066,13 +353067,13 +353068,13 +353069,13 +353070,13 +353071,13 +353072,23 +353073,23 +353074,23 +353075,23 +353076,23 +353077,23 +353078,23 +353079,23 +353080,23 +353081,25 +353082,25 +353083,25 +353084,25 +353085,25 +353086,25 +353087,35 +353088,35 +353089,35 +353090,35 +353091,27 +353092,27 +353093,27 +353094,27 +353095,27 +353096,27 +353097,11 +353098,11 +353099,11 +353100,11 +353101,11 +353102,11 +353103,11 +353104,11 +353105,11 +353106,11 +353107,11 +353108,11 +353109,11 +353110,11 +353111,11 +353112,11 +353113,36 +353114,36 +353115,36 +353116,36 +353117,36 +353118,36 +353119,36 +353120,36 +353121,34 +353122,36 +353123,36 +353124,4 +353125,4 +353126,4 +353127,4 +353128,4 +353129,33 +353130,33 +353131,33 +353132,33 +353133,33 +353134,33 +353135,33 +353136,33 +353137,33 +353138,33 +353139,33 +353140,33 +353141,33 +353142,33 +353143,33 +353144,33 +353145,33 +353146,33 +353147,0 +353148,0 +353149,0 +353150,0 +353151,0 +353152,0 +353153,0 +353154,0 +353155,0 +353156,0 +353157,0 +353158,0 +353159,0 +353160,0 +353161,0 +353162,0 +353163,0 +353164,0 +353165,0 +353166,0 +353167,0 +353168,0 +353169,0 +353170,0 +353171,0 +353172,0 +353173,0 +353174,0 +353175,0 +353176,0 +353177,0 +353178,0 +353179,0 +353180,0 +353181,0 +353182,0 +353183,0 +353184,0 +353185,0 +353186,0 +353187,0 +353188,0 +353189,0 +353190,0 +353191,0 +353192,0 +353193,0 +353194,0 +353195,0 +353196,0 +353197,0 +353198,0 +353199,0 +353200,0 +353201,0 +353202,0 +353203,0 +353204,0 +353205,0 +353206,0 +353207,0 +353208,0 +353209,0 +353210,0 +353211,0 +353212,0 +353213,0 +353214,0 +353215,0 +353216,0 +353217,0 +353218,0 +353219,0 +353220,0 +353221,0 +353222,0 +353223,0 +353224,0 +353225,0 +353226,0 +353227,0 +353228,0 +353229,0 +353230,0 +353231,6 +353232,6 +353233,6 +353234,6 +353235,6 +353236,6 +353237,6 +353238,31 +353239,31 +353240,31 +353241,31 +353242,31 +353243,35 +353244,35 +353245,35 +353246,39 +353247,39 +353248,39 +353249,39 +353250,39 +353251,39 +353252,12 +353253,12 +353254,12 +353255,3 +353256,3 +353257,12 +353258,12 +353259,12 +353260,12 +353261,12 +353262,12 +353263,12 +353264,22 +353265,31 +353266,31 +353267,31 +353268,27 +353269,5 +353270,5 +353271,5 +353272,5 +353273,5 +353274,5 +353275,27 +353276,27 +353277,27 +353278,27 +353279,27 +353280,27 +353281,27 +353282,27 +353283,27 +353284,27 +353285,2 +353286,2 +353287,2 +353288,2 +353289,2 +353290,2 +353291,2 +353292,29 +353293,29 +353294,29 +353295,29 +353296,31 +353297,31 +353298,31 +353299,31 +353300,19 +353301,19 +353302,19 +353303,19 +353304,19 +353305,19 +353306,19 +353307,19 +353308,19 +353309,40 +353310,40 +353311,40 +353312,40 +353313,40 +353314,40 +353315,40 +353316,40 +353317,40 +353318,23 +353319,23 +353320,23 +353321,23 +353322,23 +353323,23 +353324,23 +353325,23 +353326,31 +353327,31 +353328,31 +353329,5 +353330,5 +353331,5 +353332,5 +353333,14 +353334,27 +353335,27 +353336,27 +353337,27 +353338,27 +353339,27 +353340,27 +353341,27 +353342,27 +353343,27 +353344,14 +353345,27 +353346,28 +353347,28 +353348,28 +353349,28 +353350,28 +353351,28 +353352,32 +353353,32 +353354,32 +353355,32 +353356,32 +353357,32 +353358,32 +353359,32 +353360,32 +353361,32 +353362,37 +353363,37 +353364,37 +353365,37 +353366,27 +353367,27 +353368,27 +353369,27 +353370,27 +353371,8 +353372,8 +353373,8 +353374,8 +353375,8 +353376,8 +353377,8 +353378,27 +353379,27 +353380,13 +353381,5 +353382,5 +353383,5 +353384,5 +353385,5 +353386,5 +353387,5 +353388,5 +353389,5 +353390,5 +353391,5 +353392,27 +353393,27 +353394,27 +353395,27 +353396,27 +353397,27 +353398,4 +353399,4 +353400,4 +353401,4 +353402,4 +353403,4 +353404,31 +353405,31 +353406,31 +353407,31 +353408,31 +353409,31 +353410,31 +353411,24 +353412,24 +353413,24 +353414,24 +353415,31 +353416,31 +353417,31 +353418,31 +353419,31 +353420,8 +353421,8 +353422,8 +353423,8 +353424,8 +353425,8 +353426,8 +353427,21 +353428,21 +353429,21 +353430,21 +353431,21 +353432,21 +353433,37 +353434,37 +353435,37 +353436,37 +353437,37 +353438,37 +353439,37 +353440,37 +353441,40 +353442,40 +353443,40 +353444,40 +353445,40 +353446,36 +353447,36 +353448,36 +353449,36 +353450,5 +353451,5 +353452,5 +353453,5 +353454,5 +353455,5 +353456,23 +353457,23 +353458,23 +353459,23 +353460,23 +353461,23 +353462,23 +353463,9 +353464,9 +353465,9 +353466,9 +353467,9 +353468,9 +353469,9 +353470,9 +353471,9 +353472,9 +353473,9 +353474,9 +353475,9 +353476,29 +353477,29 +353478,29 +353479,29 +353480,31 +353481,31 +353482,31 +353483,31 +353484,31 +353485,31 +353486,31 +353487,31 +353488,31 +353489,31 +353490,5 +353491,5 +353492,5 +353493,5 +353494,27 +353495,27 +353496,27 +353497,27 +353498,27 +353499,27 +353500,5 +353501,5 +353502,5 +353503,5 +353504,5 +353505,5 +353506,5 +353507,40 +353508,40 +353509,40 +353510,40 +353511,40 +353512,40 +353513,37 +353514,37 +353515,37 +353516,37 +353517,37 +353518,37 +353519,33 +353520,33 +353521,31 +353522,31 +353523,30 +353524,30 +353525,30 +353526,15 +353527,15 +353528,15 +353529,15 +353530,15 +353531,15 +353532,26 +353533,26 +353534,26 +353535,10 +353536,10 +353537,10 +353538,10 +353539,10 +353540,10 +353541,26 +353542,26 +353543,26 +353544,26 +353545,26 +353546,37 +353547,37 +353548,37 +353549,37 +353550,37 +353551,6 +353552,6 +353553,6 +353554,6 +353555,6 +353556,6 +353557,6 +353558,6 +353559,2 +353560,2 +353561,2 +353562,2 +353563,2 +353564,2 +353565,2 +353566,2 +353567,2 +353568,2 +353569,2 +353570,2 +353571,2 +353572,2 +353573,2 +353574,2 +353575,2 +353576,2 +353577,8 +353578,8 +353579,8 +353580,8 +353581,0 +353582,0 +353583,0 +353584,0 +353585,0 +353586,0 +353587,0 +353588,0 +353589,0 +353590,0 +353591,0 +353592,0 +353593,0 +353594,0 +353595,0 +353596,0 +353597,0 +353598,0 +353599,0 +353600,0 +353601,0 +353602,0 +353603,0 +353604,0 +353605,0 +353606,0 +353607,0 +353608,0 +353609,0 +353610,0 +353611,0 +353612,0 +353613,0 +353614,0 +353615,0 +353616,0 +353617,0 +353618,0 +353619,0 +353620,0 +353621,0 +353622,0 +353623,0 +353624,0 +353625,0 +353626,0 +353627,0 +353628,0 +353629,0 +353630,0 +353631,32 +353632,32 +353633,32 +353634,32 +353635,4 +353636,4 +353637,35 +353638,35 +353639,35 +353640,35 +353641,35 +353642,35 +353643,39 +353644,39 +353645,39 +353646,39 +353647,3 +353648,39 +353649,39 +353650,12 +353651,12 +353652,12 +353653,12 +353654,12 +353655,3 +353656,3 +353657,3 +353658,9 +353659,12 +353660,12 +353661,12 +353662,12 +353663,9 +353664,26 +353665,26 +353666,26 +353667,26 +353668,26 +353669,9 +353670,9 +353671,9 +353672,26 +353673,36 +353674,37 +353675,37 +353676,37 +353677,37 +353678,2 +353679,2 +353680,2 +353681,2 +353682,2 +353683,2 +353684,2 +353685,11 +353686,16 +353687,31 +353688,29 +353689,31 +353690,31 +353691,31 +353692,31 +353693,31 +353694,31 +353695,6 +353696,6 +353697,6 +353698,6 +353699,6 +353700,6 +353701,6 +353702,6 +353703,6 +353704,6 +353705,6 +353706,6 +353707,6 +353708,6 +353709,31 +353710,31 +353711,31 +353712,31 +353713,31 +353714,24 +353715,24 +353716,24 +353717,24 +353718,24 +353719,25 +353720,25 +353721,25 +353722,25 +353723,25 +353724,25 +353725,25 +353726,25 +353727,25 +353728,37 +353729,27 +353730,27 +353731,27 +353732,27 +353733,27 +353734,27 +353735,13 +353736,13 +353737,13 +353738,13 +353739,13 +353740,13 +353741,6 +353742,6 +353743,6 +353744,6 +353745,6 +353746,25 +353747,25 +353748,25 +353749,25 +353750,25 +353751,25 +353752,25 +353753,25 +353754,25 +353755,25 +353756,25 +353757,25 +353758,25 +353759,25 +353760,25 +353761,25 +353762,31 +353763,31 +353764,31 +353765,31 +353766,31 +353767,31 +353768,31 +353769,31 +353770,23 +353771,23 +353772,23 +353773,23 +353774,38 +353775,38 +353776,38 +353777,38 +353778,23 +353779,23 +353780,23 +353781,23 +353782,23 +353783,23 +353784,23 +353785,23 +353786,23 +353787,23 +353788,23 +353789,9 +353790,9 +353791,30 +353792,30 +353793,30 +353794,30 +353795,30 +353796,30 +353797,30 +353798,30 +353799,30 +353800,30 +353801,29 +353802,28 +353803,28 +353804,28 +353805,28 +353806,28 +353807,28 +353808,28 +353809,33 +353810,33 +353811,33 +353812,33 +353813,33 +353814,33 +353815,33 +353816,33 +353817,17 +353818,17 +353819,17 +353820,17 +353821,17 +353822,17 +353823,17 +353824,17 +353825,5 +353826,5 +353827,39 +353828,39 +353829,30 +353830,30 +353831,30 +353832,30 +353833,30 +353834,30 +353835,5 +353836,30 +353837,30 +353838,30 +353839,30 +353840,30 +353841,30 +353842,39 +353843,39 +353844,39 +353845,39 +353846,39 +353847,27 +353848,27 +353849,27 +353850,29 +353851,29 +353852,5 +353853,29 +353854,29 +353855,29 +353856,5 +353857,5 +353858,29 +353859,29 +353860,36 +353861,36 +353862,36 +353863,36 +353864,36 +353865,36 +353866,36 +353867,36 +353868,36 +353869,4 +353870,4 +353871,4 +353872,4 +353873,15 +353874,15 +353875,15 +353876,15 +353877,15 +353878,15 +353879,15 +353880,15 +353881,15 +353882,30 +353883,30 +353884,30 +353885,30 +353886,30 +353887,30 +353888,30 +353889,30 +353890,39 +353891,39 +353892,39 +353893,39 +353894,39 +353895,39 +353896,32 +353897,32 +353898,32 +353899,32 +353900,32 +353901,32 +353902,32 +353903,32 +353904,32 +353905,32 +353906,32 +353907,32 +353908,32 +353909,32 +353910,32 +353911,32 +353912,32 +353913,32 +353914,30 +353915,30 +353916,30 +353917,30 +353918,30 +353919,30 +353920,30 +353921,14 +353922,14 +353923,14 +353924,14 +353925,14 +353926,14 +353927,14 +353928,14 +353929,2 +353930,2 +353931,2 +353932,2 +353933,2 +353934,2 +353935,8 +353936,8 +353937,37 +353938,31 +353939,31 +353940,31 +353941,2 +353942,2 +353943,2 +353944,2 +353945,2 +353946,2 +353947,2 +353948,2 +353949,2 +353950,2 +353951,2 +353952,2 +353953,2 +353954,2 +353955,2 +353956,2 +353957,36 +353958,36 +353959,36 +353960,36 +353961,36 +353962,36 +353963,36 +353964,36 +353965,36 +353966,36 +353967,36 +353968,36 +353969,36 +353970,30 +353971,30 +353972,34 +353973,34 +353974,34 +353975,34 +353976,34 +353977,34 +353978,34 +353979,34 +353980,30 +353981,4 +353982,4 +353983,1 +353984,4 +353985,4 +353986,4 +353987,1 +353988,4 +353989,4 +353990,2 +353991,2 +353992,2 +353993,2 +353994,2 +353995,30 +353996,30 +353997,30 +353998,30 +353999,30 +354000,30 +354001,30 +354002,30 +354003,30 +354004,30 +354005,30 +354006,34 +354007,34 +354008,34 +354009,34 +354010,34 +354011,34 +354012,34 +354013,4 +354014,19 +354015,19 +354016,4 +354017,4 +354018,4 +354019,4 +354020,4 +354021,4 +354022,27 +354023,27 +354024,27 +354025,27 +354026,2 +354027,2 +354028,2 +354029,2 +354030,2 +354031,2 +354032,2 +354033,2 +354034,32 +354035,32 +354036,32 +354037,32 +354038,32 +354039,15 +354040,15 +354041,15 +354042,30 +354043,30 +354044,30 +354045,30 +354046,30 +354047,30 +354048,30 +354049,30 +354050,30 +354051,30 +354052,14 +354053,14 +354054,14 +354055,14 +354056,14 +354057,36 +354058,36 +354059,36 +354060,36 +354061,13 +354062,13 +354063,13 +354064,13 +354065,13 +354066,13 +354067,13 +354068,13 +354069,13 +354070,23 +354071,23 +354072,23 +354073,23 +354074,23 +354075,23 +354076,23 +354077,25 +354078,25 +354079,25 +354080,25 +354081,25 +354082,37 +354083,25 +354084,25 +354085,25 +354086,25 +354087,25 +354088,37 +354089,37 +354090,37 +354091,37 +354092,37 +354093,37 +354094,37 +354095,37 +354096,37 +354097,24 +354098,24 +354099,15 +354100,15 +354101,15 +354102,15 +354103,31 +354104,31 +354105,31 +354106,5 +354107,5 +354108,5 +354109,5 +354110,5 +354111,5 +354112,2 +354113,2 +354114,2 +354115,2 +354116,2 +354117,2 +354118,2 +354119,2 +354120,31 +354121,31 +354122,31 +354123,31 +354124,5 +354125,5 +354126,5 +354127,5 +354128,5 +354129,5 +354130,5 +354131,5 +354132,5 +354133,5 +354134,0 +354135,0 +354136,0 +354137,0 +354138,0 +354139,0 +354140,0 +354141,0 +354142,0 +354143,0 +354144,0 +354145,0 +354146,0 +354147,0 +354148,0 +354149,0 +354150,0 +354151,0 +354152,0 +354153,0 +354154,0 +354155,0 +354156,0 +354157,0 +354158,0 +354159,0 +354160,0 +354161,0 +354162,36 +354163,36 +354164,36 +354165,36 +354166,36 +354167,36 +354168,36 +354169,36 +354170,36 +354171,36 +354172,40 +354173,5 +354174,5 +354175,5 +354176,5 +354177,35 +354178,35 +354179,35 +354180,12 +354181,12 +354182,12 +354183,12 +354184,12 +354185,12 +354186,25 +354187,25 +354188,25 +354189,25 +354190,25 +354191,25 +354192,25 +354193,25 +354194,37 +354195,25 +354196,25 +354197,25 +354198,35 +354199,35 +354200,35 +354201,35 +354202,35 +354203,35 +354204,35 +354205,35 +354206,35 +354207,35 +354208,35 +354209,39 +354210,39 +354211,39 +354212,39 +354213,39 +354214,27 +354215,14 +354216,14 +354217,6 +354218,6 +354219,6 +354220,6 +354221,6 +354222,6 +354223,6 +354224,6 +354225,6 +354226,6 +354227,39 +354228,39 +354229,39 +354230,39 +354231,39 +354232,39 +354233,39 +354234,39 +354235,39 +354236,39 +354237,39 +354238,32 +354239,32 +354240,32 +354241,32 +354242,32 +354243,32 +354244,32 +354245,2 +354246,2 +354247,2 +354248,2 +354249,2 +354250,2 +354251,27 +354252,27 +354253,27 +354254,27 +354255,27 +354256,3 +354257,27 +354258,27 +354259,27 +354260,27 +354261,11 +354262,11 +354263,11 +354264,11 +354265,11 +354266,11 +354267,11 +354268,11 +354269,11 +354270,11 +354271,11 +354272,11 +354273,11 +354274,11 +354275,11 +354276,11 +354277,11 +354278,26 +354279,26 +354280,31 +354281,31 +354282,10 +354283,10 +354284,10 +354285,10 +354286,10 +354287,10 +354288,10 +354289,10 +354290,10 +354291,10 +354292,10 +354293,10 +354294,10 +354295,10 +354296,5 +354297,5 +354298,5 +354299,5 +354300,5 +354301,25 +354302,25 +354303,25 +354304,25 +354305,25 +354306,40 +354307,37 +354308,37 +354309,25 +354310,25 +354311,37 +354312,37 +354313,25 +354314,25 +354315,25 +354316,8 +354317,8 +354318,8 +354319,8 +354320,8 +354321,8 +354322,8 +354323,8 +354324,8 +354325,8 +354326,8 +354327,8 +354328,2 +354329,2 +354330,2 +354331,2 +354332,2 +354333,2 +354334,2 +354335,2 +354336,2 +354337,2 +354338,2 +354339,0 +354340,0 +354341,0 +354342,0 +354343,0 +354344,0 +354345,0 +354346,0 +354347,0 +354348,0 +354349,0 +354350,0 +354351,0 +354352,0 +354353,0 +354354,0 +354355,0 +354356,0 +354357,0 +354358,0 +354359,0 +354360,0 +354361,0 +354362,0 +354363,0 +354364,29 +354365,0 +354366,29 +354367,29 +354368,15 +354369,15 +354370,29 +354371,29 +354372,36 +354373,36 +354374,36 +354375,36 +354376,36 +354377,36 +354378,36 +354379,36 +354380,4 +354381,4 +354382,4 +354383,4 +354384,4 +354385,2 +354386,2 +354387,2 +354388,2 +354389,29 +354390,2 +354391,2 +354392,2 +354393,2 +354394,2 +354395,27 +354396,31 +354397,31 +354398,31 +354399,31 +354400,31 +354401,12 +354402,12 +354403,12 +354404,12 +354405,12 +354406,12 +354407,12 +354408,12 +354409,14 +354410,14 +354411,14 +354412,14 +354413,14 +354414,14 +354415,14 +354416,14 +354417,14 +354418,14 +354419,14 +354420,14 +354421,14 +354422,14 +354423,14 +354424,26 +354425,10 +354426,10 +354427,10 +354428,10 +354429,10 +354430,10 +354431,10 +354432,10 +354433,10 +354434,10 +354435,10 +354436,10 +354437,10 +354438,10 +354439,10 +354440,10 +354441,10 +354442,10 +354443,10 +354444,10 +354445,10 +354446,10 +354447,10 +354448,10 +354449,10 +354450,10 +354451,10 +354452,10 +354453,10 +354454,14 +354455,14 +354456,14 +354457,11 +354458,11 +354459,11 +354460,11 +354461,11 +354462,11 +354463,11 +354464,11 +354465,11 +354466,11 +354467,11 +354468,11 +354469,22 +354470,22 +354471,22 +354472,22 +354473,22 +354474,19 +354475,4 +354476,4 +354477,4 +354478,31 +354479,31 +354480,31 +354481,24 +354482,24 +354483,24 +354484,24 +354485,24 +354486,24 +354487,24 +354488,24 +354489,28 +354490,28 +354491,28 +354492,28 +354493,28 +354494,28 +354495,28 +354496,28 +354497,28 +354498,36 +354499,36 +354500,36 +354501,36 +354502,36 +354503,36 +354504,36 +354505,36 +354506,36 +354507,36 +354508,36 +354509,36 +354510,36 +354511,36 +354512,36 +354513,36 +354514,10 +354515,10 +354516,10 +354517,31 +354518,31 +354519,31 +354520,10 +354521,10 +354522,18 +354523,18 +354524,18 +354525,18 +354526,18 +354527,18 +354528,18 +354529,18 +354530,18 +354531,18 +354532,18 +354533,19 +354534,19 +354535,18 +354536,4 +354537,4 +354538,4 +354539,28 +354540,28 +354541,28 +354542,28 +354543,28 +354544,28 +354545,28 +354546,36 +354547,36 +354548,36 +354549,36 +354550,36 +354551,34 +354552,34 +354553,34 +354554,34 +354555,36 +354556,34 +354557,34 +354558,4 +354559,4 +354560,4 +354561,4 +354562,4 +354563,4 +354564,4 +354565,25 +354566,25 +354567,25 +354568,25 +354569,25 +354570,25 +354571,25 +354572,25 +354573,25 +354574,25 +354575,25 +354576,25 +354577,8 +354578,8 +354579,8 +354580,8 +354581,8 +354582,8 +354583,8 +354584,8 +354585,8 +354586,8 +354587,8 +354588,2 +354589,2 +354590,2 +354591,2 +354592,2 +354593,8 +354594,8 +354595,0 +354596,0 +354597,0 +354598,0 +354599,0 +354600,0 +354601,0 +354602,0 +354603,0 +354604,0 +354605,0 +354606,0 +354607,0 +354608,0 +354609,0 +354610,0 +354611,0 +354612,0 +354613,0 +354614,0 +354615,0 +354616,0 +354617,0 +354618,0 +354619,0 +354620,0 +354621,0 +354622,0 +354623,0 +354624,0 +354625,0 +354626,0 +354627,32 +354628,32 +354629,32 +354630,32 +354631,39 +354632,39 +354633,39 +354634,39 +354635,39 +354636,39 +354637,39 +354638,39 +354639,39 +354640,39 +354641,39 +354642,39 +354643,39 +354644,39 +354645,39 +354646,39 +354647,32 +354648,32 +354649,32 +354650,32 +354651,32 +354652,22 +354653,22 +354654,22 +354655,22 +354656,22 +354657,22 +354658,22 +354659,22 +354660,30 +354661,30 +354662,30 +354663,30 +354664,30 +354665,30 +354666,30 +354667,30 +354668,30 +354669,30 +354670,25 +354671,25 +354672,25 +354673,25 +354674,37 +354675,27 +354676,27 +354677,27 +354678,31 +354679,31 +354680,32 +354681,32 +354682,32 +354683,32 +354684,32 +354685,32 +354686,32 +354687,32 +354688,32 +354689,32 +354690,32 +354691,32 +354692,32 +354693,32 +354694,32 +354695,32 +354696,32 +354697,32 +354698,32 +354699,32 +354700,32 +354701,25 +354702,6 +354703,6 +354704,6 +354705,6 +354706,6 +354707,37 +354708,37 +354709,37 +354710,37 +354711,37 +354712,37 +354713,37 +354714,37 +354715,37 +354716,37 +354717,37 +354718,37 +354719,39 +354720,22 +354721,19 +354722,39 +354723,39 +354724,39 +354725,32 +354726,6 +354727,6 +354728,32 +354729,4 +354730,32 +354731,32 +354732,19 +354733,4 +354734,4 +354735,30 +354736,30 +354737,30 +354738,30 +354739,30 +354740,30 +354741,39 +354742,39 +354743,39 +354744,39 +354745,39 +354746,39 +354747,39 +354748,39 +354749,37 +354750,37 +354751,37 +354752,37 +354753,37 +354754,37 +354755,37 +354756,37 +354757,37 +354758,34 +354759,34 +354760,34 +354761,34 +354762,34 +354763,34 +354764,34 +354765,34 +354766,4 +354767,4 +354768,4 +354769,4 +354770,4 +354771,4 +354772,4 +354773,4 +354774,4 +354775,4 +354776,4 +354777,4 +354778,4 +354779,4 +354780,4 +354781,4 +354782,4 +354783,4 +354784,4 +354785,4 +354786,4 +354787,12 +354788,12 +354789,12 +354790,12 +354791,12 +354792,40 +354793,40 +354794,40 +354795,40 +354796,5 +354797,5 +354798,5 +354799,5 +354800,5 +354801,5 +354802,5 +354803,5 +354804,14 +354805,14 +354806,27 +354807,10 +354808,14 +354809,14 +354810,14 +354811,14 +354812,14 +354813,14 +354814,10 +354815,14 +354816,14 +354817,2 +354818,2 +354819,2 +354820,2 +354821,2 +354822,2 +354823,2 +354824,2 +354825,14 +354826,14 +354827,14 +354828,14 +354829,14 +354830,14 +354831,14 +354832,14 +354833,14 +354834,14 +354835,14 +354836,14 +354837,14 +354838,24 +354839,24 +354840,24 +354841,24 +354842,24 +354843,24 +354844,31 +354845,31 +354846,31 +354847,27 +354848,27 +354849,27 +354850,4 +354851,19 +354852,4 +354853,4 +354854,4 +354855,4 +354856,4 +354857,4 +354858,19 +354859,19 +354860,28 +354861,28 +354862,28 +354863,28 +354864,28 +354865,5 +354866,5 +354867,5 +354868,5 +354869,5 +354870,5 +354871,5 +354872,5 +354873,5 +354874,19 +354875,36 +354876,36 +354877,36 +354878,36 +354879,40 +354880,40 +354881,40 +354882,40 +354883,40 +354884,40 +354885,40 +354886,40 +354887,40 +354888,40 +354889,40 +354890,40 +354891,40 +354892,5 +354893,5 +354894,5 +354895,5 +354896,5 +354897,5 +354898,5 +354899,5 +354900,5 +354901,5 +354902,5 +354903,26 +354904,26 +354905,26 +354906,26 +354907,26 +354908,26 +354909,26 +354910,9 +354911,9 +354912,9 +354913,9 +354914,9 +354915,37 +354916,37 +354917,37 +354918,37 +354919,37 +354920,37 +354921,37 +354922,37 +354923,37 +354924,37 +354925,10 +354926,10 +354927,40 +354928,40 +354929,40 +354930,40 +354931,40 +354932,10 +354933,19 +354934,19 +354935,15 +354936,19 +354937,19 +354938,19 +354939,19 +354940,19 +354941,15 +354942,15 +354943,19 +354944,19 +354945,19 +354946,19 +354947,19 +354948,19 +354949,19 +354950,39 +354951,39 +354952,39 +354953,39 +354954,39 +354955,39 +354956,39 +354957,39 +354958,39 +354959,39 +354960,39 +354961,39 +354962,39 +354963,39 +354964,39 +354965,39 +354966,39 +354967,30 +354968,30 +354969,30 +354970,30 +354971,30 +354972,30 +354973,30 +354974,30 +354975,30 +354976,30 +354977,30 +354978,30 +354979,30 +354980,30 +354981,2 +354982,2 +354983,2 +354984,2 +354985,2 +354986,2 +354987,2 +354988,2 +354989,2 +354990,2 +354991,2 +354992,2 +354993,2 +354994,2 +354995,2 +354996,2 +354997,2 +354998,2 +354999,2 +355000,2 +355001,2 +355002,2 +355003,2 +355004,2 +355005,2 +355006,2 +355007,2 +355008,2 +355009,2 +355010,4 +355011,4 +355012,4 +355013,4 +355014,4 +355015,4 +355016,4 +355017,27 +355018,27 +355019,27 +355020,27 +355021,27 +355022,27 +355023,3 +355024,3 +355025,3 +355026,3 +355027,3 +355028,28 +355029,28 +355030,15 +355031,28 +355032,32 +355033,32 +355034,32 +355035,27 +355036,27 +355037,27 +355038,27 +355039,27 +355040,27 +355041,27 +355042,19 +355043,19 +355044,19 +355045,19 +355046,19 +355047,27 +355048,27 +355049,25 +355050,27 +355051,25 +355052,25 +355053,25 +355054,25 +355055,25 +355056,25 +355057,25 +355058,25 +355059,31 +355060,25 +355061,25 +355062,25 +355063,29 +355064,29 +355065,29 +355066,29 +355067,29 +355068,29 +355069,29 +355070,31 +355071,31 +355072,31 +355073,31 +355074,5 +355075,5 +355076,5 +355077,5 +355078,5 +355079,5 +355080,5 +355081,5 +355082,5 +355083,5 +355084,5 +355085,5 +355086,12 +355087,12 +355088,12 +355089,12 +355090,12 +355091,12 +355092,12 +355093,12 +355094,12 +355095,27 +355096,27 +355097,27 +355098,27 +355099,27 +355100,27 +355101,5 +355102,5 +355103,5 +355104,28 +355105,28 +355106,27 +355107,40 +355108,40 +355109,40 +355110,31 +355111,31 +355112,5 +355113,5 +355114,5 +355115,5 +355116,5 +355117,5 +355118,5 +355119,5 +355120,5 +355121,5 +355122,5 +355123,13 +355124,13 +355125,13 +355126,13 +355127,13 +355128,0 +355129,0 +355130,0 +355131,0 +355132,0 +355133,0 +355134,0 +355135,0 +355136,0 +355137,0 +355138,0 +355139,0 +355140,0 +355141,0 +355142,0 +355143,0 +355144,0 +355145,0 +355146,0 +355147,0 +355148,0 +355149,0 +355150,0 +355151,0 +355152,0 +355153,0 +355154,0 +355155,0 +355156,0 +355157,0 +355158,0 +355159,0 +355160,0 +355161,0 +355162,0 +355163,0 +355164,0 +355165,0 +355166,0 +355167,0 +355168,0 +355169,0 +355170,0 +355171,0 +355172,0 +355173,0 +355174,28 +355175,28 +355176,28 +355177,28 +355178,28 +355179,28 +355180,9 +355181,9 +355182,9 +355183,9 +355184,9 +355185,9 +355186,9 +355187,9 +355188,9 +355189,9 +355190,9 +355191,37 +355192,37 +355193,37 +355194,37 +355195,37 +355196,37 +355197,29 +355198,29 +355199,29 +355200,29 +355201,29 +355202,31 +355203,31 +355204,31 +355205,31 +355206,31 +355207,31 +355208,5 +355209,5 +355210,5 +355211,5 +355212,5 +355213,5 +355214,23 +355215,23 +355216,23 +355217,23 +355218,23 +355219,23 +355220,23 +355221,23 +355222,23 +355223,23 +355224,23 +355225,23 +355226,23 +355227,23 +355228,23 +355229,9 +355230,9 +355231,9 +355232,9 +355233,9 +355234,9 +355235,9 +355236,9 +355237,9 +355238,9 +355239,9 +355240,9 +355241,9 +355242,37 +355243,37 +355244,37 +355245,37 +355246,37 +355247,37 +355248,37 +355249,35 +355250,35 +355251,35 +355252,35 +355253,35 +355254,35 +355255,31 +355256,31 +355257,31 +355258,31 +355259,31 +355260,5 +355261,5 +355262,5 +355263,5 +355264,5 +355265,19 +355266,19 +355267,19 +355268,37 +355269,37 +355270,37 +355271,37 +355272,27 +355273,27 +355274,27 +355275,27 +355276,27 +355277,19 +355278,19 +355279,19 +355280,19 +355281,19 +355282,19 +355283,28 +355284,28 +355285,28 +355286,28 +355287,28 +355288,28 +355289,28 +355290,28 +355291,39 +355292,39 +355293,39 +355294,39 +355295,39 +355296,39 +355297,39 +355298,39 +355299,4 +355300,4 +355301,4 +355302,4 +355303,4 +355304,4 +355305,25 +355306,25 +355307,25 +355308,25 +355309,25 +355310,25 +355311,25 +355312,8 +355313,8 +355314,8 +355315,8 +355316,8 +355317,8 +355318,2 +355319,35 +355320,35 +355321,35 +355322,35 +355323,35 +355324,26 +355325,26 +355326,26 +355327,10 +355328,10 +355329,10 +355330,10 +355331,10 +355332,10 +355333,10 +355334,10 +355335,10 +355336,10 +355337,10 +355338,10 +355339,10 +355340,10 +355341,10 +355342,10 +355343,10 +355344,10 +355345,10 +355346,10 +355347,10 +355348,10 +355349,10 +355350,10 +355351,10 +355352,14 +355353,14 +355354,14 +355355,14 +355356,14 +355357,14 +355358,14 +355359,0 +355360,0 +355361,0 +355362,0 +355363,0 +355364,0 +355365,0 +355366,0 +355367,0 +355368,0 +355369,0 +355370,0 +355371,0 +355372,0 +355373,0 +355374,0 +355375,0 +355376,0 +355377,0 +355378,0 +355379,0 +355380,0 +355381,0 +355382,0 +355383,0 +355384,0 +355385,0 +355386,0 +355387,0 +355388,0 +355389,0 +355390,0 +355391,0 +355392,0 +355393,0 +355394,0 +355395,0 +355396,0 +355397,0 +355398,0 +355399,0 +355400,0 +355401,0 +355402,0 +355403,0 +355404,0 +355405,0 +355406,0 +355407,0 +355408,0 +355409,0 +355410,0 +355411,0 +355412,0 +355413,0 +355414,0 +355415,0 +355416,0 +355417,0 +355418,0 +355419,0 +355420,0 +355421,0 +355422,0 +355423,0 +355424,0 +355425,0 +355426,0 +355427,0 +355428,0 +355429,0 +355430,0 +355431,12 +355432,12 +355433,12 +355434,12 +355435,12 +355436,12 +355437,27 +355438,27 +355439,27 +355440,27 +355441,27 +355442,16 +355443,16 +355444,16 +355445,16 +355446,16 +355447,16 +355448,16 +355449,16 +355450,16 +355451,6 +355452,21 +355453,21 +355454,21 +355455,6 +355456,6 +355457,6 +355458,6 +355459,21 +355460,37 +355461,37 +355462,37 +355463,37 +355464,37 +355465,37 +355466,37 +355467,9 +355468,9 +355469,9 +355470,9 +355471,9 +355472,9 +355473,9 +355474,9 +355475,9 +355476,26 +355477,26 +355478,28 +355479,28 +355480,2 +355481,2 +355482,2 +355483,2 +355484,2 +355485,2 +355486,2 +355487,2 +355488,2 +355489,2 +355490,31 +355491,31 +355492,31 +355493,31 +355494,31 +355495,31 +355496,8 +355497,8 +355498,8 +355499,8 +355500,8 +355501,8 +355502,8 +355503,8 +355504,8 +355505,8 +355506,8 +355507,8 +355508,2 +355509,29 +355510,29 +355511,29 +355512,29 +355513,29 +355514,29 +355515,31 +355516,31 +355517,31 +355518,31 +355519,31 +355520,31 +355521,31 +355522,31 +355523,35 +355524,35 +355525,35 +355526,35 +355527,35 +355528,35 +355529,35 +355530,35 +355531,35 +355532,10 +355533,10 +355534,10 +355535,10 +355536,10 +355537,10 +355538,10 +355539,10 +355540,10 +355541,10 +355542,10 +355543,10 +355544,10 +355545,10 +355546,10 +355547,19 +355548,19 +355549,37 +355550,37 +355551,37 +355552,31 +355553,37 +355554,37 +355555,37 +355556,37 +355557,37 +355558,37 +355559,37 +355560,37 +355561,37 +355562,33 +355563,33 +355564,33 +355565,33 +355566,33 +355567,33 +355568,33 +355569,33 +355570,33 +355571,33 +355572,33 +355573,33 +355574,33 +355575,33 +355576,33 +355577,33 +355578,19 +355579,19 +355580,19 +355581,19 +355582,5 +355583,5 +355584,5 +355585,5 +355586,5 +355587,5 +355588,5 +355589,5 +355590,5 +355591,5 +355592,5 +355593,5 +355594,5 +355595,5 +355596,26 +355597,26 +355598,26 +355599,26 +355600,26 +355601,26 +355602,26 +355603,26 +355604,26 +355605,26 +355606,26 +355607,26 +355608,26 +355609,26 +355610,26 +355611,26 +355612,26 +355613,26 +355614,26 +355615,26 +355616,26 +355617,26 +355618,4 +355619,4 +355620,4 +355621,4 +355622,4 +355623,4 +355624,4 +355625,4 +355626,4 +355627,4 +355628,4 +355629,4 +355630,4 +355631,40 +355632,40 +355633,40 +355634,40 +355635,40 +355636,36 +355637,36 +355638,36 +355639,36 +355640,36 +355641,36 +355642,36 +355643,4 +355644,4 +355645,4 +355646,31 +355647,31 +355648,31 +355649,31 +355650,31 +355651,31 +355652,31 +355653,31 +355654,31 +355655,31 +355656,25 +355657,25 +355658,25 +355659,25 +355660,25 +355661,25 +355662,25 +355663,25 +355664,25 +355665,25 +355666,10 +355667,10 +355668,10 +355669,10 +355670,10 +355671,10 +355672,10 +355673,10 +355674,10 +355675,10 +355676,10 +355677,10 +355678,10 +355679,19 +355680,19 +355681,36 +355682,36 +355683,36 +355684,36 +355685,36 +355686,14 +355687,14 +355688,36 +355689,36 +355690,14 +355691,14 +355692,14 +355693,14 +355694,14 +355695,13 +355696,13 +355697,13 +355698,13 +355699,13 +355700,13 +355701,13 +355702,13 +355703,21 +355704,21 +355705,21 +355706,33 +355707,33 +355708,31 +355709,30 +355710,30 +355711,30 +355712,30 +355713,30 +355714,30 +355715,30 +355716,30 +355717,30 +355718,30 +355719,1 +355720,1 +355721,1 +355722,1 +355723,1 +355724,15 +355725,15 +355726,15 +355727,15 +355728,15 +355729,31 +355730,31 +355731,31 +355732,31 +355733,31 +355734,31 +355735,4 +355736,19 +355737,19 +355738,19 +355739,19 +355740,36 +355741,36 +355742,36 +355743,36 +355744,36 +355745,31 +355746,31 +355747,31 +355748,5 +355749,5 +355750,5 +355751,5 +355752,5 +355753,5 +355754,5 +355755,5 +355756,5 +355757,5 +355758,5 +355759,5 +355760,5 +355761,27 +355762,27 +355763,27 +355764,27 +355765,27 +355766,27 +355767,31 +355768,31 +355769,6 +355770,6 +355771,6 +355772,6 +355773,6 +355774,6 +355775,6 +355776,6 +355777,6 +355778,7 +355779,7 +355780,7 +355781,7 +355782,7 +355783,7 +355784,3 +355785,3 +355786,3 +355787,3 +355788,3 +355789,3 +355790,19 +355791,19 +355792,19 +355793,19 +355794,40 +355795,10 +355796,10 +355797,14 +355798,36 +355799,36 +355800,36 +355801,36 +355802,36 +355803,36 +355804,36 +355805,13 +355806,13 +355807,13 +355808,13 +355809,13 +355810,13 +355811,13 +355812,13 +355813,13 +355814,13 +355815,31 +355816,31 +355817,31 +355818,31 +355819,31 +355820,30 +355821,30 +355822,30 +355823,30 +355824,30 +355825,30 +355826,30 +355827,30 +355828,30 +355829,30 +355830,30 +355831,30 +355832,30 +355833,30 +355834,30 +355835,30 +355836,0 +355837,0 +355838,0 +355839,0 +355840,0 +355841,0 +355842,0 +355843,0 +355844,0 +355845,0 +355846,0 +355847,0 +355848,0 +355849,0 +355850,0 +355851,0 +355852,0 +355853,0 +355854,0 +355855,0 +355856,0 +355857,0 +355858,0 +355859,0 +355860,0 +355861,0 +355862,0 +355863,0 +355864,0 +355865,0 +355866,0 +355867,0 +355868,0 +355869,0 +355870,0 +355871,0 +355872,0 +355873,0 +355874,0 +355875,0 +355876,0 +355877,0 +355878,0 +355879,0 +355880,0 +355881,0 +355882,0 +355883,2 +355884,2 +355885,2 +355886,2 +355887,2 +355888,2 +355889,2 +355890,2 +355891,2 +355892,2 +355893,2 +355894,2 +355895,2 +355896,2 +355897,2 +355898,2 +355899,2 +355900,2 +355901,33 +355902,33 +355903,33 +355904,33 +355905,33 +355906,33 +355907,33 +355908,33 +355909,33 +355910,33 +355911,29 +355912,29 +355913,29 +355914,29 +355915,19 +355916,19 +355917,19 +355918,19 +355919,36 +355920,36 +355921,36 +355922,36 +355923,36 +355924,36 +355925,36 +355926,36 +355927,36 +355928,36 +355929,36 +355930,4 +355931,4 +355932,4 +355933,4 +355934,4 +355935,4 +355936,4 +355937,29 +355938,29 +355939,4 +355940,31 +355941,31 +355942,31 +355943,27 +355944,31 +355945,31 +355946,30 +355947,30 +355948,30 +355949,30 +355950,30 +355951,30 +355952,30 +355953,30 +355954,30 +355955,30 +355956,40 +355957,40 +355958,40 +355959,40 +355960,40 +355961,40 +355962,40 +355963,31 +355964,31 +355965,31 +355966,40 +355967,31 +355968,31 +355969,23 +355970,23 +355971,23 +355972,23 +355973,23 +355974,23 +355975,23 +355976,23 +355977,23 +355978,23 +355979,23 +355980,23 +355981,23 +355982,23 +355983,23 +355984,23 +355985,23 +355986,23 +355987,23 +355988,23 +355989,30 +355990,30 +355991,30 +355992,30 +355993,30 +355994,30 +355995,10 +355996,10 +355997,10 +355998,10 +355999,10 +356000,10 +356001,10 +356002,36 +356003,36 +356004,10 +356005,10 +356006,10 +356007,10 +356008,10 +356009,10 +356010,13 +356011,13 +356012,13 +356013,13 +356014,13 +356015,13 +356016,6 +356017,6 +356018,6 +356019,6 +356020,6 +356021,6 +356022,6 +356023,6 +356024,12 +356025,12 +356026,12 +356027,12 +356028,12 +356029,12 +356030,12 +356031,31 +356032,31 +356033,31 +356034,31 +356035,31 +356036,8 +356037,8 +356038,8 +356039,8 +356040,8 +356041,8 +356042,8 +356043,8 +356044,36 +356045,36 +356046,36 +356047,36 +356048,36 +356049,36 +356050,36 +356051,36 +356052,36 +356053,36 +356054,36 +356055,36 +356056,36 +356057,36 +356058,36 +356059,36 +356060,36 +356061,36 +356062,36 +356063,4 +356064,4 +356065,4 +356066,16 +356067,16 +356068,16 +356069,32 +356070,32 +356071,16 +356072,16 +356073,4 +356074,16 +356075,16 +356076,16 +356077,11 +356078,11 +356079,11 +356080,11 +356081,11 +356082,11 +356083,16 +356084,31 +356085,31 +356086,31 +356087,31 +356088,31 +356089,31 +356090,31 +356091,31 +356092,24 +356093,24 +356094,24 +356095,24 +356096,24 +356097,24 +356098,9 +356099,9 +356100,37 +356101,37 +356102,37 +356103,37 +356104,37 +356105,37 +356106,37 +356107,37 +356108,19 +356109,19 +356110,19 +356111,19 +356112,19 +356113,19 +356114,39 +356115,39 +356116,39 +356117,39 +356118,39 +356119,39 +356120,39 +356121,39 +356122,39 +356123,1 +356124,29 +356125,29 +356126,29 +356127,29 +356128,31 +356129,27 +356130,27 +356131,27 +356132,27 +356133,27 +356134,30 +356135,33 +356136,33 +356137,33 +356138,33 +356139,33 +356140,33 +356141,33 +356142,33 +356143,33 +356144,33 +356145,33 +356146,33 +356147,33 +356148,33 +356149,33 +356150,33 +356151,33 +356152,30 +356153,30 +356154,30 +356155,0 +356156,0 +356157,0 +356158,0 +356159,0 +356160,0 +356161,0 +356162,0 +356163,0 +356164,0 +356165,0 +356166,0 +356167,0 +356168,0 +356169,0 +356170,0 +356171,0 +356172,0 +356173,0 +356174,0 +356175,0 +356176,0 +356177,0 +356178,0 +356179,0 +356180,0 +356181,0 +356182,0 +356183,0 +356184,0 +356185,0 +356186,0 +356187,0 +356188,0 +356189,0 +356190,0 +356191,0 +356192,0 +356193,0 +356194,0 +356195,0 +356196,0 +356197,28 +356198,28 +356199,28 +356200,28 +356201,28 +356202,28 +356203,28 +356204,28 +356205,33 +356206,33 +356207,33 +356208,33 +356209,33 +356210,33 +356211,33 +356212,33 +356213,33 +356214,33 +356215,33 +356216,33 +356217,33 +356218,2 +356219,2 +356220,2 +356221,2 +356222,2 +356223,2 +356224,2 +356225,2 +356226,2 +356227,2 +356228,2 +356229,31 +356230,31 +356231,31 +356232,31 +356233,5 +356234,5 +356235,5 +356236,29 +356237,29 +356238,29 +356239,31 +356240,31 +356241,31 +356242,31 +356243,16 +356244,16 +356245,4 +356246,4 +356247,4 +356248,4 +356249,16 +356250,16 +356251,16 +356252,4 +356253,16 +356254,39 +356255,39 +356256,39 +356257,39 +356258,39 +356259,39 +356260,39 +356261,39 +356262,39 +356263,39 +356264,16 +356265,16 +356266,16 +356267,16 +356268,16 +356269,16 +356270,16 +356271,16 +356272,16 +356273,25 +356274,25 +356275,25 +356276,25 +356277,25 +356278,25 +356279,25 +356280,8 +356281,8 +356282,8 +356283,8 +356284,8 +356285,8 +356286,8 +356287,8 +356288,12 +356289,12 +356290,12 +356291,12 +356292,12 +356293,12 +356294,12 +356295,12 +356296,12 +356297,12 +356298,12 +356299,12 +356300,12 +356301,12 +356302,12 +356303,12 +356304,39 +356305,10 +356306,10 +356307,10 +356308,10 +356309,10 +356310,9 +356311,9 +356312,9 +356313,9 +356314,9 +356315,9 +356316,9 +356317,37 +356318,37 +356319,37 +356320,37 +356321,37 +356322,37 +356323,37 +356324,28 +356325,28 +356326,28 +356327,28 +356328,28 +356329,28 +356330,35 +356331,35 +356332,35 +356333,35 +356334,35 +356335,35 +356336,35 +356337,35 +356338,26 +356339,26 +356340,26 +356341,26 +356342,26 +356343,26 +356344,37 +356345,37 +356346,37 +356347,37 +356348,37 +356349,37 +356350,37 +356351,37 +356352,37 +356353,40 +356354,40 +356355,25 +356356,25 +356357,25 +356358,19 +356359,19 +356360,19 +356361,19 +356362,19 +356363,19 +356364,10 +356365,10 +356366,10 +356367,36 +356368,36 +356369,36 +356370,36 +356371,36 +356372,36 +356373,36 +356374,36 +356375,36 +356376,36 +356377,15 +356378,15 +356379,15 +356380,15 +356381,15 +356382,31 +356383,31 +356384,31 +356385,31 +356386,30 +356387,30 +356388,30 +356389,30 +356390,30 +356391,30 +356392,30 +356393,30 +356394,27 +356395,27 +356396,27 +356397,27 +356398,27 +356399,11 +356400,11 +356401,11 +356402,11 +356403,11 +356404,11 +356405,11 +356406,11 +356407,11 +356408,11 +356409,11 +356410,11 +356411,31 +356412,5 +356413,5 +356414,5 +356415,5 +356416,5 +356417,5 +356418,5 +356419,27 +356420,27 +356421,27 +356422,31 +356423,31 +356424,31 +356425,40 +356426,2 +356427,2 +356428,2 +356429,2 +356430,2 +356431,2 +356432,2 +356433,2 +356434,2 +356435,2 +356436,2 +356437,2 +356438,2 +356439,2 +356440,2 +356441,2 +356442,2 +356443,2 +356444,2 +356445,2 +356446,2 +356447,2 +356448,0 +356449,0 +356450,0 +356451,0 +356452,0 +356453,0 +356454,0 +356455,0 +356456,0 +356457,0 +356458,0 +356459,0 +356460,0 +356461,0 +356462,0 +356463,0 +356464,0 +356465,0 +356466,0 +356467,0 +356468,0 +356469,0 +356470,0 +356471,0 +356472,0 +356473,36 +356474,36 +356475,36 +356476,31 +356477,31 +356478,31 +356479,31 +356480,31 +356481,5 +356482,19 +356483,28 +356484,28 +356485,28 +356486,28 +356487,28 +356488,33 +356489,33 +356490,33 +356491,31 +356492,35 +356493,35 +356494,35 +356495,35 +356496,35 +356497,35 +356498,35 +356499,35 +356500,35 +356501,33 +356502,33 +356503,33 +356504,33 +356505,33 +356506,33 +356507,33 +356508,33 +356509,30 +356510,30 +356511,30 +356512,30 +356513,30 +356514,30 +356515,30 +356516,30 +356517,19 +356518,19 +356519,30 +356520,19 +356521,19 +356522,5 +356523,5 +356524,31 +356525,31 +356526,31 +356527,31 +356528,31 +356529,31 +356530,31 +356531,28 +356532,28 +356533,28 +356534,28 +356535,15 +356536,15 +356537,15 +356538,15 +356539,25 +356540,25 +356541,25 +356542,25 +356543,25 +356544,25 +356545,25 +356546,25 +356547,25 +356548,4 +356549,4 +356550,4 +356551,4 +356552,4 +356553,4 +356554,4 +356555,4 +356556,4 +356557,4 +356558,4 +356559,4 +356560,4 +356561,10 +356562,10 +356563,10 +356564,10 +356565,10 +356566,26 +356567,26 +356568,26 +356569,26 +356570,26 +356571,26 +356572,26 +356573,26 +356574,26 +356575,4 +356576,4 +356577,4 +356578,4 +356579,4 +356580,5 +356581,5 +356582,5 +356583,5 +356584,5 +356585,5 +356586,5 +356587,5 +356588,5 +356589,27 +356590,31 +356591,31 +356592,31 +356593,31 +356594,31 +356595,2 +356596,2 +356597,2 +356598,2 +356599,2 +356600,2 +356601,2 +356602,2 +356603,2 +356604,2 +356605,2 +356606,6 +356607,6 +356608,6 +356609,6 +356610,22 +356611,22 +356612,22 +356613,30 +356614,30 +356615,30 +356616,30 +356617,30 +356618,30 +356619,30 +356620,30 +356621,30 +356622,30 +356623,30 +356624,30 +356625,30 +356626,30 +356627,30 +356628,30 +356629,19 +356630,19 +356631,19 +356632,19 +356633,19 +356634,19 +356635,19 +356636,19 +356637,25 +356638,25 +356639,25 +356640,37 +356641,37 +356642,37 +356643,37 +356644,37 +356645,37 +356646,25 +356647,27 +356648,27 +356649,27 +356650,27 +356651,27 +356652,27 +356653,27 +356654,27 +356655,13 +356656,13 +356657,13 +356658,13 +356659,13 +356660,13 +356661,29 +356662,29 +356663,27 +356664,27 +356665,27 +356666,27 +356667,2 +356668,2 +356669,2 +356670,2 +356671,2 +356672,2 +356673,2 +356674,2 +356675,2 +356676,32 +356677,32 +356678,32 +356679,32 +356680,32 +356681,32 +356682,32 +356683,32 +356684,32 +356685,32 +356686,32 +356687,27 +356688,27 +356689,27 +356690,27 +356691,37 +356692,37 +356693,37 +356694,37 +356695,37 +356696,37 +356697,37 +356698,37 +356699,37 +356700,37 +356701,37 +356702,39 +356703,39 +356704,39 +356705,39 +356706,39 +356707,39 +356708,27 +356709,27 +356710,27 +356711,27 +356712,27 +356713,27 +356714,27 +356715,19 +356716,19 +356717,19 +356718,19 +356719,19 +356720,19 +356721,19 +356722,19 +356723,19 +356724,19 +356725,0 +356726,0 +356727,0 +356728,0 +356729,0 +356730,0 +356731,0 +356732,0 +356733,0 +356734,0 +356735,0 +356736,0 +356737,0 +356738,0 +356739,0 +356740,0 +356741,0 +356742,0 +356743,0 +356744,0 +356745,0 +356746,0 +356747,0 +356748,0 +356749,0 +356750,12 +356751,12 +356752,12 +356753,12 +356754,12 +356755,12 +356756,12 +356757,31 +356758,31 +356759,31 +356760,31 +356761,31 +356762,2 +356763,8 +356764,2 +356765,2 +356766,2 +356767,2 +356768,2 +356769,2 +356770,2 +356771,2 +356772,2 +356773,2 +356774,2 +356775,2 +356776,2 +356777,40 +356778,40 +356779,40 +356780,40 +356781,40 +356782,40 +356783,40 +356784,24 +356785,24 +356786,24 +356787,24 +356788,24 +356789,31 +356790,31 +356791,31 +356792,40 +356793,40 +356794,5 +356795,5 +356796,5 +356797,5 +356798,5 +356799,25 +356800,25 +356801,25 +356802,25 +356803,25 +356804,25 +356805,37 +356806,37 +356807,37 +356808,37 +356809,37 +356810,37 +356811,37 +356812,37 +356813,39 +356814,14 +356815,14 +356816,14 +356817,14 +356818,14 +356819,39 +356820,39 +356821,39 +356822,14 +356823,14 +356824,35 +356825,35 +356826,35 +356827,35 +356828,35 +356829,35 +356830,35 +356831,35 +356832,35 +356833,35 +356834,36 +356835,36 +356836,36 +356837,36 +356838,36 +356839,36 +356840,36 +356841,5 +356842,5 +356843,5 +356844,5 +356845,5 +356846,5 +356847,19 +356848,19 +356849,19 +356850,19 +356851,37 +356852,37 +356853,37 +356854,37 +356855,37 +356856,37 +356857,27 +356858,27 +356859,27 +356860,27 +356861,27 +356862,27 +356863,27 +356864,4 +356865,4 +356866,4 +356867,4 +356868,4 +356869,0 +356870,0 +356871,0 +356872,0 +356873,0 +356874,0 +356875,0 +356876,0 +356877,0 +356878,0 +356879,0 +356880,0 +356881,0 +356882,0 +356883,0 +356884,0 +356885,0 +356886,0 +356887,0 +356888,0 +356889,0 +356890,0 +356891,0 +356892,0 +356893,0 +356894,0 +356895,0 +356896,0 +356897,0 +356898,0 +356899,0 +356900,0 +356901,0 +356902,0 +356903,0 +356904,0 +356905,0 +356906,0 +356907,0 +356908,0 +356909,0 +356910,0 +356911,0 +356912,0 +356913,0 +356914,0 +356915,0 +356916,0 +356917,0 +356918,0 +356919,0 +356920,0 +356921,0 +356922,0 +356923,0 +356924,0 +356925,0 +356926,0 +356927,0 +356928,0 +356929,0 +356930,0 +356931,0 +356932,16 +356933,16 +356934,16 +356935,16 +356936,16 +356937,16 +356938,16 +356939,16 +356940,16 +356941,16 +356942,16 +356943,10 +356944,10 +356945,10 +356946,10 +356947,10 +356948,36 +356949,36 +356950,36 +356951,36 +356952,32 +356953,32 +356954,32 +356955,32 +356956,32 +356957,32 +356958,32 +356959,32 +356960,32 +356961,32 +356962,4 +356963,4 +356964,4 +356965,4 +356966,25 +356967,25 +356968,25 +356969,25 +356970,25 +356971,25 +356972,25 +356973,25 +356974,25 +356975,25 +356976,25 +356977,27 +356978,27 +356979,27 +356980,27 +356981,27 +356982,27 +356983,27 +356984,27 +356985,27 +356986,14 +356987,14 +356988,14 +356989,14 +356990,14 +356991,14 +356992,14 +356993,14 +356994,14 +356995,14 +356996,14 +356997,14 +356998,14 +356999,14 +357000,14 +357001,14 +357002,4 +357003,4 +357004,4 +357005,4 +357006,4 +357007,4 +357008,4 +357009,4 +357010,4 +357011,4 +357012,4 +357013,4 +357014,4 +357015,4 +357016,4 +357017,4 +357018,4 +357019,4 +357020,4 +357021,4 +357022,4 +357023,4 +357024,0 +357025,0 +357026,0 +357027,0 +357028,0 +357029,0 +357030,0 +357031,0 +357032,0 +357033,0 +357034,0 +357035,0 +357036,0 +357037,0 +357038,0 +357039,0 +357040,0 +357041,0 +357042,0 +357043,0 +357044,0 +357045,0 +357046,0 +357047,0 +357048,0 +357049,0 +357050,0 +357051,0 +357052,0 +357053,0 +357054,0 +357055,0 +357056,0 +357057,0 +357058,0 +357059,0 +357060,0 +357061,0 +357062,0 +357063,0 +357064,0 +357065,0 +357066,0 +357067,0 +357068,0 +357069,0 +357070,0 +357071,0 +357072,0 +357073,0 +357074,0 +357075,0 +357076,0 +357077,0 +357078,0 +357079,0 +357080,0 +357081,0 +357082,0 +357083,0 +357084,0 +357085,0 +357086,0 +357087,0 +357088,0 +357089,0 +357090,0 +357091,0 +357092,0 +357093,0 +357094,0 +357095,4 +357096,4 +357097,4 +357098,4 +357099,4 +357100,4 +357101,4 +357102,4 +357103,4 +357104,4 +357105,4 +357106,3 +357107,3 +357108,3 +357109,3 +357110,3 +357111,3 +357112,3 +357113,3 +357114,3 +357115,3 +357116,3 +357117,3 +357118,3 +357119,3 +357120,3 +357121,3 +357122,3 +357123,3 +357124,3 +357125,3 +357126,3 +357127,3 +357128,3 +357129,3 +357130,3 +357131,3 +357132,3 +357133,3 +357134,3 +357135,3 +357136,0 +357137,0 +357138,0 +357139,0 +357140,34 +357141,34 +357142,34 +357143,34 +357144,10 +357145,10 +357146,36 +357147,36 +357148,36 +357149,36 +357150,36 +357151,36 +357152,36 +357153,36 +357154,32 +357155,32 +357156,32 +357157,32 +357158,32 +357159,32 +357160,32 +357161,32 +357162,32 +357163,25 +357164,25 +357165,25 +357166,25 +357167,25 +357168,25 +357169,25 +357170,25 +357171,25 +357172,25 +357173,25 +357174,25 +357175,25 +357176,25 +357177,14 +357178,14 +357179,14 +357180,14 +357181,14 +357182,14 +357183,11 +357184,11 +357185,11 +357186,11 +357187,11 +357188,11 +357189,11 +357190,11 +357191,11 +357192,11 +357193,11 +357194,11 +357195,27 +357196,27 +357197,27 +357198,27 +357199,27 +357200,27 +357201,27 +357202,5 +357203,5 +357204,5 +357205,5 +357206,5 +357207,5 +357208,5 +357209,5 +357210,5 +357211,5 +357212,5 +357213,5 +357214,5 +357215,5 +357216,2 +357217,2 +357218,2 +357219,2 +357220,2 +357221,2 +357222,2 +357223,2 +357224,2 +357225,2 +357226,2 +357227,2 +357228,2 +357229,2 +357230,2 +357231,2 +357232,2 +357233,2 +357234,2 +357235,2 +357236,2 +357237,2 +357238,2 +357239,2 +357240,2 +357241,2 +357242,2 +357243,2 +357244,2 +357245,2 +357246,0 +357247,0 +357248,0 +357249,0 +357250,0 +357251,0 +357252,0 +357253,0 +357254,0 +357255,0 +357256,0 +357257,0 +357258,0 +357259,0 +357260,0 +357261,0 +357262,0 +357263,0 +357264,0 +357265,0 +357266,0 +357267,0 +357268,0 +357269,0 +357270,0 +357271,0 +357272,0 +357273,0 +357274,0 +357275,0 +357276,0 +357277,0 +357278,0 +357279,0 +357280,0 +357281,0 +357282,0 +357283,0 +357284,0 +357285,0 +357286,0 +357287,0 +357288,0 +357289,0 +357290,0 +357291,0 +357292,0 +357293,0 +357294,0 +357295,0 +357296,0 +357297,0 +357298,0 +357299,0 +357300,0 +357301,0 +357302,0 +357303,0 +357304,0 +357305,0 +357306,0 +357307,0 +357308,0 +357309,0 +357310,0 +357311,0 +357312,0 +357313,0 +357314,0 +357315,0 +357316,0 +357317,12 +357318,12 +357319,12 +357320,12 +357321,12 +357322,12 +357323,12 +357324,12 +357325,12 +357326,30 +357327,30 +357328,30 +357329,30 +357330,30 +357331,30 +357332,30 +357333,30 +357334,30 +357335,30 +357336,30 +357337,30 +357338,14 +357339,14 +357340,14 +357341,14 +357342,14 +357343,14 +357344,14 +357345,14 +357346,14 +357347,14 +357348,14 +357349,14 +357350,14 +357351,14 +357352,14 +357353,14 +357354,14 +357355,14 +357356,14 +357357,39 +357358,39 +357359,39 +357360,39 +357361,27 +357362,27 +357363,27 +357364,27 +357365,27 +357366,27 +357367,27 +357368,27 +357369,27 +357370,5 +357371,5 +357372,5 +357373,5 +357374,5 +357375,5 +357376,5 +357377,5 +357378,5 +357379,5 +357380,5 +357381,5 +357382,29 +357383,29 +357384,29 +357385,36 +357386,36 +357387,36 +357388,36 +357389,36 +357390,36 +357391,36 +357392,36 +357393,36 +357394,36 +357395,36 +357396,36 +357397,36 +357398,36 +357399,36 +357400,4 +357401,4 +357402,4 +357403,6 +357404,6 +357405,6 +357406,2 +357407,2 +357408,2 +357409,16 +357410,6 +357411,6 +357412,6 +357413,6 +357414,6 +357415,6 +357416,6 +357417,6 +357418,6 +357419,6 +357420,6 +357421,6 +357422,6 +357423,6 +357424,6 +357425,6 +357426,6 +357427,37 +357428,9 +357429,9 +357430,9 +357431,9 +357432,9 +357433,9 +357434,9 +357435,9 +357436,5 +357437,5 +357438,5 +357439,5 +357440,5 +357441,5 +357442,5 +357443,2 +357444,2 +357445,2 +357446,2 +357447,2 +357448,2 +357449,2 +357450,2 +357451,2 +357452,2 +357453,2 +357454,2 +357455,2 +357456,27 +357457,27 +357458,27 +357459,28 +357460,28 +357461,5 +357462,5 +357463,5 +357464,5 +357465,5 +357466,27 +357467,27 +357468,27 +357469,27 +357470,27 +357471,27 +357472,27 +357473,27 +357474,27 +357475,4 +357476,4 +357477,4 +357478,4 +357479,4 +357480,4 +357481,4 +357482,4 +357483,4 +357484,4 +357485,4 +357486,31 +357487,31 +357488,31 +357489,31 +357490,31 +357491,24 +357492,15 +357493,15 +357494,15 +357495,15 +357496,15 +357497,27 +357498,27 +357499,27 +357500,27 +357501,27 +357502,27 +357503,27 +357504,27 +357505,27 +357506,27 +357507,27 +357508,30 +357509,30 +357510,30 +357511,30 +357512,30 +357513,30 +357514,30 +357515,27 +357516,27 +357517,27 +357518,27 +357519,27 +357520,27 +357521,27 +357522,27 +357523,27 +357524,4 +357525,4 +357526,4 +357527,4 +357528,4 +357529,4 +357530,4 +357531,4 +357532,4 +357533,4 +357534,39 +357535,39 +357536,39 +357537,39 +357538,39 +357539,39 +357540,39 +357541,39 +357542,39 +357543,39 +357544,39 +357545,39 +357546,39 +357547,39 +357548,39 +357549,39 +357550,39 +357551,39 +357552,39 +357553,39 +357554,39 +357555,4 +357556,4 +357557,4 +357558,4 +357559,4 +357560,4 +357561,4 +357562,4 +357563,4 +357564,3 +357565,3 +357566,3 +357567,25 +357568,37 +357569,37 +357570,37 +357571,37 +357572,37 +357573,27 +357574,25 +357575,25 +357576,25 +357577,25 +357578,8 +357579,8 +357580,8 +357581,8 +357582,8 +357583,8 +357584,8 +357585,8 +357586,8 +357587,8 +357588,33 +357589,33 +357590,33 +357591,33 +357592,33 +357593,33 +357594,33 +357595,33 +357596,1 +357597,33 +357598,30 +357599,30 +357600,30 +357601,30 +357602,30 +357603,4 +357604,4 +357605,4 +357606,4 +357607,4 +357608,4 +357609,4 +357610,4 +357611,4 +357612,27 +357613,27 +357614,27 +357615,27 +357616,27 +357617,5 +357618,5 +357619,13 +357620,13 +357621,13 +357622,13 +357623,13 +357624,13 +357625,13 +357626,13 +357627,13 +357628,23 +357629,23 +357630,23 +357631,23 +357632,23 +357633,23 +357634,23 +357635,25 +357636,25 +357637,25 +357638,25 +357639,25 +357640,25 +357641,25 +357642,28 +357643,28 +357644,28 +357645,28 +357646,28 +357647,40 +357648,40 +357649,40 +357650,40 +357651,40 +357652,40 +357653,40 +357654,5 +357655,5 +357656,5 +357657,5 +357658,5 +357659,5 +357660,5 +357661,5 +357662,5 +357663,5 +357664,5 +357665,33 +357666,33 +357667,9 +357668,9 +357669,9 +357670,9 +357671,9 +357672,9 +357673,9 +357674,9 +357675,31 +357676,31 +357677,31 +357678,31 +357679,31 +357680,31 +357681,31 +357682,22 +357683,30 +357684,30 +357685,30 +357686,30 +357687,28 +357688,28 +357689,28 +357690,28 +357691,28 +357692,28 +357693,33 +357694,33 +357695,33 +357696,33 +357697,33 +357698,33 +357699,33 +357700,33 +357701,33 +357702,33 +357703,33 +357704,30 +357705,33 +357706,33 +357707,33 +357708,33 +357709,33 +357710,33 +357711,33 +357712,33 +357713,33 +357714,33 +357715,33 +357716,33 +357717,33 +357718,2 +357719,2 +357720,2 +357721,2 +357722,2 +357723,2 +357724,2 +357725,2 +357726,2 +357727,2 +357728,2 +357729,2 +357730,2 +357731,2 +357732,4 +357733,4 +357734,4 +357735,4 +357736,4 +357737,4 +357738,4 +357739,4 +357740,15 +357741,15 +357742,27 +357743,27 +357744,27 +357745,27 +357746,27 +357747,27 +357748,27 +357749,27 +357750,5 +357751,5 +357752,5 +357753,5 +357754,5 +357755,5 +357756,4 +357757,4 +357758,4 +357759,4 +357760,4 +357761,4 +357762,4 +357763,4 +357764,4 +357765,4 +357766,4 +357767,4 +357768,4 +357769,4 +357770,4 +357771,3 +357772,3 +357773,3 +357774,3 +357775,3 +357776,3 +357777,3 +357778,3 +357779,3 +357780,27 +357781,27 +357782,27 +357783,31 +357784,31 +357785,31 +357786,31 +357787,31 +357788,4 +357789,4 +357790,4 +357791,4 +357792,4 +357793,4 +357794,4 +357795,4 +357796,4 +357797,40 +357798,40 +357799,40 +357800,40 +357801,40 +357802,40 +357803,40 +357804,24 +357805,24 +357806,24 +357807,24 +357808,24 +357809,24 +357810,24 +357811,5 +357812,5 +357813,5 +357814,5 +357815,5 +357816,5 +357817,5 +357818,26 +357819,26 +357820,26 +357821,26 +357822,26 +357823,26 +357824,26 +357825,26 +357826,26 +357827,26 +357828,26 +357829,26 +357830,26 +357831,26 +357832,26 +357833,26 +357834,26 +357835,26 +357836,26 +357837,26 +357838,26 +357839,26 +357840,26 +357841,26 +357842,31 +357843,31 +357844,18 +357845,18 +357846,18 +357847,18 +357848,18 +357849,18 +357850,18 +357851,18 +357852,18 +357853,18 +357854,18 +357855,27 +357856,27 +357857,27 +357858,27 +357859,27 +357860,27 +357861,27 +357862,27 +357863,23 +357864,23 +357865,23 +357866,23 +357867,23 +357868,23 +357869,23 +357870,23 +357871,35 +357872,35 +357873,35 +357874,35 +357875,35 +357876,35 +357877,35 +357878,27 +357879,27 +357880,27 +357881,27 +357882,39 +357883,39 +357884,28 +357885,28 +357886,28 +357887,28 +357888,28 +357889,28 +357890,27 +357891,27 +357892,27 +357893,27 +357894,5 +357895,5 +357896,5 +357897,5 +357898,5 +357899,5 +357900,5 +357901,5 +357902,5 +357903,5 +357904,5 +357905,14 +357906,14 +357907,14 +357908,14 +357909,14 +357910,14 +357911,14 +357912,14 +357913,14 +357914,14 +357915,14 +357916,14 +357917,14 +357918,14 +357919,16 +357920,16 +357921,16 +357922,16 +357923,16 +357924,16 +357925,16 +357926,16 +357927,16 +357928,16 +357929,16 +357930,16 +357931,16 +357932,16 +357933,25 +357934,25 +357935,25 +357936,25 +357937,25 +357938,25 +357939,25 +357940,25 +357941,25 +357942,37 +357943,37 +357944,37 +357945,37 +357946,25 +357947,25 +357948,25 +357949,25 +357950,25 +357951,25 +357952,25 +357953,25 +357954,25 +357955,25 +357956,36 +357957,36 +357958,36 +357959,36 +357960,36 +357961,36 +357962,36 +357963,36 +357964,36 +357965,36 +357966,36 +357967,36 +357968,5 +357969,5 +357970,5 +357971,5 +357972,5 +357973,5 +357974,31 +357975,31 +357976,31 +357977,31 +357978,31 +357979,31 +357980,24 +357981,28 +357982,28 +357983,28 +357984,28 +357985,28 +357986,28 +357987,28 +357988,15 +357989,28 +357990,30 +357991,30 +357992,30 +357993,30 +357994,30 +357995,30 +357996,30 +357997,30 +357998,30 +357999,30 +358000,30 +358001,33 +358002,33 +358003,33 +358004,33 +358005,33 +358006,33 +358007,33 +358008,33 +358009,33 +358010,33 +358011,33 +358012,33 +358013,33 +358014,33 +358015,2 +358016,2 +358017,2 +358018,2 +358019,2 +358020,2 +358021,2 +358022,2 +358023,2 +358024,8 +358025,8 +358026,8 +358027,8 +358028,8 +358029,8 +358030,12 +358031,12 +358032,12 +358033,12 +358034,12 +358035,12 +358036,12 +358037,12 +358038,12 +358039,12 +358040,12 +358041,12 +358042,31 +358043,31 +358044,31 +358045,25 +358046,25 +358047,37 +358048,19 +358049,19 +358050,19 +358051,19 +358052,21 +358053,21 +358054,19 +358055,19 +358056,19 +358057,25 +358058,25 +358059,25 +358060,25 +358061,25 +358062,25 +358063,25 +358064,23 +358065,23 +358066,23 +358067,23 +358068,23 +358069,23 +358070,23 +358071,23 +358072,23 +358073,23 +358074,9 +358075,9 +358076,9 +358077,9 +358078,9 +358079,30 +358080,30 +358081,30 +358082,2 +358083,2 +358084,2 +358085,2 +358086,2 +358087,2 +358088,2 +358089,2 +358090,2 +358091,2 +358092,2 +358093,40 +358094,40 +358095,40 +358096,40 +358097,40 +358098,40 +358099,40 +358100,40 +358101,30 +358102,30 +358103,30 +358104,30 +358105,30 +358106,30 +358107,23 +358108,23 +358109,23 +358110,23 +358111,23 +358112,23 +358113,23 +358114,23 +358115,23 +358116,23 +358117,23 +358118,23 +358119,23 +358120,23 +358121,38 +358122,38 +358123,27 +358124,27 +358125,27 +358126,31 +358127,31 +358128,8 +358129,8 +358130,8 +358131,8 +358132,8 +358133,8 +358134,8 +358135,8 +358136,8 +358137,8 +358138,36 +358139,36 +358140,40 +358141,40 +358142,40 +358143,40 +358144,36 +358145,36 +358146,40 +358147,40 +358148,40 +358149,40 +358150,40 +358151,40 +358152,2 +358153,2 +358154,2 +358155,2 +358156,2 +358157,2 +358158,2 +358159,2 +358160,2 +358161,2 +358162,2 +358163,2 +358164,27 +358165,27 +358166,31 +358167,31 +358168,31 +358169,31 +358170,31 +358171,5 +358172,5 +358173,19 +358174,5 +358175,5 +358176,5 +358177,5 +358178,5 +358179,5 +358180,5 +358181,5 +358182,13 +358183,13 +358184,5 +358185,5 +358186,5 +358187,5 +358188,0 +358189,0 +358190,0 +358191,0 +358192,0 +358193,0 +358194,0 +358195,0 +358196,0 +358197,0 +358198,0 +358199,0 +358200,0 +358201,0 +358202,0 +358203,0 +358204,0 +358205,0 +358206,0 +358207,0 +358208,0 +358209,0 +358210,0 +358211,0 +358212,0 +358213,0 +358214,0 +358215,0 +358216,0 +358217,0 +358218,0 +358219,0 +358220,0 +358221,0 +358222,0 +358223,0 +358224,0 +358225,0 +358226,0 +358227,0 +358228,0 +358229,36 +358230,36 +358231,36 +358232,36 +358233,36 +358234,36 +358235,40 +358236,40 +358237,19 +358238,5 +358239,5 +358240,19 +358241,39 +358242,39 +358243,39 +358244,39 +358245,39 +358246,39 +358247,39 +358248,39 +358249,39 +358250,39 +358251,16 +358252,16 +358253,16 +358254,16 +358255,4 +358256,4 +358257,4 +358258,4 +358259,14 +358260,14 +358261,14 +358262,14 +358263,14 +358264,14 +358265,14 +358266,40 +358267,40 +358268,40 +358269,13 +358270,13 +358271,13 +358272,13 +358273,13 +358274,13 +358275,13 +358276,13 +358277,13 +358278,13 +358279,13 +358280,13 +358281,31 +358282,31 +358283,31 +358284,31 +358285,30 +358286,30 +358287,30 +358288,30 +358289,30 +358290,30 +358291,30 +358292,30 +358293,31 +358294,31 +358295,31 +358296,31 +358297,31 +358298,31 +358299,24 +358300,24 +358301,24 +358302,24 +358303,24 +358304,25 +358305,25 +358306,25 +358307,25 +358308,25 +358309,25 +358310,25 +358311,25 +358312,25 +358313,25 +358314,25 +358315,25 +358316,25 +358317,0 +358318,0 +358319,0 +358320,0 +358321,0 +358322,0 +358323,0 +358324,0 +358325,0 +358326,0 +358327,0 +358328,0 +358329,0 +358330,0 +358331,0 +358332,0 +358333,0 +358334,0 +358335,0 +358336,0 +358337,0 +358338,0 +358339,0 +358340,0 +358341,0 +358342,0 +358343,0 +358344,0 +358345,0 +358346,0 +358347,0 +358348,0 +358349,0 +358350,0 +358351,0 +358352,0 +358353,0 +358354,0 +358355,0 +358356,0 +358357,0 +358358,0 +358359,0 +358360,0 +358361,4 +358362,4 +358363,4 +358364,4 +358365,4 +358366,4 +358367,4 +358368,4 +358369,27 +358370,27 +358371,27 +358372,27 +358373,27 +358374,2 +358375,2 +358376,2 +358377,2 +358378,2 +358379,2 +358380,2 +358381,2 +358382,2 +358383,2 +358384,2 +358385,2 +358386,2 +358387,33 +358388,33 +358389,33 +358390,33 +358391,33 +358392,31 +358393,24 +358394,24 +358395,24 +358396,24 +358397,30 +358398,30 +358399,15 +358400,31 +358401,31 +358402,26 +358403,24 +358404,26 +358405,26 +358406,15 +358407,15 +358408,15 +358409,15 +358410,15 +358411,15 +358412,15 +358413,15 +358414,36 +358415,36 +358416,10 +358417,40 +358418,40 +358419,40 +358420,40 +358421,40 +358422,40 +358423,40 +358424,40 +358425,40 +358426,37 +358427,37 +358428,37 +358429,37 +358430,37 +358431,37 +358432,37 +358433,37 +358434,37 +358435,37 +358436,39 +358437,39 +358438,39 +358439,39 +358440,39 +358441,39 +358442,39 +358443,31 +358444,31 +358445,31 +358446,31 +358447,31 +358448,31 +358449,2 +358450,2 +358451,2 +358452,2 +358453,2 +358454,2 +358455,2 +358456,2 +358457,31 +358458,31 +358459,31 +358460,31 +358461,39 +358462,6 +358463,6 +358464,6 +358465,6 +358466,6 +358467,6 +358468,6 +358469,31 +358470,31 +358471,31 +358472,5 +358473,5 +358474,5 +358475,5 +358476,11 +358477,4 +358478,11 +358479,11 +358480,11 +358481,11 +358482,11 +358483,11 +358484,11 +358485,4 +358486,4 +358487,4 +358488,4 +358489,4 +358490,37 +358491,37 +358492,37 +358493,37 +358494,37 +358495,37 +358496,37 +358497,37 +358498,6 +358499,6 +358500,6 +358501,6 +358502,32 +358503,32 +358504,32 +358505,32 +358506,32 +358507,4 +358508,22 +358509,22 +358510,22 +358511,22 +358512,22 +358513,22 +358514,22 +358515,22 +358516,6 +358517,6 +358518,6 +358519,19 +358520,19 +358521,19 +358522,0 +358523,0 +358524,0 +358525,0 +358526,0 +358527,0 +358528,0 +358529,0 +358530,0 +358531,0 +358532,0 +358533,0 +358534,0 +358535,0 +358536,0 +358537,0 +358538,0 +358539,0 +358540,0 +358541,0 +358542,0 +358543,0 +358544,0 +358545,0 +358546,0 +358547,0 +358548,0 +358549,0 +358550,0 +358551,0 +358552,0 +358553,0 +358554,0 +358555,0 +358556,0 +358557,0 +358558,0 +358559,29 +358560,29 +358561,29 +358562,15 +358563,15 +358564,15 +358565,15 +358566,15 +358567,15 +358568,36 +358569,36 +358570,36 +358571,36 +358572,36 +358573,36 +358574,36 +358575,40 +358576,19 +358577,19 +358578,19 +358579,31 +358580,31 +358581,31 +358582,31 +358583,31 +358584,28 +358585,28 +358586,28 +358587,28 +358588,28 +358589,28 +358590,28 +358591,28 +358592,28 +358593,28 +358594,40 +358595,40 +358596,40 +358597,40 +358598,40 +358599,40 +358600,37 +358601,37 +358602,37 +358603,37 +358604,25 +358605,25 +358606,25 +358607,25 +358608,25 +358609,7 +358610,7 +358611,39 +358612,7 +358613,7 +358614,7 +358615,7 +358616,7 +358617,7 +358618,31 +358619,31 +358620,31 +358621,31 +358622,31 +358623,31 +358624,5 +358625,5 +358626,5 +358627,5 +358628,5 +358629,19 +358630,19 +358631,19 +358632,9 +358633,9 +358634,9 +358635,9 +358636,9 +358637,9 +358638,9 +358639,9 +358640,9 +358641,9 +358642,9 +358643,9 +358644,9 +358645,9 +358646,30 +358647,30 +358648,30 +358649,30 +358650,30 +358651,25 +358652,25 +358653,25 +358654,25 +358655,25 +358656,25 +358657,25 +358658,25 +358659,25 +358660,25 +358661,8 +358662,2 +358663,2 +358664,2 +358665,2 +358666,29 +358667,29 +358668,29 +358669,29 +358670,31 +358671,31 +358672,31 +358673,31 +358674,5 +358675,5 +358676,5 +358677,5 +358678,5 +358679,29 +358680,29 +358681,31 +358682,31 +358683,31 +358684,31 +358685,31 +358686,35 +358687,35 +358688,35 +358689,35 +358690,35 +358691,35 +358692,35 +358693,35 +358694,35 +358695,35 +358696,35 +358697,35 +358698,36 +358699,36 +358700,36 +358701,36 +358702,36 +358703,36 +358704,36 +358705,36 +358706,36 +358707,36 +358708,36 +358709,36 +358710,5 +358711,5 +358712,5 +358713,5 +358714,5 +358715,5 +358716,8 +358717,8 +358718,8 +358719,8 +358720,8 +358721,31 +358722,31 +358723,31 +358724,31 +358725,31 +358726,24 +358727,24 +358728,24 +358729,24 +358730,24 +358731,24 +358732,31 +358733,31 +358734,31 +358735,31 +358736,31 +358737,31 +358738,31 +358739,25 +358740,31 +358741,32 +358742,32 +358743,32 +358744,32 +358745,32 +358746,32 +358747,32 +358748,32 +358749,32 +358750,32 +358751,25 +358752,25 +358753,25 +358754,25 +358755,25 +358756,25 +358757,25 +358758,25 +358759,25 +358760,25 +358761,25 +358762,2 +358763,2 +358764,2 +358765,2 +358766,2 +358767,2 +358768,2 +358769,2 +358770,31 +358771,31 +358772,31 +358773,31 +358774,31 +358775,35 +358776,35 +358777,35 +358778,35 +358779,35 +358780,35 +358781,35 +358782,35 +358783,3 +358784,3 +358785,39 +358786,39 +358787,39 +358788,3 +358789,3 +358790,3 +358791,3 +358792,3 +358793,3 +358794,4 +358795,4 +358796,4 +358797,4 +358798,4 +358799,4 +358800,4 +358801,4 +358802,4 +358803,4 +358804,4 +358805,4 +358806,4 +358807,4 +358808,4 +358809,37 +358810,37 +358811,37 +358812,37 +358813,37 +358814,37 +358815,3 +358816,3 +358817,3 +358818,3 +358819,3 +358820,3 +358821,3 +358822,3 +358823,30 +358824,30 +358825,30 +358826,30 +358827,30 +358828,30 +358829,3 +358830,30 +358831,30 +358832,30 +358833,39 +358834,39 +358835,39 +358836,39 +358837,39 +358838,3 +358839,3 +358840,3 +358841,3 +358842,3 +358843,3 +358844,12 +358845,9 +358846,9 +358847,9 +358848,9 +358849,9 +358850,31 +358851,31 +358852,26 +358853,13 +358854,13 +358855,5 +358856,5 +358857,2 +358858,2 +358859,2 +358860,2 +358861,2 +358862,2 +358863,2 +358864,4 +358865,4 +358866,4 +358867,4 +358868,4 +358869,4 +358870,4 +358871,4 +358872,27 +358873,27 +358874,27 +358875,27 +358876,27 +358877,27 +358878,19 +358879,19 +358880,19 +358881,19 +358882,19 +358883,3 +358884,3 +358885,3 +358886,3 +358887,3 +358888,3 +358889,3 +358890,3 +358891,3 +358892,3 +358893,3 +358894,3 +358895,12 +358896,12 +358897,12 +358898,27 +358899,27 +358900,27 +358901,27 +358902,27 +358903,27 +358904,29 +358905,38 +358906,38 +358907,38 +358908,38 +358909,4 +358910,29 +358911,29 +358912,29 +358913,29 +358914,27 +358915,14 +358916,14 +358917,14 +358918,14 +358919,14 +358920,14 +358921,14 +358922,27 +358923,27 +358924,27 +358925,27 +358926,40 +358927,27 +358928,27 +358929,27 +358930,27 +358931,4 +358932,4 +358933,4 +358934,4 +358935,4 +358936,4 +358937,40 +358938,40 +358939,40 +358940,40 +358941,40 +358942,40 +358943,40 +358944,40 +358945,40 +358946,40 +358947,40 +358948,40 +358949,40 +358950,40 +358951,40 +358952,40 +358953,2 +358954,2 +358955,8 +358956,8 +358957,8 +358958,8 +358959,2 +358960,2 +358961,2 +358962,18 +358963,18 +358964,18 +358965,18 +358966,18 +358967,18 +358968,18 +358969,18 +358970,18 +358971,18 +358972,18 +358973,18 +358974,14 +358975,14 +358976,14 +358977,14 +358978,14 +358979,14 +358980,39 +358981,39 +358982,8 +358983,8 +358984,8 +358985,8 +358986,8 +358987,8 +358988,8 +358989,8 +358990,31 +358991,31 +358992,31 +358993,27 +358994,27 +358995,8 +358996,8 +358997,8 +358998,8 +358999,8 +359000,8 +359001,8 +359002,8 +359003,8 +359004,8 +359005,12 +359006,12 +359007,12 +359008,12 +359009,12 +359010,12 +359011,12 +359012,12 +359013,12 +359014,12 +359015,12 +359016,12 +359017,12 +359018,22 +359019,22 +359020,3 +359021,3 +359022,22 +359023,27 +359024,22 +359025,22 +359026,22 +359027,22 +359028,22 +359029,22 +359030,22 +359031,22 +359032,22 +359033,19 +359034,19 +359035,19 +359036,19 +359037,19 +359038,19 +359039,19 +359040,19 +359041,19 +359042,19 +359043,19 +359044,0 +359045,0 +359046,0 +359047,0 +359048,0 +359049,0 +359050,0 +359051,0 +359052,0 +359053,0 +359054,0 +359055,0 +359056,0 +359057,0 +359058,0 +359059,0 +359060,0 +359061,0 +359062,0 +359063,0 +359064,0 +359065,0 +359066,0 +359067,0 +359068,0 +359069,0 +359070,0 +359071,0 +359072,0 +359073,0 +359074,0 +359075,0 +359076,0 +359077,0 +359078,0 +359079,0 +359080,0 +359081,0 +359082,0 +359083,0 +359084,0 +359085,0 +359086,0 +359087,31 +359088,31 +359089,31 +359090,31 +359091,31 +359092,31 +359093,31 +359094,31 +359095,31 +359096,31 +359097,31 +359098,5 +359099,5 +359100,5 +359101,5 +359102,5 +359103,19 +359104,19 +359105,19 +359106,31 +359107,31 +359108,31 +359109,31 +359110,31 +359111,31 +359112,31 +359113,24 +359114,24 +359115,24 +359116,24 +359117,29 +359118,29 +359119,31 +359120,31 +359121,31 +359122,31 +359123,31 +359124,31 +359125,31 +359126,31 +359127,31 +359128,31 +359129,23 +359130,23 +359131,23 +359132,23 +359133,23 +359134,23 +359135,23 +359136,30 +359137,30 +359138,30 +359139,30 +359140,30 +359141,30 +359142,30 +359143,30 +359144,30 +359145,30 +359146,30 +359147,30 +359148,30 +359149,30 +359150,30 +359151,30 +359152,30 +359153,30 +359154,30 +359155,28 +359156,28 +359157,28 +359158,28 +359159,30 +359160,30 +359161,30 +359162,33 +359163,33 +359164,33 +359165,33 +359166,33 +359167,33 +359168,33 +359169,33 +359170,33 +359171,33 +359172,33 +359173,33 +359174,33 +359175,33 +359176,3 +359177,3 +359178,3 +359179,3 +359180,3 +359181,3 +359182,3 +359183,3 +359184,3 +359185,3 +359186,28 +359187,28 +359188,28 +359189,28 +359190,28 +359191,28 +359192,28 +359193,28 +359194,28 +359195,28 +359196,28 +359197,28 +359198,28 +359199,28 +359200,28 +359201,28 +359202,28 +359203,28 +359204,0 +359205,0 +359206,0 +359207,0 +359208,0 +359209,0 +359210,0 +359211,0 +359212,0 +359213,0 +359214,0 +359215,0 +359216,0 +359217,0 +359218,0 +359219,0 +359220,0 +359221,9 +359222,9 +359223,9 +359224,9 +359225,9 +359226,9 +359227,9 +359228,9 +359229,9 +359230,9 +359231,9 +359232,9 +359233,9 +359234,9 +359235,9 +359236,9 +359237,9 +359238,9 +359239,9 +359240,9 +359241,9 +359242,9 +359243,9 +359244,5 +359245,5 +359246,5 +359247,5 +359248,5 +359249,5 +359250,5 +359251,5 +359252,29 +359253,29 +359254,29 +359255,29 +359256,29 +359257,31 +359258,31 +359259,31 +359260,31 +359261,31 +359262,31 +359263,31 +359264,31 +359265,31 +359266,31 +359267,31 +359268,2 +359269,2 +359270,2 +359271,2 +359272,2 +359273,2 +359274,2 +359275,2 +359276,2 +359277,2 +359278,2 +359279,2 +359280,5 +359281,5 +359282,5 +359283,5 +359284,5 +359285,5 +359286,5 +359287,5 +359288,33 +359289,33 +359290,33 +359291,33 +359292,33 +359293,33 +359294,33 +359295,33 +359296,33 +359297,33 +359298,33 +359299,33 +359300,33 +359301,33 +359302,33 +359303,33 +359304,33 +359305,33 +359306,33 +359307,33 +359308,33 +359309,33 +359310,33 +359311,33 +359312,33 +359313,33 +359314,33 +359315,2 +359316,2 +359317,2 +359318,2 +359319,2 +359320,2 +359321,2 +359322,2 +359323,2 +359324,2 +359325,2 +359326,2 +359327,4 +359328,4 +359329,4 +359330,4 +359331,4 +359332,17 +359333,17 +359334,17 +359335,17 +359336,17 +359337,17 +359338,17 +359339,17 +359340,17 +359341,17 +359342,17 +359343,17 +359344,17 +359345,17 +359346,35 +359347,35 +359348,35 +359349,35 +359350,35 +359351,30 +359352,35 +359353,35 +359354,35 +359355,12 +359356,12 +359357,12 +359358,12 +359359,12 +359360,12 +359361,12 +359362,12 +359363,10 +359364,10 +359365,10 +359366,10 +359367,10 +359368,10 +359369,10 +359370,10 +359371,10 +359372,10 +359373,10 +359374,10 +359375,10 +359376,10 +359377,19 +359378,19 +359379,19 +359380,4 +359381,4 +359382,4 +359383,4 +359384,4 +359385,4 +359386,19 +359387,19 +359388,19 +359389,19 +359390,19 +359391,19 +359392,19 +359393,4 +359394,4 +359395,4 +359396,4 +359397,4 +359398,4 +359399,4 +359400,0 +359401,0 +359402,0 +359403,0 +359404,0 +359405,0 +359406,0 +359407,0 +359408,0 +359409,0 +359410,0 +359411,0 +359412,0 +359413,0 +359414,0 +359415,0 +359416,0 +359417,0 +359418,0 +359419,0 +359420,0 +359421,12 +359422,12 +359423,12 +359424,12 +359425,12 +359426,12 +359427,12 +359428,12 +359429,12 +359430,12 +359431,12 +359432,12 +359433,27 +359434,27 +359435,27 +359436,27 +359437,38 +359438,38 +359439,38 +359440,38 +359441,23 +359442,23 +359443,23 +359444,4 +359445,4 +359446,31 +359447,24 +359448,31 +359449,31 +359450,27 +359451,2 +359452,2 +359453,2 +359454,2 +359455,2 +359456,2 +359457,2 +359458,2 +359459,2 +359460,2 +359461,27 +359462,27 +359463,27 +359464,27 +359465,27 +359466,6 +359467,6 +359468,6 +359469,6 +359470,6 +359471,6 +359472,6 +359473,6 +359474,6 +359475,2 +359476,2 +359477,2 +359478,2 +359479,2 +359480,2 +359481,4 +359482,4 +359483,4 +359484,4 +359485,4 +359486,4 +359487,4 +359488,39 +359489,39 +359490,39 +359491,39 +359492,39 +359493,39 +359494,39 +359495,39 +359496,39 +359497,39 +359498,39 +359499,5 +359500,5 +359501,5 +359502,5 +359503,5 +359504,5 +359505,5 +359506,5 +359507,18 +359508,18 +359509,18 +359510,11 +359511,11 +359512,11 +359513,16 +359514,16 +359515,11 +359516,11 +359517,11 +359518,16 +359519,11 +359520,27 +359521,27 +359522,27 +359523,27 +359524,27 +359525,27 +359526,30 +359527,30 +359528,30 +359529,30 +359530,30 +359531,30 +359532,30 +359533,30 +359534,30 +359535,30 +359536,19 +359537,19 +359538,19 +359539,19 +359540,19 +359541,31 +359542,31 +359543,31 +359544,31 +359545,31 +359546,31 +359547,31 +359548,31 +359549,31 +359550,5 +359551,5 +359552,5 +359553,5 +359554,5 +359555,5 +359556,5 +359557,31 +359558,31 +359559,31 +359560,31 +359561,31 +359562,4 +359563,4 +359564,4 +359565,4 +359566,4 +359567,4 +359568,4 +359569,29 +359570,29 +359571,29 +359572,31 +359573,31 +359574,31 +359575,31 +359576,31 +359577,31 +359578,31 +359579,35 +359580,35 +359581,35 +359582,35 +359583,35 +359584,35 +359585,35 +359586,35 +359587,35 +359588,36 +359589,36 +359590,36 +359591,36 +359592,36 +359593,36 +359594,36 +359595,36 +359596,36 +359597,36 +359598,36 +359599,36 +359600,36 +359601,36 +359602,10 +359603,10 +359604,10 +359605,10 +359606,10 +359607,14 +359608,14 +359609,14 +359610,14 +359611,14 +359612,14 +359613,14 +359614,14 +359615,14 +359616,14 +359617,14 +359618,14 +359619,39 +359620,14 +359621,31 +359622,31 +359623,31 +359624,31 +359625,31 +359626,31 +359627,31 +359628,31 +359629,2 +359630,2 +359631,2 +359632,2 +359633,2 +359634,2 +359635,2 +359636,2 +359637,2 +359638,2 +359639,2 +359640,2 +359641,2 +359642,2 +359643,2 +359644,2 +359645,2 +359646,2 +359647,2 +359648,2 +359649,2 +359650,2 +359651,0 +359652,0 +359653,0 +359654,0 +359655,0 +359656,0 +359657,0 +359658,0 +359659,0 +359660,0 +359661,0 +359662,0 +359663,0 +359664,0 +359665,0 +359666,0 +359667,0 +359668,0 +359669,0 +359670,0 +359671,0 +359672,0 +359673,0 +359674,0 +359675,0 +359676,0 +359677,0 +359678,0 +359679,18 +359680,18 +359681,18 +359682,18 +359683,18 +359684,18 +359685,18 +359686,18 +359687,18 +359688,18 +359689,18 +359690,31 +359691,31 +359692,31 +359693,31 +359694,31 +359695,31 +359696,31 +359697,2 +359698,2 +359699,2 +359700,2 +359701,2 +359702,2 +359703,2 +359704,2 +359705,2 +359706,2 +359707,2 +359708,2 +359709,27 +359710,27 +359711,27 +359712,27 +359713,27 +359714,27 +359715,8 +359716,8 +359717,8 +359718,8 +359719,8 +359720,8 +359721,27 +359722,27 +359723,27 +359724,35 +359725,35 +359726,35 +359727,39 +359728,3 +359729,3 +359730,30 +359731,3 +359732,12 +359733,12 +359734,12 +359735,12 +359736,12 +359737,31 +359738,31 +359739,27 +359740,8 +359741,8 +359742,8 +359743,8 +359744,8 +359745,8 +359746,8 +359747,8 +359748,8 +359749,37 +359750,37 +359751,37 +359752,27 +359753,27 +359754,27 +359755,27 +359756,27 +359757,27 +359758,27 +359759,4 +359760,16 +359761,16 +359762,16 +359763,16 +359764,16 +359765,16 +359766,16 +359767,4 +359768,4 +359769,25 +359770,25 +359771,25 +359772,25 +359773,25 +359774,25 +359775,25 +359776,25 +359777,5 +359778,5 +359779,5 +359780,5 +359781,27 +359782,27 +359783,27 +359784,27 +359785,27 +359786,27 +359787,13 +359788,13 +359789,13 +359790,13 +359791,13 +359792,19 +359793,19 +359794,27 +359795,27 +359796,27 +359797,27 +359798,27 +359799,27 +359800,27 +359801,27 +359802,27 +359803,4 +359804,4 +359805,4 +359806,4 +359807,4 +359808,4 +359809,4 +359810,4 +359811,4 +359812,4 +359813,4 +359814,4 +359815,4 +359816,4 +359817,4 +359818,4 +359819,4 +359820,31 +359821,31 +359822,3 +359823,3 +359824,3 +359825,3 +359826,3 +359827,3 +359828,3 +359829,3 +359830,3 +359831,3 +359832,3 +359833,3 +359834,31 +359835,31 +359836,31 +359837,31 +359838,31 +359839,31 +359840,31 +359841,27 +359842,27 +359843,27 +359844,8 +359845,8 +359846,8 +359847,8 +359848,8 +359849,8 +359850,8 +359851,8 +359852,8 +359853,32 +359854,32 +359855,32 +359856,32 +359857,32 +359858,32 +359859,32 +359860,32 +359861,23 +359862,26 +359863,26 +359864,26 +359865,9 +359866,26 +359867,26 +359868,9 +359869,9 +359870,9 +359871,9 +359872,9 +359873,9 +359874,9 +359875,6 +359876,6 +359877,6 +359878,6 +359879,23 +359880,23 +359881,23 +359882,23 +359883,23 +359884,27 +359885,27 +359886,27 +359887,27 +359888,27 +359889,27 +359890,27 +359891,27 +359892,27 +359893,4 +359894,4 +359895,4 +359896,4 +359897,4 +359898,4 +359899,4 +359900,0 +359901,0 +359902,0 +359903,0 +359904,0 +359905,0 +359906,0 +359907,0 +359908,0 +359909,0 +359910,0 +359911,0 +359912,0 +359913,31 +359914,31 +359915,31 +359916,31 +359917,31 +359918,31 +359919,31 +359920,30 +359921,30 +359922,30 +359923,30 +359924,30 +359925,30 +359926,30 +359927,30 +359928,30 +359929,14 +359930,14 +359931,14 +359932,14 +359933,14 +359934,14 +359935,14 +359936,19 +359937,19 +359938,19 +359939,19 +359940,39 +359941,39 +359942,39 +359943,39 +359944,39 +359945,39 +359946,39 +359947,39 +359948,39 +359949,39 +359950,2 +359951,2 +359952,2 +359953,2 +359954,2 +359955,2 +359956,2 +359957,2 +359958,2 +359959,2 +359960,2 +359961,25 +359962,25 +359963,25 +359964,25 +359965,25 +359966,25 +359967,19 +359968,19 +359969,4 +359970,4 +359971,4 +359972,30 +359973,30 +359974,30 +359975,30 +359976,30 +359977,39 +359978,39 +359979,39 +359980,39 +359981,39 +359982,39 +359983,39 +359984,39 +359985,39 +359986,32 +359987,32 +359988,32 +359989,32 +359990,32 +359991,32 +359992,32 +359993,17 +359994,17 +359995,17 +359996,17 +359997,17 +359998,9 +359999,9 +360000,37 +360001,37 +360002,37 +360003,37 +360004,37 +360005,37 +360006,19 +360007,19 +360008,19 +360009,27 +360010,27 +360011,1 +360012,1 +360013,1 +360014,1 +360015,31 +360016,31 +360017,31 +360018,5 +360019,5 +360020,31 +360021,31 +360022,31 +360023,31 +360024,31 +360025,31 +360026,31 +360027,31 +360028,23 +360029,23 +360030,23 +360031,23 +360032,23 +360033,27 +360034,27 +360035,27 +360036,27 +360037,27 +360038,27 +360039,27 +360040,27 +360041,13 +360042,13 +360043,13 +360044,13 +360045,13 +360046,13 +360047,30 +360048,30 +360049,30 +360050,30 +360051,25 +360052,25 +360053,25 +360054,25 +360055,25 +360056,25 +360057,25 +360058,25 +360059,25 +360060,4 +360061,19 +360062,19 +360063,19 +360064,19 +360065,19 +360066,4 +360067,40 +360068,10 +360069,10 +360070,10 +360071,10 +360072,10 +360073,14 +360074,14 +360075,14 +360076,14 +360077,14 +360078,27 +360079,27 +360080,27 +360081,27 +360082,27 +360083,28 +360084,28 +360085,28 +360086,28 +360087,28 +360088,28 +360089,28 +360090,28 +360091,28 +360092,28 +360093,28 +360094,28 +360095,28 +360096,28 +360097,28 +360098,28 +360099,28 +360100,28 +360101,0 +360102,0 +360103,0 +360104,0 +360105,0 +360106,0 +360107,0 +360108,0 +360109,0 +360110,0 +360111,0 +360112,0 +360113,0 +360114,0 +360115,0 +360116,0 +360117,0 +360118,0 +360119,0 +360120,0 +360121,0 +360122,0 +360123,0 +360124,0 +360125,0 +360126,0 +360127,0 +360128,0 +360129,0 +360130,0 +360131,31 +360132,31 +360133,31 +360134,31 +360135,31 +360136,31 +360137,31 +360138,31 +360139,31 +360140,31 +360141,31 +360142,28 +360143,28 +360144,28 +360145,28 +360146,28 +360147,28 +360148,28 +360149,28 +360150,28 +360151,28 +360152,28 +360153,28 +360154,28 +360155,28 +360156,26 +360157,26 +360158,26 +360159,26 +360160,26 +360161,26 +360162,26 +360163,26 +360164,26 +360165,26 +360166,26 +360167,26 +360168,4 +360169,4 +360170,4 +360171,4 +360172,4 +360173,4 +360174,4 +360175,4 +360176,25 +360177,25 +360178,25 +360179,25 +360180,25 +360181,25 +360182,27 +360183,27 +360184,27 +360185,27 +360186,27 +360187,27 +360188,27 +360189,2 +360190,2 +360191,2 +360192,2 +360193,2 +360194,2 +360195,2 +360196,2 +360197,2 +360198,2 +360199,2 +360200,40 +360201,40 +360202,40 +360203,40 +360204,40 +360205,5 +360206,5 +360207,5 +360208,5 +360209,5 +360210,5 +360211,5 +360212,2 +360213,2 +360214,2 +360215,2 +360216,2 +360217,27 +360218,27 +360219,27 +360220,31 +360221,24 +360222,24 +360223,24 +360224,24 +360225,24 +360226,35 +360227,35 +360228,35 +360229,35 +360230,35 +360231,35 +360232,35 +360233,35 +360234,35 +360235,35 +360236,35 +360237,39 +360238,39 +360239,39 +360240,39 +360241,39 +360242,39 +360243,12 +360244,3 +360245,28 +360246,28 +360247,28 +360248,12 +360249,12 +360250,12 +360251,12 +360252,12 +360253,12 +360254,25 +360255,25 +360256,25 +360257,25 +360258,25 +360259,25 +360260,25 +360261,25 +360262,25 +360263,25 +360264,25 +360265,25 +360266,25 +360267,25 +360268,25 +360269,25 +360270,25 +360271,25 +360272,37 +360273,37 +360274,0 +360275,0 +360276,0 +360277,0 +360278,0 +360279,0 +360280,0 +360281,0 +360282,0 +360283,0 +360284,0 +360285,0 +360286,0 +360287,0 +360288,0 +360289,0 +360290,0 +360291,0 +360292,0 +360293,0 +360294,0 +360295,0 +360296,0 +360297,0 +360298,0 +360299,0 +360300,0 +360301,0 +360302,0 +360303,0 +360304,0 +360305,36 +360306,36 +360307,36 +360308,36 +360309,36 +360310,36 +360311,36 +360312,36 +360313,13 +360314,13 +360315,13 +360316,13 +360317,13 +360318,13 +360319,6 +360320,6 +360321,6 +360322,6 +360323,6 +360324,22 +360325,22 +360326,22 +360327,22 +360328,22 +360329,19 +360330,19 +360331,19 +360332,19 +360333,4 +360334,4 +360335,4 +360336,4 +360337,4 +360338,4 +360339,4 +360340,4 +360341,40 +360342,40 +360343,40 +360344,40 +360345,40 +360346,40 +360347,40 +360348,30 +360349,30 +360350,30 +360351,30 +360352,30 +360353,30 +360354,31 +360355,31 +360356,31 +360357,31 +360358,31 +360359,31 +360360,31 +360361,21 +360362,21 +360363,21 +360364,21 +360365,21 +360366,21 +360367,21 +360368,22 +360369,22 +360370,22 +360371,22 +360372,22 +360373,19 +360374,19 +360375,19 +360376,19 +360377,19 +360378,19 +360379,19 +360380,19 +360381,2 +360382,2 +360383,2 +360384,2 +360385,2 +360386,2 +360387,2 +360388,2 +360389,2 +360390,2 +360391,2 +360392,4 +360393,4 +360394,4 +360395,4 +360396,4 +360397,4 +360398,9 +360399,9 +360400,9 +360401,9 +360402,9 +360403,9 +360404,9 +360405,9 +360406,37 +360407,37 +360408,37 +360409,37 +360410,37 +360411,37 +360412,37 +360413,37 +360414,37 +360415,39 +360416,39 +360417,39 +360418,39 +360419,39 +360420,12 +360421,12 +360422,12 +360423,12 +360424,12 +360425,12 +360426,27 +360427,27 +360428,27 +360429,27 +360430,5 +360431,5 +360432,5 +360433,5 +360434,5 +360435,5 +360436,39 +360437,39 +360438,39 +360439,39 +360440,39 +360441,14 +360442,14 +360443,14 +360444,14 +360445,14 +360446,14 +360447,14 +360448,6 +360449,6 +360450,6 +360451,6 +360452,6 +360453,6 +360454,6 +360455,6 +360456,6 +360457,14 +360458,14 +360459,14 +360460,14 +360461,14 +360462,14 +360463,14 +360464,14 +360465,14 +360466,20 +360467,20 +360468,20 +360469,20 +360470,20 +360471,20 +360472,20 +360473,20 +360474,20 +360475,20 +360476,20 +360477,31 +360478,31 +360479,31 +360480,5 +360481,5 +360482,31 +360483,31 +360484,31 +360485,31 +360486,25 +360487,25 +360488,25 +360489,25 +360490,31 +360491,31 +360492,37 +360493,6 +360494,6 +360495,6 +360496,6 +360497,6 +360498,6 +360499,6 +360500,6 +360501,6 +360502,12 +360503,12 +360504,12 +360505,12 +360506,12 +360507,12 +360508,12 +360509,12 +360510,12 +360511,10 +360512,10 +360513,10 +360514,10 +360515,10 +360516,10 +360517,10 +360518,10 +360519,10 +360520,10 +360521,10 +360522,10 +360523,10 +360524,10 +360525,25 +360526,10 +360527,25 +360528,25 +360529,25 +360530,25 +360531,25 +360532,25 +360533,25 +360534,25 +360535,25 +360536,25 +360537,25 +360538,25 +360539,19 +360540,19 +360541,19 +360542,19 +360543,19 +360544,19 +360545,19 +360546,19 +360547,39 +360548,39 +360549,21 +360550,14 +360551,14 +360552,14 +360553,14 +360554,0 +360555,0 +360556,0 +360557,0 +360558,0 +360559,0 +360560,0 +360561,0 +360562,0 +360563,0 +360564,0 +360565,0 +360566,0 +360567,0 +360568,0 +360569,0 +360570,0 +360571,0 +360572,0 +360573,0 +360574,0 +360575,0 +360576,0 +360577,0 +360578,0 +360579,0 +360580,0 +360581,0 +360582,0 +360583,0 +360584,0 +360585,0 +360586,0 +360587,0 +360588,0 +360589,0 +360590,0 +360591,0 +360592,0 +360593,0 +360594,0 +360595,0 +360596,0 +360597,0 +360598,0 +360599,0 +360600,0 +360601,0 +360602,35 +360603,35 +360604,35 +360605,35 +360606,35 +360607,35 +360608,35 +360609,35 +360610,35 +360611,35 +360612,35 +360613,35 +360614,35 +360615,39 +360616,39 +360617,39 +360618,39 +360619,39 +360620,6 +360621,6 +360622,6 +360623,6 +360624,6 +360625,6 +360626,22 +360627,22 +360628,22 +360629,22 +360630,19 +360631,19 +360632,19 +360633,19 +360634,4 +360635,4 +360636,4 +360637,4 +360638,4 +360639,4 +360640,4 +360641,26 +360642,26 +360643,26 +360644,26 +360645,26 +360646,26 +360647,37 +360648,37 +360649,37 +360650,37 +360651,32 +360652,32 +360653,32 +360654,32 +360655,32 +360656,32 +360657,32 +360658,32 +360659,37 +360660,37 +360661,37 +360662,37 +360663,37 +360664,37 +360665,37 +360666,37 +360667,14 +360668,14 +360669,14 +360670,14 +360671,14 +360672,14 +360673,14 +360674,14 +360675,14 +360676,14 +360677,14 +360678,2 +360679,2 +360680,2 +360681,2 +360682,2 +360683,2 +360684,2 +360685,2 +360686,2 +360687,27 +360688,27 +360689,27 +360690,27 +360691,27 +360692,27 +360693,27 +360694,27 +360695,8 +360696,8 +360697,8 +360698,8 +360699,8 +360700,8 +360701,8 +360702,8 +360703,12 +360704,12 +360705,12 +360706,12 +360707,12 +360708,31 +360709,27 +360710,27 +360711,8 +360712,8 +360713,8 +360714,35 +360715,35 +360716,35 +360717,35 +360718,35 +360719,35 +360720,35 +360721,35 +360722,35 +360723,25 +360724,25 +360725,25 +360726,25 +360727,25 +360728,25 +360729,25 +360730,25 +360731,25 +360732,25 +360733,2 +360734,2 +360735,2 +360736,2 +360737,2 +360738,2 +360739,2 +360740,2 +360741,2 +360742,4 +360743,4 +360744,4 +360745,4 +360746,4 +360747,4 +360748,3 +360749,3 +360750,3 +360751,3 +360752,12 +360753,12 +360754,12 +360755,12 +360756,22 +360757,22 +360758,35 +360759,22 +360760,22 +360761,22 +360762,22 +360763,22 +360764,19 +360765,19 +360766,19 +360767,19 +360768,19 +360769,19 +360770,19 +360771,19 +360772,19 +360773,19 +360774,19 +360775,19 +360776,0 +360777,0 +360778,0 +360779,0 +360780,0 +360781,0 +360782,0 +360783,0 +360784,0 +360785,0 +360786,0 +360787,0 +360788,0 +360789,0 +360790,0 +360791,0 +360792,0 +360793,0 +360794,0 +360795,0 +360796,0 +360797,0 +360798,0 +360799,0 +360800,0 +360801,0 +360802,0 +360803,0 +360804,0 +360805,0 +360806,0 +360807,0 +360808,0 +360809,0 +360810,0 +360811,0 +360812,0 +360813,0 +360814,31 +360815,36 +360816,36 +360817,36 +360818,36 +360819,36 +360820,36 +360821,36 +360822,36 +360823,36 +360824,36 +360825,36 +360826,36 +360827,36 +360828,36 +360829,36 +360830,36 +360831,36 +360832,36 +360833,36 +360834,23 +360835,23 +360836,23 +360837,23 +360838,23 +360839,23 +360840,23 +360841,4 +360842,4 +360843,4 +360844,4 +360845,38 +360846,27 +360847,27 +360848,27 +360849,27 +360850,27 +360851,37 +360852,37 +360853,37 +360854,37 +360855,37 +360856,37 +360857,37 +360858,37 +360859,37 +360860,39 +360861,39 +360862,39 +360863,31 +360864,31 +360865,27 +360866,27 +360867,16 +360868,16 +360869,16 +360870,16 +360871,16 +360872,18 +360873,18 +360874,16 +360875,16 +360876,16 +360877,28 +360878,28 +360879,28 +360880,28 +360881,28 +360882,36 +360883,36 +360884,14 +360885,14 +360886,14 +360887,36 +360888,14 +360889,14 +360890,14 +360891,36 +360892,36 +360893,14 +360894,14 +360895,14 +360896,6 +360897,6 +360898,6 +360899,6 +360900,6 +360901,6 +360902,6 +360903,2 +360904,2 +360905,2 +360906,2 +360907,2 +360908,2 +360909,2 +360910,2 +360911,6 +360912,6 +360913,6 +360914,6 +360915,6 +360916,6 +360917,6 +360918,7 +360919,7 +360920,7 +360921,7 +360922,7 +360923,7 +360924,7 +360925,3 +360926,3 +360927,3 +360928,3 +360929,3 +360930,3 +360931,3 +360932,3 +360933,3 +360934,3 +360935,3 +360936,18 +360937,18 +360938,18 +360939,18 +360940,18 +360941,18 +360942,23 +360943,23 +360944,23 +360945,23 +360946,23 +360947,28 +360948,28 +360949,28 +360950,28 +360951,17 +360952,17 +360953,17 +360954,17 +360955,17 +360956,17 +360957,17 +360958,17 +360959,17 +360960,17 +360961,17 +360962,17 +360963,17 +360964,17 +360965,10 +360966,2 +360967,2 +360968,2 +360969,2 +360970,2 +360971,2 +360972,2 +360973,2 +360974,2 +360975,2 +360976,2 +360977,2 +360978,2 +360979,33 +360980,33 +360981,33 +360982,33 +360983,33 +360984,33 +360985,33 +360986,33 +360987,33 +360988,33 +360989,33 +360990,33 +360991,33 +360992,33 +360993,24 +360994,24 +360995,24 +360996,24 +360997,24 +360998,4 +360999,4 +361000,4 +361001,4 +361002,4 +361003,4 +361004,4 +361005,4 +361006,31 +361007,31 +361008,31 +361009,31 +361010,25 +361011,3 +361012,25 +361013,29 +361014,29 +361015,29 +361016,29 +361017,29 +361018,29 +361019,31 +361020,31 +361021,31 +361022,31 +361023,24 +361024,24 +361025,24 +361026,24 +361027,24 +361028,24 +361029,6 +361030,6 +361031,6 +361032,6 +361033,6 +361034,6 +361035,6 +361036,30 +361037,30 +361038,30 +361039,25 +361040,25 +361041,25 +361042,25 +361043,25 +361044,25 +361045,25 +361046,25 +361047,25 +361048,25 +361049,25 +361050,25 +361051,25 +361052,25 +361053,25 +361054,25 +361055,25 +361056,25 +361057,6 +361058,6 +361059,6 +361060,6 +361061,6 +361062,21 +361063,21 +361064,0 +361065,0 +361066,0 +361067,0 +361068,0 +361069,0 +361070,0 +361071,36 +361072,36 +361073,36 +361074,36 +361075,36 +361076,36 +361077,36 +361078,36 +361079,31 +361080,5 +361081,19 +361082,19 +361083,19 +361084,19 +361085,5 +361086,12 +361087,12 +361088,12 +361089,12 +361090,12 +361091,12 +361092,12 +361093,12 +361094,31 +361095,31 +361096,31 +361097,31 +361098,31 +361099,31 +361100,5 +361101,5 +361102,5 +361103,5 +361104,4 +361105,4 +361106,4 +361107,4 +361108,4 +361109,4 +361110,4 +361111,31 +361112,31 +361113,31 +361114,31 +361115,31 +361116,24 +361117,24 +361118,19 +361119,19 +361120,19 +361121,19 +361122,19 +361123,29 +361124,29 +361125,40 +361126,40 +361127,40 +361128,40 +361129,40 +361130,40 +361131,40 +361132,40 +361133,40 +361134,40 +361135,40 +361136,40 +361137,40 +361138,40 +361139,40 +361140,40 +361141,40 +361142,40 +361143,40 +361144,4 +361145,4 +361146,4 +361147,19 +361148,19 +361149,19 +361150,19 +361151,19 +361152,19 +361153,19 +361154,19 +361155,0 +361156,0 +361157,0 +361158,0 +361159,0 +361160,0 +361161,0 +361162,0 +361163,0 +361164,0 +361165,0 +361166,0 +361167,0 +361168,0 +361169,0 +361170,0 +361171,5 +361172,5 +361173,5 +361174,5 +361175,5 +361176,5 +361177,5 +361178,19 +361179,19 +361180,19 +361181,19 +361182,19 +361183,19 +361184,5 +361185,5 +361186,19 +361187,19 +361188,19 +361189,19 +361190,19 +361191,19 +361192,19 +361193,37 +361194,37 +361195,37 +361196,37 +361197,37 +361198,37 +361199,37 +361200,37 +361201,37 +361202,37 +361203,3 +361204,3 +361205,3 +361206,3 +361207,3 +361208,27 +361209,27 +361210,27 +361211,27 +361212,5 +361213,5 +361214,5 +361215,5 +361216,5 +361217,19 +361218,19 +361219,19 +361220,19 +361221,19 +361222,19 +361223,34 +361224,34 +361225,34 +361226,34 +361227,34 +361228,34 +361229,34 +361230,34 +361231,34 +361232,34 +361233,34 +361234,34 +361235,34 +361236,34 +361237,34 +361238,34 +361239,31 +361240,31 +361241,33 +361242,8 +361243,8 +361244,8 +361245,8 +361246,8 +361247,8 +361248,8 +361249,8 +361250,15 +361251,15 +361252,15 +361253,15 +361254,15 +361255,15 +361256,15 +361257,15 +361258,15 +361259,39 +361260,39 +361261,39 +361262,39 +361263,39 +361264,39 +361265,39 +361266,39 +361267,1 +361268,39 +361269,39 +361270,39 +361271,39 +361272,39 +361273,39 +361274,39 +361275,5 +361276,5 +361277,5 +361278,5 +361279,5 +361280,6 +361281,6 +361282,6 +361283,6 +361284,6 +361285,6 +361286,6 +361287,6 +361288,6 +361289,6 +361290,6 +361291,6 +361292,6 +361293,37 +361294,37 +361295,37 +361296,37 +361297,37 +361298,37 +361299,37 +361300,39 +361301,39 +361302,39 +361303,39 +361304,39 +361305,39 +361306,39 +361307,39 +361308,5 +361309,5 +361310,5 +361311,5 +361312,5 +361313,5 +361314,5 +361315,5 +361316,5 +361317,5 +361318,29 +361319,14 +361320,14 +361321,14 +361322,14 +361323,14 +361324,14 +361325,14 +361326,14 +361327,14 +361328,14 +361329,14 +361330,14 +361331,29 +361332,29 +361333,5 +361334,29 +361335,5 +361336,5 +361337,5 +361338,5 +361339,5 +361340,5 +361341,5 +361342,19 +361343,19 +361344,19 +361345,19 +361346,19 +361347,19 +361348,26 +361349,26 +361350,26 +361351,26 +361352,9 +361353,33 +361354,33 +361355,33 +361356,30 +361357,30 +361358,30 +361359,30 +361360,30 +361361,30 +361362,3 +361363,3 +361364,3 +361365,30 +361366,30 +361367,26 +361368,26 +361369,26 +361370,26 +361371,26 +361372,26 +361373,26 +361374,26 +361375,10 +361376,26 +361377,10 +361378,10 +361379,10 +361380,10 +361381,10 +361382,10 +361383,10 +361384,10 +361385,10 +361386,10 +361387,10 +361388,10 +361389,10 +361390,10 +361391,10 +361392,10 +361393,10 +361394,10 +361395,10 +361396,10 +361397,10 +361398,10 +361399,23 +361400,23 +361401,23 +361402,23 +361403,23 +361404,23 +361405,23 +361406,23 +361407,23 +361408,23 +361409,23 +361410,23 +361411,23 +361412,0 +361413,23 +361414,23 +361415,0 +361416,0 +361417,0 +361418,0 +361419,0 +361420,0 +361421,0 +361422,0 +361423,0 +361424,0 +361425,0 +361426,0 +361427,0 +361428,0 +361429,0 +361430,0 +361431,0 +361432,0 +361433,0 +361434,0 +361435,0 +361436,0 +361437,0 +361438,0 +361439,0 +361440,0 +361441,0 +361442,0 +361443,0 +361444,0 +361445,0 +361446,0 +361447,0 +361448,0 +361449,0 +361450,0 +361451,0 +361452,0 +361453,0 +361454,0 +361455,0 +361456,0 +361457,0 +361458,23 +361459,0 +361460,0 +361461,0 +361462,0 +361463,0 +361464,0 +361465,0 +361466,0 +361467,0 +361468,0 +361469,0 +361470,0 +361471,0 +361472,0 +361473,0 +361474,0 +361475,0 +361476,0 +361477,0 +361478,0 +361479,0 +361480,0 +361481,0 +361482,0 +361483,0 +361484,0 +361485,0 +361486,0 +361487,0 +361488,0 +361489,0 +361490,0 +361491,26 +361492,26 +361493,26 +361494,26 +361495,26 +361496,26 +361497,26 +361498,26 +361499,26 +361500,26 +361501,26 +361502,26 +361503,26 +361504,26 +361505,26 +361506,26 +361507,26 +361508,26 +361509,26 +361510,26 +361511,26 +361512,26 +361513,26 +361514,26 +361515,26 +361516,26 +361517,26 +361518,6 +361519,6 +361520,6 +361521,26 +361522,26 +361523,26 +361524,26 +361525,6 +361526,6 +361527,6 +361528,6 +361529,6 +361530,31 +361531,31 +361532,31 +361533,31 +361534,28 +361535,28 +361536,28 +361537,28 +361538,28 +361539,28 +361540,27 +361541,27 +361542,27 +361543,27 +361544,27 +361545,27 +361546,27 +361547,27 +361548,27 +361549,27 +361550,27 +361551,5 +361552,5 +361553,5 +361554,5 +361555,5 +361556,4 +361557,4 +361558,4 +361559,4 +361560,4 +361561,2 +361562,2 +361563,2 +361564,2 +361565,2 +361566,2 +361567,2 +361568,2 +361569,27 +361570,27 +361571,27 +361572,27 +361573,27 +361574,27 +361575,19 +361576,19 +361577,31 +361578,31 +361579,19 +361580,19 +361581,19 +361582,31 +361583,31 +361584,34 +361585,34 +361586,34 +361587,34 +361588,34 +361589,34 +361590,34 +361591,10 +361592,10 +361593,33 +361594,33 +361595,34 +361596,33 +361597,33 +361598,33 +361599,33 +361600,33 +361601,33 +361602,33 +361603,10 +361604,5 +361605,5 +361606,5 +361607,5 +361608,5 +361609,5 +361610,5 +361611,5 +361612,5 +361613,5 +361614,5 +361615,5 +361616,31 +361617,27 +361618,27 +361619,27 +361620,27 +361621,27 +361622,27 +361623,27 +361624,27 +361625,5 +361626,5 +361627,5 +361628,5 +361629,5 +361630,29 +361631,29 +361632,29 +361633,29 +361634,29 +361635,31 +361636,31 +361637,2 +361638,2 +361639,2 +361640,2 +361641,2 +361642,2 +361643,2 +361644,2 +361645,31 +361646,31 +361647,31 +361648,31 +361649,31 +361650,31 +361651,5 +361652,5 +361653,5 +361654,5 +361655,5 +361656,5 +361657,5 +361658,5 +361659,5 +361660,5 +361661,31 +361662,31 +361663,4 +361664,4 +361665,4 +361666,4 +361667,4 +361668,4 +361669,4 +361670,4 +361671,4 +361672,25 +361673,25 +361674,25 +361675,25 +361676,25 +361677,6 +361678,6 +361679,6 +361680,6 +361681,6 +361682,6 +361683,6 +361684,6 +361685,6 +361686,6 +361687,30 +361688,30 +361689,33 +361690,33 +361691,33 +361692,33 +361693,33 +361694,33 +361695,33 +361696,33 +361697,33 +361698,33 +361699,33 +361700,33 +361701,33 +361702,8 +361703,8 +361704,8 +361705,8 +361706,8 +361707,8 +361708,8 +361709,29 +361710,29 +361711,29 +361712,29 +361713,29 +361714,29 +361715,31 +361716,31 +361717,31 +361718,15 +361719,15 +361720,15 +361721,15 +361722,15 +361723,15 +361724,15 +361725,15 +361726,33 +361727,33 +361728,33 +361729,33 +361730,33 +361731,33 +361732,33 +361733,33 +361734,33 +361735,6 +361736,6 +361737,6 +361738,6 +361739,6 +361740,6 +361741,6 +361742,31 +361743,31 +361744,31 +361745,31 +361746,31 +361747,31 +361748,5 +361749,5 +361750,5 +361751,5 +361752,5 +361753,30 +361754,30 +361755,30 +361756,30 +361757,30 +361758,30 +361759,30 +361760,30 +361761,14 +361762,14 +361763,14 +361764,14 +361765,14 +361766,14 +361767,14 +361768,14 +361769,4 +361770,14 +361771,14 +361772,27 +361773,27 +361774,27 +361775,4 +361776,4 +361777,19 +361778,19 +361779,19 +361780,19 +361781,19 +361782,19 +361783,19 +361784,19 +361785,19 +361786,19 +361787,19 +361788,34 +361789,34 +361790,34 +361791,34 +361792,34 +361793,34 +361794,34 +361795,34 +361796,33 +361797,33 +361798,33 +361799,33 +361800,28 +361801,28 +361802,33 +361803,31 +361804,0 +361805,0 +361806,0 +361807,0 +361808,0 +361809,0 +361810,0 +361811,0 +361812,0 +361813,0 +361814,0 +361815,0 +361816,0 +361817,0 +361818,0 +361819,0 +361820,0 +361821,0 +361822,0 +361823,0 +361824,0 +361825,0 +361826,0 +361827,0 +361828,0 +361829,0 +361830,0 +361831,0 +361832,0 +361833,0 +361834,0 +361835,0 +361836,0 +361837,0 +361838,0 +361839,0 +361840,0 +361841,0 +361842,0 +361843,0 +361844,0 +361845,0 +361846,0 +361847,0 +361848,0 +361849,0 +361850,0 +361851,0 +361852,0 +361853,0 +361854,0 +361855,0 +361856,0 +361857,0 +361858,0 +361859,0 +361860,0 +361861,0 +361862,0 +361863,0 +361864,0 +361865,0 +361866,0 +361867,0 +361868,0 +361869,33 +361870,33 +361871,33 +361872,33 +361873,33 +361874,33 +361875,33 +361876,33 +361877,33 +361878,17 +361879,17 +361880,17 +361881,17 +361882,17 +361883,17 +361884,9 +361885,17 +361886,17 +361887,31 +361888,31 +361889,31 +361890,4 +361891,4 +361892,4 +361893,4 +361894,4 +361895,4 +361896,4 +361897,27 +361898,27 +361899,27 +361900,27 +361901,27 +361902,27 +361903,4 +361904,4 +361905,4 +361906,4 +361907,4 +361908,4 +361909,4 +361910,27 +361911,27 +361912,27 +361913,27 +361914,27 +361915,2 +361916,2 +361917,2 +361918,2 +361919,2 +361920,2 +361921,2 +361922,2 +361923,2 +361924,2 +361925,2 +361926,2 +361927,39 +361928,39 +361929,39 +361930,39 +361931,39 +361932,39 +361933,39 +361934,39 +361935,39 +361936,39 +361937,39 +361938,39 +361939,39 +361940,39 +361941,39 +361942,39 +361943,39 +361944,39 +361945,39 +361946,39 +361947,39 +361948,39 +361949,39 +361950,3 +361951,3 +361952,39 +361953,39 +361954,0 +361955,0 +361956,0 +361957,0 +361958,0 +361959,0 +361960,0 +361961,0 +361962,0 +361963,0 +361964,0 +361965,0 +361966,0 +361967,0 +361968,0 +361969,0 +361970,0 +361971,0 +361972,0 +361973,0 +361974,0 +361975,0 +361976,10 +361977,10 +361978,10 +361979,10 +361980,10 +361981,10 +361982,10 +361983,10 +361984,36 +361985,36 +361986,36 +361987,38 +361988,38 +361989,38 +361990,38 +361991,38 +361992,38 +361993,38 +361994,27 +361995,27 +361996,27 +361997,27 +361998,27 +361999,13 +362000,13 +362001,13 +362002,13 +362003,13 +362004,13 +362005,6 +362006,6 +362007,6 +362008,6 +362009,6 +362010,6 +362011,7 +362012,7 +362013,25 +362014,25 +362015,25 +362016,25 +362017,25 +362018,15 +362019,15 +362020,37 +362021,15 +362022,15 +362023,15 +362024,15 +362025,15 +362026,15 +362027,15 +362028,15 +362029,15 +362030,15 +362031,15 +362032,15 +362033,39 +362034,39 +362035,39 +362036,39 +362037,39 +362038,39 +362039,39 +362040,39 +362041,39 +362042,39 +362043,39 +362044,39 +362045,39 +362046,39 +362047,2 +362048,2 +362049,2 +362050,2 +362051,2 +362052,2 +362053,2 +362054,2 +362055,2 +362056,2 +362057,2 +362058,2 +362059,2 +362060,2 +362061,30 +362062,30 +362063,30 +362064,30 +362065,30 +362066,39 +362067,39 +362068,39 +362069,39 +362070,39 +362071,39 +362072,39 +362073,39 +362074,39 +362075,39 +362076,39 +362077,39 +362078,39 +362079,39 +362080,39 +362081,39 +362082,39 +362083,39 +362084,39 +362085,39 +362086,39 +362087,39 +362088,39 +362089,39 +362090,39 +362091,39 +362092,39 +362093,39 +362094,0 +362095,0 +362096,0 +362097,0 +362098,0 +362099,0 +362100,0 +362101,0 +362102,0 +362103,0 +362104,0 +362105,0 +362106,0 +362107,0 +362108,0 +362109,0 +362110,0 +362111,0 +362112,0 +362113,0 +362114,0 +362115,0 +362116,0 +362117,0 +362118,0 +362119,0 +362120,0 +362121,0 +362122,0 +362123,0 +362124,0 +362125,0 +362126,0 +362127,0 +362128,0 +362129,0 +362130,0 +362131,0 +362132,0 +362133,0 +362134,0 +362135,0 +362136,0 +362137,0 +362138,0 +362139,0 +362140,0 +362141,0 +362142,0 +362143,0 +362144,0 +362145,0 +362146,0 +362147,0 +362148,0 +362149,0 +362150,0 +362151,0 +362152,0 +362153,0 +362154,0 +362155,0 +362156,0 +362157,0 +362158,0 +362159,0 +362160,0 +362161,0 +362162,0 +362163,0 +362164,0 +362165,0 +362166,0 +362167,0 +362168,12 +362169,12 +362170,12 +362171,12 +362172,40 +362173,40 +362174,40 +362175,40 +362176,40 +362177,40 +362178,40 +362179,40 +362180,40 +362181,40 +362182,40 +362183,30 +362184,30 +362185,30 +362186,30 +362187,30 +362188,30 +362189,30 +362190,30 +362191,30 +362192,30 +362193,30 +362194,30 +362195,30 +362196,30 +362197,30 +362198,30 +362199,30 +362200,30 +362201,0 +362202,0 +362203,0 +362204,0 +362205,0 +362206,0 +362207,0 +362208,0 +362209,0 +362210,0 +362211,0 +362212,0 +362213,0 +362214,0 +362215,0 +362216,0 +362217,0 +362218,0 +362219,0 +362220,0 +362221,0 +362222,0 +362223,0 +362224,0 +362225,0 +362226,0 +362227,0 +362228,0 +362229,0 +362230,0 +362231,0 +362232,0 +362233,0 +362234,0 +362235,0 +362236,0 +362237,15 +362238,15 +362239,31 +362240,31 +362241,31 +362242,31 +362243,31 +362244,31 +362245,21 +362246,21 +362247,21 +362248,21 +362249,21 +362250,21 +362251,37 +362252,37 +362253,37 +362254,37 +362255,37 +362256,39 +362257,39 +362258,39 +362259,39 +362260,39 +362261,39 +362262,39 +362263,39 +362264,39 +362265,39 +362266,39 +362267,6 +362268,32 +362269,32 +362270,32 +362271,32 +362272,32 +362273,32 +362274,32 +362275,32 +362276,32 +362277,30 +362278,30 +362279,30 +362280,30 +362281,30 +362282,30 +362283,40 +362284,40 +362285,31 +362286,31 +362287,31 +362288,31 +362289,31 +362290,31 +362291,31 +362292,15 +362293,15 +362294,15 +362295,15 +362296,15 +362297,15 +362298,31 +362299,31 +362300,31 +362301,31 +362302,31 +362303,8 +362304,8 +362305,8 +362306,8 +362307,8 +362308,8 +362309,8 +362310,30 +362311,30 +362312,30 +362313,30 +362314,40 +362315,40 +362316,40 +362317,40 +362318,40 +362319,40 +362320,40 +362321,40 +362322,40 +362323,40 +362324,40 +362325,2 +362326,2 +362327,2 +362328,2 +362329,2 +362330,2 +362331,2 +362332,2 +362333,2 +362334,2 +362335,2 +362336,29 +362337,29 +362338,29 +362339,29 +362340,29 +362341,29 +362342,29 +362343,25 +362344,25 +362345,25 +362346,25 +362347,25 +362348,25 +362349,25 +362350,25 +362351,25 +362352,25 +362353,25 +362354,2 +362355,2 +362356,2 +362357,4 +362358,4 +362359,4 +362360,4 +362361,4 +362362,19 +362363,27 +362364,27 +362365,27 +362366,27 +362367,27 +362368,27 +362369,27 +362370,28 +362371,5 +362372,5 +362373,5 +362374,36 +362375,40 +362376,36 +362377,10 +362378,40 +362379,40 +362380,10 +362381,40 +362382,10 +362383,10 +362384,10 +362385,10 +362386,10 +362387,10 +362388,10 +362389,10 +362390,10 +362391,10 +362392,4 +362393,4 +362394,4 +362395,4 +362396,4 +362397,4 +362398,4 +362399,4 +362400,4 +362401,4 +362402,4 +362403,4 +362404,4 +362405,4 +362406,4 +362407,4 +362408,4 +362409,4 +362410,4 +362411,19 +362412,19 +362413,19 +362414,19 +362415,0 +362416,0 +362417,0 +362418,0 +362419,0 +362420,0 +362421,0 +362422,0 +362423,0 +362424,0 +362425,0 +362426,0 +362427,0 +362428,0 +362429,0 +362430,0 +362431,0 +362432,0 +362433,0 +362434,0 +362435,0 +362436,0 +362437,0 +362438,0 +362439,0 +362440,0 +362441,0 +362442,0 +362443,0 +362444,0 +362445,0 +362446,0 +362447,0 +362448,0 +362449,0 +362450,0 +362451,0 +362452,0 +362453,0 +362454,0 +362455,0 +362456,0 +362457,0 +362458,0 +362459,0 +362460,0 +362461,0 +362462,0 +362463,0 +362464,0 +362465,0 +362466,0 +362467,0 +362468,0 +362469,10 +362470,10 +362471,10 +362472,10 +362473,10 +362474,10 +362475,10 +362476,10 +362477,10 +362478,10 +362479,10 +362480,10 +362481,10 +362482,10 +362483,10 +362484,10 +362485,10 +362486,10 +362487,10 +362488,10 +362489,10 +362490,10 +362491,10 +362492,10 +362493,10 +362494,12 +362495,12 +362496,12 +362497,12 +362498,12 +362499,12 +362500,12 +362501,12 +362502,12 +362503,12 +362504,12 +362505,12 +362506,12 +362507,12 +362508,22 +362509,22 +362510,22 +362511,22 +362512,19 +362513,19 +362514,19 +362515,19 +362516,19 +362517,19 +362518,21 +362519,21 +362520,21 +362521,21 +362522,21 +362523,21 +362524,21 +362525,21 +362526,21 +362527,21 +362528,40 +362529,40 +362530,40 +362531,40 +362532,40 +362533,40 +362534,40 +362535,40 +362536,24 +362537,29 +362538,29 +362539,29 +362540,29 +362541,27 +362542,27 +362543,27 +362544,27 +362545,27 +362546,27 +362547,5 +362548,5 +362549,5 +362550,5 +362551,5 +362552,5 +362553,5 +362554,4 +362555,4 +362556,4 +362557,4 +362558,4 +362559,4 +362560,4 +362561,31 +362562,3 +362563,3 +362564,29 +362565,29 +362566,29 +362567,29 +362568,31 +362569,31 +362570,31 +362571,31 +362572,29 +362573,29 +362574,29 +362575,29 +362576,29 +362577,15 +362578,15 +362579,24 +362580,15 +362581,15 +362582,40 +362583,40 +362584,40 +362585,40 +362586,40 +362587,25 +362588,25 +362589,25 +362590,25 +362591,25 +362592,25 +362593,25 +362594,25 +362595,25 +362596,25 +362597,25 +362598,25 +362599,25 +362600,25 +362601,30 +362602,30 +362603,30 +362604,30 +362605,30 +362606,30 +362607,30 +362608,30 +362609,30 +362610,30 +362611,30 +362612,30 +362613,27 +362614,35 +362615,35 +362616,31 +362617,12 +362618,12 +362619,12 +362620,12 +362621,12 +362622,12 +362623,12 +362624,12 +362625,12 +362626,12 +362627,12 +362628,26 +362629,26 +362630,26 +362631,26 +362632,26 +362633,5 +362634,5 +362635,5 +362636,5 +362637,5 +362638,5 +362639,5 +362640,5 +362641,5 +362642,2 +362643,2 +362644,2 +362645,2 +362646,2 +362647,2 +362648,2 +362649,2 +362650,2 +362651,2 +362652,2 +362653,2 +362654,2 +362655,2 +362656,2 +362657,2 +362658,2 +362659,0 +362660,0 +362661,0 +362662,0 +362663,0 +362664,0 +362665,0 +362666,0 +362667,0 +362668,0 +362669,0 +362670,0 +362671,0 +362672,0 +362673,0 +362674,0 +362675,0 +362676,0 +362677,0 +362678,0 +362679,0 +362680,0 +362681,0 +362682,0 +362683,0 +362684,0 +362685,0 +362686,0 +362687,0 +362688,0 +362689,0 +362690,0 +362691,0 +362692,0 +362693,0 +362694,0 +362695,0 +362696,0 +362697,0 +362698,0 +362699,36 +362700,0 +362701,0 +362702,0 +362703,0 +362704,40 +362705,40 +362706,40 +362707,40 +362708,40 +362709,40 +362710,40 +362711,40 +362712,24 +362713,24 +362714,24 +362715,24 +362716,24 +362717,25 +362718,25 +362719,25 +362720,25 +362721,25 +362722,25 +362723,25 +362724,25 +362725,40 +362726,12 +362727,12 +362728,12 +362729,12 +362730,12 +362731,12 +362732,12 +362733,12 +362734,12 +362735,12 +362736,12 +362737,12 +362738,31 +362739,31 +362740,31 +362741,31 +362742,31 +362743,31 +362744,31 +362745,5 +362746,5 +362747,5 +362748,5 +362749,5 +362750,4 +362751,4 +362752,4 +362753,4 +362754,4 +362755,4 +362756,4 +362757,4 +362758,4 +362759,4 +362760,4 +362761,4 +362762,4 +362763,4 +362764,25 +362765,25 +362766,25 +362767,25 +362768,25 +362769,25 +362770,25 +362771,25 +362772,31 +362773,4 +362774,4 +362775,4 +362776,4 +362777,4 +362778,4 +362779,4 +362780,4 +362781,4 +362782,4 +362783,4 +362784,4 +362785,4 +362786,4 +362787,4 +362788,4 +362789,25 +362790,25 +362791,25 +362792,25 +362793,25 +362794,5 +362795,5 +362796,5 +362797,5 +362798,35 +362799,35 +362800,35 +362801,35 +362802,35 +362803,35 +362804,35 +362805,35 +362806,35 +362807,35 +362808,35 +362809,35 +362810,33 +362811,33 +362812,33 +362813,33 +362814,33 +362815,33 +362816,33 +362817,33 +362818,33 +362819,33 +362820,33 +362821,28 +362822,28 +362823,28 +362824,28 +362825,28 +362826,28 +362827,31 +362828,31 +362829,31 +362830,31 +362831,31 +362832,5 +362833,5 +362834,5 +362835,5 +362836,5 +362837,5 +362838,5 +362839,5 +362840,5 +362841,5 +362842,5 +362843,12 +362844,12 +362845,12 +362846,10 +362847,27 +362848,10 +362849,10 +362850,10 +362851,10 +362852,10 +362853,10 +362854,10 +362855,10 +362856,27 +362857,27 +362858,6 +362859,6 +362860,27 +362861,23 +362862,23 +362863,23 +362864,23 +362865,23 +362866,23 +362867,23 +362868,23 +362869,23 +362870,23 +362871,23 +362872,23 +362873,23 +362874,23 +362875,23 +362876,37 +362877,37 +362878,37 +362879,27 +362880,27 +362881,25 +362882,5 +362883,5 +362884,5 +362885,5 +362886,5 +362887,5 +362888,5 +362889,7 +362890,7 +362891,7 +362892,7 +362893,7 +362894,7 +362895,7 +362896,7 +362897,7 +362898,3 +362899,3 +362900,3 +362901,3 +362902,3 +362903,31 +362904,31 +362905,31 +362906,31 +362907,31 +362908,8 +362909,8 +362910,8 +362911,8 +362912,31 +362913,2 +362914,2 +362915,2 +362916,2 +362917,8 +362918,8 +362919,8 +362920,8 +362921,8 +362922,2 +362923,2 +362924,2 +362925,2 +362926,2 +362927,2 +362928,2 +362929,2 +362930,0 +362931,0 +362932,0 +362933,0 +362934,0 +362935,0 +362936,0 +362937,0 +362938,0 +362939,0 +362940,0 +362941,0 +362942,0 +362943,0 +362944,0 +362945,0 +362946,0 +362947,0 +362948,0 +362949,0 +362950,0 +362951,0 +362952,0 +362953,0 +362954,0 +362955,0 +362956,0 +362957,0 +362958,0 +362959,0 +362960,0 +362961,0 +362962,0 +362963,0 +362964,0 +362965,0 +362966,0 +362967,0 +362968,0 +362969,0 +362970,0 +362971,0 +362972,0 +362973,0 +362974,0 +362975,0 +362976,0 +362977,0 +362978,0 +362979,0 +362980,0 +362981,0 +362982,0 +362983,0 +362984,0 +362985,0 +362986,0 +362987,0 +362988,0 +362989,0 +362990,0 +362991,0 +362992,0 +362993,0 +362994,0 +362995,0 +362996,0 +362997,0 +362998,0 +362999,0 +363000,0 +363001,0 +363002,0 +363003,0 +363004,0 +363005,0 +363006,0 +363007,0 +363008,35 +363009,35 +363010,35 +363011,35 +363012,35 +363013,0 +363014,0 +363015,0 +363016,35 +363017,35 +363018,35 +363019,35 +363020,35 +363021,35 +363022,35 +363023,35 +363024,35 +363025,35 +363026,35 +363027,39 +363028,39 +363029,39 +363030,39 +363031,39 +363032,39 +363033,39 +363034,39 +363035,39 +363036,39 +363037,39 +363038,39 +363039,39 +363040,39 +363041,8 +363042,8 +363043,8 +363044,8 +363045,8 +363046,8 +363047,8 +363048,8 +363049,8 +363050,8 +363051,8 +363052,8 +363053,8 +363054,8 +363055,8 +363056,8 +363057,8 +363058,8 +363059,8 +363060,8 +363061,15 +363062,29 +363063,29 +363064,24 +363065,24 +363066,24 +363067,24 +363068,24 +363069,24 +363070,24 +363071,24 +363072,24 +363073,24 +363074,24 +363075,24 +363076,24 +363077,24 +363078,24 +363079,24 +363080,24 +363081,24 +363082,40 +363083,40 +363084,40 +363085,40 +363086,40 +363087,40 +363088,40 +363089,40 +363090,40 +363091,40 +363092,40 +363093,40 +363094,40 +363095,40 +363096,37 +363097,37 +363098,37 +363099,37 +363100,37 +363101,37 +363102,37 +363103,37 +363104,37 +363105,37 +363106,37 +363107,37 +363108,37 +363109,39 +363110,39 +363111,39 +363112,39 +363113,39 +363114,39 +363115,39 +363116,39 +363117,39 +363118,39 +363119,39 +363120,39 +363121,39 +363122,39 +363123,39 +363124,39 +363125,24 +363126,24 +363127,24 +363128,24 +363129,24 +363130,24 +363131,24 +363132,24 +363133,24 +363134,24 +363135,24 +363136,24 +363137,24 +363138,24 +363139,24 +363140,23 +363141,23 +363142,23 +363143,23 +363144,23 +363145,23 +363146,23 +363147,23 +363148,23 +363149,40 +363150,40 +363151,40 +363152,40 +363153,40 +363154,40 +363155,40 +363156,40 +363157,40 +363158,40 +363159,40 +363160,37 +363161,37 +363162,37 +363163,37 +363164,37 +363165,37 +363166,37 +363167,37 +363168,37 +363169,37 +363170,39 +363171,39 +363172,39 +363173,39 +363174,39 +363175,39 +363176,39 +363177,39 +363178,6 +363179,6 +363180,6 +363181,6 +363182,6 +363183,6 +363184,6 +363185,6 +363186,6 +363187,6 +363188,6 +363189,6 +363190,6 +363191,6 +363192,30 +363193,30 +363194,30 +363195,30 +363196,30 +363197,30 +363198,40 +363199,40 +363200,40 +363201,40 +363202,40 +363203,40 +363204,40 +363205,31 +363206,31 +363207,24 +363208,24 +363209,24 +363210,24 +363211,24 +363212,24 +363213,25 +363214,25 +363215,25 +363216,25 +363217,25 +363218,25 +363219,25 +363220,25 +363221,25 +363222,25 +363223,37 +363224,37 +363225,37 +363226,37 +363227,37 +363228,37 +363229,37 +363230,37 +363231,37 +363232,37 +363233,37 +363234,37 +363235,37 +363236,37 +363237,37 +363238,37 +363239,0 +363240,0 +363241,0 +363242,0 +363243,0 +363244,0 +363245,0 +363246,0 +363247,0 +363248,0 +363249,0 +363250,0 +363251,0 +363252,0 +363253,0 +363254,0 +363255,0 +363256,0 +363257,0 +363258,0 +363259,0 +363260,0 +363261,0 +363262,0 +363263,0 +363264,0 +363265,0 +363266,0 +363267,0 +363268,0 +363269,0 +363270,0 +363271,0 +363272,0 +363273,0 +363274,0 +363275,0 +363276,0 +363277,0 +363278,0 +363279,0 +363280,0 +363281,0 +363282,0 +363283,0 +363284,0 +363285,0 +363286,0 +363287,0 +363288,0 +363289,0 +363290,0 +363291,0 +363292,0 +363293,0 +363294,0 +363295,0 +363296,0 +363297,0 +363298,0 +363299,0 +363300,0 +363301,0 +363302,0 +363303,0 +363304,0 +363305,0 +363306,0 +363307,0 +363308,0 +363309,0 +363310,0 +363311,0 +363312,0 +363313,0 +363314,0 +363315,0 +363316,0 +363317,0 +363318,0 +363319,0 +363320,0 +363321,0 +363322,0 +363323,0 +363324,0 +363325,0 +363326,0 +363327,0 +363328,0 +363329,28 +363330,28 +363331,28 +363332,28 +363333,28 +363334,28 +363335,28 +363336,28 +363337,28 +363338,28 +363339,28 +363340,28 +363341,28 +363342,28 +363343,28 +363344,28 +363345,28 +363346,28 +363347,28 +363348,10 +363349,10 +363350,10 +363351,10 +363352,10 +363353,10 +363354,10 +363355,10 +363356,10 +363357,10 +363358,10 +363359,10 +363360,10 +363361,10 +363362,10 +363363,10 +363364,10 +363365,16 +363366,16 +363367,4 +363368,4 +363369,4 +363370,4 +363371,16 +363372,16 +363373,16 +363374,16 +363375,4 +363376,16 +363377,16 +363378,16 +363379,16 +363380,26 +363381,10 +363382,10 +363383,10 +363384,10 +363385,10 +363386,26 +363387,26 +363388,9 +363389,26 +363390,26 +363391,10 +363392,10 +363393,33 +363394,33 +363395,33 +363396,33 +363397,33 +363398,33 +363399,33 +363400,33 +363401,33 +363402,33 +363403,17 +363404,3 +363405,17 +363406,17 +363407,17 +363408,17 +363409,17 +363410,9 +363411,9 +363412,9 +363413,30 +363414,30 +363415,30 +363416,30 +363417,19 +363418,19 +363419,19 +363420,19 +363421,19 +363422,19 +363423,19 +363424,19 +363425,0 +363426,0 +363427,0 +363428,0 +363429,0 +363430,0 +363431,0 +363432,0 +363433,0 +363434,0 +363435,0 +363436,0 +363437,0 +363438,0 +363439,0 +363440,0 +363441,0 +363442,36 +363443,0 +363444,36 +363445,36 +363446,36 +363447,0 +363448,0 +363449,0 +363450,36 +363451,36 +363452,36 +363453,36 +363454,36 +363455,36 +363456,5 +363457,5 +363458,5 +363459,5 +363460,5 +363461,5 +363462,19 +363463,19 +363464,5 +363465,19 +363466,19 +363467,19 +363468,19 +363469,19 +363470,19 +363471,19 +363472,34 +363473,34 +363474,34 +363475,34 +363476,34 +363477,34 +363478,34 +363479,34 +363480,34 +363481,34 +363482,34 +363483,34 +363484,34 +363485,34 +363486,34 +363487,34 +363488,34 +363489,34 +363490,5 +363491,5 +363492,5 +363493,5 +363494,5 +363495,5 +363496,5 +363497,5 +363498,5 +363499,35 +363500,35 +363501,35 +363502,35 +363503,35 +363504,35 +363505,35 +363506,35 +363507,35 +363508,27 +363509,27 +363510,27 +363511,27 +363512,27 +363513,27 +363514,39 +363515,30 +363516,30 +363517,30 +363518,30 +363519,30 +363520,30 +363521,30 +363522,30 +363523,30 +363524,30 +363525,30 +363526,30 +363527,30 +363528,29 +363529,29 +363530,29 +363531,29 +363532,29 +363533,29 +363534,14 +363535,14 +363536,14 +363537,14 +363538,14 +363539,14 +363540,14 +363541,14 +363542,14 +363543,14 +363544,14 +363545,12 +363546,12 +363547,12 +363548,12 +363549,12 +363550,12 +363551,12 +363552,12 +363553,12 +363554,12 +363555,12 +363556,40 +363557,40 +363558,40 +363559,40 +363560,40 +363561,40 +363562,40 +363563,40 +363564,40 +363565,40 +363566,5 +363567,5 +363568,5 +363569,5 +363570,5 +363571,5 +363572,5 +363573,5 +363574,5 +363575,4 +363576,4 +363577,4 +363578,4 +363579,4 +363580,4 +363581,4 +363582,4 +363583,4 +363584,4 +363585,4 +363586,4 +363587,4 +363588,4 +363589,4 +363590,6 +363591,31 +363592,36 +363593,36 +363594,40 +363595,4 +363596,4 +363597,4 +363598,4 +363599,4 +363600,4 +363601,4 +363602,4 +363603,29 +363604,4 +363605,31 +363606,31 +363607,31 +363608,31 +363609,31 +363610,12 +363611,12 +363612,12 +363613,12 +363614,12 +363615,12 +363616,12 +363617,12 +363618,12 +363619,12 +363620,10 +363621,10 +363622,10 +363623,10 +363624,10 +363625,10 +363626,34 +363627,34 +363628,34 +363629,34 +363630,34 +363631,34 +363632,30 +363633,30 +363634,30 +363635,30 +363636,30 +363637,30 +363638,30 +363639,30 +363640,30 +363641,30 +363642,19 +363643,19 +363644,19 +363645,19 +363646,27 +363647,27 +363648,27 +363649,27 +363650,27 +363651,27 +363652,27 +363653,2 +363654,2 +363655,2 +363656,2 +363657,2 +363658,2 +363659,2 +363660,2 +363661,2 +363662,8 +363663,2 +363664,32 +363665,32 +363666,32 +363667,32 +363668,32 +363669,32 +363670,32 +363671,32 +363672,14 +363673,14 +363674,14 +363675,14 +363676,14 +363677,14 +363678,14 +363679,14 +363680,14 +363681,14 +363682,14 +363683,14 +363684,14 +363685,14 +363686,14 +363687,14 +363688,14 +363689,14 +363690,2 +363691,2 +363692,2 +363693,2 +363694,2 +363695,2 +363696,2 +363697,2 +363698,2 +363699,2 +363700,2 +363701,2 +363702,2 +363703,2 +363704,2 +363705,2 +363706,2 +363707,2 +363708,2 +363709,2 +363710,2 +363711,2 +363712,2 +363713,2 +363714,2 +363715,2 +363716,2 +363717,2 +363718,2 +363719,2 +363720,2 +363721,2 +363722,2 +363723,0 +363724,0 +363725,0 +363726,0 +363727,0 +363728,0 +363729,0 +363730,0 +363731,0 +363732,0 +363733,0 +363734,0 +363735,0 +363736,0 +363737,0 +363738,0 +363739,0 +363740,0 +363741,0 +363742,0 +363743,0 +363744,0 +363745,0 +363746,0 +363747,0 +363748,0 +363749,0 +363750,0 +363751,0 +363752,0 +363753,0 +363754,0 +363755,0 +363756,0 +363757,0 +363758,0 +363759,0 +363760,0 +363761,0 +363762,0 +363763,0 +363764,0 +363765,0 +363766,0 +363767,0 +363768,0 +363769,0 +363770,0 +363771,0 +363772,0 +363773,0 +363774,0 +363775,0 +363776,0 +363777,0 +363778,0 +363779,0 +363780,0 +363781,0 +363782,0 +363783,0 +363784,0 +363785,0 +363786,0 +363787,0 +363788,0 +363789,12 +363790,12 +363791,12 +363792,31 +363793,31 +363794,27 +363795,27 +363796,38 +363797,38 +363798,8 +363799,8 +363800,2 +363801,2 +363802,2 +363803,2 +363804,2 +363805,2 +363806,2 +363807,4 +363808,4 +363809,4 +363810,4 +363811,27 +363812,27 +363813,27 +363814,27 +363815,13 +363816,13 +363817,13 +363818,13 +363819,13 +363820,13 +363821,13 +363822,13 +363823,13 +363824,13 +363825,34 +363826,36 +363827,36 +363828,36 +363829,36 +363830,36 +363831,36 +363832,36 +363833,36 +363834,36 +363835,36 +363836,36 +363837,36 +363838,36 +363839,36 +363840,23 +363841,23 +363842,23 +363843,23 +363844,23 +363845,23 +363846,23 +363847,23 +363848,23 +363849,23 +363850,38 +363851,4 +363852,25 +363853,25 +363854,25 +363855,25 +363856,25 +363857,25 +363858,29 +363859,29 +363860,29 +363861,29 +363862,29 +363863,29 +363864,40 +363865,29 +363866,29 +363867,34 +363868,34 +363869,34 +363870,34 +363871,34 +363872,34 +363873,33 +363874,33 +363875,33 +363876,33 +363877,5 +363878,5 +363879,28 +363880,28 +363881,28 +363882,28 +363883,28 +363884,5 +363885,5 +363886,5 +363887,28 +363888,13 +363889,13 +363890,13 +363891,13 +363892,28 +363893,28 +363894,13 +363895,13 +363896,3 +363897,3 +363898,0 +363899,0 +363900,0 +363901,0 +363902,0 +363903,0 +363904,0 +363905,0 +363906,0 +363907,0 +363908,0 +363909,0 +363910,0 +363911,0 +363912,0 +363913,0 +363914,0 +363915,0 +363916,0 +363917,0 +363918,0 +363919,0 +363920,0 +363921,0 +363922,0 +363923,0 +363924,0 +363925,0 +363926,0 +363927,0 +363928,0 +363929,0 +363930,0 +363931,0 +363932,0 +363933,0 +363934,0 +363935,0 +363936,0 +363937,0 +363938,0 +363939,0 +363940,0 +363941,0 +363942,0 +363943,0 +363944,0 +363945,0 +363946,0 +363947,0 +363948,0 +363949,0 +363950,10 +363951,10 +363952,10 +363953,10 +363954,10 +363955,10 +363956,10 +363957,10 +363958,10 +363959,10 +363960,10 +363961,10 +363962,11 +363963,11 +363964,11 +363965,11 +363966,11 +363967,11 +363968,11 +363969,11 +363970,11 +363971,11 +363972,11 +363973,11 +363974,11 +363975,11 +363976,11 +363977,36 +363978,36 +363979,34 +363980,34 +363981,34 +363982,34 +363983,34 +363984,34 +363985,34 +363986,34 +363987,34 +363988,34 +363989,4 +363990,4 +363991,4 +363992,4 +363993,4 +363994,31 +363995,31 +363996,31 +363997,31 +363998,31 +363999,31 +364000,25 +364001,6 +364002,6 +364003,6 +364004,6 +364005,6 +364006,4 +364007,4 +364008,4 +364009,31 +364010,31 +364011,31 +364012,31 +364013,31 +364014,31 +364015,35 +364016,35 +364017,35 +364018,35 +364019,35 +364020,35 +364021,35 +364022,35 +364023,36 +364024,36 +364025,36 +364026,36 +364027,36 +364028,36 +364029,36 +364030,36 +364031,36 +364032,5 +364033,5 +364034,5 +364035,5 +364036,5 +364037,5 +364038,5 +364039,5 +364040,2 +364041,2 +364042,2 +364043,2 +364044,2 +364045,2 +364046,27 +364047,27 +364048,27 +364049,27 +364050,27 +364051,28 +364052,28 +364053,28 +364054,28 +364055,28 +364056,28 +364057,8 +364058,8 +364059,8 +364060,8 +364061,8 +364062,27 +364063,27 +364064,27 +364065,27 +364066,27 +364067,2 +364068,2 +364069,2 +364070,2 +364071,2 +364072,2 +364073,2 +364074,2 +364075,2 +364076,2 +364077,2 +364078,4 +364079,4 +364080,4 +364081,4 +364082,4 +364083,4 +364084,4 +364085,26 +364086,26 +364087,26 +364088,26 +364089,26 +364090,26 +364091,26 +364092,26 +364093,26 +364094,26 +364095,26 +364096,26 +364097,26 +364098,26 +364099,26 +364100,26 +364101,26 +364102,26 +364103,26 +364104,26 +364105,32 +364106,32 +364107,32 +364108,32 +364109,32 +364110,32 +364111,32 +364112,32 +364113,32 +364114,32 +364115,32 +364116,32 +364117,32 +364118,32 +364119,32 +364120,32 +364121,0 +364122,0 +364123,0 +364124,0 +364125,0 +364126,0 +364127,0 +364128,0 +364129,0 +364130,0 +364131,0 +364132,0 +364133,0 +364134,0 +364135,0 +364136,0 +364137,0 +364138,0 +364139,0 +364140,0 +364141,0 +364142,0 +364143,0 +364144,0 +364145,0 +364146,0 +364147,0 +364148,0 +364149,23 +364150,23 +364151,23 +364152,23 +364153,23 +364154,23 +364155,23 +364156,0 +364157,0 +364158,0 +364159,0 +364160,0 +364161,0 +364162,0 +364163,23 +364164,23 +364165,0 +364166,0 +364167,0 +364168,38 +364169,38 +364170,38 +364171,2 +364172,23 +364173,23 +364174,32 +364175,32 +364176,32 +364177,32 +364178,32 +364179,32 +364180,0 +364181,7 +364182,7 +364183,7 +364184,7 +364185,39 +364186,39 +364187,39 +364188,39 +364189,3 +364190,30 +364191,30 +364192,30 +364193,30 +364194,30 +364195,30 +364196,30 +364197,30 +364198,14 +364199,39 +364200,39 +364201,39 +364202,14 +364203,14 +364204,14 +364205,14 +364206,27 +364207,13 +364208,13 +364209,24 +364210,24 +364211,24 +364212,7 +364213,27 +364214,27 +364215,27 +364216,39 +364217,39 +364218,39 +364219,39 +364220,39 +364221,7 +364222,5 +364223,7 +364224,31 +364225,31 +364226,31 +364227,31 +364228,31 +364229,36 +364230,36 +364231,36 +364232,36 +364233,36 +364234,36 +364235,36 +364236,36 +364237,36 +364238,36 +364239,36 +364240,36 +364241,36 +364242,36 +364243,36 +364244,36 +364245,8 +364246,8 +364247,8 +364248,8 +364249,8 +364250,8 +364251,8 +364252,8 +364253,8 +364254,8 +364255,8 +364256,8 +364257,8 +364258,31 +364259,31 +364260,31 +364261,31 +364262,6 +364263,6 +364264,6 +364265,6 +364266,6 +364267,6 +364268,6 +364269,6 +364270,6 +364271,31 +364272,31 +364273,31 +364274,31 +364275,31 +364276,31 +364277,31 +364278,31 +364279,31 +364280,31 +364281,31 +364282,24 +364283,24 +364284,24 +364285,24 +364286,24 +364287,40 +364288,40 +364289,40 +364290,40 +364291,40 +364292,40 +364293,40 +364294,5 +364295,5 +364296,5 +364297,5 +364298,5 +364299,5 +364300,5 +364301,5 +364302,11 +364303,11 +364304,11 +364305,11 +364306,11 +364307,11 +364308,11 +364309,31 +364310,31 +364311,31 +364312,5 +364313,5 +364314,5 +364315,5 +364316,5 +364317,5 +364318,5 +364319,2 +364320,2 +364321,2 +364322,2 +364323,2 +364324,2 +364325,2 +364326,2 +364327,4 +364328,4 +364329,4 +364330,4 +364331,4 +364332,4 +364333,4 +364334,14 +364335,14 +364336,14 +364337,14 +364338,14 +364339,14 +364340,14 +364341,14 +364342,14 +364343,14 +364344,4 +364345,4 +364346,4 +364347,14 +364348,14 +364349,14 +364350,27 +364351,27 +364352,14 +364353,14 +364354,19 +364355,19 +364356,19 +364357,19 +364358,19 +364359,19 +364360,19 +364361,19 +364362,19 +364363,14 +364364,14 +364365,27 +364366,27 +364367,27 +364368,27 +364369,27 +364370,27 +364371,27 +364372,5 +364373,5 +364374,5 +364375,5 +364376,5 +364377,31 +364378,31 +364379,31 +364380,31 +364381,31 +364382,31 +364383,27 +364384,27 +364385,18 +364386,18 +364387,18 +364388,18 +364389,18 +364390,16 +364391,4 +364392,16 +364393,16 +364394,2 +364395,2 +364396,4 +364397,2 +364398,4 +364399,4 +364400,37 +364401,37 +364402,37 +364403,37 +364404,40 +364405,40 +364406,40 +364407,40 +364408,40 +364409,40 +364410,8 +364411,8 +364412,8 +364413,8 +364414,8 +364415,8 +364416,8 +364417,8 +364418,8 +364419,8 +364420,8 +364421,30 +364422,30 +364423,30 +364424,30 +364425,30 +364426,30 +364427,30 +364428,30 +364429,30 +364430,30 +364431,30 +364432,3 +364433,3 +364434,3 +364435,3 +364436,3 +364437,3 +364438,3 +364439,3 +364440,3 +364441,3 +364442,3 +364443,11 +364444,11 +364445,11 +364446,11 +364447,11 +364448,11 +364449,11 +364450,11 +364451,11 +364452,11 +364453,11 +364454,31 +364455,31 +364456,31 +364457,31 +364458,31 +364459,31 +364460,5 +364461,5 +364462,5 +364463,5 +364464,5 +364465,5 +364466,5 +364467,5 +364468,5 +364469,5 +364470,2 +364471,2 +364472,2 +364473,8 +364474,8 +364475,8 +364476,2 +364477,2 +364478,2 +364479,2 +364480,2 +364481,2 +364482,2 +364483,2 +364484,2 +364485,2 +364486,2 +364487,2 +364488,0 +364489,0 +364490,0 +364491,0 +364492,0 +364493,0 +364494,0 +364495,0 +364496,0 +364497,0 +364498,0 +364499,0 +364500,0 +364501,0 +364502,0 +364503,0 +364504,0 +364505,0 +364506,0 +364507,0 +364508,0 +364509,0 +364510,0 +364511,0 +364512,0 +364513,0 +364514,0 +364515,0 +364516,0 +364517,0 +364518,0 +364519,0 +364520,0 +364521,0 +364522,0 +364523,0 +364524,0 +364525,0 +364526,0 +364527,0 +364528,0 +364529,15 +364530,29 +364531,15 +364532,15 +364533,29 +364534,36 +364535,36 +364536,36 +364537,36 +364538,36 +364539,36 +364540,36 +364541,4 +364542,4 +364543,4 +364544,4 +364545,27 +364546,27 +364547,27 +364548,27 +364549,27 +364550,27 +364551,27 +364552,27 +364553,27 +364554,5 +364555,5 +364556,5 +364557,5 +364558,5 +364559,5 +364560,5 +364561,2 +364562,2 +364563,2 +364564,2 +364565,2 +364566,2 +364567,2 +364568,2 +364569,2 +364570,2 +364571,2 +364572,2 +364573,33 +364574,33 +364575,33 +364576,33 +364577,33 +364578,33 +364579,33 +364580,33 +364581,33 +364582,33 +364583,33 +364584,33 +364585,33 +364586,19 +364587,19 +364588,19 +364589,19 +364590,19 +364591,19 +364592,19 +364593,15 +364594,3 +364595,3 +364596,3 +364597,3 +364598,3 +364599,3 +364600,3 +364601,3 +364602,3 +364603,3 +364604,3 +364605,3 +364606,3 +364607,3 +364608,3 +364609,3 +364610,3 +364611,3 +364612,3 +364613,3 +364614,3 +364615,14 +364616,5 +364617,5 +364618,5 +364619,5 +364620,5 +364621,5 +364622,5 +364623,5 +364624,5 +364625,5 +364626,5 +364627,5 +364628,5 +364629,32 +364630,5 +364631,13 +364632,13 +364633,13 +364634,13 +364635,0 +364636,0 +364637,0 +364638,0 +364639,0 +364640,0 +364641,0 +364642,0 +364643,0 +364644,0 +364645,0 +364646,0 +364647,0 +364648,0 +364649,0 +364650,0 +364651,0 +364652,29 +364653,29 +364654,29 +364655,29 +364656,29 +364657,29 +364658,39 +364659,39 +364660,39 +364661,39 +364662,39 +364663,9 +364664,9 +364665,9 +364666,9 +364667,9 +364668,9 +364669,9 +364670,9 +364671,9 +364672,37 +364673,37 +364674,37 +364675,37 +364676,37 +364677,37 +364678,37 +364679,37 +364680,21 +364681,21 +364682,21 +364683,21 +364684,21 +364685,40 +364686,40 +364687,40 +364688,40 +364689,40 +364690,40 +364691,40 +364692,5 +364693,5 +364694,5 +364695,5 +364696,27 +364697,8 +364698,8 +364699,8 +364700,8 +364701,8 +364702,8 +364703,8 +364704,8 +364705,8 +364706,8 +364707,8 +364708,14 +364709,14 +364710,14 +364711,14 +364712,14 +364713,14 +364714,14 +364715,14 +364716,14 +364717,14 +364718,14 +364719,14 +364720,11 +364721,11 +364722,11 +364723,11 +364724,11 +364725,11 +364726,11 +364727,11 +364728,11 +364729,11 +364730,11 +364731,11 +364732,31 +364733,31 +364734,31 +364735,31 +364736,5 +364737,5 +364738,5 +364739,5 +364740,5 +364741,5 +364742,5 +364743,2 +364744,2 +364745,2 +364746,2 +364747,2 +364748,2 +364749,2 +364750,2 +364751,2 +364752,2 +364753,2 +364754,4 +364755,4 +364756,2 +364757,2 +364758,2 +364759,25 +364760,25 +364761,25 +364762,25 +364763,25 +364764,25 +364765,25 +364766,25 +364767,25 +364768,25 +364769,25 +364770,25 +364771,25 +364772,25 +364773,25 +364774,25 +364775,25 +364776,2 +364777,2 +364778,2 +364779,2 +364780,2 +364781,2 +364782,2 +364783,2 +364784,2 +364785,2 +364786,2 +364787,2 +364788,2 +364789,2 +364790,2 +364791,2 +364792,2 +364793,10 +364794,10 +364795,10 +364796,35 +364797,35 +364798,35 +364799,35 +364800,35 +364801,35 +364802,35 +364803,35 +364804,35 +364805,35 +364806,10 +364807,10 +364808,10 +364809,10 +364810,10 +364811,10 +364812,10 +364813,10 +364814,10 +364815,10 +364816,10 +364817,10 +364818,10 +364819,10 +364820,10 +364821,10 +364822,14 +364823,14 +364824,14 +364825,40 +364826,2 +364827,2 +364828,2 +364829,2 +364830,2 +364831,2 +364832,2 +364833,2 +364834,2 +364835,2 +364836,2 +364837,2 +364838,2 +364839,4 +364840,4 +364841,27 +364842,27 +364843,27 +364844,27 +364845,27 +364846,27 +364847,27 +364848,27 +364849,27 +364850,5 +364851,5 +364852,5 +364853,5 +364854,4 +364855,4 +364856,4 +364857,4 +364858,4 +364859,4 +364860,4 +364861,4 +364862,4 +364863,25 +364864,25 +364865,25 +364866,25 +364867,25 +364868,25 +364869,2 +364870,2 +364871,2 +364872,2 +364873,2 +364874,2 +364875,2 +364876,2 +364877,2 +364878,2 +364879,4 +364880,4 +364881,4 +364882,4 +364883,4 +364884,31 +364885,31 +364886,31 +364887,31 +364888,31 +364889,31 +364890,31 +364891,31 +364892,31 +364893,31 +364894,24 +364895,24 +364896,24 +364897,24 +364898,24 +364899,29 +364900,29 +364901,29 +364902,29 +364903,29 +364904,31 +364905,31 +364906,31 +364907,31 +364908,6 +364909,6 +364910,6 +364911,6 +364912,6 +364913,6 +364914,6 +364915,6 +364916,6 +364917,6 +364918,31 +364919,31 +364920,31 +364921,31 +364922,31 +364923,31 +364924,31 +364925,36 +364926,31 +364927,5 +364928,5 +364929,5 +364930,4 +364931,4 +364932,4 +364933,4 +364934,4 +364935,4 +364936,4 +364937,4 +364938,4 +364939,4 +364940,4 +364941,4 +364942,4 +364943,37 +364944,37 +364945,37 +364946,37 +364947,37 +364948,39 +364949,39 +364950,39 +364951,39 +364952,39 +364953,39 +364954,39 +364955,39 +364956,39 +364957,39 +364958,39 +364959,39 +364960,39 +364961,0 +364962,0 +364963,0 +364964,0 +364965,0 +364966,0 +364967,0 +364968,0 +364969,0 +364970,0 +364971,0 +364972,0 +364973,0 +364974,0 +364975,0 +364976,0 +364977,0 +364978,0 +364979,0 +364980,0 +364981,0 +364982,0 +364983,0 +364984,0 +364985,0 +364986,0 +364987,0 +364988,0 +364989,0 +364990,0 +364991,0 +364992,0 +364993,0 +364994,0 +364995,0 +364996,0 +364997,0 +364998,0 +364999,0 +365000,0 +365001,0 +365002,0 +365003,0 +365004,0 +365005,0 +365006,36 +365007,36 +365008,36 +365009,36 +365010,36 +365011,36 +365012,36 +365013,36 +365014,36 +365015,36 +365016,36 +365017,36 +365018,36 +365019,5 +365020,5 +365021,5 +365022,5 +365023,5 +365024,5 +365025,7 +365026,7 +365027,7 +365028,7 +365029,7 +365030,7 +365031,27 +365032,27 +365033,3 +365034,3 +365035,3 +365036,3 +365037,3 +365038,3 +365039,3 +365040,3 +365041,35 +365042,35 +365043,35 +365044,35 +365045,35 +365046,35 +365047,35 +365048,35 +365049,36 +365050,36 +365051,36 +365052,36 +365053,36 +365054,36 +365055,36 +365056,24 +365057,24 +365058,24 +365059,19 +365060,19 +365061,5 +365062,5 +365063,5 +365064,5 +365065,5 +365066,5 +365067,5 +365068,5 +365069,5 +365070,5 +365071,5 +365072,5 +365073,5 +365074,5 +365075,33 +365076,33 +365077,33 +365078,33 +365079,33 +365080,33 +365081,33 +365082,33 +365083,33 +365084,33 +365085,33 +365086,33 +365087,33 +365088,33 +365089,33 +365090,37 +365091,37 +365092,37 +365093,37 +365094,37 +365095,37 +365096,37 +365097,37 +365098,37 +365099,10 +365100,10 +365101,10 +365102,10 +365103,10 +365104,10 +365105,10 +365106,10 +365107,10 +365108,10 +365109,10 +365110,10 +365111,4 +365112,4 +365113,4 +365114,4 +365115,4 +365116,6 +365117,6 +365118,4 +365119,4 +365120,4 +365121,4 +365122,4 +365123,31 +365124,31 +365125,31 +365126,31 +365127,31 +365128,31 +365129,31 +365130,31 +365131,31 +365132,31 +365133,31 +365134,25 +365135,25 +365136,27 +365137,27 +365138,27 +365139,27 +365140,27 +365141,27 +365142,2 +365143,2 +365144,2 +365145,2 +365146,2 +365147,2 +365148,2 +365149,2 +365150,2 +365151,2 +365152,6 +365153,6 +365154,6 +365155,6 +365156,6 +365157,6 +365158,7 +365159,7 +365160,7 +365161,22 +365162,22 +365163,22 +365164,22 +365165,22 +365166,37 +365167,37 +365168,37 +365169,37 +365170,25 +365171,25 +365172,25 +365173,25 +365174,25 +365175,30 +365176,30 +365177,30 +365178,30 +365179,30 +365180,30 +365181,30 +365182,30 +365183,30 +365184,10 +365185,10 +365186,10 +365187,10 +365188,10 +365189,10 +365190,10 +365191,10 +365192,10 +365193,10 +365194,10 +365195,10 +365196,10 +365197,10 +365198,10 +365199,10 +365200,10 +365201,23 +365202,23 +365203,23 +365204,23 +365205,23 +365206,23 +365207,23 +365208,23 +365209,9 +365210,9 +365211,9 +365212,9 +365213,9 +365214,9 +365215,9 +365216,9 +365217,26 +365218,26 +365219,26 +365220,26 +365221,5 +365222,5 +365223,5 +365224,5 +365225,5 +365226,5 +365227,5 +365228,5 +365229,4 +365230,4 +365231,4 +365232,4 +365233,4 +365234,4 +365235,4 +365236,4 +365237,25 +365238,37 +365239,37 +365240,25 +365241,25 +365242,25 +365243,25 +365244,25 +365245,4 +365246,4 +365247,4 +365248,4 +365249,4 +365250,4 +365251,4 +365252,4 +365253,4 +365254,4 +365255,37 +365256,37 +365257,37 +365258,37 +365259,37 +365260,3 +365261,3 +365262,3 +365263,3 +365264,25 +365265,25 +365266,8 +365267,8 +365268,8 +365269,2 +365270,2 +365271,2 +365272,2 +365273,2 +365274,2 +365275,2 +365276,2 +365277,32 +365278,32 +365279,32 +365280,32 +365281,32 +365282,32 +365283,32 +365284,32 +365285,32 +365286,32 +365287,39 +365288,39 +365289,39 +365290,39 +365291,39 +365292,39 +365293,39 +365294,39 +365295,39 +365296,39 +365297,39 +365298,39 +365299,39 +365300,39 +365301,39 +365302,39 +365303,39 +365304,39 +365305,39 +365306,6 +365307,6 +365308,6 +365309,6 +365310,6 +365311,6 +365312,6 +365313,6 +365314,6 +365315,2 +365316,2 +365317,27 +365318,27 +365319,36 +365320,31 +365321,31 +365322,31 +365323,31 +365324,28 +365325,28 +365326,28 +365327,28 +365328,28 +365329,28 +365330,32 +365331,32 +365332,32 +365333,32 +365334,32 +365335,32 +365336,37 +365337,37 +365338,37 +365339,40 +365340,40 +365341,31 +365342,31 +365343,31 +365344,31 +365345,31 +365346,2 +365347,2 +365348,2 +365349,2 +365350,2 +365351,2 +365352,2 +365353,31 +365354,31 +365355,31 +365356,24 +365357,24 +365358,24 +365359,24 +365360,24 +365361,24 +365362,24 +365363,24 +365364,24 +365365,31 +365366,31 +365367,31 +365368,31 +365369,27 +365370,27 +365371,8 +365372,8 +365373,8 +365374,8 +365375,8 +365376,8 +365377,8 +365378,8 +365379,8 +365380,27 +365381,27 +365382,27 +365383,27 +365384,31 +365385,31 +365386,31 +365387,31 +365388,31 +365389,31 +365390,2 +365391,2 +365392,2 +365393,2 +365394,2 +365395,2 +365396,2 +365397,2 +365398,2 +365399,8 +365400,2 +365401,2 +365402,2 +365403,2 +365404,2 +365405,2 +365406,2 +365407,2 +365408,8 +365409,2 +365410,2 +365411,2 +365412,2 +365413,2 +365414,2 +365415,2 +365416,2 +365417,0 +365418,0 +365419,0 +365420,0 +365421,0 +365422,0 +365423,0 +365424,0 +365425,0 +365426,0 +365427,0 +365428,0 +365429,0 +365430,0 +365431,0 +365432,0 +365433,0 +365434,0 +365435,0 +365436,0 +365437,0 +365438,0 +365439,0 +365440,0 +365441,0 +365442,0 +365443,0 +365444,0 +365445,0 +365446,0 +365447,0 +365448,0 +365449,0 +365450,0 +365451,0 +365452,0 +365453,0 +365454,0 +365455,0 +365456,0 +365457,0 +365458,0 +365459,0 +365460,0 +365461,0 +365462,0 +365463,0 +365464,0 +365465,0 +365466,0 +365467,0 +365468,0 +365469,0 +365470,0 +365471,0 +365472,0 +365473,0 +365474,0 +365475,0 +365476,0 +365477,0 +365478,0 +365479,36 +365480,36 +365481,36 +365482,36 +365483,36 +365484,36 +365485,36 +365486,36 +365487,36 +365488,36 +365489,5 +365490,36 +365491,36 +365492,5 +365493,5 +365494,5 +365495,31 +365496,31 +365497,5 +365498,5 +365499,0 +365500,0 +365501,0 +365502,0 +365503,0 +365504,35 +365505,32 +365506,32 +365507,32 +365508,40 +365509,40 +365510,40 +365511,40 +365512,40 +365513,37 +365514,36 +365515,36 +365516,36 +365517,36 +365518,37 +365519,37 +365520,37 +365521,37 +365522,37 +365523,37 +365524,37 +365525,37 +365526,37 +365527,37 +365528,24 +365529,24 +365530,24 +365531,24 +365532,24 +365533,24 +365534,27 +365535,27 +365536,27 +365537,27 +365538,31 +365539,27 +365540,27 +365541,31 +365542,31 +365543,2 +365544,2 +365545,2 +365546,2 +365547,2 +365548,2 +365549,2 +365550,2 +365551,2 +365552,31 +365553,31 +365554,31 +365555,31 +365556,32 +365557,32 +365558,32 +365559,32 +365560,32 +365561,32 +365562,32 +365563,32 +365564,32 +365565,9 +365566,9 +365567,9 +365568,9 +365569,9 +365570,37 +365571,37 +365572,37 +365573,37 +365574,4 +365575,4 +365576,4 +365577,4 +365578,4 +365579,27 +365580,27 +365581,25 +365582,29 +365583,29 +365584,29 +365585,29 +365586,29 +365587,29 +365588,29 +365589,29 +365590,29 +365591,31 +365592,31 +365593,31 +365594,31 +365595,31 +365596,31 +365597,31 +365598,31 +365599,31 +365600,31 +365601,31 +365602,31 +365603,31 +365604,31 +365605,31 +365606,31 +365607,31 +365608,15 +365609,15 +365610,15 +365611,15 +365612,15 +365613,15 +365614,15 +365615,40 +365616,40 +365617,40 +365618,34 +365619,9 +365620,31 +365621,31 +365622,30 +365623,30 +365624,30 +365625,30 +365626,30 +365627,30 +365628,30 +365629,30 +365630,1 +365631,1 +365632,27 +365633,31 +365634,31 +365635,31 +365636,31 +365637,31 +365638,31 +365639,27 +365640,5 +365641,5 +365642,5 +365643,5 +365644,5 +365645,5 +365646,5 +365647,5 +365648,5 +365649,8 +365650,8 +365651,8 +365652,8 +365653,8 +365654,8 +365655,8 +365656,27 +365657,27 +365658,31 +365659,31 +365660,4 +365661,4 +365662,4 +365663,4 +365664,4 +365665,4 +365666,4 +365667,29 +365668,29 +365669,19 +365670,31 +365671,31 +365672,31 +365673,31 +365674,31 +365675,5 +365676,5 +365677,5 +365678,5 +365679,5 +365680,5 +365681,5 +365682,5 +365683,5 +365684,5 +365685,9 +365686,9 +365687,9 +365688,9 +365689,9 +365690,37 +365691,37 +365692,37 +365693,37 +365694,37 +365695,37 +365696,37 +365697,29 +365698,29 +365699,29 +365700,29 +365701,29 +365702,29 +365703,25 +365704,25 +365705,25 +365706,25 +365707,25 +365708,25 +365709,31 +365710,31 +365711,31 +365712,31 +365713,31 +365714,28 +365715,28 +365716,31 +365717,31 +365718,31 +365719,31 +365720,31 +365721,31 +365722,31 +365723,2 +365724,2 +365725,2 +365726,2 +365727,2 +365728,31 +365729,31 +365730,31 +365731,31 +365732,24 +365733,24 +365734,24 +365735,24 +365736,35 +365737,29 +365738,31 +365739,31 +365740,31 +365741,31 +365742,31 +365743,4 +365744,4 +365745,4 +365746,4 +365747,4 +365748,4 +365749,4 +365750,4 +365751,39 +365752,27 +365753,27 +365754,27 +365755,27 +365756,27 +365757,27 +365758,27 +365759,13 +365760,13 +365761,13 +365762,13 +365763,13 +365764,13 +365765,13 +365766,13 +365767,39 +365768,39 +365769,39 +365770,39 +365771,39 +365772,39 +365773,27 +365774,27 +365775,27 +365776,31 +365777,31 +365778,5 +365779,5 +365780,5 +365781,5 +365782,5 +365783,5 +365784,5 +365785,6 +365786,6 +365787,6 +365788,6 +365789,6 +365790,6 +365791,6 +365792,6 +365793,6 +365794,27 +365795,27 +365796,27 +365797,27 +365798,27 +365799,27 +365800,27 +365801,27 +365802,27 +365803,13 +365804,13 +365805,13 +365806,13 +365807,13 +365808,13 +365809,13 +365810,13 +365811,13 +365812,13 +365813,13 +365814,13 +365815,13 +365816,13 +365817,13 +365818,13 +365819,8 +365820,8 +365821,8 +365822,8 +365823,8 +365824,8 +365825,8 +365826,8 +365827,8 +365828,2 +365829,2 +365830,2 +365831,2 +365832,2 +365833,2 +365834,2 +365835,2 +365836,2 +365837,2 +365838,0 +365839,0 +365840,0 +365841,0 +365842,0 +365843,0 +365844,0 +365845,0 +365846,0 +365847,0 +365848,0 +365849,0 +365850,0 +365851,0 +365852,0 +365853,0 +365854,0 +365855,0 +365856,0 +365857,0 +365858,0 +365859,0 +365860,0 +365861,0 +365862,0 +365863,0 +365864,0 +365865,0 +365866,0 +365867,0 +365868,0 +365869,0 +365870,0 +365871,0 +365872,0 +365873,0 +365874,0 +365875,0 +365876,0 +365877,0 +365878,0 +365879,0 +365880,0 +365881,0 +365882,0 +365883,0 +365884,0 +365885,0 +365886,0 +365887,0 +365888,0 +365889,0 +365890,0 +365891,0 +365892,0 +365893,0 +365894,0 +365895,0 +365896,0 +365897,0 +365898,0 +365899,0 +365900,0 +365901,0 +365902,0 +365903,0 +365904,0 +365905,0 +365906,0 +365907,0 +365908,0 +365909,0 +365910,0 +365911,0 +365912,0 +365913,0 +365914,0 +365915,0 +365916,0 +365917,0 +365918,0 +365919,0 +365920,0 +365921,0 +365922,0 +365923,0 +365924,5 +365925,5 +365926,5 +365927,5 +365928,5 +365929,5 +365930,5 +365931,5 +365932,5 +365933,5 +365934,5 +365935,5 +365936,5 +365937,5 +365938,5 +365939,5 +365940,33 +365941,33 +365942,33 +365943,33 +365944,33 +365945,33 +365946,33 +365947,33 +365948,33 +365949,33 +365950,33 +365951,33 +365952,33 +365953,33 +365954,33 +365955,33 +365956,33 +365957,33 +365958,33 +365959,33 +365960,33 +365961,33 +365962,33 +365963,33 +365964,33 +365965,31 +365966,24 +365967,24 +365968,33 +365969,33 +365970,33 +365971,11 +365972,11 +365973,11 +365974,11 +365975,11 +365976,11 +365977,11 +365978,11 +365979,11 +365980,11 +365981,11 +365982,11 +365983,11 +365984,11 +365985,11 +365986,11 +365987,11 +365988,11 +365989,11 +365990,11 +365991,11 +365992,11 +365993,11 +365994,11 +365995,39 +365996,39 +365997,39 +365998,39 +365999,39 +366000,39 +366001,39 +366002,39 +366003,39 +366004,40 +366005,40 +366006,40 +366007,36 +366008,36 +366009,36 +366010,40 +366011,40 +366012,40 +366013,40 +366014,40 +366015,36 +366016,5 +366017,5 +366018,5 +366019,5 +366020,5 +366021,5 +366022,5 +366023,5 +366024,5 +366025,2 +366026,2 +366027,2 +366028,2 +366029,2 +366030,2 +366031,2 +366032,2 +366033,2 +366034,2 +366035,2 +366036,2 +366037,25 +366038,25 +366039,25 +366040,25 +366041,25 +366042,25 +366043,25 +366044,19 +366045,19 +366046,19 +366047,19 +366048,19 +366049,31 +366050,31 +366051,31 +366052,31 +366053,31 +366054,31 +366055,31 +366056,30 +366057,30 +366058,30 +366059,30 +366060,30 +366061,30 +366062,27 +366063,27 +366064,27 +366065,27 +366066,27 +366067,4 +366068,4 +366069,4 +366070,31 +366071,31 +366072,31 +366073,30 +366074,30 +366075,30 +366076,30 +366077,30 +366078,30 +366079,30 +366080,15 +366081,15 +366082,15 +366083,15 +366084,15 +366085,15 +366086,15 +366087,15 +366088,37 +366089,37 +366090,37 +366091,37 +366092,37 +366093,40 +366094,40 +366095,40 +366096,40 +366097,40 +366098,40 +366099,40 +366100,40 +366101,23 +366102,23 +366103,23 +366104,23 +366105,23 +366106,23 +366107,23 +366108,23 +366109,38 +366110,38 +366111,23 +366112,30 +366113,30 +366114,30 +366115,30 +366116,31 +366117,31 +366118,31 +366119,31 +366120,31 +366121,2 +366122,2 +366123,2 +366124,2 +366125,2 +366126,2 +366127,2 +366128,2 +366129,2 +366130,2 +366131,2 +366132,2 +366133,2 +366134,2 +366135,2 +366136,30 +366137,30 +366138,30 +366139,30 +366140,30 +366141,30 +366142,30 +366143,39 +366144,39 +366145,39 +366146,39 +366147,39 +366148,39 +366149,39 +366150,39 +366151,39 +366152,39 +366153,39 +366154,39 +366155,39 +366156,39 +366157,39 +366158,0 +366159,0 +366160,0 +366161,0 +366162,0 +366163,0 +366164,0 +366165,0 +366166,0 +366167,0 +366168,0 +366169,0 +366170,0 +366171,0 +366172,0 +366173,0 +366174,0 +366175,0 +366176,0 +366177,0 +366178,0 +366179,0 +366180,0 +366181,0 +366182,0 +366183,0 +366184,0 +366185,0 +366186,0 +366187,0 +366188,0 +366189,0 +366190,0 +366191,0 +366192,0 +366193,0 +366194,0 +366195,0 +366196,0 +366197,0 +366198,10 +366199,0 +366200,10 +366201,10 +366202,10 +366203,10 +366204,10 +366205,10 +366206,10 +366207,10 +366208,10 +366209,10 +366210,10 +366211,10 +366212,10 +366213,10 +366214,10 +366215,10 +366216,15 +366217,15 +366218,15 +366219,15 +366220,15 +366221,31 +366222,31 +366223,31 +366224,31 +366225,31 +366226,31 +366227,30 +366228,30 +366229,30 +366230,30 +366231,30 +366232,30 +366233,30 +366234,30 +366235,39 +366236,39 +366237,39 +366238,39 +366239,39 +366240,39 +366241,39 +366242,39 +366243,39 +366244,39 +366245,39 +366246,39 +366247,39 +366248,24 +366249,24 +366250,24 +366251,24 +366252,24 +366253,24 +366254,24 +366255,10 +366256,10 +366257,10 +366258,10 +366259,10 +366260,10 +366261,10 +366262,10 +366263,10 +366264,10 +366265,10 +366266,10 +366267,10 +366268,10 +366269,28 +366270,28 +366271,28 +366272,28 +366273,28 +366274,28 +366275,28 +366276,31 +366277,31 +366278,21 +366279,21 +366280,21 +366281,21 +366282,21 +366283,21 +366284,37 +366285,37 +366286,37 +366287,37 +366288,37 +366289,37 +366290,26 +366291,26 +366292,10 +366293,26 +366294,26 +366295,26 +366296,26 +366297,26 +366298,27 +366299,27 +366300,27 +366301,27 +366302,27 +366303,13 +366304,13 +366305,13 +366306,13 +366307,13 +366308,13 +366309,13 +366310,13 +366311,13 +366312,23 +366313,23 +366314,23 +366315,23 +366316,23 +366317,23 +366318,23 +366319,23 +366320,23 +366321,23 +366322,23 +366323,26 +366324,26 +366325,26 +366326,26 +366327,26 +366328,37 +366329,37 +366330,37 +366331,37 +366332,37 +366333,37 +366334,37 +366335,2 +366336,2 +366337,2 +366338,2 +366339,2 +366340,2 +366341,2 +366342,2 +366343,2 +366344,2 +366345,2 +366346,2 +366347,2 +366348,2 +366349,2 +366350,10 +366351,10 +366352,10 +366353,10 +366354,10 +366355,10 +366356,10 +366357,10 +366358,10 +366359,10 +366360,10 +366361,10 +366362,10 +366363,10 +366364,10 +366365,19 +366366,19 +366367,19 +366368,19 +366369,27 +366370,27 +366371,27 +366372,27 +366373,27 +366374,27 +366375,27 +366376,27 +366377,27 +366378,27 +366379,19 +366380,19 +366381,19 +366382,19 +366383,19 +366384,19 +366385,19 +366386,19 +366387,19 +366388,19 +366389,19 +366390,19 +366391,19 +366392,19 +366393,0 +366394,0 +366395,0 +366396,0 +366397,0 +366398,0 +366399,0 +366400,0 +366401,0 +366402,0 +366403,0 +366404,0 +366405,0 +366406,0 +366407,0 +366408,0 +366409,0 +366410,0 +366411,0 +366412,0 +366413,0 +366414,0 +366415,0 +366416,0 +366417,0 +366418,0 +366419,0 +366420,0 +366421,0 +366422,0 +366423,0 +366424,0 +366425,0 +366426,0 +366427,0 +366428,0 +366429,0 +366430,0 +366431,0 +366432,0 +366433,0 +366434,0 +366435,0 +366436,0 +366437,0 +366438,0 +366439,0 +366440,0 +366441,0 +366442,0 +366443,0 +366444,0 +366445,0 +366446,0 +366447,0 +366448,0 +366449,0 +366450,0 +366451,0 +366452,0 +366453,0 +366454,0 +366455,0 +366456,0 +366457,0 +366458,0 +366459,0 +366460,0 +366461,0 +366462,0 +366463,0 +366464,0 +366465,27 +366466,27 +366467,27 +366468,27 +366469,27 +366470,27 +366471,27 +366472,27 +366473,27 +366474,5 +366475,5 +366476,5 +366477,5 +366478,5 +366479,28 +366480,28 +366481,28 +366482,28 +366483,28 +366484,31 +366485,31 +366486,31 +366487,31 +366488,31 +366489,31 +366490,31 +366491,2 +366492,2 +366493,2 +366494,2 +366495,2 +366496,2 +366497,2 +366498,2 +366499,2 +366500,2 +366501,2 +366502,32 +366503,32 +366504,32 +366505,32 +366506,32 +366507,32 +366508,39 +366509,39 +366510,39 +366511,39 +366512,39 +366513,39 +366514,4 +366515,4 +366516,4 +366517,4 +366518,4 +366519,4 +366520,4 +366521,4 +366522,4 +366523,4 +366524,4 +366525,4 +366526,4 +366527,10 +366528,10 +366529,10 +366530,10 +366531,10 +366532,10 +366533,10 +366534,10 +366535,10 +366536,10 +366537,10 +366538,5 +366539,5 +366540,5 +366541,5 +366542,5 +366543,5 +366544,28 +366545,4 +366546,4 +366547,4 +366548,27 +366549,27 +366550,27 +366551,27 +366552,27 +366553,27 +366554,2 +366555,2 +366556,2 +366557,2 +366558,2 +366559,2 +366560,2 +366561,2 +366562,2 +366563,2 +366564,2 +366565,2 +366566,2 +366567,2 +366568,2 +366569,10 +366570,10 +366571,10 +366572,10 +366573,10 +366574,10 +366575,10 +366576,10 +366577,10 +366578,10 +366579,10 +366580,10 +366581,4 +366582,4 +366583,4 +366584,35 +366585,35 +366586,35 +366587,32 +366588,35 +366589,32 +366590,35 +366591,32 +366592,35 +366593,35 +366594,40 +366595,40 +366596,40 +366597,40 +366598,31 +366599,31 +366600,31 +366601,31 +366602,9 +366603,9 +366604,9 +366605,9 +366606,30 +366607,30 +366608,30 +366609,30 +366610,30 +366611,30 +366612,30 +366613,30 +366614,5 +366615,5 +366616,5 +366617,5 +366618,5 +366619,5 +366620,5 +366621,5 +366622,5 +366623,5 +366624,34 +366625,34 +366626,34 +366627,34 +366628,34 +366629,34 +366630,34 +366631,34 +366632,34 +366633,34 +366634,10 +366635,10 +366636,10 +366637,34 +366638,34 +366639,34 +366640,34 +366641,34 +366642,34 +366643,34 +366644,34 +366645,34 +366646,2 +366647,2 +366648,2 +366649,2 +366650,2 +366651,2 +366652,2 +366653,2 +366654,2 +366655,2 +366656,2 +366657,2 +366658,2 +366659,2 +366660,2 +366661,2 +366662,2 +366663,2 +366664,40 +366665,40 +366666,40 +366667,40 +366668,40 +366669,40 +366670,19 +366671,19 +366672,35 +366673,35 +366674,35 +366675,35 +366676,35 +366677,35 +366678,35 +366679,35 +366680,35 +366681,35 +366682,35 +366683,35 +366684,25 +366685,25 +366686,25 +366687,25 +366688,28 +366689,28 +366690,28 +366691,28 +366692,28 +366693,28 +366694,28 +366695,28 +366696,31 +366697,31 +366698,31 +366699,31 +366700,31 +366701,31 +366702,31 +366703,31 +366704,31 +366705,31 +366706,29 +366707,29 +366708,29 +366709,29 +366710,29 +366711,29 +366712,29 +366713,25 +366714,25 +366715,37 +366716,37 +366717,37 +366718,37 +366719,37 +366720,37 +366721,37 +366722,37 +366723,34 +366724,34 +366725,34 +366726,34 +366727,34 +366728,34 +366729,34 +366730,34 +366731,33 +366732,34 +366733,10 +366734,10 +366735,34 +366736,10 +366737,10 +366738,5 +366739,5 +366740,5 +366741,5 +366742,5 +366743,5 +366744,5 +366745,24 +366746,24 +366747,24 +366748,32 +366749,6 +366750,6 +366751,6 +366752,6 +366753,6 +366754,6 +366755,6 +366756,6 +366757,6 +366758,6 +366759,6 +366760,6 +366761,6 +366762,6 +366763,6 +366764,6 +366765,12 +366766,12 +366767,10 +366768,10 +366769,10 +366770,10 +366771,10 +366772,10 +366773,10 +366774,10 +366775,4 +366776,4 +366777,4 +366778,4 +366779,4 +366780,4 +366781,4 +366782,4 +366783,4 +366784,4 +366785,4 +366786,11 +366787,11 +366788,2 +366789,2 +366790,2 +366791,2 +366792,2 +366793,2 +366794,2 +366795,2 +366796,11 +366797,11 +366798,27 +366799,27 +366800,27 +366801,27 +366802,27 +366803,27 +366804,30 +366805,30 +366806,30 +366807,30 +366808,30 +366809,30 +366810,30 +366811,30 +366812,30 +366813,39 +366814,39 +366815,39 +366816,39 +366817,39 +366818,39 +366819,39 +366820,39 +366821,39 +366822,39 +366823,39 +366824,39 +366825,39 +366826,39 +366827,39 +366828,39 +366829,39 +366830,39 +366831,39 +366832,0 +366833,0 +366834,0 +366835,0 +366836,0 +366837,0 +366838,0 +366839,0 +366840,0 +366841,0 +366842,0 +366843,0 +366844,0 +366845,0 +366846,0 +366847,0 +366848,0 +366849,0 +366850,0 +366851,0 +366852,0 +366853,0 +366854,0 +366855,0 +366856,0 +366857,0 +366858,0 +366859,0 +366860,0 +366861,0 +366862,0 +366863,0 +366864,0 +366865,0 +366866,0 +366867,0 +366868,0 +366869,0 +366870,0 +366871,0 +366872,0 +366873,0 +366874,0 +366875,0 +366876,0 +366877,0 +366878,0 +366879,0 +366880,0 +366881,0 +366882,0 +366883,0 +366884,0 +366885,0 +366886,0 +366887,0 +366888,0 +366889,0 +366890,7 +366891,7 +366892,7 +366893,7 +366894,7 +366895,7 +366896,7 +366897,7 +366898,7 +366899,7 +366900,3 +366901,3 +366902,3 +366903,3 +366904,3 +366905,3 +366906,3 +366907,3 +366908,3 +366909,3 +366910,3 +366911,3 +366912,26 +366913,26 +366914,26 +366915,26 +366916,26 +366917,37 +366918,37 +366919,37 +366920,37 +366921,37 +366922,37 +366923,37 +366924,37 +366925,25 +366926,25 +366927,31 +366928,31 +366929,31 +366930,30 +366931,30 +366932,30 +366933,30 +366934,30 +366935,28 +366936,13 +366937,13 +366938,13 +366939,22 +366940,22 +366941,22 +366942,22 +366943,33 +366944,33 +366945,33 +366946,33 +366947,33 +366948,33 +366949,33 +366950,33 +366951,33 +366952,33 +366953,33 +366954,33 +366955,33 +366956,33 +366957,33 +366958,33 +366959,33 +366960,33 +366961,9 +366962,9 +366963,33 +366964,33 +366965,37 +366966,37 +366967,37 +366968,37 +366969,33 +366970,33 +366971,33 +366972,33 +366973,33 +366974,33 +366975,33 +366976,0 +366977,0 +366978,0 +366979,36 +366980,27 +366981,36 +366982,36 +366983,31 +366984,31 +366985,24 +366986,24 +366987,24 +366988,29 +366989,29 +366990,29 +366991,29 +366992,29 +366993,29 +366994,29 +366995,39 +366996,39 +366997,39 +366998,39 +366999,39 +367000,39 +367001,39 +367002,39 +367003,39 +367004,39 +367005,39 +367006,27 +367007,27 +367008,27 +367009,27 +367010,28 +367011,28 +367012,28 +367013,28 +367014,28 +367015,28 +367016,4 +367017,4 +367018,4 +367019,4 +367020,4 +367021,4 +367022,31 +367023,31 +367024,31 +367025,31 +367026,31 +367027,5 +367028,5 +367029,5 +367030,5 +367031,5 +367032,27 +367033,27 +367034,27 +367035,27 +367036,27 +367037,27 +367038,27 +367039,27 +367040,4 +367041,4 +367042,4 +367043,4 +367044,4 +367045,4 +367046,4 +367047,4 +367048,4 +367049,4 +367050,32 +367051,32 +367052,34 +367053,37 +367054,37 +367055,37 +367056,37 +367057,37 +367058,37 +367059,37 +367060,37 +367061,37 +367062,14 +367063,14 +367064,14 +367065,14 +367066,14 +367067,14 +367068,14 +367069,14 +367070,14 +367071,14 +367072,14 +367073,14 +367074,14 +367075,14 +367076,14 +367077,14 +367078,14 +367079,14 +367080,14 +367081,14 +367082,5 +367083,13 +367084,13 +367085,13 +367086,13 +367087,13 +367088,5 +367089,5 +367090,5 +367091,5 +367092,5 +367093,5 +367094,5 +367095,5 +367096,5 +367097,5 +367098,5 +367099,0 +367100,0 +367101,0 +367102,0 +367103,0 +367104,0 +367105,0 +367106,0 +367107,0 +367108,0 +367109,0 +367110,0 +367111,0 +367112,0 +367113,0 +367114,0 +367115,0 +367116,0 +367117,0 +367118,0 +367119,0 +367120,0 +367121,0 +367122,0 +367123,0 +367124,0 +367125,0 +367126,0 +367127,0 +367128,0 +367129,0 +367130,0 +367131,0 +367132,0 +367133,0 +367134,0 +367135,0 +367136,0 +367137,0 +367138,0 +367139,0 +367140,0 +367141,0 +367142,0 +367143,0 +367144,0 +367145,0 +367146,0 +367147,0 +367148,0 +367149,0 +367150,0 +367151,0 +367152,0 +367153,0 +367154,0 +367155,0 +367156,0 +367157,0 +367158,0 +367159,0 +367160,0 +367161,0 +367162,31 +367163,31 +367164,31 +367165,31 +367166,31 +367167,29 +367168,29 +367169,31 +367170,31 +367171,31 +367172,31 +367173,4 +367174,4 +367175,4 +367176,4 +367177,29 +367178,29 +367179,29 +367180,29 +367181,31 +367182,31 +367183,31 +367184,31 +367185,31 +367186,2 +367187,2 +367188,2 +367189,2 +367190,2 +367191,2 +367192,2 +367193,2 +367194,2 +367195,2 +367196,2 +367197,2 +367198,2 +367199,2 +367200,14 +367201,14 +367202,14 +367203,14 +367204,14 +367205,14 +367206,14 +367207,14 +367208,14 +367209,14 +367210,14 +367211,14 +367212,5 +367213,5 +367214,28 +367215,5 +367216,5 +367217,5 +367218,5 +367219,5 +367220,4 +367221,4 +367222,4 +367223,4 +367224,4 +367225,4 +367226,4 +367227,4 +367228,4 +367229,4 +367230,4 +367231,4 +367232,10 +367233,10 +367234,10 +367235,10 +367236,10 +367237,10 +367238,10 +367239,10 +367240,10 +367241,10 +367242,10 +367243,10 +367244,10 +367245,10 +367246,10 +367247,10 +367248,10 +367249,10 +367250,10 +367251,10 +367252,10 +367253,28 +367254,28 +367255,28 +367256,28 +367257,28 +367258,28 +367259,28 +367260,28 +367261,28 +367262,31 +367263,31 +367264,31 +367265,31 +367266,31 +367267,8 +367268,8 +367269,8 +367270,29 +367271,29 +367272,29 +367273,29 +367274,29 +367275,31 +367276,31 +367277,31 +367278,31 +367279,31 +367280,28 +367281,28 +367282,28 +367283,28 +367284,28 +367285,28 +367286,28 +367287,28 +367288,28 +367289,28 +367290,28 +367291,28 +367292,28 +367293,28 +367294,34 +367295,34 +367296,34 +367297,34 +367298,34 +367299,34 +367300,34 +367301,34 +367302,34 +367303,34 +367304,34 +367305,34 +367306,34 +367307,34 +367308,34 +367309,34 +367310,34 +367311,34 +367312,34 +367313,23 +367314,23 +367315,23 +367316,23 +367317,23 +367318,23 +367319,23 +367320,24 +367321,24 +367322,24 +367323,24 +367324,24 +367325,32 +367326,32 +367327,29 +367328,32 +367329,32 +367330,32 +367331,31 +367332,31 +367333,31 +367334,31 +367335,31 +367336,4 +367337,19 +367338,4 +367339,4 +367340,4 +367341,4 +367342,4 +367343,4 +367344,4 +367345,4 +367346,2 +367347,12 +367348,12 +367349,12 +367350,12 +367351,12 +367352,27 +367353,27 +367354,27 +367355,27 +367356,27 +367357,27 +367358,5 +367359,5 +367360,5 +367361,5 +367362,5 +367363,13 +367364,13 +367365,29 +367366,29 +367367,31 +367368,31 +367369,31 +367370,31 +367371,31 +367372,31 +367373,30 +367374,30 +367375,12 +367376,12 +367377,12 +367378,12 +367379,12 +367380,12 +367381,12 +367382,39 +367383,39 +367384,39 +367385,39 +367386,39 +367387,39 +367388,39 +367389,39 +367390,39 +367391,39 +367392,39 +367393,39 +367394,39 +367395,30 +367396,30 +367397,30 +367398,30 +367399,30 +367400,30 +367401,30 +367402,30 +367403,30 +367404,30 +367405,30 +367406,30 +367407,30 +367408,30 +367409,2 +367410,2 +367411,8 +367412,8 +367413,8 +367414,8 +367415,8 +367416,8 +367417,2 +367418,2 +367419,2 +367420,0 +367421,0 +367422,0 +367423,0 +367424,0 +367425,0 +367426,0 +367427,0 +367428,0 +367429,0 +367430,0 +367431,0 +367432,0 +367433,0 +367434,0 +367435,0 +367436,0 +367437,0 +367438,0 +367439,0 +367440,0 +367441,0 +367442,0 +367443,0 +367444,0 +367445,0 +367446,0 +367447,0 +367448,0 +367449,0 +367450,0 +367451,0 +367452,0 +367453,0 +367454,0 +367455,0 +367456,0 +367457,0 +367458,0 +367459,0 +367460,31 +367461,29 +367462,29 +367463,31 +367464,31 +367465,35 +367466,35 +367467,35 +367468,35 +367469,35 +367470,35 +367471,35 +367472,35 +367473,35 +367474,35 +367475,35 +367476,35 +367477,35 +367478,35 +367479,35 +367480,35 +367481,35 +367482,35 +367483,40 +367484,40 +367485,40 +367486,40 +367487,40 +367488,40 +367489,40 +367490,40 +367491,40 +367492,40 +367493,40 +367494,40 +367495,40 +367496,40 +367497,40 +367498,40 +367499,40 +367500,19 +367501,19 +367502,19 +367503,19 +367504,19 +367505,19 +367506,19 +367507,19 +367508,19 +367509,19 +367510,19 +367511,19 +367512,19 +367513,19 +367514,19 +367515,19 +367516,19 +367517,19 +367518,19 +367519,5 +367520,5 +367521,5 +367522,0 +367523,0 +367524,0 +367525,0 +367526,12 +367527,12 +367528,12 +367529,12 +367530,12 +367531,12 +367532,12 +367533,12 +367534,12 +367535,31 +367536,31 +367537,31 +367538,8 +367539,8 +367540,8 +367541,8 +367542,8 +367543,8 +367544,8 +367545,2 +367546,32 +367547,32 +367548,32 +367549,32 +367550,32 +367551,32 +367552,32 +367553,32 +367554,31 +367555,31 +367556,31 +367557,31 +367558,31 +367559,31 +367560,31 +367561,31 +367562,31 +367563,4 +367564,4 +367565,4 +367566,0 +367567,0 +367568,0 +367569,0 +367570,0 +367571,4 +367572,4 +367573,4 +367574,4 +367575,0 +367576,0 +367577,0 +367578,23 +367579,38 +367580,38 +367581,38 +367582,38 +367583,4 +367584,4 +367585,4 +367586,4 +367587,25 +367588,25 +367589,25 +367590,25 +367591,25 +367592,5 +367593,5 +367594,5 +367595,29 +367596,29 +367597,29 +367598,29 +367599,31 +367600,31 +367601,31 +367602,31 +367603,31 +367604,31 +367605,12 +367606,12 +367607,12 +367608,12 +367609,12 +367610,12 +367611,12 +367612,12 +367613,12 +367614,12 +367615,12 +367616,27 +367617,27 +367618,27 +367619,27 +367620,27 +367621,5 +367622,5 +367623,5 +367624,5 +367625,5 +367626,5 +367627,5 +367628,5 +367629,5 +367630,5 +367631,19 +367632,19 +367633,19 +367634,19 +367635,40 +367636,31 +367637,33 +367638,33 +367639,33 +367640,33 +367641,33 +367642,33 +367643,33 +367644,33 +367645,33 +367646,33 +367647,33 +367648,33 +367649,33 +367650,33 +367651,33 +367652,33 +367653,33 +367654,33 +367655,33 +367656,33 +367657,33 +367658,33 +367659,33 +367660,33 +367661,33 +367662,33 +367663,0 +367664,0 +367665,0 +367666,0 +367667,0 +367668,0 +367669,0 +367670,0 +367671,0 +367672,0 +367673,0 +367674,0 +367675,0 +367676,0 +367677,0 +367678,0 +367679,0 +367680,0 +367681,0 +367682,0 +367683,0 +367684,0 +367685,0 +367686,0 +367687,0 +367688,0 +367689,0 +367690,0 +367691,0 +367692,0 +367693,0 +367694,0 +367695,0 +367696,0 +367697,0 +367698,0 +367699,0 +367700,0 +367701,0 +367702,0 +367703,0 +367704,0 +367705,0 +367706,0 +367707,0 +367708,0 +367709,0 +367710,0 +367711,0 +367712,0 +367713,0 +367714,0 +367715,0 +367716,0 +367717,0 +367718,0 +367719,0 +367720,0 +367721,0 +367722,0 +367723,0 +367724,0 +367725,0 +367726,0 +367727,0 +367728,0 +367729,0 +367730,0 +367731,0 +367732,0 +367733,0 +367734,0 +367735,0 +367736,0 +367737,0 +367738,0 +367739,0 +367740,0 +367741,0 +367742,10 +367743,10 +367744,10 +367745,10 +367746,10 +367747,10 +367748,10 +367749,10 +367750,10 +367751,10 +367752,10 +367753,10 +367754,10 +367755,10 +367756,10 +367757,10 +367758,10 +367759,10 +367760,10 +367761,10 +367762,10 +367763,10 +367764,10 +367765,10 +367766,10 +367767,10 +367768,24 +367769,24 +367770,24 +367771,24 +367772,24 +367773,24 +367774,27 +367775,27 +367776,27 +367777,27 +367778,27 +367779,30 +367780,30 +367781,30 +367782,30 +367783,30 +367784,30 +367785,30 +367786,30 +367787,30 +367788,30 +367789,9 +367790,9 +367791,9 +367792,9 +367793,31 +367794,31 +367795,13 +367796,13 +367797,13 +367798,13 +367799,13 +367800,13 +367801,13 +367802,13 +367803,13 +367804,13 +367805,13 +367806,13 +367807,13 +367808,4 +367809,4 +367810,4 +367811,4 +367812,4 +367813,4 +367814,4 +367815,4 +367816,4 +367817,4 +367818,4 +367819,4 +367820,3 +367821,3 +367822,3 +367823,3 +367824,3 +367825,3 +367826,3 +367827,3 +367828,3 +367829,3 +367830,3 +367831,3 +367832,3 +367833,3 +367834,32 +367835,4 +367836,4 +367837,4 +367838,4 +367839,4 +367840,4 +367841,4 +367842,4 +367843,4 +367844,4 +367845,4 +367846,4 +367847,4 +367848,4 +367849,4 +367850,4 +367851,4 +367852,4 +367853,4 +367854,4 +367855,4 +367856,4 +367857,0 +367858,0 +367859,0 +367860,0 +367861,0 +367862,0 +367863,0 +367864,0 +367865,0 +367866,0 +367867,0 +367868,0 +367869,0 +367870,0 +367871,0 +367872,0 +367873,0 +367874,0 +367875,0 +367876,0 +367877,35 +367878,35 +367879,35 +367880,35 +367881,35 +367882,35 +367883,35 +367884,35 +367885,35 +367886,35 +367887,35 +367888,39 +367889,39 +367890,39 +367891,39 +367892,39 +367893,39 +367894,39 +367895,39 +367896,7 +367897,7 +367898,7 +367899,7 +367900,7 +367901,39 +367902,39 +367903,39 +367904,39 +367905,30 +367906,30 +367907,30 +367908,5 +367909,6 +367910,6 +367911,6 +367912,6 +367913,32 +367914,32 +367915,32 +367916,35 +367917,35 +367918,3 +367919,31 +367920,31 +367921,3 +367922,31 +367923,31 +367924,3 +367925,3 +367926,30 +367927,30 +367928,30 +367929,30 +367930,30 +367931,29 +367932,29 +367933,29 +367934,29 +367935,31 +367936,31 +367937,31 +367938,31 +367939,31 +367940,31 +367941,31 +367942,31 +367943,31 +367944,31 +367945,31 +367946,24 +367947,24 +367948,24 +367949,24 +367950,24 +367951,2 +367952,2 +367953,2 +367954,2 +367955,2 +367956,2 +367957,8 +367958,8 +367959,8 +367960,8 +367961,12 +367962,12 +367963,12 +367964,12 +367965,12 +367966,12 +367967,12 +367968,12 +367969,12 +367970,12 +367971,12 +367972,12 +367973,40 +367974,40 +367975,40 +367976,40 +367977,40 +367978,40 +367979,40 +367980,40 +367981,31 +367982,31 +367983,40 +367984,40 +367985,40 +367986,40 +367987,40 +367988,40 +367989,40 +367990,30 +367991,34 +367992,31 +367993,31 +367994,31 +367995,31 +367996,30 +367997,31 +367998,31 +367999,30 +368000,30 +368001,30 +368002,30 +368003,30 +368004,30 +368005,30 +368006,30 +368007,30 +368008,30 +368009,30 +368010,0 +368011,0 +368012,0 +368013,0 +368014,0 +368015,0 +368016,0 +368017,0 +368018,0 +368019,0 +368020,0 +368021,0 +368022,0 +368023,0 +368024,0 +368025,0 +368026,0 +368027,0 +368028,0 +368029,0 +368030,0 +368031,0 +368032,0 +368033,0 +368034,0 +368035,0 +368036,0 +368037,0 +368038,0 +368039,0 +368040,0 +368041,12 +368042,12 +368043,12 +368044,12 +368045,12 +368046,12 +368047,12 +368048,12 +368049,12 +368050,26 +368051,26 +368052,26 +368053,26 +368054,26 +368055,26 +368056,26 +368057,26 +368058,36 +368059,36 +368060,32 +368061,32 +368062,11 +368063,11 +368064,11 +368065,11 +368066,11 +368067,11 +368068,11 +368069,11 +368070,11 +368071,11 +368072,11 +368073,11 +368074,11 +368075,11 +368076,11 +368077,27 +368078,27 +368079,27 +368080,27 +368081,27 +368082,27 +368083,27 +368084,8 +368085,8 +368086,8 +368087,8 +368088,8 +368089,8 +368090,8 +368091,8 +368092,8 +368093,8 +368094,12 +368095,12 +368096,12 +368097,12 +368098,12 +368099,12 +368100,12 +368101,12 +368102,31 +368103,33 +368104,31 +368105,33 +368106,33 +368107,33 +368108,33 +368109,33 +368110,33 +368111,33 +368112,33 +368113,33 +368114,33 +368115,33 +368116,30 +368117,30 +368118,30 +368119,30 +368120,30 +368121,30 +368122,30 +368123,30 +368124,30 +368125,30 +368126,30 +368127,30 +368128,30 +368129,30 +368130,30 +368131,30 +368132,30 +368133,30 +368134,0 +368135,0 +368136,0 +368137,0 +368138,0 +368139,0 +368140,0 +368141,0 +368142,0 +368143,0 +368144,0 +368145,0 +368146,0 +368147,0 +368148,0 +368149,0 +368150,0 +368151,0 +368152,0 +368153,0 +368154,0 +368155,0 +368156,0 +368157,0 +368158,0 +368159,0 +368160,0 +368161,0 +368162,0 +368163,0 +368164,0 +368165,0 +368166,0 +368167,0 +368168,0 +368169,0 +368170,0 +368171,0 +368172,0 +368173,0 +368174,0 +368175,0 +368176,0 +368177,0 +368178,0 +368179,0 +368180,0 +368181,0 +368182,29 +368183,29 +368184,29 +368185,29 +368186,29 +368187,29 +368188,29 +368189,29 +368190,40 +368191,40 +368192,40 +368193,40 +368194,40 +368195,40 +368196,40 +368197,40 +368198,37 +368199,37 +368200,37 +368201,37 +368202,25 +368203,25 +368204,25 +368205,25 +368206,25 +368207,25 +368208,32 +368209,32 +368210,32 +368211,32 +368212,32 +368213,32 +368214,32 +368215,32 +368216,32 +368217,32 +368218,32 +368219,26 +368220,26 +368221,26 +368222,26 +368223,26 +368224,26 +368225,26 +368226,26 +368227,10 +368228,10 +368229,10 +368230,26 +368231,26 +368232,26 +368233,26 +368234,26 +368235,26 +368236,26 +368237,26 +368238,26 +368239,26 +368240,26 +368241,26 +368242,5 +368243,5 +368244,5 +368245,5 +368246,28 +368247,5 +368248,28 +368249,28 +368250,28 +368251,19 +368252,31 +368253,31 +368254,31 +368255,31 +368256,31 +368257,31 +368258,31 +368259,5 +368260,0 +368261,0 +368262,0 +368263,0 +368264,0 +368265,10 +368266,10 +368267,10 +368268,10 +368269,10 +368270,10 +368271,10 +368272,10 +368273,10 +368274,10 +368275,10 +368276,10 +368277,10 +368278,10 +368279,10 +368280,10 +368281,10 +368282,10 +368283,10 +368284,2 +368285,2 +368286,2 +368287,2 +368288,2 +368289,2 +368290,2 +368291,2 +368292,2 +368293,2 +368294,2 +368295,14 +368296,14 +368297,14 +368298,14 +368299,14 +368300,14 +368301,14 +368302,14 +368303,14 +368304,32 +368305,32 +368306,32 +368307,32 +368308,32 +368309,32 +368310,32 +368311,32 +368312,32 +368313,32 +368314,32 +368315,32 +368316,32 +368317,32 +368318,32 +368319,32 +368320,30 +368321,30 +368322,30 +368323,30 +368324,14 +368325,14 +368326,14 +368327,14 +368328,14 +368329,14 +368330,14 +368331,14 +368332,14 +368333,29 +368334,29 +368335,29 +368336,28 +368337,5 +368338,5 +368339,5 +368340,5 +368341,5 +368342,5 +368343,5 +368344,5 +368345,29 +368346,29 +368347,29 +368348,29 +368349,29 +368350,29 +368351,29 +368352,29 +368353,39 +368354,39 +368355,39 +368356,39 +368357,39 +368358,39 +368359,39 +368360,39 +368361,39 +368362,39 +368363,39 +368364,39 +368365,39 +368366,39 +368367,39 +368368,39 +368369,39 +368370,39 +368371,39 +368372,39 +368373,0 +368374,0 +368375,0 +368376,0 +368377,0 +368378,0 +368379,0 +368380,0 +368381,0 +368382,0 +368383,0 +368384,0 +368385,0 +368386,0 +368387,0 +368388,0 +368389,0 +368390,0 +368391,0 +368392,0 +368393,0 +368394,0 +368395,0 +368396,0 +368397,0 +368398,0 +368399,0 +368400,0 +368401,0 +368402,0 +368403,0 +368404,0 +368405,15 +368406,15 +368407,15 +368408,15 +368409,15 +368410,15 +368411,15 +368412,15 +368413,15 +368414,15 +368415,15 +368416,15 +368417,36 +368418,36 +368419,36 +368420,36 +368421,36 +368422,36 +368423,36 +368424,36 +368425,36 +368426,36 +368427,10 +368428,36 +368429,36 +368430,36 +368431,36 +368432,36 +368433,36 +368434,10 +368435,10 +368436,4 +368437,4 +368438,4 +368439,4 +368440,4 +368441,4 +368442,4 +368443,4 +368444,4 +368445,4 +368446,4 +368447,4 +368448,4 +368449,19 +368450,4 +368451,4 +368452,4 +368453,4 +368454,4 +368455,4 +368456,4 +368457,4 +368458,5 +368459,19 +368460,5 +368461,5 +368462,5 +368463,5 +368464,5 +368465,5 +368466,5 +368467,5 +368468,5 +368469,34 +368470,34 +368471,34 +368472,34 +368473,34 +368474,34 +368475,34 +368476,34 +368477,34 +368478,34 +368479,34 +368480,34 +368481,34 +368482,34 +368483,34 +368484,34 +368485,34 +368486,34 +368487,34 +368488,34 +368489,34 +368490,34 +368491,9 +368492,10 +368493,10 +368494,9 +368495,10 +368496,10 +368497,10 +368498,10 +368499,10 +368500,10 +368501,14 +368502,14 +368503,14 +368504,14 +368505,14 +368506,14 +368507,14 +368508,14 +368509,14 +368510,14 +368511,14 +368512,14 +368513,14 +368514,14 +368515,14 +368516,14 +368517,14 +368518,14 +368519,14 +368520,14 +368521,14 +368522,14 +368523,14 +368524,14 +368525,14 +368526,14 +368527,14 +368528,14 +368529,14 +368530,14 +368531,2 +368532,2 +368533,2 +368534,8 +368535,8 +368536,8 +368537,8 +368538,8 +368539,8 +368540,8 +368541,8 +368542,2 +368543,2 +368544,2 +368545,2 +368546,2 +368547,0 +368548,0 +368549,0 +368550,0 +368551,0 +368552,0 +368553,0 +368554,0 +368555,0 +368556,0 +368557,0 +368558,0 +368559,0 +368560,0 +368561,0 +368562,0 +368563,0 +368564,0 +368565,0 +368566,0 +368567,0 +368568,0 +368569,0 +368570,0 +368571,0 +368572,0 +368573,0 +368574,0 +368575,0 +368576,0 +368577,0 +368578,0 +368579,0 +368580,0 +368581,0 +368582,0 +368583,0 +368584,0 +368585,0 +368586,0 +368587,0 +368588,0 +368589,0 +368590,0 +368591,0 +368592,0 +368593,0 +368594,0 +368595,0 +368596,0 +368597,0 +368598,28 +368599,28 +368600,28 +368601,28 +368602,28 +368603,28 +368604,28 +368605,28 +368606,28 +368607,31 +368608,28 +368609,28 +368610,28 +368611,28 +368612,28 +368613,5 +368614,10 +368615,10 +368616,10 +368617,10 +368618,10 +368619,10 +368620,10 +368621,10 +368622,10 +368623,23 +368624,23 +368625,23 +368626,23 +368627,23 +368628,23 +368629,23 +368630,23 +368631,23 +368632,23 +368633,34 +368634,34 +368635,34 +368636,34 +368637,34 +368638,34 +368639,34 +368640,34 +368641,34 +368642,34 +368643,34 +368644,34 +368645,5 +368646,5 +368647,5 +368648,5 +368649,5 +368650,5 +368651,5 +368652,5 +368653,5 +368654,29 +368655,29 +368656,31 +368657,40 +368658,40 +368659,40 +368660,40 +368661,31 +368662,31 +368663,31 +368664,31 +368665,31 +368666,31 +368667,31 +368668,2 +368669,2 +368670,2 +368671,2 +368672,2 +368673,2 +368674,8 +368675,8 +368676,8 +368677,2 +368678,2 +368679,2 +368680,2 +368681,2 +368682,2 +368683,2 +368684,2 +368685,2 +368686,2 +368687,31 +368688,31 +368689,31 +368690,10 +368691,31 +368692,10 +368693,31 +368694,10 +368695,10 +368696,10 +368697,10 +368698,10 +368699,10 +368700,10 +368701,37 +368702,37 +368703,37 +368704,37 +368705,37 +368706,37 +368707,37 +368708,27 +368709,27 +368710,27 +368711,8 +368712,8 +368713,8 +368714,8 +368715,8 +368716,8 +368717,8 +368718,8 +368719,8 +368720,26 +368721,10 +368722,10 +368723,10 +368724,10 +368725,10 +368726,10 +368727,10 +368728,31 +368729,31 +368730,30 +368731,30 +368732,30 +368733,30 +368734,30 +368735,4 +368736,4 +368737,4 +368738,4 +368739,4 +368740,4 +368741,4 +368742,4 +368743,6 +368744,6 +368745,6 +368746,6 +368747,6 +368748,6 +368749,6 +368750,6 +368751,6 +368752,6 +368753,6 +368754,6 +368755,12 +368756,12 +368757,12 +368758,12 +368759,12 +368760,27 +368761,27 +368762,27 +368763,27 +368764,27 +368765,27 +368766,4 +368767,4 +368768,0 +368769,0 +368770,0 +368771,4 +368772,0 +368773,4 +368774,4 +368775,0 +368776,0 +368777,0 +368778,0 +368779,0 +368780,0 +368781,32 +368782,32 +368783,32 +368784,32 +368785,32 +368786,32 +368787,32 +368788,32 +368789,32 +368790,32 +368791,32 +368792,32 +368793,32 +368794,32 +368795,32 +368796,32 +368797,32 +368798,30 +368799,30 +368800,30 +368801,30 +368802,30 +368803,30 +368804,14 +368805,14 +368806,14 +368807,14 +368808,14 +368809,14 +368810,14 +368811,14 +368812,14 +368813,14 +368814,14 +368815,14 +368816,14 +368817,8 +368818,2 +368819,8 +368820,8 +368821,8 +368822,8 +368823,8 +368824,8 +368825,8 +368826,8 +368827,29 +368828,29 +368829,29 +368830,29 +368831,29 +368832,31 +368833,31 +368834,31 +368835,31 +368836,31 +368837,4 +368838,4 +368839,4 +368840,4 +368841,4 +368842,10 +368843,10 +368844,10 +368845,10 +368846,10 +368847,10 +368848,10 +368849,10 +368850,10 +368851,10 +368852,35 +368853,35 +368854,35 +368855,35 +368856,35 +368857,35 +368858,35 +368859,36 +368860,36 +368861,36 +368862,36 +368863,36 +368864,36 +368865,36 +368866,19 +368867,19 +368868,19 +368869,19 +368870,35 +368871,35 +368872,35 +368873,35 +368874,35 +368875,35 +368876,35 +368877,35 +368878,27 +368879,27 +368880,27 +368881,27 +368882,27 +368883,27 +368884,29 +368885,29 +368886,29 +368887,29 +368888,29 +368889,29 +368890,25 +368891,25 +368892,25 +368893,25 +368894,25 +368895,25 +368896,25 +368897,4 +368898,4 +368899,4 +368900,4 +368901,4 +368902,4 +368903,4 +368904,4 +368905,4 +368906,4 +368907,4 +368908,3 +368909,3 +368910,3 +368911,3 +368912,3 +368913,3 +368914,3 +368915,3 +368916,3 +368917,31 +368918,31 +368919,31 +368920,31 +368921,5 +368922,5 +368923,5 +368924,5 +368925,35 +368926,35 +368927,35 +368928,35 +368929,35 +368930,35 +368931,35 +368932,35 +368933,36 +368934,36 +368935,36 +368936,36 +368937,36 +368938,36 +368939,36 +368940,36 +368941,36 +368942,36 +368943,36 +368944,36 +368945,36 +368946,15 +368947,15 +368948,15 +368949,15 +368950,31 +368951,31 +368952,31 +368953,4 +368954,4 +368955,4 +368956,4 +368957,27 +368958,27 +368959,27 +368960,27 +368961,27 +368962,27 +368963,27 +368964,27 +368965,19 +368966,19 +368967,19 +368968,19 +368969,19 +368970,19 +368971,19 +368972,19 +368973,19 +368974,0 +368975,0 +368976,0 +368977,0 +368978,0 +368979,0 +368980,0 +368981,0 +368982,0 +368983,0 +368984,0 +368985,0 +368986,0 +368987,0 +368988,0 +368989,0 +368990,0 +368991,0 +368992,0 +368993,0 +368994,0 +368995,0 +368996,0 +368997,0 +368998,0 +368999,0 +369000,0 +369001,0 +369002,0 +369003,0 +369004,0 +369005,0 +369006,0 +369007,0 +369008,0 +369009,0 +369010,0 +369011,0 +369012,0 +369013,0 +369014,0 +369015,0 +369016,0 +369017,0 +369018,0 +369019,0 +369020,0 +369021,0 +369022,0 +369023,0 +369024,0 +369025,0 +369026,0 +369027,0 +369028,0 +369029,0 +369030,0 +369031,0 +369032,0 +369033,0 +369034,0 +369035,0 +369036,0 +369037,0 +369038,4 +369039,4 +369040,35 +369041,29 +369042,29 +369043,29 +369044,29 +369045,27 +369046,27 +369047,27 +369048,27 +369049,27 +369050,31 +369051,2 +369052,2 +369053,2 +369054,2 +369055,2 +369056,2 +369057,2 +369058,2 +369059,2 +369060,2 +369061,2 +369062,2 +369063,2 +369064,14 +369065,14 +369066,14 +369067,14 +369068,14 +369069,14 +369070,6 +369071,6 +369072,6 +369073,4 +369074,4 +369075,4 +369076,4 +369077,23 +369078,23 +369079,23 +369080,23 +369081,23 +369082,23 +369083,23 +369084,23 +369085,23 +369086,25 +369087,25 +369088,25 +369089,25 +369090,25 +369091,12 +369092,12 +369093,12 +369094,12 +369095,12 +369096,12 +369097,12 +369098,12 +369099,12 +369100,12 +369101,12 +369102,12 +369103,12 +369104,12 +369105,12 +369106,12 +369107,12 +369108,12 +369109,31 +369110,31 +369111,31 +369112,31 +369113,31 +369114,5 +369115,5 +369116,5 +369117,5 +369118,5 +369119,5 +369120,5 +369121,5 +369122,12 +369123,12 +369124,12 +369125,12 +369126,12 +369127,12 +369128,12 +369129,25 +369130,25 +369131,40 +369132,40 +369133,40 +369134,40 +369135,40 +369136,40 +369137,15 +369138,15 +369139,15 +369140,15 +369141,31 +369142,31 +369143,31 +369144,31 +369145,31 +369146,23 +369147,2 +369148,2 +369149,23 +369150,23 +369151,23 +369152,23 +369153,23 +369154,23 +369155,23 +369156,2 +369157,2 +369158,23 +369159,23 +369160,0 +369161,0 +369162,23 +369163,23 +369164,23 +369165,23 +369166,23 +369167,23 +369168,23 +369169,23 +369170,23 +369171,23 +369172,23 +369173,23 +369174,23 +369175,23 +369176,23 +369177,23 +369178,23 +369179,23 +369180,23 +369181,23 +369182,23 +369183,23 +369184,23 +369185,23 +369186,23 +369187,23 +369188,23 +369189,23 +369190,23 +369191,23 +369192,7 +369193,7 +369194,7 +369195,7 +369196,7 +369197,7 +369198,39 +369199,39 +369200,39 +369201,39 +369202,12 +369203,12 +369204,12 +369205,12 +369206,3 +369207,3 +369208,3 +369209,3 +369210,3 +369211,3 +369212,9 +369213,12 +369214,12 +369215,12 +369216,9 +369217,12 +369218,31 +369219,31 +369220,31 +369221,31 +369222,31 +369223,5 +369224,5 +369225,5 +369226,5 +369227,5 +369228,5 +369229,2 +369230,2 +369231,2 +369232,2 +369233,2 +369234,2 +369235,2 +369236,2 +369237,2 +369238,10 +369239,10 +369240,10 +369241,10 +369242,10 +369243,10 +369244,10 +369245,10 +369246,10 +369247,10 +369248,10 +369249,10 +369250,10 +369251,10 +369252,10 +369253,6 +369254,6 +369255,6 +369256,6 +369257,6 +369258,6 +369259,6 +369260,2 +369261,2 +369262,2 +369263,2 +369264,2 +369265,32 +369266,32 +369267,32 +369268,32 +369269,32 +369270,32 +369271,27 +369272,27 +369273,27 +369274,27 +369275,27 +369276,27 +369277,27 +369278,27 +369279,27 +369280,37 +369281,37 +369282,37 +369283,37 +369284,37 +369285,37 +369286,37 +369287,37 +369288,37 +369289,39 +369290,39 +369291,39 +369292,39 +369293,39 +369294,39 +369295,39 +369296,39 +369297,8 +369298,8 +369299,8 +369300,8 +369301,8 +369302,8 +369303,2 +369304,2 +369305,2 +369306,2 +369307,2 +369308,2 +369309,2 +369310,2 +369311,4 +369312,4 +369313,4 +369314,4 +369315,4 +369316,4 +369317,4 +369318,4 +369319,0 +369320,0 +369321,0 +369322,0 +369323,0 +369324,0 +369325,0 +369326,0 +369327,0 +369328,0 +369329,0 +369330,0 +369331,0 +369332,0 +369333,0 +369334,0 +369335,0 +369336,0 +369337,0 +369338,0 +369339,0 +369340,0 +369341,0 +369342,0 +369343,0 +369344,0 +369345,0 +369346,0 +369347,31 +369348,31 +369349,31 +369350,31 +369351,31 +369352,31 +369353,31 +369354,31 +369355,32 +369356,4 +369357,32 +369358,32 +369359,32 +369360,32 +369361,32 +369362,32 +369363,32 +369364,4 +369365,4 +369366,19 +369367,19 +369368,27 +369369,27 +369370,27 +369371,27 +369372,27 +369373,28 +369374,28 +369375,28 +369376,28 +369377,28 +369378,28 +369379,28 +369380,28 +369381,28 +369382,36 +369383,36 +369384,36 +369385,36 +369386,36 +369387,36 +369388,36 +369389,36 +369390,36 +369391,36 +369392,36 +369393,2 +369394,2 +369395,2 +369396,2 +369397,2 +369398,2 +369399,2 +369400,2 +369401,2 +369402,2 +369403,2 +369404,2 +369405,2 +369406,21 +369407,21 +369408,21 +369409,27 +369410,27 +369411,27 +369412,27 +369413,27 +369414,27 +369415,27 +369416,27 +369417,27 +369418,27 +369419,31 +369420,2 +369421,2 +369422,2 +369423,2 +369424,2 +369425,2 +369426,2 +369427,2 +369428,2 +369429,2 +369430,2 +369431,2 +369432,2 +369433,2 +369434,2 +369435,2 +369436,2 +369437,8 +369438,8 +369439,8 +369440,8 +369441,0 +369442,0 +369443,0 +369444,0 +369445,0 +369446,0 +369447,0 +369448,0 +369449,0 +369450,0 +369451,0 +369452,0 +369453,0 +369454,0 +369455,0 +369456,0 +369457,0 +369458,0 +369459,0 +369460,0 +369461,0 +369462,0 +369463,0 +369464,0 +369465,0 +369466,0 +369467,0 +369468,0 +369469,0 +369470,0 +369471,0 +369472,0 +369473,0 +369474,0 +369475,0 +369476,0 +369477,0 +369478,0 +369479,0 +369480,0 +369481,0 +369482,0 +369483,0 +369484,0 +369485,36 +369486,36 +369487,36 +369488,36 +369489,36 +369490,36 +369491,36 +369492,36 +369493,36 +369494,5 +369495,5 +369496,5 +369497,5 +369498,5 +369499,5 +369500,27 +369501,27 +369502,4 +369503,4 +369504,27 +369505,27 +369506,27 +369507,27 +369508,27 +369509,27 +369510,27 +369511,27 +369512,14 +369513,14 +369514,14 +369515,14 +369516,14 +369517,14 +369518,14 +369519,14 +369520,14 +369521,14 +369522,14 +369523,35 +369524,35 +369525,35 +369526,35 +369527,35 +369528,35 +369529,35 +369530,35 +369531,35 +369532,35 +369533,36 +369534,36 +369535,36 +369536,36 +369537,24 +369538,24 +369539,24 +369540,24 +369541,31 +369542,31 +369543,33 +369544,33 +369545,33 +369546,31 +369547,33 +369548,33 +369549,33 +369550,19 +369551,19 +369552,24 +369553,4 +369554,4 +369555,27 +369556,27 +369557,27 +369558,27 +369559,27 +369560,27 +369561,27 +369562,27 +369563,27 +369564,27 +369565,27 +369566,27 +369567,27 +369568,8 +369569,8 +369570,8 +369571,8 +369572,8 +369573,8 +369574,8 +369575,8 +369576,8 +369577,37 +369578,37 +369579,37 +369580,37 +369581,37 +369582,37 +369583,10 +369584,14 +369585,14 +369586,14 +369587,14 +369588,14 +369589,14 +369590,14 +369591,14 +369592,14 +369593,34 +369594,30 +369595,33 +369596,33 +369597,33 +369598,33 +369599,33 +369600,33 +369601,33 +369602,33 +369603,33 +369604,33 +369605,30 +369606,30 +369607,30 +369608,0 +369609,0 +369610,0 +369611,0 +369612,0 +369613,0 +369614,0 +369615,0 +369616,0 +369617,0 +369618,0 +369619,0 +369620,0 +369621,0 +369622,0 +369623,0 +369624,0 +369625,0 +369626,0 +369627,0 +369628,0 +369629,0 +369630,0 +369631,0 +369632,0 +369633,0 +369634,0 +369635,0 +369636,0 +369637,0 +369638,10 +369639,10 +369640,10 +369641,10 +369642,10 +369643,10 +369644,10 +369645,10 +369646,10 +369647,10 +369648,10 +369649,35 +369650,35 +369651,35 +369652,35 +369653,35 +369654,35 +369655,35 +369656,6 +369657,6 +369658,35 +369659,6 +369660,6 +369661,6 +369662,31 +369663,31 +369664,31 +369665,31 +369666,31 +369667,31 +369668,31 +369669,31 +369670,31 +369671,31 +369672,31 +369673,15 +369674,15 +369675,15 +369676,15 +369677,15 +369678,15 +369679,15 +369680,15 +369681,15 +369682,15 +369683,3 +369684,3 +369685,3 +369686,3 +369687,3 +369688,3 +369689,3 +369690,3 +369691,3 +369692,3 +369693,3 +369694,3 +369695,3 +369696,3 +369697,3 +369698,3 +369699,3 +369700,3 +369701,3 +369702,3 +369703,3 +369704,3 +369705,3 +369706,3 +369707,3 +369708,3 +369709,3 +369710,3 +369711,30 +369712,30 +369713,30 +369714,30 +369715,30 +369716,33 +369717,33 +369718,0 +369719,0 +369720,13 +369721,13 +369722,0 +369723,0 +369724,0 +369725,0 +369726,0 +369727,0 +369728,0 +369729,0 +369730,0 +369731,0 +369732,0 +369733,0 +369734,0 +369735,0 +369736,0 +369737,0 +369738,0 +369739,0 +369740,0 +369741,0 +369742,0 +369743,0 +369744,0 +369745,0 +369746,0 +369747,0 +369748,0 +369749,0 +369750,0 +369751,0 +369752,0 +369753,0 +369754,0 +369755,0 +369756,0 +369757,0 +369758,0 +369759,0 +369760,0 +369761,0 +369762,0 +369763,0 +369764,0 +369765,0 +369766,0 +369767,0 +369768,0 +369769,0 +369770,0 +369771,0 +369772,0 +369773,0 +369774,0 +369775,0 +369776,0 +369777,0 +369778,0 +369779,6 +369780,6 +369781,6 +369782,6 +369783,31 +369784,31 +369785,31 +369786,31 +369787,31 +369788,31 +369789,31 +369790,31 +369791,31 +369792,8 +369793,8 +369794,8 +369795,8 +369796,31 +369797,31 +369798,31 +369799,31 +369800,31 +369801,5 +369802,5 +369803,5 +369804,5 +369805,5 +369806,10 +369807,10 +369808,10 +369809,34 +369810,34 +369811,34 +369812,34 +369813,34 +369814,34 +369815,34 +369816,34 +369817,34 +369818,34 +369819,30 +369820,30 +369821,30 +369822,30 +369823,30 +369824,30 +369825,31 +369826,27 +369827,27 +369828,27 +369829,40 +369830,40 +369831,8 +369832,8 +369833,8 +369834,8 +369835,8 +369836,8 +369837,8 +369838,21 +369839,21 +369840,21 +369841,21 +369842,21 +369843,14 +369844,14 +369845,14 +369846,14 +369847,14 +369848,14 +369849,14 +369850,14 +369851,14 +369852,19 +369853,24 +369854,24 +369855,24 +369856,24 +369857,24 +369858,31 +369859,31 +369860,31 +369861,31 +369862,31 +369863,31 +369864,31 +369865,31 +369866,31 +369867,31 +369868,31 +369869,31 +369870,31 +369871,31 +369872,31 +369873,31 +369874,5 +369875,5 +369876,5 +369877,19 +369878,19 +369879,37 +369880,37 +369881,37 +369882,37 +369883,37 +369884,37 +369885,39 +369886,39 +369887,39 +369888,39 +369889,39 +369890,39 +369891,27 +369892,27 +369893,27 +369894,27 +369895,27 +369896,27 +369897,27 +369898,27 +369899,27 +369900,14 +369901,14 +369902,14 +369903,4 +369904,4 +369905,4 +369906,4 +369907,4 +369908,27 +369909,27 +369910,39 +369911,39 +369912,39 +369913,28 +369914,28 +369915,28 +369916,28 +369917,13 +369918,28 +369919,36 +369920,14 +369921,27 +369922,27 +369923,14 +369924,14 +369925,4 +369926,4 +369927,4 +369928,4 +369929,4 +369930,4 +369931,4 +369932,4 +369933,4 +369934,4 +369935,4 +369936,4 +369937,40 +369938,40 +369939,40 +369940,40 +369941,40 +369942,40 +369943,36 +369944,5 +369945,5 +369946,5 +369947,16 +369948,11 +369949,11 +369950,11 +369951,11 +369952,16 +369953,16 +369954,16 +369955,16 +369956,31 +369957,5 +369958,5 +369959,5 +369960,5 +369961,5 +369962,5 +369963,4 +369964,4 +369965,4 +369966,4 +369967,3 +369968,3 +369969,3 +369970,3 +369971,12 +369972,12 +369973,12 +369974,12 +369975,12 +369976,12 +369977,40 +369978,40 +369979,40 +369980,40 +369981,40 +369982,40 +369983,40 +369984,19 +369985,19 +369986,19 +369987,19 +369988,19 +369989,19 +369990,19 +369991,12 +369992,12 +369993,12 +369994,12 +369995,12 +369996,12 +369997,12 +369998,12 +369999,25 +370000,25 +370001,25 +370002,25 +370003,25 +370004,25 +370005,25 +370006,25 +370007,25 +370008,37 +370009,0 +370010,0 +370011,0 +370012,0 +370013,0 +370014,0 +370015,0 +370016,0 +370017,0 +370018,0 +370019,0 +370020,0 +370021,0 +370022,0 +370023,0 +370024,0 +370025,0 +370026,0 +370027,0 +370028,0 +370029,0 +370030,0 +370031,0 +370032,0 +370033,0 +370034,0 +370035,35 +370036,35 +370037,35 +370038,35 +370039,35 +370040,3 +370041,3 +370042,3 +370043,3 +370044,3 +370045,3 +370046,3 +370047,3 +370048,3 +370049,3 +370050,3 +370051,3 +370052,14 +370053,14 +370054,14 +370055,14 +370056,14 +370057,14 +370058,14 +370059,14 +370060,14 +370061,14 +370062,14 +370063,14 +370064,14 +370065,14 +370066,14 +370067,14 +370068,4 +370069,4 +370070,4 +370071,4 +370072,4 +370073,4 +370074,4 +370075,27 +370076,27 +370077,27 +370078,27 +370079,27 +370080,8 +370081,8 +370082,8 +370083,8 +370084,8 +370085,8 +370086,8 +370087,30 +370088,30 +370089,30 +370090,30 +370091,30 +370092,3 +370093,3 +370094,3 +370095,3 +370096,3 +370097,4 +370098,4 +370099,19 +370100,19 +370101,4 +370102,30 +370103,30 +370104,30 +370105,30 +370106,30 +370107,30 +370108,30 +370109,30 +370110,30 +370111,30 +370112,30 +370113,33 +370114,33 +370115,33 +370116,33 +370117,8 +370118,8 +370119,8 +370120,8 +370121,8 +370122,8 +370123,8 +370124,8 +370125,8 +370126,29 +370127,29 +370128,29 +370129,29 +370130,31 +370131,31 +370132,31 +370133,31 +370134,37 +370135,37 +370136,37 +370137,37 +370138,37 +370139,37 +370140,37 +370141,37 +370142,37 +370143,40 +370144,40 +370145,40 +370146,40 +370147,40 +370148,40 +370149,40 +370150,40 +370151,40 +370152,40 +370153,40 +370154,40 +370155,37 +370156,40 +370157,40 +370158,2 +370159,2 +370160,2 +370161,2 +370162,2 +370163,2 +370164,2 +370165,2 +370166,2 +370167,2 +370168,2 +370169,2 +370170,2 +370171,2 +370172,4 +370173,4 +370174,4 +370175,4 +370176,4 +370177,4 +370178,0 +370179,0 +370180,0 +370181,0 +370182,0 +370183,0 +370184,0 +370185,0 +370186,0 +370187,0 +370188,0 +370189,0 +370190,0 +370191,0 +370192,0 +370193,0 +370194,0 +370195,0 +370196,0 +370197,0 +370198,0 +370199,0 +370200,0 +370201,0 +370202,0 +370203,0 +370204,0 +370205,0 +370206,0 +370207,0 +370208,0 +370209,0 +370210,0 +370211,0 +370212,0 +370213,0 +370214,0 +370215,0 +370216,0 +370217,0 +370218,0 +370219,0 +370220,0 +370221,0 +370222,0 +370223,0 +370224,0 +370225,0 +370226,0 +370227,0 +370228,0 +370229,0 +370230,0 +370231,0 +370232,0 +370233,0 +370234,0 +370235,0 +370236,0 +370237,0 +370238,0 +370239,0 +370240,0 +370241,0 +370242,0 +370243,0 +370244,0 +370245,0 +370246,0 +370247,0 +370248,0 +370249,0 +370250,0 +370251,0 +370252,0 +370253,0 +370254,0 +370255,0 +370256,0 +370257,0 +370258,0 +370259,0 +370260,0 +370261,0 +370262,0 +370263,0 +370264,0 +370265,0 +370266,0 +370267,0 +370268,0 +370269,0 +370270,0 +370271,0 +370272,0 +370273,0 +370274,0 +370275,0 +370276,0 +370277,0 +370278,0 +370279,0 +370280,0 +370281,0 +370282,0 +370283,0 +370284,0 +370285,0 +370286,0 +370287,0 +370288,0 +370289,0 +370290,0 +370291,0 +370292,0 +370293,0 +370294,0 +370295,0 +370296,0 +370297,28 +370298,28 +370299,28 +370300,28 +370301,28 +370302,28 +370303,31 +370304,31 +370305,31 +370306,31 +370307,31 +370308,31 +370309,31 +370310,31 +370311,29 +370312,29 +370313,29 +370314,29 +370315,29 +370316,25 +370317,25 +370318,25 +370319,40 +370320,40 +370321,40 +370322,40 +370323,40 +370324,37 +370325,37 +370326,37 +370327,37 +370328,37 +370329,37 +370330,10 +370331,25 +370332,25 +370333,31 +370334,31 +370335,31 +370336,31 +370337,31 +370338,31 +370339,31 +370340,28 +370341,28 +370342,28 +370343,28 +370344,28 +370345,28 +370346,28 +370347,28 +370348,28 +370349,28 +370350,28 +370351,28 +370352,0 +370353,0 +370354,0 +370355,0 +370356,0 +370357,0 +370358,0 +370359,0 +370360,0 +370361,0 +370362,0 +370363,10 +370364,10 +370365,10 +370366,10 +370367,10 +370368,10 +370369,10 +370370,10 +370371,10 +370372,10 +370373,10 +370374,10 +370375,10 +370376,10 +370377,10 +370378,2 +370379,2 +370380,2 +370381,2 +370382,2 +370383,2 +370384,2 +370385,2 +370386,2 +370387,2 +370388,2 +370389,2 +370390,40 +370391,40 +370392,19 +370393,19 +370394,19 +370395,19 +370396,19 +370397,36 +370398,40 +370399,40 +370400,40 +370401,40 +370402,40 +370403,40 +370404,40 +370405,40 +370406,40 +370407,40 +370408,40 +370409,23 +370410,23 +370411,23 +370412,4 +370413,4 +370414,4 +370415,4 +370416,4 +370417,4 +370418,4 +370419,4 +370420,3 +370421,3 +370422,3 +370423,31 +370424,12 +370425,12 +370426,12 +370427,12 +370428,12 +370429,40 +370430,40 +370431,40 +370432,40 +370433,40 +370434,40 +370435,40 +370436,40 +370437,40 +370438,25 +370439,25 +370440,25 +370441,25 +370442,19 +370443,19 +370444,19 +370445,19 +370446,19 +370447,19 +370448,19 +370449,19 +370450,19 +370451,0 +370452,0 +370453,0 +370454,0 +370455,0 +370456,0 +370457,0 +370458,0 +370459,0 +370460,0 +370461,0 +370462,0 +370463,0 +370464,0 +370465,0 +370466,0 +370467,0 +370468,0 +370469,0 +370470,0 +370471,0 +370472,0 +370473,2 +370474,2 +370475,2 +370476,2 +370477,2 +370478,2 +370479,2 +370480,2 +370481,2 +370482,2 +370483,2 +370484,2 +370485,2 +370486,2 +370487,2 +370488,2 +370489,10 +370490,10 +370491,10 +370492,10 +370493,10 +370494,10 +370495,10 +370496,10 +370497,10 +370498,10 +370499,10 +370500,10 +370501,5 +370502,5 +370503,5 +370504,5 +370505,5 +370506,5 +370507,5 +370508,5 +370509,5 +370510,35 +370511,25 +370512,25 +370513,25 +370514,25 +370515,25 +370516,25 +370517,8 +370518,2 +370519,2 +370520,2 +370521,8 +370522,2 +370523,2 +370524,2 +370525,2 +370526,2 +370527,2 +370528,2 +370529,33 +370530,33 +370531,33 +370532,33 +370533,33 +370534,33 +370535,33 +370536,33 +370537,33 +370538,30 +370539,30 +370540,30 +370541,30 +370542,30 +370543,30 +370544,30 +370545,30 +370546,30 +370547,30 +370548,30 +370549,30 +370550,12 +370551,12 +370552,12 +370553,12 +370554,12 +370555,12 +370556,12 +370557,12 +370558,12 +370559,12 +370560,12 +370561,14 +370562,14 +370563,14 +370564,14 +370565,14 +370566,14 +370567,14 +370568,14 +370569,14 +370570,14 +370571,14 +370572,14 +370573,14 +370574,14 +370575,14 +370576,14 +370577,14 +370578,14 +370579,14 +370580,0 +370581,0 +370582,0 +370583,0 +370584,0 +370585,0 +370586,0 +370587,0 +370588,0 +370589,0 +370590,0 +370591,0 +370592,0 +370593,0 +370594,0 +370595,0 +370596,0 +370597,0 +370598,0 +370599,0 +370600,0 +370601,0 +370602,0 +370603,0 +370604,0 +370605,0 +370606,0 +370607,0 +370608,0 +370609,0 +370610,0 +370611,0 +370612,0 +370613,0 +370614,0 +370615,0 +370616,0 +370617,0 +370618,0 +370619,0 +370620,0 +370621,0 +370622,0 +370623,0 +370624,0 +370625,0 +370626,0 +370627,0 +370628,0 +370629,0 +370630,0 +370631,0 +370632,0 +370633,0 +370634,0 +370635,0 +370636,0 +370637,0 +370638,0 +370639,0 +370640,0 +370641,0 +370642,0 +370643,0 +370644,0 +370645,0 +370646,0 +370647,0 +370648,0 +370649,0 +370650,0 +370651,0 +370652,0 +370653,0 +370654,0 +370655,0 +370656,10 +370657,10 +370658,10 +370659,10 +370660,10 +370661,10 +370662,10 +370663,10 +370664,10 +370665,10 +370666,10 +370667,10 +370668,10 +370669,10 +370670,10 +370671,24 +370672,24 +370673,24 +370674,24 +370675,24 +370676,25 +370677,25 +370678,25 +370679,25 +370680,25 +370681,25 +370682,25 +370683,25 +370684,25 +370685,25 +370686,25 +370687,25 +370688,10 +370689,10 +370690,10 +370691,10 +370692,10 +370693,10 +370694,10 +370695,10 +370696,10 +370697,10 +370698,10 +370699,4 +370700,4 +370701,4 +370702,4 +370703,4 +370704,4 +370705,4 +370706,4 +370707,27 +370708,27 +370709,27 +370710,27 +370711,8 +370712,8 +370713,2 +370714,2 +370715,2 +370716,2 +370717,2 +370718,2 +370719,2 +370720,2 +370721,2 +370722,32 +370723,32 +370724,32 +370725,32 +370726,32 +370727,32 +370728,32 +370729,39 +370730,39 +370731,39 +370732,39 +370733,39 +370734,39 +370735,39 +370736,14 +370737,14 +370738,14 +370739,14 +370740,14 +370741,14 +370742,14 +370743,14 +370744,6 +370745,6 +370746,6 +370747,6 +370748,6 +370749,6 +370750,6 +370751,6 +370752,6 +370753,6 +370754,6 +370755,6 +370756,6 +370757,6 +370758,6 +370759,0 +370760,0 +370761,0 +370762,0 +370763,0 +370764,0 +370765,0 +370766,0 +370767,0 +370768,0 +370769,0 +370770,0 +370771,0 +370772,0 +370773,0 +370774,0 +370775,0 +370776,0 +370777,0 +370778,0 +370779,0 +370780,0 +370781,0 +370782,0 +370783,0 +370784,23 +370785,23 +370786,23 +370787,23 +370788,23 +370789,23 +370790,23 +370791,23 +370792,23 +370793,23 +370794,23 +370795,23 +370796,9 +370797,9 +370798,9 +370799,9 +370800,37 +370801,37 +370802,37 +370803,37 +370804,37 +370805,37 +370806,34 +370807,34 +370808,34 +370809,10 +370810,10 +370811,10 +370812,10 +370813,10 +370814,10 +370815,10 +370816,10 +370817,10 +370818,10 +370819,10 +370820,10 +370821,28 +370822,28 +370823,28 +370824,28 +370825,28 +370826,28 +370827,28 +370828,14 +370829,14 +370830,14 +370831,14 +370832,14 +370833,14 +370834,14 +370835,14 +370836,14 +370837,14 +370838,14 +370839,14 +370840,14 +370841,6 +370842,6 +370843,6 +370844,6 +370845,6 +370846,6 +370847,6 +370848,6 +370849,6 +370850,6 +370851,12 +370852,12 +370853,12 +370854,12 +370855,12 +370856,12 +370857,12 +370858,12 +370859,12 +370860,12 +370861,12 +370862,12 +370863,12 +370864,12 +370865,31 +370866,31 +370867,31 +370868,31 +370869,31 +370870,31 +370871,31 +370872,5 +370873,5 +370874,5 +370875,5 +370876,13 +370877,13 +370878,13 +370879,6 +370880,6 +370881,6 +370882,6 +370883,6 +370884,6 +370885,6 +370886,6 +370887,6 +370888,9 +370889,9 +370890,9 +370891,9 +370892,9 +370893,9 +370894,9 +370895,37 +370896,37 +370897,37 +370898,37 +370899,5 +370900,5 +370901,5 +370902,5 +370903,5 +370904,25 +370905,25 +370906,25 +370907,25 +370908,25 +370909,25 +370910,25 +370911,37 +370912,25 +370913,25 +370914,25 +370915,25 +370916,25 +370917,29 +370918,29 +370919,29 +370920,29 +370921,29 +370922,29 +370923,29 +370924,39 +370925,39 +370926,39 +370927,31 +370928,31 +370929,37 +370930,37 +370931,37 +370932,37 +370933,37 +370934,37 +370935,37 +370936,37 +370937,40 +370938,40 +370939,40 +370940,40 +370941,40 +370942,40 +370943,40 +370944,40 +370945,40 +370946,40 +370947,40 +370948,5 +370949,5 +370950,5 +370951,5 +370952,5 +370953,4 +370954,4 +370955,4 +370956,4 +370957,4 +370958,4 +370959,4 +370960,4 +370961,4 +370962,4 +370963,4 +370964,4 +370965,4 +370966,4 +370967,4 +370968,4 +370969,4 +370970,4 +370971,4 +370972,0 +370973,0 +370974,0 +370975,0 +370976,0 +370977,0 +370978,0 +370979,0 +370980,0 +370981,0 +370982,0 +370983,0 +370984,0 +370985,0 +370986,0 +370987,0 +370988,0 +370989,0 +370990,0 +370991,0 +370992,0 +370993,0 +370994,0 +370995,0 +370996,0 +370997,0 +370998,0 +370999,0 +371000,36 +371001,36 +371002,36 +371003,36 +371004,36 +371005,36 +371006,5 +371007,5 +371008,5 +371009,5 +371010,19 +371011,19 +371012,19 +371013,19 +371014,2 +371015,8 +371016,2 +371017,2 +371018,2 +371019,2 +371020,2 +371021,8 +371022,14 +371023,14 +371024,14 +371025,14 +371026,14 +371027,14 +371028,14 +371029,14 +371030,27 +371031,14 +371032,14 +371033,24 +371034,24 +371035,24 +371036,24 +371037,24 +371038,31 +371039,27 +371040,31 +371041,31 +371042,5 +371043,5 +371044,5 +371045,5 +371046,5 +371047,5 +371048,5 +371049,5 +371050,5 +371051,31 +371052,31 +371053,31 +371054,31 +371055,31 +371056,31 +371057,31 +371058,31 +371059,31 +371060,29 +371061,29 +371062,29 +371063,29 +371064,29 +371065,25 +371066,25 +371067,25 +371068,25 +371069,25 +371070,31 +371071,6 +371072,6 +371073,6 +371074,6 +371075,6 +371076,6 +371077,6 +371078,6 +371079,6 +371080,6 +371081,9 +371082,9 +371083,9 +371084,9 +371085,9 +371086,9 +371087,9 +371088,9 +371089,37 +371090,37 +371091,37 +371092,37 +371093,4 +371094,4 +371095,4 +371096,4 +371097,4 +371098,4 +371099,4 +371100,25 +371101,25 +371102,25 +371103,25 +371104,25 +371105,25 +371106,25 +371107,25 +371108,25 +371109,25 +371110,25 +371111,25 +371112,25 +371113,25 +371114,25 +371115,25 +371116,25 +371117,25 +371118,25 +371119,25 +371120,0 +371121,0 +371122,0 +371123,0 +371124,0 +371125,0 +371126,0 +371127,0 +371128,0 +371129,0 +371130,0 +371131,0 +371132,0 +371133,0 +371134,0 +371135,0 +371136,0 +371137,0 +371138,0 +371139,0 +371140,0 +371141,0 +371142,0 +371143,0 +371144,0 +371145,0 +371146,0 +371147,0 +371148,0 +371149,0 +371150,0 +371151,0 +371152,0 +371153,0 +371154,0 +371155,0 +371156,0 +371157,0 +371158,0 +371159,0 +371160,0 +371161,0 +371162,0 +371163,0 +371164,0 +371165,36 +371166,36 +371167,36 +371168,36 +371169,36 +371170,36 +371171,36 +371172,36 +371173,36 +371174,36 +371175,36 +371176,36 +371177,36 +371178,36 +371179,5 +371180,5 +371181,5 +371182,5 +371183,5 +371184,19 +371185,19 +371186,5 +371187,15 +371188,15 +371189,15 +371190,15 +371191,15 +371192,15 +371193,39 +371194,39 +371195,39 +371196,39 +371197,39 +371198,39 +371199,39 +371200,39 +371201,2 +371202,2 +371203,2 +371204,2 +371205,2 +371206,2 +371207,2 +371208,2 +371209,2 +371210,2 +371211,2 +371212,2 +371213,2 +371214,31 +371215,31 +371216,31 +371217,31 +371218,31 +371219,31 +371220,31 +371221,31 +371222,15 +371223,15 +371224,15 +371225,15 +371226,15 +371227,15 +371228,15 +371229,18 +371230,18 +371231,15 +371232,24 +371233,27 +371234,27 +371235,27 +371236,27 +371237,27 +371238,4 +371239,4 +371240,4 +371241,4 +371242,4 +371243,4 +371244,4 +371245,4 +371246,4 +371247,4 +371248,4 +371249,6 +371250,6 +371251,4 +371252,4 +371253,4 +371254,4 +371255,4 +371256,4 +371257,4 +371258,4 +371259,3 +371260,3 +371261,3 +371262,3 +371263,3 +371264,3 +371265,3 +371266,3 +371267,3 +371268,3 +371269,3 +371270,3 +371271,29 +371272,29 +371273,29 +371274,29 +371275,29 +371276,29 +371277,29 +371278,29 +371279,29 +371280,39 +371281,39 +371282,39 +371283,39 +371284,39 +371285,39 +371286,39 +371287,39 +371288,39 +371289,39 +371290,39 +371291,39 +371292,39 +371293,39 +371294,39 +371295,39 +371296,39 +371297,39 +371298,39 +371299,39 +371300,39 +371301,39 +371302,39 +371303,0 +371304,0 +371305,0 +371306,0 +371307,0 +371308,0 +371309,0 +371310,0 +371311,0 +371312,0 +371313,0 +371314,0 +371315,0 +371316,0 +371317,0 +371318,0 +371319,0 +371320,0 +371321,0 +371322,0 +371323,0 +371324,0 +371325,0 +371326,0 +371327,0 +371328,0 +371329,0 +371330,0 +371331,0 +371332,0 +371333,0 +371334,0 +371335,0 +371336,29 +371337,29 +371338,29 +371339,29 +371340,31 +371341,31 +371342,31 +371343,31 +371344,31 +371345,31 +371346,5 +371347,5 +371348,5 +371349,5 +371350,5 +371351,4 +371352,4 +371353,4 +371354,4 +371355,4 +371356,4 +371357,4 +371358,4 +371359,4 +371360,27 +371361,27 +371362,27 +371363,27 +371364,19 +371365,19 +371366,19 +371367,19 +371368,19 +371369,19 +371370,19 +371371,19 +371372,19 +371373,19 +371374,19 +371375,19 +371376,19 +371377,26 +371378,26 +371379,26 +371380,26 +371381,10 +371382,10 +371383,10 +371384,10 +371385,10 +371386,10 +371387,10 +371388,10 +371389,10 +371390,10 +371391,10 +371392,10 +371393,10 +371394,10 +371395,10 +371396,10 +371397,10 +371398,14 +371399,14 +371400,14 +371401,14 +371402,14 +371403,14 +371404,14 +371405,27 +371406,27 +371407,27 +371408,27 +371409,27 +371410,27 +371411,27 +371412,27 +371413,27 +371414,5 +371415,5 +371416,5 +371417,5 +371418,5 +371419,4 +371420,4 +371421,4 +371422,4 +371423,4 +371424,4 +371425,4 +371426,4 +371427,4 +371428,4 +371429,4 +371430,3 +371431,3 +371432,3 +371433,3 +371434,3 +371435,3 +371436,32 +371437,32 +371438,32 +371439,32 +371440,32 +371441,32 +371442,32 +371443,32 +371444,32 +371445,32 +371446,32 +371447,6 +371448,6 +371449,6 +371450,40 +371451,40 +371452,40 +371453,40 +371454,40 +371455,40 +371456,37 +371457,37 +371458,37 +371459,37 +371460,37 +371461,37 +371462,37 +371463,37 +371464,37 +371465,37 +371466,37 +371467,37 +371468,27 +371469,27 +371470,27 +371471,27 +371472,27 +371473,11 +371474,11 +371475,11 +371476,11 +371477,11 +371478,11 +371479,16 +371480,16 +371481,16 +371482,11 +371483,11 +371484,11 +371485,11 +371486,11 +371487,11 +371488,11 +371489,11 +371490,11 +371491,11 +371492,11 +371493,11 +371494,0 +371495,0 +371496,0 +371497,0 +371498,0 +371499,0 +371500,0 +371501,0 +371502,0 +371503,0 +371504,0 +371505,0 +371506,0 +371507,0 +371508,0 +371509,0 +371510,0 +371511,0 +371512,0 +371513,0 +371514,0 +371515,0 +371516,0 +371517,0 +371518,0 +371519,0 +371520,0 +371521,0 +371522,0 +371523,0 +371524,0 +371525,0 +371526,0 +371527,0 +371528,0 +371529,0 +371530,0 +371531,0 +371532,0 +371533,0 +371534,2 +371535,2 +371536,2 +371537,2 +371538,2 +371539,2 +371540,2 +371541,2 +371542,2 +371543,2 +371544,2 +371545,33 +371546,33 +371547,33 +371548,33 +371549,33 +371550,33 +371551,25 +371552,25 +371553,29 +371554,29 +371555,29 +371556,29 +371557,29 +371558,29 +371559,29 +371560,36 +371561,36 +371562,36 +371563,36 +371564,36 +371565,29 +371566,29 +371567,29 +371568,29 +371569,4 +371570,4 +371571,4 +371572,4 +371573,4 +371574,4 +371575,4 +371576,4 +371577,4 +371578,38 +371579,31 +371580,31 +371581,31 +371582,31 +371583,31 +371584,31 +371585,31 +371586,30 +371587,30 +371588,30 +371589,30 +371590,30 +371591,30 +371592,30 +371593,30 +371594,30 +371595,30 +371596,31 +371597,31 +371598,31 +371599,31 +371600,31 +371601,31 +371602,31 +371603,36 +371604,36 +371605,26 +371606,26 +371607,9 +371608,9 +371609,26 +371610,29 +371611,29 +371612,29 +371613,31 +371614,2 +371615,2 +371616,2 +371617,2 +371618,2 +371619,2 +371620,27 +371621,27 +371622,27 +371623,27 +371624,27 +371625,27 +371626,24 +371627,24 +371628,24 +371629,24 +371630,29 +371631,29 +371632,29 +371633,29 +371634,29 +371635,29 +371636,27 +371637,27 +371638,27 +371639,4 +371640,4 +371641,4 +371642,4 +371643,4 +371644,4 +371645,4 +371646,4 +371647,4 +371648,4 +371649,4 +371650,4 +371651,4 +371652,3 +371653,7 +371654,7 +371655,3 +371656,3 +371657,3 +371658,3 +371659,39 +371660,3 +371661,39 +371662,16 +371663,16 +371664,16 +371665,16 +371666,16 +371667,16 +371668,16 +371669,16 +371670,16 +371671,16 +371672,16 +371673,27 +371674,27 +371675,27 +371676,27 +371677,27 +371678,27 +371679,27 +371680,30 +371681,30 +371682,30 +371683,30 +371684,30 +371685,30 +371686,18 +371687,18 +371688,18 +371689,18 +371690,18 +371691,18 +371692,25 +371693,25 +371694,25 +371695,25 +371696,25 +371697,25 +371698,25 +371699,25 +371700,25 +371701,25 +371702,25 +371703,5 +371704,5 +371705,5 +371706,5 +371707,5 +371708,5 +371709,5 +371710,5 +371711,5 +371712,5 +371713,5 +371714,5 +371715,5 +371716,5 +371717,0 +371718,0 +371719,0 +371720,0 +371721,0 +371722,0 +371723,0 +371724,0 +371725,0 +371726,0 +371727,0 +371728,0 +371729,0 +371730,0 +371731,0 +371732,0 +371733,0 +371734,0 +371735,0 +371736,0 +371737,0 +371738,0 +371739,0 +371740,0 +371741,0 +371742,0 +371743,0 +371744,0 +371745,0 +371746,0 +371747,0 +371748,0 +371749,29 +371750,29 +371751,29 +371752,27 +371753,27 +371754,27 +371755,27 +371756,27 +371757,2 +371758,2 +371759,2 +371760,2 +371761,2 +371762,2 +371763,2 +371764,2 +371765,2 +371766,27 +371767,27 +371768,27 +371769,27 +371770,27 +371771,27 +371772,27 +371773,27 +371774,27 +371775,27 +371776,27 +371777,27 +371778,27 +371779,27 +371780,27 +371781,27 +371782,27 +371783,27 +371784,27 +371785,27 +371786,27 +371787,27 +371788,14 +371789,14 +371790,14 +371791,14 +371792,14 +371793,14 +371794,14 +371795,25 +371796,25 +371797,25 +371798,25 +371799,25 +371800,25 +371801,25 +371802,25 +371803,25 +371804,25 +371805,27 +371806,27 +371807,27 +371808,27 +371809,27 +371810,27 +371811,27 +371812,27 +371813,5 +371814,5 +371815,5 +371816,5 +371817,5 +371818,5 +371819,5 +371820,5 +371821,6 +371822,6 +371823,6 +371824,6 +371825,6 +371826,6 +371827,6 +371828,6 +371829,6 +371830,6 +371831,37 +371832,37 +371833,37 +371834,37 +371835,37 +371836,37 +371837,37 +371838,37 +371839,4 +371840,4 +371841,4 +371842,4 +371843,4 +371844,4 +371845,4 +371846,4 +371847,4 +371848,4 +371849,40 +371850,40 +371851,40 +371852,40 +371853,40 +371854,40 +371855,40 +371856,40 +371857,40 +371858,40 +371859,37 +371860,37 +371861,37 +371862,37 +371863,37 +371864,37 +371865,37 +371866,37 +371867,37 +371868,37 +371869,37 +371870,39 +371871,39 +371872,39 +371873,39 +371874,39 +371875,39 +371876,39 +371877,39 +371878,39 +371879,39 +371880,39 +371881,39 +371882,36 +371883,36 +371884,36 +371885,36 +371886,36 +371887,36 +371888,31 +371889,31 +371890,31 +371891,31 +371892,31 +371893,31 +371894,31 +371895,31 +371896,31 +371897,31 +371898,31 +371899,31 +371900,31 +371901,31 +371902,0 +371903,0 +371904,0 +371905,0 +371906,0 +371907,0 +371908,0 +371909,0 +371910,0 +371911,0 +371912,0 +371913,0 +371914,0 +371915,0 +371916,0 +371917,0 +371918,0 +371919,0 +371920,0 +371921,0 +371922,0 +371923,0 +371924,0 +371925,0 +371926,0 +371927,0 +371928,0 +371929,0 +371930,0 +371931,0 +371932,0 +371933,0 +371934,0 +371935,0 +371936,0 +371937,0 +371938,0 +371939,0 +371940,0 +371941,0 +371942,0 +371943,0 +371944,0 +371945,0 +371946,0 +371947,0 +371948,0 +371949,0 +371950,0 +371951,21 +371952,21 +371953,21 +371954,21 +371955,21 +371956,21 +371957,21 +371958,21 +371959,14 +371960,14 +371961,14 +371962,14 +371963,14 +371964,14 +371965,14 +371966,14 +371967,14 +371968,14 +371969,14 +371970,27 +371971,27 +371972,27 +371973,27 +371974,27 +371975,27 +371976,27 +371977,5 +371978,5 +371979,5 +371980,5 +371981,5 +371982,5 +371983,27 +371984,27 +371985,39 +371986,39 +371987,39 +371988,37 +371989,37 +371990,37 +371991,37 +371992,37 +371993,37 +371994,37 +371995,37 +371996,6 +371997,6 +371998,6 +371999,6 +372000,6 +372001,6 +372002,6 +372003,6 +372004,6 +372005,6 +372006,6 +372007,6 +372008,26 +372009,26 +372010,26 +372011,26 +372012,26 +372013,26 +372014,26 +372015,26 +372016,26 +372017,26 +372018,26 +372019,37 +372020,37 +372021,37 +372022,37 +372023,37 +372024,37 +372025,37 +372026,37 +372027,37 +372028,37 +372029,37 +372030,37 +372031,37 +372032,37 +372033,27 +372034,27 +372035,27 +372036,27 +372037,27 +372038,5 +372039,5 +372040,5 +372041,5 +372042,5 +372043,5 +372044,5 +372045,32 +372046,32 +372047,32 +372048,32 +372049,32 +372050,32 +372051,32 +372052,32 +372053,32 +372054,32 +372055,31 +372056,31 +372057,31 +372058,31 +372059,31 +372060,31 +372061,31 +372062,28 +372063,28 +372064,28 +372065,28 +372066,28 +372067,28 +372068,28 +372069,19 +372070,19 +372071,19 +372072,19 +372073,19 +372074,19 +372075,19 +372076,34 +372077,34 +372078,34 +372079,34 +372080,34 +372081,34 +372082,34 +372083,34 +372084,34 +372085,34 +372086,34 +372087,34 +372088,5 +372089,5 +372090,5 +372091,5 +372092,5 +372093,5 +372094,5 +372095,35 +372096,35 +372097,35 +372098,35 +372099,35 +372100,35 +372101,27 +372102,27 +372103,39 +372104,37 +372105,37 +372106,37 +372107,37 +372108,37 +372109,37 +372110,37 +372111,37 +372112,37 +372113,37 +372114,37 +372115,8 +372116,8 +372117,8 +372118,8 +372119,8 +372120,8 +372121,8 +372122,8 +372123,2 +372124,2 +372125,23 +372126,23 +372127,23 +372128,23 +372129,23 +372130,23 +372131,23 +372132,23 +372133,36 +372134,36 +372135,36 +372136,36 +372137,36 +372138,36 +372139,36 +372140,36 +372141,36 +372142,36 +372143,36 +372144,36 +372145,36 +372146,36 +372147,2 +372148,2 +372149,2 +372150,2 +372151,2 +372152,2 +372153,2 +372154,2 +372155,2 +372156,2 +372157,2 +372158,2 +372159,31 +372160,31 +372161,31 +372162,31 +372163,31 +372164,31 +372165,31 +372166,2 +372167,2 +372168,2 +372169,2 +372170,8 +372171,8 +372172,32 +372173,32 +372174,32 +372175,32 +372176,32 +372177,32 +372178,32 +372179,32 +372180,32 +372181,32 +372182,32 +372183,26 +372184,26 +372185,26 +372186,26 +372187,26 +372188,26 +372189,26 +372190,26 +372191,26 +372192,26 +372193,9 +372194,9 +372195,9 +372196,9 +372197,2 +372198,2 +372199,2 +372200,2 +372201,2 +372202,2 +372203,2 +372204,2 +372205,2 +372206,2 +372207,15 +372208,15 +372209,15 +372210,15 +372211,15 +372212,31 +372213,31 +372214,31 +372215,31 +372216,31 +372217,30 +372218,30 +372219,30 +372220,30 +372221,30 +372222,30 +372223,30 +372224,33 +372225,33 +372226,33 +372227,33 +372228,33 +372229,33 +372230,33 +372231,30 +372232,30 +372233,30 +372234,30 +372235,30 +372236,0 +372237,0 +372238,0 +372239,0 +372240,0 +372241,0 +372242,0 +372243,0 +372244,0 +372245,0 +372246,0 +372247,0 +372248,0 +372249,0 +372250,0 +372251,0 +372252,0 +372253,0 +372254,0 +372255,0 +372256,0 +372257,0 +372258,0 +372259,0 +372260,0 +372261,0 +372262,0 +372263,0 +372264,0 +372265,0 +372266,0 +372267,0 +372268,0 +372269,0 +372270,0 +372271,0 +372272,0 +372273,6 +372274,6 +372275,6 +372276,6 +372277,6 +372278,6 +372279,6 +372280,31 +372281,31 +372282,31 +372283,31 +372284,31 +372285,31 +372286,31 +372287,31 +372288,28 +372289,28 +372290,28 +372291,28 +372292,28 +372293,28 +372294,28 +372295,28 +372296,28 +372297,18 +372298,18 +372299,18 +372300,18 +372301,18 +372302,18 +372303,18 +372304,18 +372305,40 +372306,40 +372307,40 +372308,40 +372309,40 +372310,40 +372311,2 +372312,2 +372313,2 +372314,2 +372315,2 +372316,2 +372317,2 +372318,2 +372319,2 +372320,2 +372321,2 +372322,2 +372323,27 +372324,27 +372325,27 +372326,27 +372327,27 +372328,27 +372329,27 +372330,27 +372331,8 +372332,8 +372333,8 +372334,8 +372335,8 +372336,8 +372337,8 +372338,8 +372339,8 +372340,8 +372341,39 +372342,7 +372343,39 +372344,39 +372345,39 +372346,39 +372347,39 +372348,12 +372349,12 +372350,12 +372351,12 +372352,12 +372353,12 +372354,9 +372355,34 +372356,34 +372357,34 +372358,34 +372359,26 +372360,26 +372361,26 +372362,26 +372363,26 +372364,26 +372365,26 +372366,26 +372367,26 +372368,26 +372369,26 +372370,26 +372371,26 +372372,26 +372373,26 +372374,26 +372375,37 +372376,37 +372377,37 +372378,37 +372379,37 +372380,37 +372381,37 +372382,37 +372383,37 +372384,37 +372385,25 +372386,25 +372387,25 +372388,25 +372389,25 +372390,37 +372391,37 +372392,37 +372393,36 +372394,36 +372395,36 +372396,36 +372397,36 +372398,36 +372399,36 +372400,36 +372401,36 +372402,36 +372403,36 +372404,36 +372405,36 +372406,36 +372407,36 +372408,36 +372409,36 +372410,36 +372411,36 +372412,36 +372413,36 +372414,36 +372415,5 +372416,5 +372417,5 +372418,5 +372419,5 +372420,5 +372421,19 +372422,19 +372423,19 +372424,19 +372425,19 +372426,19 +372427,19 +372428,19 +372429,19 +372430,19 +372431,19 +372432,19 +372433,19 +372434,0 +372435,0 +372436,0 +372437,0 +372438,0 +372439,0 +372440,0 +372441,0 +372442,0 +372443,0 +372444,0 +372445,0 +372446,0 +372447,0 +372448,0 +372449,0 +372450,0 +372451,0 +372452,0 +372453,0 +372454,0 +372455,0 +372456,0 +372457,0 +372458,0 +372459,0 +372460,0 +372461,0 +372462,0 +372463,0 +372464,0 +372465,0 +372466,0 +372467,0 +372468,0 +372469,0 +372470,0 +372471,0 +372472,0 +372473,0 +372474,0 +372475,0 +372476,0 +372477,0 +372478,0 +372479,0 +372480,0 +372481,0 +372482,0 +372483,0 +372484,0 +372485,0 +372486,0 +372487,0 +372488,0 +372489,0 +372490,0 +372491,0 +372492,0 +372493,0 +372494,0 +372495,0 +372496,0 +372497,0 +372498,0 +372499,0 +372500,0 +372501,0 +372502,0 +372503,0 +372504,0 +372505,0 +372506,0 +372507,0 +372508,0 +372509,0 +372510,0 +372511,12 +372512,12 +372513,35 +372514,35 +372515,12 +372516,12 +372517,12 +372518,12 +372519,12 +372520,12 +372521,12 +372522,27 +372523,27 +372524,27 +372525,38 +372526,38 +372527,38 +372528,38 +372529,2 +372530,2 +372531,2 +372532,2 +372533,2 +372534,2 +372535,2 +372536,2 +372537,29 +372538,29 +372539,29 +372540,29 +372541,29 +372542,29 +372543,31 +372544,31 +372545,31 +372546,31 +372547,31 +372548,28 +372549,28 +372550,28 +372551,28 +372552,28 +372553,28 +372554,28 +372555,28 +372556,28 +372557,36 +372558,36 +372559,36 +372560,36 +372561,36 +372562,36 +372563,36 +372564,36 +372565,36 +372566,36 +372567,36 +372568,36 +372569,36 +372570,4 +372571,4 +372572,4 +372573,4 +372574,4 +372575,25 +372576,25 +372577,25 +372578,25 +372579,25 +372580,25 +372581,25 +372582,25 +372583,37 +372584,37 +372585,25 +372586,25 +372587,25 +372588,25 +372589,25 +372590,25 +372591,25 +372592,25 +372593,37 +372594,37 +372595,37 +372596,25 +372597,25 +372598,25 +372599,25 +372600,25 +372601,25 +372602,25 +372603,0 +372604,0 +372605,0 +372606,0 +372607,0 +372608,10 +372609,10 +372610,10 +372611,10 +372612,10 +372613,10 +372614,10 +372615,10 +372616,10 +372617,10 +372618,10 +372619,10 +372620,10 +372621,10 +372622,10 +372623,10 +372624,28 +372625,28 +372626,28 +372627,5 +372628,28 +372629,28 +372630,28 +372631,28 +372632,28 +372633,40 +372634,40 +372635,40 +372636,40 +372637,36 +372638,36 +372639,36 +372640,36 +372641,36 +372642,36 +372643,5 +372644,5 +372645,5 +372646,5 +372647,5 +372648,5 +372649,5 +372650,31 +372651,31 +372652,31 +372653,31 +372654,31 +372655,31 +372656,5 +372657,5 +372658,5 +372659,11 +372660,11 +372661,11 +372662,16 +372663,11 +372664,16 +372665,16 +372666,11 +372667,11 +372668,16 +372669,4 +372670,4 +372671,4 +372672,4 +372673,16 +372674,16 +372675,16 +372676,16 +372677,27 +372678,27 +372679,27 +372680,27 +372681,27 +372682,27 +372683,27 +372684,27 +372685,27 +372686,27 +372687,27 +372688,27 +372689,5 +372690,5 +372691,5 +372692,5 +372693,5 +372694,4 +372695,4 +372696,4 +372697,4 +372698,4 +372699,4 +372700,4 +372701,31 +372702,31 +372703,25 +372704,25 +372705,31 +372706,25 +372707,25 +372708,25 +372709,25 +372710,25 +372711,25 +372712,25 +372713,25 +372714,25 +372715,25 +372716,25 +372717,25 +372718,31 +372719,31 +372720,31 +372721,31 +372722,31 +372723,31 +372724,31 +372725,32 +372726,32 +372727,32 +372728,4 +372729,32 +372730,32 +372731,4 +372732,4 +372733,4 +372734,4 +372735,4 +372736,4 +372737,4 +372738,4 +372739,4 +372740,31 +372741,31 +372742,31 +372743,31 +372744,31 +372745,31 +372746,31 +372747,28 +372748,5 +372749,5 +372750,5 +372751,5 +372752,5 +372753,5 +372754,5 +372755,5 +372756,5 +372757,5 +372758,5 +372759,0 +372760,0 +372761,0 +372762,0 +372763,0 +372764,0 +372765,0 +372766,0 +372767,0 +372768,0 +372769,0 +372770,0 +372771,0 +372772,0 +372773,0 +372774,0 +372775,0 +372776,0 +372777,0 +372778,0 +372779,0 +372780,0 +372781,32 +372782,32 +372783,23 +372784,23 +372785,23 +372786,32 +372787,32 +372788,25 +372789,25 +372790,37 +372791,37 +372792,37 +372793,37 +372794,37 +372795,37 +372796,25 +372797,37 +372798,25 +372799,25 +372800,25 +372801,21 +372802,21 +372803,21 +372804,21 +372805,21 +372806,21 +372807,21 +372808,21 +372809,30 +372810,30 +372811,30 +372812,30 +372813,30 +372814,30 +372815,30 +372816,30 +372817,25 +372818,25 +372819,25 +372820,25 +372821,25 +372822,25 +372823,25 +372824,25 +372825,25 +372826,25 +372827,25 +372828,25 +372829,25 +372830,8 +372831,8 +372832,8 +372833,8 +372834,2 +372835,2 +372836,2 +372837,2 +372838,2 +372839,2 +372840,2 +372841,2 +372842,2 +372843,2 +372844,2 +372845,2 +372846,2 +372847,2 +372848,2 +372849,2 +372850,2 +372851,8 +372852,8 +372853,8 +372854,0 +372855,0 +372856,0 +372857,0 +372858,0 +372859,0 +372860,0 +372861,0 +372862,0 +372863,0 +372864,0 +372865,0 +372866,0 +372867,0 +372868,0 +372869,0 +372870,0 +372871,0 +372872,0 +372873,0 +372874,0 +372875,0 +372876,0 +372877,0 +372878,0 +372879,0 +372880,0 +372881,0 +372882,0 +372883,0 +372884,0 +372885,29 +372886,29 +372887,31 +372888,31 +372889,31 +372890,31 +372891,31 +372892,21 +372893,31 +372894,31 +372895,31 +372896,31 +372897,33 +372898,33 +372899,33 +372900,33 +372901,8 +372902,8 +372903,8 +372904,8 +372905,8 +372906,8 +372907,8 +372908,15 +372909,15 +372910,15 +372911,15 +372912,15 +372913,15 +372914,15 +372915,40 +372916,40 +372917,40 +372918,40 +372919,40 +372920,40 +372921,40 +372922,40 +372923,40 +372924,40 +372925,4 +372926,4 +372927,4 +372928,4 +372929,4 +372930,4 +372931,4 +372932,4 +372933,4 +372934,4 +372935,4 +372936,19 +372937,4 +372938,25 +372939,25 +372940,25 +372941,25 +372942,25 +372943,25 +372944,12 +372945,12 +372946,25 +372947,25 +372948,25 +372949,25 +372950,12 +372951,12 +372952,12 +372953,12 +372954,12 +372955,12 +372956,12 +372957,12 +372958,12 +372959,12 +372960,17 +372961,17 +372962,14 +372963,14 +372964,17 +372965,17 +372966,17 +372967,17 +372968,17 +372969,17 +372970,17 +372971,17 +372972,17 +372973,40 +372974,27 +372975,8 +372976,8 +372977,8 +372978,8 +372979,8 +372980,8 +372981,40 +372982,8 +372983,8 +372984,8 +372985,25 +372986,25 +372987,25 +372988,25 +372989,25 +372990,25 +372991,25 +372992,25 +372993,25 +372994,25 +372995,24 +372996,24 +372997,24 +372998,24 +372999,24 +373000,24 +373001,24 +373002,24 +373003,24 +373004,24 +373005,24 +373006,24 +373007,40 +373008,40 +373009,40 +373010,40 +373011,40 +373012,40 +373013,40 +373014,40 +373015,40 +373016,37 +373017,37 +373018,37 +373019,37 +373020,37 +373021,37 +373022,37 +373023,37 +373024,37 +373025,37 +373026,37 +373027,39 +373028,39 +373029,39 +373030,39 +373031,39 +373032,39 +373033,39 +373034,39 +373035,35 +373036,35 +373037,35 +373038,35 +373039,35 +373040,14 +373041,14 +373042,36 +373043,36 +373044,36 +373045,36 +373046,36 +373047,36 +373048,36 +373049,14 +373050,14 +373051,14 +373052,28 +373053,28 +373054,5 +373055,5 +373056,5 +373057,5 +373058,5 +373059,5 +373060,5 +373061,5 +373062,39 +373063,39 +373064,39 +373065,39 +373066,39 +373067,39 +373068,39 +373069,39 +373070,39 +373071,39 +373072,35 +373073,35 +373074,35 +373075,36 +373076,36 +373077,31 +373078,31 +373079,5 +373080,5 +373081,5 +373082,5 +373083,5 +373084,5 +373085,5 +373086,4 +373087,4 +373088,4 +373089,4 +373090,4 +373091,4 +373092,4 +373093,4 +373094,4 +373095,10 +373096,10 +373097,10 +373098,10 +373099,10 +373100,10 +373101,10 +373102,10 +373103,10 +373104,10 +373105,10 +373106,10 +373107,10 +373108,28 +373109,33 +373110,33 +373111,33 +373112,33 +373113,3 +373114,3 +373115,3 +373116,3 +373117,33 +373118,33 +373119,24 +373120,24 +373121,24 +373122,24 +373123,24 +373124,24 +373125,24 +373126,24 +373127,24 +373128,19 +373129,19 +373130,24 +373131,14 +373132,14 +373133,14 +373134,14 +373135,14 +373136,14 +373137,14 +373138,14 +373139,14 +373140,14 +373141,14 +373142,14 +373143,14 +373144,14 +373145,5 +373146,5 +373147,5 +373148,5 +373149,19 +373150,19 +373151,19 +373152,19 +373153,19 +373154,19 +373155,19 +373156,25 +373157,25 +373158,25 +373159,25 +373160,25 +373161,25 +373162,25 +373163,25 +373164,25 +373165,25 +373166,25 +373167,25 +373168,25 +373169,25 +373170,25 +373171,25 +373172,25 +373173,25 +373174,25 +373175,25 +373176,25 +373177,0 +373178,0 +373179,0 +373180,0 +373181,0 +373182,0 +373183,0 +373184,0 +373185,0 +373186,0 +373187,0 +373188,0 +373189,0 +373190,0 +373191,0 +373192,0 +373193,0 +373194,0 +373195,0 +373196,0 +373197,0 +373198,0 +373199,0 +373200,0 +373201,0 +373202,0 +373203,0 +373204,0 +373205,0 +373206,0 +373207,0 +373208,0 +373209,0 +373210,0 +373211,0 +373212,0 +373213,0 +373214,0 +373215,0 +373216,0 +373217,0 +373218,0 +373219,0 +373220,0 +373221,0 +373222,0 +373223,0 +373224,0 +373225,0 +373226,0 +373227,0 +373228,0 +373229,0 +373230,0 +373231,0 +373232,0 +373233,0 +373234,0 +373235,0 +373236,0 +373237,0 +373238,0 +373239,0 +373240,0 +373241,0 +373242,0 +373243,0 +373244,0 +373245,0 +373246,0 +373247,0 +373248,0 +373249,0 +373250,0 +373251,0 +373252,0 +373253,0 +373254,0 +373255,0 +373256,0 +373257,0 +373258,0 +373259,0 +373260,0 +373261,0 +373262,0 +373263,0 +373264,0 +373265,0 +373266,0 +373267,0 +373268,0 +373269,0 +373270,0 +373271,0 +373272,0 +373273,0 +373274,0 +373275,0 +373276,0 +373277,0 +373278,0 +373279,0 +373280,0 +373281,0 +373282,0 +373283,0 +373284,0 +373285,0 +373286,0 +373287,0 +373288,0 +373289,0 +373290,0 +373291,0 +373292,0 +373293,0 +373294,0 +373295,0 +373296,0 +373297,0 +373298,0 +373299,0 +373300,0 +373301,0 +373302,0 +373303,0 +373304,0 +373305,0 +373306,0 +373307,0 +373308,0 +373309,0 +373310,0 +373311,0 +373312,0 +373313,0 +373314,0 +373315,0 +373316,0 +373317,0 +373318,0 +373319,0 +373320,0 +373321,0 +373322,0 +373323,0 +373324,0 +373325,0 +373326,0 +373327,0 +373328,0 +373329,0 +373330,0 +373331,0 +373332,0 +373333,0 +373334,0 +373335,0 +373336,0 +373337,0 +373338,0 +373339,0 +373340,0 +373341,0 +373342,0 +373343,0 +373344,0 +373345,0 +373346,0 +373347,0 +373348,0 +373349,0 +373350,0 +373351,0 +373352,0 +373353,0 +373354,0 +373355,0 +373356,0 +373357,0 +373358,0 +373359,0 +373360,0 +373361,0 +373362,0 +373363,0 +373364,0 +373365,0 +373366,0 +373367,0 +373368,0 +373369,0 +373370,0 +373371,0 +373372,0 +373373,0 +373374,0 +373375,0 +373376,0 +373377,0 +373378,0 +373379,0 +373380,0 +373381,0 +373382,0 +373383,0 +373384,0 +373385,0 +373386,0 +373387,0 +373388,0 +373389,0 +373390,0 +373391,0 +373392,0 +373393,0 +373394,0 +373395,30 +373396,30 +373397,0 +373398,0 +373399,0 +373400,0 +373401,0 +373402,0 +373403,0 +373404,0 +373405,0 +373406,0 +373407,0 +373408,0 +373409,0 +373410,0 +373411,0 +373412,0 +373413,0 +373414,0 +373415,0 +373416,0 +373417,19 +373418,19 +373419,19 +373420,19 +373421,39 +373422,39 +373423,39 +373424,39 +373425,39 +373426,7 +373427,7 +373428,7 +373429,7 +373430,7 +373431,7 +373432,7 +373433,3 +373434,3 +373435,3 +373436,3 +373437,3 +373438,3 +373439,3 +373440,39 +373441,12 +373442,12 +373443,12 +373444,12 +373445,12 +373446,9 +373447,9 +373448,9 +373449,9 +373450,9 +373451,9 +373452,9 +373453,9 +373454,9 +373455,9 +373456,9 +373457,9 +373458,9 +373459,9 +373460,9 +373461,9 +373462,9 +373463,9 +373464,9 +373465,9 +373466,9 +373467,9 +373468,9 +373469,9 +373470,9 +373471,9 +373472,9 +373473,33 +373474,33 +373475,33 +373476,33 +373477,33 +373478,33 +373479,30 +373480,30 +373481,30 +373482,30 +373483,12 +373484,12 +373485,12 +373486,12 +373487,12 +373488,12 +373489,12 +373490,27 +373491,27 +373492,27 +373493,27 +373494,27 +373495,27 +373496,27 +373497,14 +373498,14 +373499,39 +373500,39 +373501,39 +373502,39 +373503,39 +373504,39 +373505,39 +373506,39 +373507,8 +373508,8 +373509,8 +373510,8 +373511,8 +373512,8 +373513,8 +373514,8 +373515,35 +373516,35 +373517,35 +373518,35 +373519,35 +373520,35 +373521,35 +373522,35 +373523,36 +373524,36 +373525,36 +373526,36 +373527,36 +373528,36 +373529,36 +373530,36 +373531,24 +373532,24 +373533,24 +373534,24 +373535,23 +373536,23 +373537,23 +373538,23 +373539,23 +373540,23 +373541,23 +373542,23 +373543,23 +373544,23 +373545,23 +373546,23 +373547,23 +373548,23 +373549,38 +373550,38 +373551,38 +373552,38 +373553,38 +373554,38 +373555,38 +373556,37 +373557,37 +373558,37 +373559,37 +373560,37 +373561,37 +373562,37 +373563,37 +373564,37 +373565,37 +373566,37 +373567,39 +373568,39 +373569,39 +373570,39 +373571,39 +373572,39 +373573,39 +373574,39 +373575,39 +373576,39 +373577,39 +373578,39 +373579,19 +373580,19 +373581,19 +373582,19 +373583,19 +373584,19 +373585,19 +373586,19 +373587,19 +373588,19 +373589,19 +373590,9 +373591,9 +373592,9 +373593,12 +373594,12 +373595,12 +373596,12 +373597,12 +373598,12 +373599,12 +373600,12 +373601,12 +373602,12 +373603,12 +373604,25 +373605,25 +373606,25 +373607,25 +373608,25 +373609,25 +373610,25 +373611,25 +373612,25 +373613,25 +373614,25 +373615,12 +373616,12 +373617,12 +373618,12 +373619,12 +373620,12 +373621,12 +373622,12 +373623,14 +373624,14 +373625,14 +373626,14 +373627,14 +373628,14 +373629,14 +373630,14 +373631,14 +373632,14 +373633,14 +373634,14 +373635,14 +373636,14 +373637,14 +373638,14 +373639,39 +373640,39 +373641,39 +373642,39 +373643,39 +373644,39 +373645,39 +373646,39 +373647,39 +373648,8 +373649,8 +373650,8 +373651,8 +373652,8 +373653,8 +373654,8 +373655,8 +373656,8 +373657,8 +373658,2 +373659,2 +373660,2 +373661,2 +373662,8 +373663,2 +373664,0 +373665,0 +373666,0 +373667,0 +373668,0 +373669,0 +373670,0 +373671,0 +373672,0 +373673,0 +373674,0 +373675,0 +373676,0 +373677,0 +373678,0 +373679,0 +373680,36 +373681,36 +373682,36 +373683,36 +373684,36 +373685,36 +373686,36 +373687,36 +373688,36 +373689,36 +373690,36 +373691,36 +373692,36 +373693,36 +373694,36 +373695,36 +373696,2 +373697,2 +373698,2 +373699,2 +373700,2 +373701,8 +373702,8 +373703,8 +373704,35 +373705,35 +373706,35 +373707,35 +373708,35 +373709,35 +373710,35 +373711,35 +373712,35 +373713,35 +373714,40 +373715,40 +373716,36 +373717,36 +373718,36 +373719,36 +373720,36 +373721,23 +373722,23 +373723,23 +373724,23 +373725,23 +373726,23 +373727,23 +373728,39 +373729,39 +373730,39 +373731,39 +373732,39 +373733,39 +373734,39 +373735,18 +373736,18 +373737,18 +373738,18 +373739,18 +373740,18 +373741,18 +373742,21 +373743,21 +373744,21 +373745,10 +373746,36 +373747,36 +373748,36 +373749,36 +373750,36 +373751,36 +373752,36 +373753,10 +373754,10 +373755,10 +373756,36 +373757,36 +373758,36 +373759,6 +373760,6 +373761,6 +373762,6 +373763,6 +373764,6 +373765,6 +373766,6 +373767,6 +373768,6 +373769,6 +373770,0 +373771,0 +373772,0 +373773,0 +373774,0 +373775,0 +373776,0 +373777,0 +373778,0 +373779,0 +373780,0 +373781,0 +373782,0 +373783,0 +373784,0 +373785,0 +373786,0 +373787,0 +373788,0 +373789,0 +373790,0 +373791,0 +373792,0 +373793,0 +373794,0 +373795,0 +373796,0 +373797,0 +373798,0 +373799,0 +373800,0 +373801,0 +373802,0 +373803,0 +373804,0 +373805,0 +373806,0 +373807,0 +373808,0 +373809,0 +373810,0 +373811,29 +373812,29 +373813,29 +373814,29 +373815,29 +373816,29 +373817,19 +373818,19 +373819,19 +373820,10 +373821,10 +373822,10 +373823,10 +373824,10 +373825,10 +373826,10 +373827,10 +373828,10 +373829,10 +373830,10 +373831,10 +373832,10 +373833,10 +373834,10 +373835,10 +373836,10 +373837,10 +373838,28 +373839,28 +373840,28 +373841,28 +373842,28 +373843,28 +373844,28 +373845,28 +373846,28 +373847,28 +373848,28 +373849,28 +373850,27 +373851,27 +373852,27 +373853,14 +373854,14 +373855,14 +373856,14 +373857,14 +373858,14 +373859,14 +373860,14 +373861,40 +373862,14 +373863,40 +373864,40 +373865,14 +373866,19 +373867,19 +373868,19 +373869,19 +373870,19 +373871,19 +373872,31 +373873,31 +373874,31 +373875,31 +373876,31 +373877,31 +373878,31 +373879,15 +373880,15 +373881,15 +373882,15 +373883,15 +373884,15 +373885,15 +373886,15 +373887,15 +373888,37 +373889,37 +373890,37 +373891,37 +373892,37 +373893,37 +373894,37 +373895,40 +373896,40 +373897,40 +373898,40 +373899,40 +373900,40 +373901,40 +373902,40 +373903,40 +373904,6 +373905,6 +373906,6 +373907,6 +373908,6 +373909,6 +373910,6 +373911,6 +373912,23 +373913,23 +373914,23 +373915,23 +373916,23 +373917,23 +373918,23 +373919,23 +373920,27 +373921,27 +373922,27 +373923,27 +373924,27 +373925,27 +373926,27 +373927,2 +373928,2 +373929,2 +373930,2 +373931,2 +373932,2 +373933,2 +373934,2 +373935,2 +373936,2 +373937,2 +373938,2 +373939,9 +373940,9 +373941,9 +373942,9 +373943,9 +373944,9 +373945,9 +373946,9 +373947,9 +373948,9 +373949,9 +373950,9 +373951,23 +373952,23 +373953,23 +373954,23 +373955,23 +373956,23 +373957,23 +373958,23 +373959,23 +373960,31 +373961,31 +373962,31 +373963,31 +373964,31 +373965,28 +373966,28 +373967,28 +373968,28 +373969,28 +373970,28 +373971,37 +373972,37 +373973,37 +373974,37 +373975,37 +373976,37 +373977,33 +373978,33 +373979,33 +373980,33 +373981,33 +373982,33 +373983,33 +373984,33 +373985,33 +373986,33 +373987,33 +373988,33 +373989,33 +373990,33 +373991,2 +373992,2 +373993,2 +373994,2 +373995,2 +373996,2 +373997,2 +373998,2 +373999,2 +374000,27 +374001,27 +374002,27 +374003,27 +374004,5 +374005,5 +374006,5 +374007,5 +374008,5 +374009,5 +374010,7 +374011,7 +374012,7 +374013,7 +374014,7 +374015,7 +374016,7 +374017,7 +374018,27 +374019,27 +374020,27 +374021,27 +374022,27 +374023,27 +374024,27 +374025,27 +374026,27 +374027,27 +374028,27 +374029,14 +374030,14 +374031,27 +374032,27 +374033,27 +374034,27 +374035,27 +374036,27 +374037,27 +374038,27 +374039,40 +374040,8 +374041,8 +374042,8 +374043,8 +374044,8 +374045,8 +374046,8 +374047,27 +374048,31 +374049,31 +374050,31 +374051,31 +374052,25 +374053,25 +374054,19 +374055,19 +374056,19 +374057,19 +374058,19 +374059,19 +374060,19 +374061,19 +374062,27 +374063,27 +374064,27 +374065,31 +374066,31 +374067,31 +374068,5 +374069,5 +374070,5 +374071,5 +374072,5 +374073,5 +374074,5 +374075,3 +374076,3 +374077,3 +374078,3 +374079,3 +374080,3 +374081,3 +374082,3 +374083,3 +374084,3 +374085,3 +374086,3 +374087,3 +374088,37 +374089,37 +374090,6 +374091,6 +374092,6 +374093,6 +374094,6 +374095,6 +374096,6 +374097,6 +374098,6 +374099,6 +374100,9 +374101,9 +374102,9 +374103,9 +374104,9 +374105,9 +374106,9 +374107,9 +374108,9 +374109,9 +374110,9 +374111,9 +374112,9 +374113,9 +374114,9 +374115,9 +374116,9 +374117,9 +374118,9 +374119,9 +374120,9 +374121,9 +374122,9 +374123,9 +374124,9 +374125,9 +374126,9 +374127,9 +374128,5 +374129,5 +374130,5 +374131,5 +374132,5 +374133,5 +374134,5 +374135,5 +374136,5 +374137,5 +374138,0 +374139,0 +374140,0 +374141,0 +374142,0 +374143,0 +374144,0 +374145,0 +374146,0 +374147,0 +374148,0 +374149,0 +374150,0 +374151,0 +374152,0 +374153,0 +374154,0 +374155,0 +374156,0 +374157,0 +374158,0 +374159,0 +374160,0 +374161,0 +374162,0 +374163,0 +374164,0 +374165,0 +374166,0 +374167,36 +374168,36 +374169,36 +374170,36 +374171,36 +374172,5 +374173,5 +374174,5 +374175,5 +374176,19 +374177,19 +374178,19 +374179,19 +374180,19 +374181,19 +374182,19 +374183,40 +374184,40 +374185,40 +374186,40 +374187,40 +374188,40 +374189,40 +374190,40 +374191,40 +374192,40 +374193,5 +374194,5 +374195,5 +374196,5 +374197,5 +374198,5 +374199,5 +374200,31 +374201,31 +374202,31 +374203,31 +374204,31 +374205,31 +374206,31 +374207,19 +374208,19 +374209,19 +374210,19 +374211,19 +374212,19 +374213,19 +374214,19 +374215,19 +374216,19 +374217,26 +374218,26 +374219,26 +374220,26 +374221,26 +374222,26 +374223,9 +374224,26 +374225,26 +374226,26 +374227,26 +374228,9 +374229,9 +374230,9 +374231,9 +374232,9 +374233,9 +374234,9 +374235,9 +374236,5 +374237,5 +374238,5 +374239,5 +374240,5 +374241,5 +374242,2 +374243,2 +374244,2 +374245,2 +374246,32 +374247,32 +374248,32 +374249,32 +374250,32 +374251,32 +374252,32 +374253,31 +374254,31 +374255,31 +374256,31 +374257,31 +374258,39 +374259,39 +374260,21 +374261,21 +374262,21 +374263,21 +374264,21 +374265,21 +374266,21 +374267,21 +374268,26 +374269,26 +374270,26 +374271,26 +374272,26 +374273,26 +374274,26 +374275,10 +374276,10 +374277,10 +374278,10 +374279,26 +374280,26 +374281,26 +374282,26 +374283,26 +374284,26 +374285,26 +374286,26 +374287,26 +374288,5 +374289,5 +374290,5 +374291,5 +374292,5 +374293,5 +374294,5 +374295,5 +374296,5 +374297,5 +374298,5 +374299,0 +374300,0 +374301,0 +374302,0 +374303,0 +374304,0 +374305,0 +374306,0 +374307,0 +374308,0 +374309,0 +374310,0 +374311,0 +374312,0 +374313,0 +374314,0 +374315,0 +374316,0 +374317,36 +374318,36 +374319,36 +374320,36 +374321,36 +374322,36 +374323,36 +374324,5 +374325,5 +374326,19 +374327,5 +374328,5 +374329,30 +374330,30 +374331,30 +374332,30 +374333,30 +374334,30 +374335,30 +374336,30 +374337,30 +374338,36 +374339,36 +374340,36 +374341,36 +374342,36 +374343,36 +374344,36 +374345,36 +374346,36 +374347,36 +374348,36 +374349,36 +374350,36 +374351,36 +374352,2 +374353,2 +374354,2 +374355,2 +374356,2 +374357,2 +374358,2 +374359,2 +374360,2 +374361,2 +374362,27 +374363,27 +374364,27 +374365,27 +374366,27 +374367,27 +374368,23 +374369,23 +374370,23 +374371,23 +374372,23 +374373,23 +374374,23 +374375,23 +374376,23 +374377,23 +374378,23 +374379,23 +374380,23 +374381,23 +374382,23 +374383,40 +374384,40 +374385,40 +374386,40 +374387,40 +374388,40 +374389,30 +374390,30 +374391,26 +374392,30 +374393,30 +374394,30 +374395,30 +374396,30 +374397,30 +374398,30 +374399,30 +374400,31 +374401,31 +374402,31 +374403,31 +374404,31 +374405,19 +374406,19 +374407,19 +374408,14 +374409,14 +374410,14 +374411,14 +374412,14 +374413,14 +374414,14 +374415,14 +374416,14 +374417,14 +374418,14 +374419,14 +374420,14 +374421,14 +374422,14 +374423,14 +374424,14 +374425,14 +374426,14 +374427,14 +374428,14 +374429,39 +374430,39 +374431,8 +374432,8 +374433,8 +374434,8 +374435,8 +374436,8 +374437,31 +374438,31 +374439,31 +374440,27 +374441,27 +374442,5 +374443,5 +374444,5 +374445,5 +374446,5 +374447,5 +374448,5 +374449,5 +374450,23 +374451,23 +374452,23 +374453,23 +374454,23 +374455,23 +374456,23 +374457,23 +374458,23 +374459,23 +374460,23 +374461,23 +374462,26 +374463,26 +374464,26 +374465,26 +374466,26 +374467,9 +374468,33 +374469,9 +374470,33 +374471,33 +374472,33 +374473,33 +374474,33 +374475,33 +374476,33 +374477,33 +374478,5 +374479,5 +374480,5 +374481,5 +374482,5 +374483,5 +374484,5 +374485,26 +374486,26 +374487,26 +374488,26 +374489,10 +374490,10 +374491,10 +374492,10 +374493,10 +374494,10 +374495,10 +374496,10 +374497,10 +374498,10 +374499,10 +374500,10 +374501,10 +374502,10 +374503,10 +374504,10 +374505,10 +374506,10 +374507,10 +374508,10 +374509,4 +374510,4 +374511,4 +374512,4 +374513,4 +374514,4 +374515,4 +374516,4 +374517,4 +374518,4 +374519,4 +374520,2 +374521,2 +374522,2 +374523,2 +374524,2 +374525,2 +374526,2 +374527,2 +374528,2 +374529,2 +374530,2 +374531,2 +374532,2 +374533,2 +374534,2 +374535,2 +374536,2 +374537,2 +374538,0 +374539,0 +374540,0 +374541,0 +374542,0 +374543,0 +374544,0 +374545,0 +374546,0 +374547,0 +374548,0 +374549,0 +374550,0 +374551,0 +374552,0 +374553,0 +374554,0 +374555,0 +374556,0 +374557,0 +374558,0 +374559,0 +374560,0 +374561,0 +374562,0 +374563,0 +374564,0 +374565,0 +374566,0 +374567,0 +374568,0 +374569,0 +374570,0 +374571,0 +374572,0 +374573,0 +374574,0 +374575,0 +374576,0 +374577,0 +374578,0 +374579,0 +374580,0 +374581,0 +374582,0 +374583,0 +374584,0 +374585,0 +374586,0 +374587,32 +374588,32 +374589,32 +374590,32 +374591,32 +374592,32 +374593,32 +374594,32 +374595,32 +374596,37 +374597,37 +374598,37 +374599,37 +374600,37 +374601,37 +374602,37 +374603,3 +374604,3 +374605,3 +374606,3 +374607,3 +374608,3 +374609,3 +374610,3 +374611,3 +374612,3 +374613,3 +374614,3 +374615,3 +374616,3 +374617,3 +374618,3 +374619,3 +374620,3 +374621,3 +374622,3 +374623,23 +374624,23 +374625,23 +374626,23 +374627,23 +374628,23 +374629,23 +374630,23 +374631,23 +374632,23 +374633,23 +374634,23 +374635,23 +374636,0 +374637,0 +374638,0 +374639,0 +374640,0 +374641,0 +374642,0 +374643,0 +374644,0 +374645,0 +374646,0 +374647,0 +374648,0 +374649,0 +374650,0 +374651,0 +374652,0 +374653,0 +374654,0 +374655,0 +374656,0 +374657,0 +374658,0 +374659,0 +374660,0 +374661,0 +374662,0 +374663,0 +374664,0 +374665,0 +374666,0 +374667,0 +374668,0 +374669,0 +374670,0 +374671,0 +374672,0 +374673,0 +374674,0 +374675,0 +374676,0 +374677,0 +374678,0 +374679,0 +374680,0 +374681,0 +374682,0 +374683,0 +374684,0 +374685,0 +374686,0 +374687,0 +374688,0 +374689,0 +374690,0 +374691,0 +374692,0 +374693,0 +374694,0 +374695,0 +374696,0 +374697,0 +374698,0 +374699,0 +374700,0 +374701,0 +374702,0 +374703,0 +374704,0 +374705,0 +374706,0 +374707,0 +374708,0 +374709,0 +374710,0 +374711,0 +374712,0 +374713,0 +374714,0 +374715,9 +374716,9 +374717,9 +374718,9 +374719,9 +374720,9 +374721,9 +374722,9 +374723,9 +374724,9 +374725,9 +374726,9 +374727,30 +374728,30 +374729,30 +374730,30 +374731,30 +374732,30 +374733,30 +374734,29 +374735,29 +374736,29 +374737,29 +374738,29 +374739,29 +374740,29 +374741,31 +374742,31 +374743,1 +374744,28 +374745,28 +374746,28 +374747,28 +374748,28 +374749,33 +374750,33 +374751,33 +374752,33 +374753,33 +374754,33 +374755,33 +374756,33 +374757,33 +374758,33 +374759,33 +374760,33 +374761,33 +374762,33 +374763,33 +374764,33 +374765,33 +374766,33 +374767,34 +374768,34 +374769,34 +374770,1 +374771,1 +374772,19 +374773,2 +374774,2 +374775,2 +374776,4 +374777,2 +374778,31 +374779,31 +374780,12 +374781,12 +374782,12 +374783,12 +374784,12 +374785,12 +374786,12 +374787,12 +374788,12 +374789,12 +374790,27 +374791,27 +374792,27 +374793,27 +374794,27 +374795,27 +374796,16 +374797,16 +374798,16 +374799,16 +374800,16 +374801,16 +374802,16 +374803,16 +374804,16 +374805,16 +374806,16 +374807,16 +374808,16 +374809,27 +374810,27 +374811,27 +374812,27 +374813,27 +374814,27 +374815,5 +374816,5 +374817,5 +374818,5 +374819,5 +374820,5 +374821,5 +374822,39 +374823,39 +374824,39 +374825,39 +374826,39 +374827,39 +374828,39 +374829,21 +374830,21 +374831,21 +374832,21 +374833,21 +374834,21 +374835,21 +374836,31 +374837,31 +374838,31 +374839,31 +374840,24 +374841,24 +374842,24 +374843,24 +374844,40 +374845,40 +374846,40 +374847,31 +374848,5 +374849,5 +374850,5 +374851,5 +374852,5 +374853,5 +374854,5 +374855,15 +374856,15 +374857,15 +374858,15 +374859,15 +374860,15 +374861,15 +374862,26 +374863,26 +374864,26 +374865,10 +374866,26 +374867,26 +374868,26 +374869,26 +374870,26 +374871,26 +374872,26 +374873,26 +374874,26 +374875,26 +374876,26 +374877,19 +374878,19 +374879,19 +374880,19 +374881,39 +374882,39 +374883,39 +374884,39 +374885,39 +374886,39 +374887,39 +374888,39 +374889,39 +374890,39 +374891,39 +374892,8 +374893,8 +374894,8 +374895,8 +374896,8 +374897,8 +374898,8 +374899,8 +374900,31 +374901,31 +374902,31 +374903,31 +374904,31 +374905,31 +374906,31 +374907,1 +374908,1 +374909,1 +374910,1 +374911,2 +374912,2 +374913,23 +374914,23 +374915,23 +374916,23 +374917,40 +374918,40 +374919,40 +374920,40 +374921,40 +374922,40 +374923,40 +374924,40 +374925,40 +374926,40 +374927,40 +374928,6 +374929,6 +374930,6 +374931,6 +374932,6 +374933,6 +374934,6 +374935,4 +374936,4 +374937,4 +374938,27 +374939,27 +374940,40 +374941,40 +374942,40 +374943,40 +374944,40 +374945,40 +374946,40 +374947,40 +374948,19 +374949,19 +374950,19 +374951,19 +374952,19 +374953,19 +374954,19 +374955,19 +374956,19 +374957,19 +374958,19 +374959,19 +374960,19 +374961,0 +374962,0 +374963,0 +374964,0 +374965,0 +374966,0 +374967,0 +374968,0 +374969,0 +374970,0 +374971,0 +374972,0 +374973,0 +374974,0 +374975,0 +374976,0 +374977,0 +374978,0 +374979,0 +374980,0 +374981,0 +374982,0 +374983,0 +374984,0 +374985,0 +374986,0 +374987,0 +374988,35 +374989,35 +374990,35 +374991,35 +374992,35 +374993,35 +374994,35 +374995,35 +374996,35 +374997,35 +374998,35 +374999,39 +375000,39 +375001,39 +375002,39 +375003,37 +375004,37 +375005,37 +375006,37 +375007,37 +375008,37 +375009,37 +375010,37 +375011,12 +375012,12 +375013,12 +375014,12 +375015,12 +375016,12 +375017,25 +375018,25 +375019,25 +375020,25 +375021,12 +375022,25 +375023,25 +375024,40 +375025,25 +375026,25 +375027,37 +375028,37 +375029,37 +375030,37 +375031,37 +375032,37 +375033,25 +375034,2 +375035,2 +375036,2 +375037,2 +375038,2 +375039,2 +375040,2 +375041,2 +375042,2 +375043,2 +375044,25 +375045,25 +375046,25 +375047,25 +375048,25 +375049,25 +375050,25 +375051,5 +375052,5 +375053,5 +375054,5 +375055,5 +375056,5 +375057,5 +375058,26 +375059,26 +375060,26 +375061,9 +375062,9 +375063,9 +375064,9 +375065,26 +375066,26 +375067,26 +375068,4 +375069,4 +375070,4 +375071,4 +375072,4 +375073,4 +375074,4 +375075,12 +375076,12 +375077,12 +375078,12 +375079,12 +375080,12 +375081,12 +375082,12 +375083,12 +375084,25 +375085,25 +375086,25 +375087,25 +375088,25 +375089,25 +375090,25 +375091,25 +375092,19 +375093,19 +375094,19 +375095,2 +375096,2 +375097,4 +375098,4 +375099,2 +375100,2 +375101,1 +375102,2 +375103,31 +375104,31 +375105,31 +375106,31 +375107,24 +375108,24 +375109,24 +375110,24 +375111,0 +375112,0 +375113,0 +375114,0 +375115,0 +375116,0 +375117,4 +375118,4 +375119,4 +375120,4 +375121,4 +375122,4 +375123,4 +375124,4 +375125,4 +375126,4 +375127,4 +375128,4 +375129,37 +375130,37 +375131,37 +375132,37 +375133,37 +375134,37 +375135,37 +375136,3 +375137,3 +375138,3 +375139,3 +375140,3 +375141,3 +375142,3 +375143,3 +375144,3 +375145,38 +375146,38 +375147,38 +375148,38 +375149,38 +375150,38 +375151,38 +375152,38 +375153,38 +375154,38 +375155,0 +375156,0 +375157,0 +375158,0 +375159,31 +375160,31 +375161,31 +375162,31 +375163,31 +375164,31 +375165,31 +375166,31 +375167,31 +375168,31 +375169,31 +375170,31 +375171,31 +375172,31 +375173,31 +375174,31 +375175,31 +375176,31 +375177,24 +375178,24 +375179,24 +375180,24 +375181,4 +375182,4 +375183,4 +375184,4 +375185,4 +375186,27 +375187,27 +375188,27 +375189,27 +375190,27 +375191,27 +375192,27 +375193,2 +375194,2 +375195,2 +375196,2 +375197,2 +375198,2 +375199,2 +375200,2 +375201,2 +375202,2 +375203,2 +375204,2 +375205,2 +375206,2 +375207,2 +375208,2 +375209,2 +375210,2 +375211,39 +375212,39 +375213,39 +375214,39 +375215,39 +375216,39 +375217,39 +375218,39 +375219,39 +375220,39 +375221,39 +375222,39 +375223,39 +375224,39 +375225,39 +375226,39 +375227,39 +375228,39 +375229,14 +375230,14 +375231,4 +375232,4 +375233,4 +375234,4 +375235,4 +375236,4 +375237,4 +375238,4 +375239,4 +375240,0 +375241,0 +375242,0 +375243,0 +375244,0 +375245,0 +375246,0 +375247,0 +375248,0 +375249,0 +375250,0 +375251,0 +375252,0 +375253,0 +375254,0 +375255,0 +375256,0 +375257,0 +375258,0 +375259,0 +375260,0 +375261,35 +375262,35 +375263,35 +375264,35 +375265,35 +375266,35 +375267,35 +375268,35 +375269,35 +375270,35 +375271,39 +375272,39 +375273,39 +375274,39 +375275,39 +375276,39 +375277,39 +375278,39 +375279,4 +375280,4 +375281,4 +375282,4 +375283,27 +375284,27 +375285,27 +375286,27 +375287,22 +375288,22 +375289,27 +375290,19 +375291,19 +375292,19 +375293,19 +375294,19 +375295,5 +375296,5 +375297,5 +375298,5 +375299,5 +375300,5 +375301,5 +375302,5 +375303,26 +375304,26 +375305,26 +375306,10 +375307,26 +375308,26 +375309,26 +375310,26 +375311,10 +375312,10 +375313,29 +375314,29 +375315,29 +375316,29 +375317,29 +375318,31 +375319,31 +375320,31 +375321,31 +375322,31 +375323,31 +375324,31 +375325,5 +375326,5 +375327,5 +375328,5 +375329,5 +375330,5 +375331,5 +375332,5 +375333,6 +375334,6 +375335,6 +375336,6 +375337,6 +375338,6 +375339,4 +375340,4 +375341,4 +375342,4 +375343,6 +375344,4 +375345,4 +375346,4 +375347,40 +375348,36 +375349,36 +375350,36 +375351,36 +375352,36 +375353,40 +375354,36 +375355,5 +375356,5 +375357,5 +375358,5 +375359,5 +375360,5 +375361,5 +375362,5 +375363,5 +375364,5 +375365,5 +375366,29 +375367,29 +375368,29 +375369,29 +375370,31 +375371,31 +375372,31 +375373,31 +375374,31 +375375,15 +375376,15 +375377,15 +375378,15 +375379,15 +375380,39 +375381,39 +375382,39 +375383,14 +375384,14 +375385,14 +375386,14 +375387,14 +375388,15 +375389,15 +375390,15 +375391,15 +375392,15 +375393,15 +375394,15 +375395,15 +375396,15 +375397,15 +375398,36 +375399,36 +375400,36 +375401,36 +375402,36 +375403,36 +375404,36 +375405,36 +375406,36 +375407,36 +375408,36 +375409,36 +375410,36 +375411,36 +375412,21 +375413,21 +375414,21 +375415,21 +375416,21 +375417,6 +375418,6 +375419,6 +375420,6 +375421,31 +375422,31 +375423,31 +375424,31 +375425,31 +375426,5 +375427,5 +375428,5 +375429,5 +375430,5 +375431,5 +375432,5 +375433,5 +375434,4 +375435,4 +375436,4 +375437,4 +375438,4 +375439,4 +375440,4 +375441,4 +375442,4 +375443,4 +375444,4 +375445,4 +375446,36 +375447,36 +375448,36 +375449,36 +375450,36 +375451,36 +375452,36 +375453,36 +375454,36 +375455,36 +375456,36 +375457,24 +375458,24 +375459,24 +375460,24 +375461,24 +375462,24 +375463,29 +375464,29 +375465,29 +375466,29 +375467,29 +375468,29 +375469,31 +375470,31 +375471,29 +375472,29 +375473,29 +375474,29 +375475,29 +375476,31 +375477,31 +375478,31 +375479,31 +375480,31 +375481,31 +375482,28 +375483,28 +375484,28 +375485,28 +375486,28 +375487,28 +375488,28 +375489,28 +375490,36 +375491,36 +375492,36 +375493,36 +375494,40 +375495,40 +375496,40 +375497,40 +375498,40 +375499,40 +375500,37 +375501,37 +375502,37 +375503,37 +375504,37 +375505,37 +375506,37 +375507,37 +375508,37 +375509,37 +375510,27 +375511,27 +375512,27 +375513,27 +375514,27 +375515,27 +375516,40 +375517,16 +375518,16 +375519,16 +375520,16 +375521,16 +375522,16 +375523,16 +375524,16 +375525,16 +375526,16 +375527,16 +375528,4 +375529,4 +375530,8 +375531,0 +375532,0 +375533,0 +375534,0 +375535,0 +375536,0 +375537,0 +375538,0 +375539,0 +375540,0 +375541,0 +375542,0 +375543,0 +375544,0 +375545,0 +375546,0 +375547,0 +375548,0 +375549,0 +375550,0 +375551,0 +375552,0 +375553,0 +375554,0 +375555,0 +375556,0 +375557,0 +375558,0 +375559,0 +375560,0 +375561,0 +375562,0 +375563,0 +375564,0 +375565,0 +375566,0 +375567,35 +375568,35 +375569,35 +375570,35 +375571,35 +375572,35 +375573,39 +375574,39 +375575,39 +375576,39 +375577,39 +375578,39 +375579,23 +375580,23 +375581,23 +375582,23 +375583,23 +375584,23 +375585,23 +375586,23 +375587,23 +375588,23 +375589,23 +375590,23 +375591,23 +375592,23 +375593,34 +375594,34 +375595,34 +375596,34 +375597,34 +375598,34 +375599,34 +375600,34 +375601,34 +375602,34 +375603,34 +375604,34 +375605,34 +375606,26 +375607,34 +375608,34 +375609,5 +375610,5 +375611,5 +375612,5 +375613,5 +375614,19 +375615,19 +375616,19 +375617,27 +375618,27 +375619,27 +375620,27 +375621,27 +375622,27 +375623,2 +375624,2 +375625,2 +375626,2 +375627,2 +375628,2 +375629,2 +375630,8 +375631,8 +375632,8 +375633,4 +375634,4 +375635,4 +375636,4 +375637,4 +375638,4 +375639,4 +375640,4 +375641,4 +375642,4 +375643,4 +375644,4 +375645,4 +375646,10 +375647,10 +375648,10 +375649,26 +375650,26 +375651,26 +375652,26 +375653,5 +375654,5 +375655,5 +375656,5 +375657,5 +375658,5 +375659,5 +375660,5 +375661,27 +375662,27 +375663,27 +375664,27 +375665,27 +375666,27 +375667,27 +375668,4 +375669,4 +375670,4 +375671,4 +375672,4 +375673,4 +375674,4 +375675,4 +375676,34 +375677,34 +375678,34 +375679,34 +375680,34 +375681,34 +375682,34 +375683,34 +375684,34 +375685,34 +375686,34 +375687,34 +375688,36 +375689,36 +375690,36 +375691,36 +375692,36 +375693,36 +375694,36 +375695,36 +375696,36 +375697,36 +375698,36 +375699,36 +375700,36 +375701,36 +375702,2 +375703,2 +375704,2 +375705,2 +375706,2 +375707,2 +375708,2 +375709,2 +375710,2 +375711,2 +375712,2 +375713,2 +375714,2 +375715,2 +375716,2 +375717,2 +375718,2 +375719,2 +375720,4 +375721,4 +375722,4 +375723,4 +375724,4 +375725,4 +375726,4 +375727,4 +375728,4 +375729,4 +375730,0 +375731,0 +375732,0 +375733,0 +375734,0 +375735,0 +375736,0 +375737,0 +375738,0 +375739,0 +375740,0 +375741,0 +375742,0 +375743,0 +375744,0 +375745,0 +375746,0 +375747,0 +375748,0 +375749,0 +375750,0 +375751,0 +375752,0 +375753,0 +375754,0 +375755,0 +375756,0 +375757,0 +375758,0 +375759,0 +375760,0 +375761,0 +375762,0 +375763,0 +375764,0 +375765,0 +375766,0 +375767,0 +375768,0 +375769,0 +375770,0 +375771,0 +375772,0 +375773,0 +375774,36 +375775,36 +375776,36 +375777,36 +375778,36 +375779,36 +375780,36 +375781,36 +375782,5 +375783,5 +375784,5 +375785,5 +375786,5 +375787,5 +375788,5 +375789,5 +375790,4 +375791,4 +375792,4 +375793,4 +375794,26 +375795,9 +375796,9 +375797,9 +375798,9 +375799,9 +375800,9 +375801,9 +375802,9 +375803,9 +375804,9 +375805,9 +375806,9 +375807,9 +375808,9 +375809,9 +375810,9 +375811,30 +375812,30 +375813,30 +375814,30 +375815,30 +375816,30 +375817,30 +375818,30 +375819,15 +375820,15 +375821,15 +375822,15 +375823,15 +375824,27 +375825,27 +375826,27 +375827,27 +375828,27 +375829,40 +375830,40 +375831,4 +375832,19 +375833,19 +375834,19 +375835,19 +375836,35 +375837,35 +375838,35 +375839,35 +375840,35 +375841,35 +375842,39 +375843,39 +375844,39 +375845,39 +375846,39 +375847,39 +375848,39 +375849,39 +375850,39 +375851,39 +375852,35 +375853,35 +375854,35 +375855,35 +375856,35 +375857,35 +375858,36 +375859,36 +375860,36 +375861,36 +375862,36 +375863,19 +375864,19 +375865,19 +375866,19 +375867,19 +375868,19 +375869,19 +375870,19 +375871,15 +375872,15 +375873,15 +375874,15 +375875,15 +375876,15 +375877,15 +375878,26 +375879,26 +375880,26 +375881,26 +375882,26 +375883,9 +375884,9 +375885,9 +375886,9 +375887,9 +375888,9 +375889,9 +375890,9 +375891,30 +375892,30 +375893,4 +375894,31 +375895,31 +375896,31 +375897,31 +375898,30 +375899,30 +375900,30 +375901,30 +375902,30 +375903,30 +375904,30 +375905,30 +375906,19 +375907,19 +375908,19 +375909,19 +375910,19 +375911,19 +375912,31 +375913,31 +375914,31 +375915,31 +375916,31 +375917,31 +375918,31 +375919,31 +375920,31 +375921,31 +375922,31 +375923,31 +375924,31 +375925,32 +375926,32 +375927,32 +375928,32 +375929,32 +375930,32 +375931,32 +375932,32 +375933,24 +375934,24 +375935,24 +375936,24 +375937,24 +375938,23 +375939,0 +375940,0 +375941,0 +375942,0 +375943,0 +375944,0 +375945,0 +375946,0 +375947,0 +375948,0 +375949,0 +375950,0 +375951,0 +375952,0 +375953,0 +375954,0 +375955,0 +375956,0 +375957,0 +375958,0 +375959,0 +375960,0 +375961,0 +375962,0 +375963,0 +375964,0 +375965,0 +375966,0 +375967,0 +375968,0 +375969,0 +375970,35 +375971,35 +375972,35 +375973,35 +375974,35 +375975,35 +375976,35 +375977,35 +375978,35 +375979,35 +375980,35 +375981,6 +375982,32 +375983,32 +375984,39 +375985,39 +375986,39 +375987,39 +375988,39 +375989,39 +375990,39 +375991,27 +375992,27 +375993,27 +375994,27 +375995,27 +375996,27 +375997,27 +375998,27 +375999,39 +376000,39 +376001,39 +376002,37 +376003,37 +376004,37 +376005,37 +376006,37 +376007,25 +376008,25 +376009,25 +376010,25 +376011,37 +376012,37 +376013,27 +376014,27 +376015,27 +376016,27 +376017,27 +376018,27 +376019,27 +376020,27 +376021,8 +376022,8 +376023,8 +376024,8 +376025,8 +376026,8 +376027,8 +376028,8 +376029,31 +376030,31 +376031,31 +376032,31 +376033,31 +376034,5 +376035,5 +376036,5 +376037,5 +376038,5 +376039,5 +376040,5 +376041,5 +376042,5 +376043,10 +376044,10 +376045,26 +376046,34 +376047,34 +376048,34 +376049,34 +376050,34 +376051,34 +376052,25 +376053,37 +376054,37 +376055,34 +376056,34 +376057,34 +376058,34 +376059,37 +376060,33 +376061,33 +376062,33 +376063,30 +376064,30 +376065,30 +376066,30 +376067,33 +376068,33 +376069,30 +376070,30 +376071,30 +376072,6 +376073,6 +376074,6 +376075,6 +376076,6 +376077,6 +376078,6 +376079,6 +376080,6 +376081,6 +376082,9 +376083,9 +376084,9 +376085,9 +376086,9 +376087,9 +376088,9 +376089,9 +376090,9 +376091,9 +376092,9 +376093,9 +376094,9 +376095,9 +376096,37 +376097,37 +376098,37 +376099,37 +376100,37 +376101,37 +376102,5 +376103,5 +376104,5 +376105,5 +376106,5 +376107,5 +376108,25 +376109,25 +376110,25 +376111,25 +376112,25 +376113,25 +376114,25 +376115,25 +376116,25 +376117,25 +376118,25 +376119,25 +376120,25 +376121,25 +376122,25 +376123,25 +376124,25 +376125,25 +376126,40 +376127,40 +376128,40 +376129,40 +376130,40 +376131,40 +376132,40 +376133,40 +376134,40 +376135,40 +376136,40 +376137,40 +376138,26 +376139,26 +376140,26 +376141,26 +376142,26 +376143,8 +376144,8 +376145,8 +376146,8 +376147,8 +376148,8 +376149,8 +376150,8 +376151,8 +376152,8 +376153,8 +376154,8 +376155,2 +376156,2 +376157,2 +376158,2 +376159,2 +376160,2 +376161,2 +376162,2 +376163,2 +376164,2 +376165,0 +376166,0 +376167,0 +376168,0 +376169,0 +376170,0 +376171,0 +376172,0 +376173,0 +376174,0 +376175,0 +376176,0 +376177,0 +376178,0 +376179,0 +376180,0 +376181,0 +376182,0 +376183,0 +376184,0 +376185,0 +376186,0 +376187,0 +376188,0 +376189,0 +376190,15 +376191,15 +376192,15 +376193,15 +376194,15 +376195,31 +376196,31 +376197,31 +376198,31 +376199,31 +376200,4 +376201,29 +376202,29 +376203,29 +376204,29 +376205,25 +376206,25 +376207,25 +376208,25 +376209,31 +376210,31 +376211,25 +376212,25 +376213,25 +376214,4 +376215,4 +376216,4 +376217,4 +376218,4 +376219,4 +376220,4 +376221,31 +376222,31 +376223,31 +376224,31 +376225,31 +376226,31 +376227,31 +376228,31 +376229,31 +376230,31 +376231,31 +376232,2 +376233,2 +376234,2 +376235,2 +376236,2 +376237,2 +376238,2 +376239,31 +376240,31 +376241,31 +376242,31 +376243,31 +376244,31 +376245,31 +376246,31 +376247,31 +376248,31 +376249,8 +376250,8 +376251,8 +376252,8 +376253,8 +376254,8 +376255,8 +376256,8 +376257,38 +376258,38 +376259,38 +376260,27 +376261,27 +376262,27 +376263,27 +376264,39 +376265,39 +376266,39 +376267,14 +376268,14 +376269,39 +376270,39 +376271,39 +376272,28 +376273,28 +376274,28 +376275,28 +376276,28 +376277,28 +376278,28 +376279,25 +376280,25 +376281,25 +376282,25 +376283,25 +376284,25 +376285,37 +376286,37 +376287,14 +376288,14 +376289,14 +376290,14 +376291,14 +376292,37 +376293,39 +376294,39 +376295,39 +376296,39 +376297,39 +376298,39 +376299,5 +376300,13 +376301,23 +376302,23 +376303,23 +376304,23 +376305,23 +376306,23 +376307,23 +376308,23 +376309,23 +376310,39 +376311,39 +376312,39 +376313,39 +376314,39 +376315,39 +376316,7 +376317,7 +376318,7 +376319,7 +376320,39 +376321,3 +376322,3 +376323,3 +376324,3 +376325,3 +376326,3 +376327,3 +376328,4 +376329,4 +376330,4 +376331,31 +376332,31 +376333,31 +376334,15 +376335,15 +376336,15 +376337,15 +376338,15 +376339,15 +376340,15 +376341,15 +376342,10 +376343,10 +376344,10 +376345,10 +376346,10 +376347,10 +376348,10 +376349,10 +376350,10 +376351,10 +376352,10 +376353,10 +376354,10 +376355,10 +376356,10 +376357,10 +376358,10 +376359,2 +376360,2 +376361,2 +376362,2 +376363,2 +376364,2 +376365,2 +376366,2 +376367,2 +376368,2 +376369,2 +376370,2 +376371,2 +376372,2 +376373,2 +376374,2 +376375,33 +376376,33 +376377,33 +376378,33 +376379,33 +376380,33 +376381,33 +376382,33 +376383,33 +376384,33 +376385,33 +376386,28 +376387,28 +376388,28 +376389,28 +376390,28 +376391,28 +376392,28 +376393,28 +376394,28 +376395,28 +376396,26 +376397,26 +376398,26 +376399,26 +376400,26 +376401,10 +376402,9 +376403,26 +376404,26 +376405,26 +376406,26 +376407,26 +376408,26 +376409,26 +376410,31 +376411,31 +376412,26 +376413,26 +376414,26 +376415,4 +376416,4 +376417,31 +376418,31 +376419,31 +376420,31 +376421,16 +376422,16 +376423,4 +376424,4 +376425,19 +376426,19 +376427,19 +376428,11 +376429,11 +376430,11 +376431,11 +376432,11 +376433,16 +376434,16 +376435,16 +376436,16 +376437,16 +376438,16 +376439,16 +376440,16 +376441,11 +376442,11 +376443,11 +376444,11 +376445,11 +376446,11 +376447,26 +376448,26 +376449,26 +376450,26 +376451,26 +376452,26 +376453,26 +376454,26 +376455,26 +376456,26 +376457,26 +376458,37 +376459,37 +376460,37 +376461,37 +376462,37 +376463,37 +376464,37 +376465,7 +376466,7 +376467,7 +376468,7 +376469,7 +376470,7 +376471,7 +376472,7 +376473,7 +376474,7 +376475,7 +376476,3 +376477,3 +376478,3 +376479,3 +376480,3 +376481,3 +376482,3 +376483,3 +376484,3 +376485,11 +376486,11 +376487,11 +376488,11 +376489,11 +376490,11 +376491,11 +376492,11 +376493,11 +376494,11 +376495,11 +376496,11 +376497,11 +376498,11 +376499,11 +376500,11 +376501,11 +376502,3 +376503,3 +376504,3 +376505,3 +376506,3 +376507,3 +376508,3 +376509,3 +376510,37 +376511,3 +376512,37 +376513,37 +376514,37 +376515,39 +376516,39 +376517,39 +376518,39 +376519,39 +376520,39 +376521,39 +376522,39 +376523,39 +376524,39 +376525,39 +376526,39 +376527,39 +376528,39 +376529,39 +376530,6 +376531,6 +376532,6 +376533,6 +376534,6 +376535,6 +376536,6 +376537,27 +376538,27 +376539,27 +376540,27 +376541,27 +376542,27 +376543,27 +376544,5 +376545,5 +376546,5 +376547,5 +376548,5 +376549,31 +376550,31 +376551,31 +376552,31 +376553,31 +376554,31 +376555,23 +376556,23 +376557,23 +376558,23 +376559,23 +376560,23 +376561,23 +376562,23 +376563,23 +376564,23 +376565,23 +376566,23 +376567,23 +376568,9 +376569,9 +376570,9 +376571,9 +376572,9 +376573,9 +376574,9 +376575,9 +376576,37 +376577,37 +376578,37 +376579,37 +376580,37 +376581,37 +376582,19 +376583,19 +376584,19 +376585,19 +376586,40 +376587,25 +376588,25 +376589,3 +376590,3 +376591,25 +376592,25 +376593,25 +376594,25 +376595,37 +376596,25 +376597,37 +376598,4 +376599,4 +376600,4 +376601,4 +376602,4 +376603,4 +376604,4 +376605,4 +376606,4 +376607,4 +376608,4 +376609,2 +376610,2 +376611,2 +376612,2 +376613,4 +376614,4 +376615,2 +376616,4 +376617,4 +376618,4 +376619,0 +376620,0 +376621,0 +376622,0 +376623,0 +376624,0 +376625,0 +376626,0 +376627,0 +376628,0 +376629,0 +376630,0 +376631,0 +376632,0 +376633,0 +376634,0 +376635,0 +376636,0 +376637,0 +376638,0 +376639,0 +376640,0 +376641,0 +376642,0 +376643,0 +376644,0 +376645,0 +376646,0 +376647,0 +376648,0 +376649,0 +376650,0 +376651,0 +376652,0 +376653,0 +376654,0 +376655,0 +376656,0 +376657,0 +376658,0 +376659,0 +376660,0 +376661,0 +376662,0 +376663,0 +376664,0 +376665,0 +376666,0 +376667,0 +376668,0 +376669,0 +376670,0 +376671,0 +376672,0 +376673,0 +376674,0 +376675,0 +376676,0 +376677,0 +376678,0 +376679,0 +376680,0 +376681,0 +376682,0 +376683,0 +376684,0 +376685,15 +376686,15 +376687,31 +376688,31 +376689,31 +376690,4 +376691,4 +376692,4 +376693,4 +376694,31 +376695,31 +376696,31 +376697,31 +376698,31 +376699,29 +376700,29 +376701,29 +376702,29 +376703,29 +376704,29 +376705,31 +376706,31 +376707,5 +376708,5 +376709,5 +376710,5 +376711,5 +376712,5 +376713,14 +376714,14 +376715,14 +376716,14 +376717,14 +376718,14 +376719,14 +376720,14 +376721,28 +376722,28 +376723,28 +376724,28 +376725,28 +376726,28 +376727,28 +376728,28 +376729,31 +376730,31 +376731,31 +376732,31 +376733,31 +376734,24 +376735,24 +376736,24 +376737,24 +376738,35 +376739,35 +376740,35 +376741,35 +376742,35 +376743,35 +376744,35 +376745,35 +376746,35 +376747,35 +376748,35 +376749,35 +376750,35 +376751,35 +376752,36 +376753,36 +376754,36 +376755,36 +376756,36 +376757,36 +376758,36 +376759,24 +376760,24 +376761,24 +376762,24 +376763,24 +376764,27 +376765,27 +376766,27 +376767,27 +376768,27 +376769,27 +376770,5 +376771,5 +376772,5 +376773,5 +376774,5 +376775,5 +376776,18 +376777,18 +376778,18 +376779,18 +376780,18 +376781,18 +376782,18 +376783,3 +376784,3 +376785,3 +376786,3 +376787,5 +376788,5 +376789,5 +376790,5 +376791,5 +376792,5 +376793,5 +376794,26 +376795,26 +376796,26 +376797,26 +376798,26 +376799,26 +376800,26 +376801,26 +376802,26 +376803,26 +376804,26 +376805,4 +376806,4 +376807,4 +376808,4 +376809,4 +376810,4 +376811,4 +376812,4 +376813,4 +376814,4 +376815,4 +376816,4 +376817,37 +376818,37 +376819,37 +376820,37 +376821,31 +376822,40 +376823,40 +376824,40 +376825,40 +376826,28 +376827,28 +376828,28 +376829,28 +376830,28 +376831,15 +376832,15 +376833,15 +376834,31 +376835,31 +376836,31 +376837,31 +376838,30 +376839,30 +376840,30 +376841,2 +376842,2 +376843,2 +376844,2 +376845,2 +376846,2 +376847,2 +376848,2 +376849,2 +376850,2 +376851,2 +376852,2 +376853,2 +376854,2 +376855,2 +376856,31 +376857,31 +376858,31 +376859,31 +376860,31 +376861,25 +376862,25 +376863,33 +376864,33 +376865,33 +376866,33 +376867,33 +376868,33 +376869,33 +376870,33 +376871,33 +376872,33 +376873,33 +376874,33 +376875,33 +376876,33 +376877,33 +376878,33 +376879,33 +376880,33 +376881,33 +376882,33 +376883,33 +376884,33 +376885,33 +376886,33 +376887,33 +376888,33 +376889,33 +376890,0 +376891,0 +376892,0 +376893,0 +376894,0 +376895,0 +376896,0 +376897,0 +376898,0 +376899,0 +376900,0 +376901,0 +376902,0 +376903,0 +376904,0 +376905,0 +376906,0 +376907,0 +376908,0 +376909,0 +376910,0 +376911,0 +376912,0 +376913,0 +376914,0 +376915,0 +376916,0 +376917,0 +376918,0 +376919,0 +376920,0 +376921,0 +376922,0 +376923,0 +376924,0 +376925,0 +376926,0 +376927,0 +376928,0 +376929,0 +376930,0 +376931,0 +376932,0 +376933,0 +376934,0 +376935,4 +376936,4 +376937,4 +376938,4 +376939,4 +376940,27 +376941,27 +376942,27 +376943,27 +376944,27 +376945,8 +376946,8 +376947,8 +376948,8 +376949,8 +376950,8 +376951,27 +376952,27 +376953,27 +376954,28 +376955,28 +376956,28 +376957,28 +376958,28 +376959,32 +376960,32 +376961,32 +376962,32 +376963,32 +376964,32 +376965,32 +376966,32 +376967,32 +376968,32 +376969,32 +376970,32 +376971,32 +376972,32 +376973,14 +376974,14 +376975,14 +376976,14 +376977,14 +376978,14 +376979,14 +376980,14 +376981,14 +376982,14 +376983,14 +376984,14 +376985,14 +376986,11 +376987,11 +376988,11 +376989,11 +376990,11 +376991,11 +376992,11 +376993,11 +376994,11 +376995,31 +376996,31 +376997,31 +376998,31 +376999,31 +377000,5 +377001,5 +377002,5 +377003,5 +377004,2 +377005,2 +377006,2 +377007,2 +377008,8 +377009,8 +377010,32 +377011,32 +377012,32 +377013,32 +377014,32 +377015,32 +377016,32 +377017,32 +377018,32 +377019,40 +377020,40 +377021,40 +377022,40 +377023,40 +377024,40 +377025,40 +377026,40 +377027,40 +377028,37 +377029,37 +377030,37 +377031,37 +377032,37 +377033,37 +377034,37 +377035,37 +377036,37 +377037,37 +377038,37 +377039,37 +377040,37 +377041,39 +377042,39 +377043,39 +377044,39 +377045,39 +377046,39 +377047,39 +377048,39 +377049,39 +377050,6 +377051,6 +377052,6 +377053,6 +377054,6 +377055,6 +377056,6 +377057,6 +377058,6 +377059,6 +377060,6 +377061,6 +377062,6 +377063,6 +377064,6 +377065,6 +377066,6 +377067,6 +377068,6 +377069,6 +377070,6 +377071,26 +377072,26 +377073,26 +377074,26 +377075,26 +377076,26 +377077,26 +377078,26 +377079,26 +377080,26 +377081,26 +377082,26 +377083,26 +377084,28 +377085,28 +377086,28 +377087,28 +377088,28 +377089,28 +377090,28 +377091,28 +377092,28 +377093,28 +377094,28 +377095,28 +377096,28 +377097,4 +377098,4 +377099,12 +377100,12 +377101,12 +377102,12 +377103,12 +377104,12 +377105,12 +377106,12 +377107,12 +377108,12 +377109,12 +377110,12 +377111,12 +377112,31 +377113,31 +377114,31 +377115,31 +377116,31 +377117,31 +377118,31 +377119,4 +377120,4 +377121,4 +377122,4 +377123,4 +377124,4 +377125,32 +377126,32 +377127,19 +377128,4 +377129,4 +377130,4 +377131,27 +377132,27 +377133,27 +377134,27 +377135,27 +377136,27 +377137,27 +377138,19 +377139,29 +377140,29 +377141,29 +377142,29 +377143,29 +377144,31 +377145,27 +377146,27 +377147,27 +377148,27 +377149,18 +377150,16 +377151,16 +377152,16 +377153,16 +377154,16 +377155,16 +377156,16 +377157,18 +377158,18 +377159,40 +377160,40 +377161,40 +377162,40 +377163,40 +377164,40 +377165,40 +377166,40 +377167,28 +377168,28 +377169,31 +377170,31 +377171,31 +377172,31 +377173,31 +377174,30 +377175,30 +377176,30 +377177,30 +377178,30 +377179,2 +377180,2 +377181,2 +377182,2 +377183,2 +377184,2 +377185,2 +377186,2 +377187,2 +377188,2 +377189,2 +377190,2 +377191,14 +377192,14 +377193,14 +377194,14 +377195,14 +377196,14 +377197,14 +377198,14 +377199,14 +377200,14 +377201,14 +377202,14 +377203,14 +377204,4 +377205,4 +377206,4 +377207,4 +377208,4 +377209,4 +377210,4 +377211,4 +377212,4 +377213,4 +377214,4 +377215,39 +377216,39 +377217,39 +377218,39 +377219,39 +377220,39 +377221,39 +377222,39 +377223,39 +377224,39 +377225,39 +377226,39 +377227,39 +377228,39 +377229,33 +377230,33 +377231,33 +377232,33 +377233,33 +377234,33 +377235,33 +377236,3 +377237,3 +377238,3 +377239,3 +377240,3 +377241,3 +377242,3 +377243,3 +377244,3 +377245,3 +377246,0 +377247,33 +377248,0 +377249,0 +377250,0 +377251,0 +377252,0 +377253,0 +377254,0 +377255,0 +377256,0 +377257,0 +377258,0 +377259,0 +377260,0 +377261,0 +377262,0 +377263,0 +377264,0 +377265,0 +377266,0 +377267,0 +377268,0 +377269,0 +377270,0 +377271,0 +377272,0 +377273,0 +377274,0 +377275,0 +377276,0 +377277,0 +377278,0 +377279,0 +377280,0 +377281,0 +377282,0 +377283,0 +377284,0 +377285,0 +377286,0 +377287,0 +377288,0 +377289,0 +377290,0 +377291,0 +377292,0 +377293,0 +377294,0 +377295,0 +377296,0 +377297,0 +377298,0 +377299,0 +377300,0 +377301,0 +377302,0 +377303,0 +377304,0 +377305,0 +377306,0 +377307,36 +377308,36 +377309,36 +377310,36 +377311,36 +377312,36 +377313,36 +377314,36 +377315,36 +377316,23 +377317,23 +377318,23 +377319,23 +377320,23 +377321,23 +377322,23 +377323,23 +377324,23 +377325,23 +377326,23 +377327,23 +377328,23 +377329,25 +377330,25 +377331,25 +377332,25 +377333,25 +377334,25 +377335,25 +377336,25 +377337,25 +377338,25 +377339,25 +377340,25 +377341,25 +377342,2 +377343,2 +377344,2 +377345,2 +377346,4 +377347,29 +377348,29 +377349,29 +377350,29 +377351,29 +377352,31 +377353,31 +377354,31 +377355,31 +377356,31 +377357,31 +377358,16 +377359,16 +377360,16 +377361,16 +377362,16 +377363,18 +377364,18 +377365,18 +377366,18 +377367,18 +377368,31 +377369,31 +377370,31 +377371,40 +377372,40 +377373,40 +377374,40 +377375,40 +377376,5 +377377,5 +377378,5 +377379,5 +377380,12 +377381,12 +377382,31 +377383,31 +377384,12 +377385,12 +377386,31 +377387,12 +377388,12 +377389,12 +377390,12 +377391,12 +377392,12 +377393,12 +377394,22 +377395,22 +377396,22 +377397,19 +377398,19 +377399,19 +377400,5 +377401,5 +377402,26 +377403,26 +377404,26 +377405,26 +377406,26 +377407,26 +377408,26 +377409,37 +377410,37 +377411,37 +377412,25 +377413,25 +377414,25 +377415,25 +377416,25 +377417,25 +377418,25 +377419,25 +377420,25 +377421,25 +377422,25 +377423,25 +377424,25 +377425,2 +377426,2 +377427,2 +377428,2 +377429,2 +377430,2 +377431,2 +377432,2 +377433,2 +377434,2 +377435,2 +377436,2 +377437,2 +377438,2 +377439,39 +377440,39 +377441,39 +377442,14 +377443,14 +377444,14 +377445,14 +377446,14 +377447,14 +377448,14 +377449,14 +377450,14 +377451,24 +377452,24 +377453,24 +377454,23 +377455,23 +377456,23 +377457,28 +377458,28 +377459,28 +377460,28 +377461,28 +377462,28 +377463,28 +377464,28 +377465,27 +377466,27 +377467,27 +377468,39 +377469,39 +377470,39 +377471,39 +377472,39 +377473,39 +377474,39 +377475,39 +377476,39 +377477,39 +377478,39 +377479,39 +377480,39 +377481,39 +377482,39 +377483,39 +377484,39 +377485,39 +377486,0 +377487,0 +377488,0 +377489,0 +377490,0 +377491,0 +377492,0 +377493,0 +377494,0 +377495,0 +377496,0 +377497,0 +377498,0 +377499,0 +377500,0 +377501,0 +377502,0 +377503,0 +377504,0 +377505,0 +377506,0 +377507,0 +377508,0 +377509,0 +377510,0 +377511,0 +377512,0 +377513,0 +377514,0 +377515,0 +377516,0 +377517,0 +377518,0 +377519,0 +377520,0 +377521,0 +377522,0 +377523,0 +377524,0 +377525,0 +377526,0 +377527,0 +377528,0 +377529,0 +377530,0 +377531,0 +377532,0 +377533,0 +377534,0 +377535,0 +377536,0 +377537,0 +377538,0 +377539,12 +377540,12 +377541,12 +377542,5 +377543,13 +377544,13 +377545,27 +377546,27 +377547,27 +377548,27 +377549,27 +377550,27 +377551,27 +377552,28 +377553,28 +377554,28 +377555,28 +377556,28 +377557,28 +377558,28 +377559,28 +377560,28 +377561,28 +377562,31 +377563,31 +377564,31 +377565,31 +377566,31 +377567,31 +377568,31 +377569,31 +377570,31 +377571,2 +377572,2 +377573,2 +377574,2 +377575,2 +377576,2 +377577,2 +377578,2 +377579,2 +377580,2 +377581,2 +377582,2 +377583,2 +377584,15 +377585,15 +377586,15 +377587,15 +377588,15 +377589,15 +377590,39 +377591,39 +377592,39 +377593,39 +377594,39 +377595,39 +377596,39 +377597,39 +377598,39 +377599,15 +377600,15 +377601,15 +377602,15 +377603,15 +377604,15 +377605,15 +377606,15 +377607,15 +377608,40 +377609,40 +377610,40 +377611,40 +377612,40 +377613,40 +377614,40 +377615,40 +377616,40 +377617,40 +377618,40 +377619,32 +377620,32 +377621,32 +377622,32 +377623,4 +377624,25 +377625,25 +377626,25 +377627,25 +377628,25 +377629,25 +377630,37 +377631,25 +377632,37 +377633,25 +377634,25 +377635,25 +377636,25 +377637,4 +377638,4 +377639,4 +377640,4 +377641,4 +377642,4 +377643,4 +377644,4 +377645,4 +377646,4 +377647,4 +377648,4 +377649,4 +377650,36 +377651,36 +377652,36 +377653,36 +377654,36 +377655,36 +377656,36 +377657,36 +377658,35 +377659,35 +377660,35 +377661,35 +377662,35 +377663,36 +377664,36 +377665,34 +377666,34 +377667,34 +377668,36 +377669,36 +377670,36 +377671,36 +377672,36 +377673,36 +377674,36 +377675,36 +377676,36 +377677,24 +377678,24 +377679,24 +377680,24 +377681,24 +377682,24 +377683,24 +377684,24 +377685,9 +377686,9 +377687,9 +377688,9 +377689,9 +377690,4 +377691,4 +377692,12 +377693,12 +377694,12 +377695,12 +377696,12 +377697,12 +377698,12 +377699,12 +377700,12 +377701,12 +377702,5 +377703,5 +377704,5 +377705,5 +377706,5 +377707,5 +377708,5 +377709,5 +377710,5 +377711,30 +377712,30 +377713,30 +377714,30 +377715,39 +377716,39 +377717,39 +377718,39 +377719,39 +377720,39 +377721,39 +377722,39 +377723,39 +377724,39 +377725,12 +377726,12 +377727,12 +377728,12 +377729,12 +377730,12 +377731,12 +377732,12 +377733,12 +377734,12 +377735,12 +377736,12 +377737,12 +377738,12 +377739,10 +377740,10 +377741,31 +377742,31 +377743,31 +377744,31 +377745,31 +377746,31 +377747,31 +377748,26 +377749,26 +377750,31 +377751,31 +377752,5 +377753,5 +377754,5 +377755,5 +377756,5 +377757,5 +377758,5 +377759,5 +377760,5 +377761,5 +377762,5 +377763,5 +377764,19 +377765,5 +377766,5 +377767,4 +377768,4 +377769,4 +377770,4 +377771,4 +377772,4 +377773,4 +377774,4 +377775,31 +377776,31 +377777,31 +377778,31 +377779,31 +377780,32 +377781,32 +377782,32 +377783,32 +377784,32 +377785,32 +377786,32 +377787,32 +377788,32 +377789,32 +377790,32 +377791,32 +377792,32 +377793,32 +377794,30 +377795,30 +377796,30 +377797,30 +377798,30 +377799,30 +377800,30 +377801,39 +377802,39 +377803,39 +377804,39 +377805,39 +377806,39 +377807,39 +377808,39 +377809,39 +377810,39 +377811,39 +377812,39 +377813,39 +377814,39 +377815,39 +377816,39 +377817,39 +377818,39 +377819,39 +377820,39 +377821,39 +377822,39 +377823,39 +377824,8 +377825,8 +377826,8 +377827,8 +377828,8 +377829,8 +377830,8 +377831,8 +377832,8 +377833,8 +377834,8 +377835,8 +377836,8 +377837,8 +377838,29 +377839,32 +377840,29 +377841,29 +377842,29 +377843,31 +377844,31 +377845,31 +377846,27 +377847,31 +377848,31 +377849,40 +377850,40 +377851,40 +377852,5 +377853,5 +377854,5 +377855,5 +377856,5 +377857,5 +377858,5 +377859,5 +377860,5 +377861,5 +377862,5 +377863,5 +377864,4 +377865,4 +377866,4 +377867,4 +377868,4 +377869,4 +377870,4 +377871,4 +377872,4 +377873,4 +377874,4 +377875,4 +377876,4 +377877,4 +377878,3 +377879,3 +377880,3 +377881,3 +377882,3 +377883,3 +377884,3 +377885,27 +377886,3 +377887,3 +377888,3 +377889,3 +377890,3 +377891,3 +377892,3 +377893,3 +377894,3 +377895,3 +377896,3 +377897,3 +377898,3 +377899,3 +377900,3 +377901,3 +377902,3 +377903,3 +377904,3 +377905,3 +377906,3 +377907,3 +377908,0 +377909,0 +377910,0 +377911,0 +377912,0 +377913,0 +377914,0 +377915,0 +377916,0 +377917,0 +377918,0 +377919,0 +377920,0 +377921,0 +377922,0 +377923,0 +377924,0 +377925,0 +377926,0 +377927,0 +377928,0 +377929,0 +377930,0 +377931,0 +377932,0 +377933,0 +377934,0 +377935,0 +377936,0 +377937,0 +377938,0 +377939,0 +377940,0 +377941,0 +377942,0 +377943,0 +377944,0 +377945,0 +377946,0 +377947,0 +377948,0 +377949,0 +377950,0 +377951,0 +377952,0 +377953,0 +377954,0 +377955,0 +377956,0 +377957,0 +377958,0 +377959,0 +377960,0 +377961,0 +377962,0 +377963,0 +377964,0 +377965,0 +377966,0 +377967,0 +377968,0 +377969,0 +377970,0 +377971,0 +377972,0 +377973,0 +377974,0 +377975,0 +377976,0 +377977,0 +377978,0 +377979,0 +377980,0 +377981,0 +377982,0 +377983,0 +377984,0 +377985,0 +377986,0 +377987,0 +377988,0 +377989,0 +377990,27 +377991,27 +377992,27 +377993,27 +377994,27 +377995,27 +377996,27 +377997,27 +377998,27 +377999,27 +378000,27 +378001,27 +378002,2 +378003,2 +378004,2 +378005,2 +378006,2 +378007,2 +378008,2 +378009,2 +378010,2 +378011,2 +378012,2 +378013,2 +378014,2 +378015,2 +378016,2 +378017,2 +378018,23 +378019,23 +378020,23 +378021,23 +378022,23 +378023,23 +378024,23 +378025,10 +378026,40 +378027,40 +378028,40 +378029,40 +378030,40 +378031,40 +378032,40 +378033,40 +378034,11 +378035,11 +378036,11 +378037,11 +378038,11 +378039,11 +378040,11 +378041,11 +378042,11 +378043,11 +378044,11 +378045,11 +378046,11 +378047,11 +378048,11 +378049,11 +378050,11 +378051,27 +378052,30 +378053,30 +378054,30 +378055,30 +378056,30 +378057,30 +378058,30 +378059,14 +378060,14 +378061,14 +378062,14 +378063,14 +378064,14 +378065,14 +378066,14 +378067,14 +378068,12 +378069,12 +378070,12 +378071,12 +378072,12 +378073,12 +378074,40 +378075,40 +378076,40 +378077,27 +378078,27 +378079,27 +378080,5 +378081,5 +378082,5 +378083,5 +378084,5 +378085,33 +378086,33 +378087,33 +378088,33 +378089,33 +378090,33 +378091,33 +378092,33 +378093,33 +378094,33 +378095,33 +378096,33 +378097,33 +378098,33 +378099,5 +378100,5 +378101,5 +378102,5 +378103,5 +378104,5 +378105,31 +378106,31 +378107,31 +378108,31 +378109,31 +378110,31 +378111,31 +378112,31 +378113,31 +378114,24 +378115,24 +378116,24 +378117,24 +378118,24 +378119,24 +378120,24 +378121,24 +378122,24 +378123,29 +378124,29 +378125,29 +378126,29 +378127,29 +378128,33 +378129,34 +378130,33 +378131,33 +378132,33 +378133,33 +378134,34 +378135,33 +378136,33 +378137,33 +378138,33 +378139,33 +378140,33 +378141,33 +378142,33 +378143,8 +378144,8 +378145,8 +378146,8 +378147,8 +378148,8 +378149,8 +378150,2 +378151,2 +378152,2 +378153,2 +378154,2 +378155,2 +378156,2 +378157,2 +378158,4 +378159,4 +378160,4 +378161,4 +378162,4 +378163,4 +378164,4 +378165,4 +378166,4 +378167,4 +378168,4 +378169,3 +378170,3 +378171,3 +378172,3 +378173,3 +378174,3 +378175,3 +378176,3 +378177,3 +378178,3 +378179,3 +378180,3 +378181,3 +378182,3 +378183,3 +378184,3 +378185,3 +378186,3 +378187,3 +378188,3 +378189,27 +378190,27 +378191,27 +378192,27 +378193,17 +378194,17 +378195,17 +378196,17 +378197,8 +378198,8 +378199,2 +378200,2 +378201,8 +378202,8 +378203,2 +378204,2 +378205,2 +378206,2 +378207,2 +378208,2 +378209,2 +378210,2 +378211,2 +378212,2 +378213,2 +378214,40 +378215,40 +378216,40 +378217,40 +378218,40 +378219,31 +378220,16 +378221,16 +378222,16 +378223,16 +378224,16 +378225,16 +378226,16 +378227,11 +378228,11 +378229,11 +378230,11 +378231,16 +378232,16 +378233,27 +378234,27 +378235,27 +378236,10 +378237,10 +378238,10 +378239,10 +378240,31 +378241,23 +378242,23 +378243,23 +378244,23 +378245,23 +378246,23 +378247,23 +378248,23 +378249,23 +378250,23 +378251,23 +378252,23 +378253,23 +378254,23 +378255,23 +378256,40 +378257,40 +378258,40 +378259,40 +378260,40 +378261,40 +378262,40 +378263,40 +378264,40 +378265,40 +378266,40 +378267,40 +378268,5 +378269,5 +378270,5 +378271,5 +378272,5 +378273,2 +378274,2 +378275,2 +378276,2 +378277,2 +378278,2 +378279,2 +378280,2 +378281,2 +378282,2 +378283,31 +378284,31 +378285,31 +378286,31 +378287,31 +378288,31 +378289,31 +378290,23 +378291,23 +378292,23 +378293,23 +378294,23 +378295,23 +378296,23 +378297,23 +378298,31 +378299,31 +378300,31 +378301,31 +378302,31 +378303,31 +378304,31 +378305,31 +378306,30 +378307,30 +378308,30 +378309,30 +378310,30 +378311,30 +378312,30 +378313,30 +378314,30 +378315,30 +378316,30 +378317,0 +378318,0 +378319,0 +378320,0 +378321,0 +378322,0 +378323,0 +378324,4 +378325,4 +378326,4 +378327,4 +378328,4 +378329,4 +378330,4 +378331,4 +378332,4 +378333,37 +378334,37 +378335,37 +378336,31 +378337,31 +378338,31 +378339,31 +378340,31 +378341,31 +378342,15 +378343,15 +378344,15 +378345,15 +378346,15 +378347,15 +378348,31 +378349,31 +378350,31 +378351,31 +378352,30 +378353,30 +378354,30 +378355,30 +378356,30 +378357,2 +378358,2 +378359,2 +378360,2 +378361,2 +378362,2 +378363,2 +378364,2 +378365,2 +378366,2 +378367,2 +378368,2 +378369,2 +378370,31 +378371,31 +378372,31 +378373,31 +378374,28 +378375,28 +378376,28 +378377,28 +378378,28 +378379,28 +378380,28 +378381,28 +378382,6 +378383,6 +378384,6 +378385,6 +378386,6 +378387,6 +378388,6 +378389,6 +378390,6 +378391,6 +378392,6 +378393,6 +378394,6 +378395,6 +378396,37 +378397,37 +378398,37 +378399,37 +378400,37 +378401,37 +378402,39 +378403,39 +378404,39 +378405,39 +378406,39 +378407,39 +378408,39 +378409,16 +378410,16 +378411,16 +378412,16 +378413,16 +378414,16 +378415,16 +378416,16 +378417,16 +378418,16 +378419,16 +378420,16 +378421,16 +378422,16 +378423,16 +378424,16 +378425,16 +378426,16 +378427,25 +378428,25 +378429,25 +378430,25 +378431,25 +378432,25 +378433,25 +378434,25 +378435,25 +378436,25 +378437,25 +378438,25 +378439,25 +378440,25 +378441,25 +378442,25 +378443,25 +378444,25 +378445,0 +378446,0 +378447,0 +378448,0 +378449,0 +378450,0 +378451,0 +378452,0 +378453,0 +378454,0 +378455,0 +378456,0 +378457,0 +378458,0 +378459,0 +378460,0 +378461,0 +378462,0 +378463,0 +378464,0 +378465,0 +378466,0 +378467,0 +378468,0 +378469,0 +378470,0 +378471,0 +378472,0 +378473,0 +378474,0 +378475,0 +378476,0 +378477,0 +378478,0 +378479,0 +378480,0 +378481,0 +378482,0 +378483,0 +378484,0 +378485,0 +378486,0 +378487,0 +378488,0 +378489,0 +378490,0 +378491,36 +378492,36 +378493,36 +378494,36 +378495,36 +378496,36 +378497,36 +378498,36 +378499,36 +378500,5 +378501,5 +378502,5 +378503,5 +378504,27 +378505,27 +378506,27 +378507,27 +378508,38 +378509,38 +378510,29 +378511,29 +378512,29 +378513,29 +378514,29 +378515,29 +378516,27 +378517,27 +378518,31 +378519,31 +378520,4 +378521,4 +378522,4 +378523,4 +378524,4 +378525,4 +378526,4 +378527,4 +378528,4 +378529,4 +378530,4 +378531,4 +378532,40 +378533,40 +378534,40 +378535,40 +378536,40 +378537,40 +378538,5 +378539,5 +378540,5 +378541,5 +378542,5 +378543,5 +378544,16 +378545,18 +378546,11 +378547,4 +378548,4 +378549,4 +378550,4 +378551,4 +378552,4 +378553,31 +378554,31 +378555,31 +378556,31 +378557,31 +378558,31 +378559,5 +378560,5 +378561,5 +378562,5 +378563,35 +378564,35 +378565,35 +378566,35 +378567,35 +378568,35 +378569,39 +378570,39 +378571,39 +378572,39 +378573,39 +378574,39 +378575,39 +378576,21 +378577,21 +378578,21 +378579,21 +378580,21 +378581,21 +378582,21 +378583,21 +378584,14 +378585,14 +378586,14 +378587,14 +378588,27 +378589,27 +378590,27 +378591,27 +378592,27 +378593,27 +378594,24 +378595,24 +378596,24 +378597,24 +378598,29 +378599,29 +378600,29 +378601,27 +378602,27 +378603,27 +378604,27 +378605,27 +378606,27 +378607,5 +378608,4 +378609,4 +378610,5 +378611,5 +378612,5 +378613,5 +378614,5 +378615,5 +378616,5 +378617,5 +378618,5 +378619,5 +378620,5 +378621,5 +378622,5 +378623,5 +378624,5 +378625,5 +378626,5 +378627,5 +378628,5 +378629,0 +378630,0 +378631,0 +378632,0 +378633,0 +378634,0 +378635,0 +378636,0 +378637,0 +378638,0 +378639,0 +378640,0 +378641,0 +378642,27 +378643,27 +378644,27 +378645,27 +378646,27 +378647,27 +378648,4 +378649,4 +378650,4 +378651,33 +378652,32 +378653,32 +378654,32 +378655,32 +378656,30 +378657,30 +378658,30 +378659,30 +378660,30 +378661,30 +378662,30 +378663,30 +378664,30 +378665,30 +378666,30 +378667,30 +378668,30 +378669,31 +378670,15 +378671,15 +378672,15 +378673,15 +378674,15 +378675,39 +378676,39 +378677,39 +378678,39 +378679,39 +378680,39 +378681,39 +378682,39 +378683,11 +378684,11 +378685,11 +378686,11 +378687,11 +378688,11 +378689,11 +378690,11 +378691,11 +378692,11 +378693,11 +378694,36 +378695,36 +378696,34 +378697,34 +378698,34 +378699,34 +378700,34 +378701,34 +378702,34 +378703,34 +378704,34 +378705,34 +378706,34 +378707,34 +378708,34 +378709,34 +378710,34 +378711,34 +378712,34 +378713,5 +378714,5 +378715,5 +378716,5 +378717,5 +378718,5 +378719,29 +378720,29 +378721,29 +378722,29 +378723,29 +378724,29 +378725,29 +378726,29 +378727,31 +378728,31 +378729,31 +378730,31 +378731,31 +378732,4 +378733,4 +378734,4 +378735,4 +378736,4 +378737,29 +378738,4 +378739,29 +378740,29 +378741,29 +378742,29 +378743,27 +378744,27 +378745,27 +378746,27 +378747,27 +378748,27 +378749,2 +378750,2 +378751,2 +378752,2 +378753,2 +378754,2 +378755,2 +378756,2 +378757,2 +378758,4 +378759,4 +378760,4 +378761,4 +378762,4 +378763,4 +378764,4 +378765,27 +378766,27 +378767,27 +378768,27 +378769,23 +378770,23 +378771,23 +378772,23 +378773,23 +378774,23 +378775,23 +378776,23 +378777,23 +378778,23 +378779,23 +378780,25 +378781,25 +378782,25 +378783,25 +378784,5 +378785,5 +378786,5 +378787,5 +378788,5 +378789,5 +378790,5 +378791,2 +378792,2 +378793,2 +378794,2 +378795,2 +378796,2 +378797,2 +378798,2 +378799,2 +378800,2 +378801,2 +378802,4 +378803,0 +378804,0 +378805,0 +378806,0 +378807,0 +378808,0 +378809,0 +378810,27 +378811,27 +378812,27 +378813,27 +378814,27 +378815,27 +378816,27 +378817,27 +378818,8 +378819,8 +378820,8 +378821,8 +378822,8 +378823,8 +378824,8 +378825,8 +378826,23 +378827,23 +378828,23 +378829,23 +378830,23 +378831,23 +378832,23 +378833,40 +378834,40 +378835,40 +378836,37 +378837,37 +378838,37 +378839,37 +378840,37 +378841,37 +378842,37 +378843,37 +378844,39 +378845,39 +378846,39 +378847,39 +378848,39 +378849,39 +378850,39 +378851,28 +378852,28 +378853,28 +378854,28 +378855,28 +378856,28 +378857,28 +378858,28 +378859,28 +378860,28 +378861,26 +378862,26 +378863,26 +378864,26 +378865,37 +378866,37 +378867,37 +378868,37 +378869,37 +378870,37 +378871,37 +378872,37 +378873,37 +378874,6 +378875,6 +378876,6 +378877,6 +378878,6 +378879,6 +378880,6 +378881,0 +378882,0 +378883,0 +378884,0 +378885,0 +378886,0 +378887,0 +378888,0 +378889,0 +378890,0 +378891,0 +378892,0 +378893,0 +378894,0 +378895,0 +378896,0 +378897,0 +378898,0 +378899,0 +378900,0 +378901,0 +378902,0 +378903,0 +378904,0 +378905,0 +378906,0 +378907,0 +378908,0 +378909,0 +378910,0 +378911,0 +378912,0 +378913,0 +378914,0 +378915,0 +378916,0 +378917,0 +378918,0 +378919,9 +378920,9 +378921,0 +378922,0 +378923,0 +378924,0 +378925,0 +378926,0 +378927,33 +378928,9 +378929,9 +378930,9 +378931,9 +378932,9 +378933,30 +378934,30 +378935,30 +378936,30 +378937,33 +378938,33 +378939,33 +378940,12 +378941,33 +378942,30 +378943,30 +378944,30 +378945,30 +378946,30 +378947,30 +378948,30 +378949,30 +378950,30 +378951,30 +378952,30 +378953,30 +378954,39 +378955,39 +378956,39 +378957,39 +378958,39 +378959,39 +378960,39 +378961,39 +378962,39 +378963,27 +378964,31 +378965,31 +378966,31 +378967,5 +378968,5 +378969,5 +378970,5 +378971,5 +378972,5 +378973,27 +378974,27 +378975,31 +378976,31 +378977,5 +378978,5 +378979,5 +378980,5 +378981,5 +378982,14 +378983,14 +378984,14 +378985,14 +378986,14 +378987,14 +378988,14 +378989,14 +378990,14 +378991,14 +378992,14 +378993,15 +378994,37 +378995,15 +378996,37 +378997,37 +378998,37 +378999,37 +379000,37 +379001,37 +379002,33 +379003,27 +379004,27 +379005,27 +379006,31 +379007,25 +379008,25 +379009,25 +379010,25 +379011,25 +379012,25 +379013,25 +379014,25 +379015,4 +379016,4 +379017,4 +379018,4 +379019,4 +379020,4 +379021,29 +379022,25 +379023,29 +379024,29 +379025,29 +379026,29 +379027,29 +379028,29 +379029,29 +379030,29 +379031,29 +379032,31 +379033,31 +379034,31 +379035,31 +379036,35 +379037,35 +379038,35 +379039,35 +379040,35 +379041,35 +379042,35 +379043,35 +379044,35 +379045,35 +379046,35 +379047,26 +379048,26 +379049,26 +379050,26 +379051,26 +379052,26 +379053,37 +379054,37 +379055,37 +379056,37 +379057,37 +379058,37 +379059,37 +379060,37 +379061,37 +379062,4 +379063,4 +379064,4 +379065,4 +379066,4 +379067,4 +379068,4 +379069,19 +379070,6 +379071,6 +379072,6 +379073,6 +379074,6 +379075,0 +379076,0 +379077,0 +379078,0 +379079,0 +379080,23 +379081,23 +379082,0 +379083,0 +379084,0 +379085,0 +379086,0 +379087,0 +379088,0 +379089,0 +379090,0 +379091,0 +379092,0 +379093,0 +379094,0 +379095,0 +379096,0 +379097,0 +379098,0 +379099,0 +379100,0 +379101,0 +379102,0 +379103,0 +379104,0 +379105,0 +379106,0 +379107,0 +379108,0 +379109,0 +379110,0 +379111,0 +379112,0 +379113,0 +379114,11 +379115,11 +379116,11 +379117,11 +379118,11 +379119,11 +379120,11 +379121,11 +379122,11 +379123,11 +379124,11 +379125,11 +379126,11 +379127,11 +379128,39 +379129,39 +379130,39 +379131,39 +379132,39 +379133,35 +379134,35 +379135,35 +379136,35 +379137,35 +379138,14 +379139,14 +379140,14 +379141,14 +379142,14 +379143,14 +379144,14 +379145,14 +379146,14 +379147,14 +379148,14 +379149,14 +379150,14 +379151,2 +379152,2 +379153,2 +379154,2 +379155,2 +379156,2 +379157,2 +379158,2 +379159,2 +379160,2 +379161,2 +379162,2 +379163,2 +379164,2 +379165,27 +379166,27 +379167,27 +379168,27 +379169,27 +379170,30 +379171,30 +379172,30 +379173,30 +379174,30 +379175,30 +379176,39 +379177,39 +379178,39 +379179,39 +379180,39 +379181,39 +379182,14 +379183,14 +379184,39 +379185,39 +379186,39 +379187,39 +379188,39 +379189,29 +379190,29 +379191,29 +379192,29 +379193,29 +379194,36 +379195,36 +379196,36 +379197,36 +379198,36 +379199,36 +379200,36 +379201,36 +379202,36 +379203,36 +379204,36 +379205,4 +379206,19 +379207,19 +379208,19 +379209,31 +379210,31 +379211,31 +379212,31 +379213,31 +379214,31 +379215,31 +379216,31 +379217,31 +379218,31 +379219,31 +379220,31 +379221,31 +379222,31 +379223,31 +379224,32 +379225,32 +379226,32 +379227,32 +379228,32 +379229,32 +379230,32 +379231,32 +379232,32 +379233,32 +379234,32 +379235,32 +379236,32 +379237,32 +379238,32 +379239,32 +379240,5 +379241,5 +379242,0 +379243,0 +379244,0 +379245,0 +379246,0 +379247,0 +379248,36 +379249,36 +379250,36 +379251,36 +379252,36 +379253,36 +379254,5 +379255,5 +379256,5 +379257,5 +379258,19 +379259,19 +379260,5 +379261,5 +379262,30 +379263,30 +379264,30 +379265,30 +379266,30 +379267,30 +379268,40 +379269,40 +379270,40 +379271,40 +379272,40 +379273,40 +379274,38 +379275,38 +379276,38 +379277,38 +379278,38 +379279,38 +379280,38 +379281,38 +379282,38 +379283,38 +379284,38 +379285,38 +379286,38 +379287,27 +379288,27 +379289,27 +379290,27 +379291,27 +379292,31 +379293,37 +379294,37 +379295,37 +379296,37 +379297,37 +379298,37 +379299,37 +379300,37 +379301,37 +379302,37 +379303,3 +379304,3 +379305,3 +379306,3 +379307,3 +379308,3 +379309,3 +379310,3 +379311,3 +379312,3 +379313,3 +379314,3 +379315,3 +379316,28 +379317,28 +379318,28 +379319,28 +379320,28 +379321,28 +379322,28 +379323,28 +379324,28 +379325,28 +379326,28 +379327,28 +379328,28 +379329,28 +379330,28 +379331,28 +379332,28 +379333,0 +379334,0 +379335,0 +379336,0 +379337,0 +379338,0 +379339,0 +379340,0 +379341,0 +379342,0 +379343,0 +379344,0 +379345,0 +379346,0 +379347,0 +379348,0 +379349,0 +379350,0 +379351,0 +379352,0 +379353,0 +379354,0 +379355,0 +379356,0 +379357,0 +379358,0 +379359,0 +379360,0 +379361,0 +379362,0 +379363,0 +379364,0 +379365,0 +379366,0 +379367,0 +379368,0 +379369,0 +379370,0 +379371,0 +379372,0 +379373,0 +379374,0 +379375,0 +379376,10 +379377,10 +379378,9 +379379,26 +379380,9 +379381,26 +379382,26 +379383,26 +379384,26 +379385,26 +379386,26 +379387,26 +379388,26 +379389,5 +379390,5 +379391,5 +379392,5 +379393,5 +379394,5 +379395,5 +379396,5 +379397,5 +379398,29 +379399,29 +379400,14 +379401,14 +379402,14 +379403,14 +379404,14 +379405,14 +379406,14 +379407,14 +379408,14 +379409,14 +379410,16 +379411,16 +379412,16 +379413,16 +379414,16 +379415,16 +379416,16 +379417,18 +379418,18 +379419,18 +379420,18 +379421,18 +379422,18 +379423,18 +379424,26 +379425,26 +379426,26 +379427,26 +379428,26 +379429,26 +379430,26 +379431,26 +379432,26 +379433,26 +379434,26 +379435,26 +379436,26 +379437,26 +379438,26 +379439,26 +379440,26 +379441,26 +379442,26 +379443,26 +379444,26 +379445,26 +379446,26 +379447,26 +379448,29 +379449,19 +379450,19 +379451,19 +379452,4 +379453,4 +379454,4 +379455,4 +379456,4 +379457,4 +379458,4 +379459,4 +379460,4 +379461,4 +379462,4 +379463,4 +379464,0 +379465,0 +379466,0 +379467,0 +379468,0 +379469,0 +379470,0 +379471,36 +379472,36 +379473,36 +379474,36 +379475,36 +379476,5 +379477,5 +379478,5 +379479,5 +379480,5 +379481,15 +379482,15 +379483,15 +379484,15 +379485,15 +379486,15 +379487,31 +379488,31 +379489,31 +379490,29 +379491,31 +379492,31 +379493,31 +379494,31 +379495,31 +379496,31 +379497,31 +379498,31 +379499,31 +379500,31 +379501,31 +379502,4 +379503,4 +379504,4 +379505,4 +379506,4 +379507,4 +379508,4 +379509,4 +379510,4 +379511,4 +379512,4 +379513,4 +379514,4 +379515,4 +379516,4 +379517,4 +379518,4 +379519,10 +379520,10 +379521,10 +379522,10 +379523,10 +379524,10 +379525,10 +379526,10 +379527,10 +379528,10 +379529,10 +379530,10 +379531,10 +379532,10 +379533,10 +379534,10 +379535,10 +379536,10 +379537,10 +379538,10 +379539,10 +379540,10 +379541,28 +379542,28 +379543,28 +379544,28 +379545,15 +379546,15 +379547,7 +379548,7 +379549,39 +379550,39 +379551,39 +379552,7 +379553,7 +379554,7 +379555,7 +379556,7 +379557,39 +379558,39 +379559,39 +379560,39 +379561,19 +379562,19 +379563,19 +379564,19 +379565,19 +379566,5 +379567,5 +379568,5 +379569,5 +379570,5 +379571,5 +379572,27 +379573,27 +379574,27 +379575,5 +379576,5 +379577,13 +379578,13 +379579,13 +379580,13 +379581,12 +379582,12 +379583,12 +379584,12 +379585,12 +379586,12 +379587,12 +379588,31 +379589,31 +379590,31 +379591,31 +379592,8 +379593,8 +379594,8 +379595,8 +379596,8 +379597,8 +379598,8 +379599,36 +379600,36 +379601,40 +379602,40 +379603,40 +379604,40 +379605,4 +379606,4 +379607,4 +379608,4 +379609,32 +379610,32 +379611,32 +379612,32 +379613,32 +379614,32 +379615,32 +379616,32 +379617,32 +379618,32 +379619,36 +379620,36 +379621,36 +379622,36 +379623,36 +379624,36 +379625,36 +379626,36 +379627,36 +379628,36 +379629,36 +379630,36 +379631,36 +379632,36 +379633,36 +379634,36 +379635,36 +379636,36 +379637,40 +379638,40 +379639,31 +379640,31 +379641,5 +379642,5 +379643,5 +379644,5 +379645,5 +379646,5 +379647,5 +379648,5 +379649,5 +379650,5 +379651,5 +379652,0 +379653,0 +379654,0 +379655,0 +379656,0 +379657,0 +379658,0 +379659,0 +379660,0 +379661,0 +379662,0 +379663,0 +379664,0 +379665,0 +379666,0 +379667,0 +379668,0 +379669,0 +379670,0 +379671,0 +379672,0 +379673,0 +379674,0 +379675,0 +379676,0 +379677,0 +379678,0 +379679,0 +379680,0 +379681,0 +379682,0 +379683,0 +379684,0 +379685,0 +379686,0 +379687,29 +379688,29 +379689,29 +379690,14 +379691,14 +379692,14 +379693,14 +379694,14 +379695,14 +379696,14 +379697,35 +379698,35 +379699,35 +379700,35 +379701,35 +379702,35 +379703,36 +379704,36 +379705,36 +379706,36 +379707,36 +379708,4 +379709,4 +379710,4 +379711,4 +379712,4 +379713,4 +379714,4 +379715,4 +379716,4 +379717,6 +379718,6 +379719,6 +379720,6 +379721,6 +379722,6 +379723,6 +379724,31 +379725,31 +379726,31 +379727,31 +379728,31 +379729,31 +379730,31 +379731,31 +379732,31 +379733,31 +379734,28 +379735,5 +379736,28 +379737,5 +379738,5 +379739,5 +379740,5 +379741,5 +379742,13 +379743,4 +379744,4 +379745,4 +379746,4 +379747,4 +379748,4 +379749,4 +379750,4 +379751,4 +379752,3 +379753,3 +379754,3 +379755,3 +379756,3 +379757,3 +379758,27 +379759,27 +379760,27 +379761,27 +379762,27 +379763,27 +379764,5 +379765,5 +379766,5 +379767,5 +379768,5 +379769,5 +379770,5 +379771,39 +379772,39 +379773,39 +379774,39 +379775,39 +379776,39 +379777,39 +379778,39 +379779,39 +379780,39 +379781,39 +379782,6 +379783,6 +379784,6 +379785,6 +379786,6 +379787,6 +379788,6 +379789,6 +379790,6 +379791,6 +379792,6 +379793,6 +379794,6 +379795,6 +379796,6 +379797,6 +379798,6 +379799,6 +379800,26 +379801,26 +379802,26 +379803,26 +379804,26 +379805,26 +379806,26 +379807,26 +379808,26 +379809,26 +379810,26 +379811,26 +379812,26 +379813,4 +379814,4 +379815,4 +379816,27 +379817,27 +379818,27 +379819,27 +379820,27 +379821,27 +379822,27 +379823,27 +379824,27 +379825,18 +379826,18 +379827,18 +379828,18 +379829,18 +379830,18 +379831,18 +379832,18 +379833,18 +379834,18 +379835,18 +379836,18 +379837,18 +379838,18 +379839,18 +379840,16 +379841,16 +379842,16 +379843,16 +379844,11 +379845,11 +379846,11 +379847,11 +379848,11 +379849,11 +379850,11 +379851,0 +379852,0 +379853,0 +379854,0 +379855,0 +379856,0 +379857,0 +379858,0 +379859,0 +379860,0 +379861,0 +379862,0 +379863,0 +379864,0 +379865,0 +379866,0 +379867,0 +379868,0 +379869,0 +379870,0 +379871,0 +379872,0 +379873,0 +379874,0 +379875,0 +379876,0 +379877,0 +379878,0 +379879,0 +379880,0 +379881,0 +379882,0 +379883,0 +379884,0 +379885,0 +379886,0 +379887,0 +379888,0 +379889,0 +379890,0 +379891,0 +379892,0 +379893,0 +379894,0 +379895,0 +379896,0 +379897,12 +379898,12 +379899,12 +379900,12 +379901,27 +379902,27 +379903,27 +379904,27 +379905,27 +379906,27 +379907,38 +379908,38 +379909,38 +379910,38 +379911,4 +379912,29 +379913,29 +379914,29 +379915,36 +379916,36 +379917,36 +379918,36 +379919,36 +379920,36 +379921,36 +379922,36 +379923,36 +379924,36 +379925,36 +379926,36 +379927,5 +379928,5 +379929,5 +379930,5 +379931,5 +379932,5 +379933,5 +379934,5 +379935,5 +379936,8 +379937,8 +379938,8 +379939,8 +379940,8 +379941,8 +379942,8 +379943,31 +379944,31 +379945,31 +379946,31 +379947,31 +379948,5 +379949,5 +379950,5 +379951,5 +379952,5 +379953,5 +379954,34 +379955,34 +379956,34 +379957,34 +379958,34 +379959,34 +379960,34 +379961,34 +379962,34 +379963,34 +379964,34 +379965,36 +379966,36 +379967,36 +379968,36 +379969,36 +379970,30 +379971,30 +379972,30 +379973,30 +379974,30 +379975,30 +379976,30 +379977,30 +379978,30 +379979,30 +379980,6 +379981,2 +379982,2 +379983,2 +379984,2 +379985,2 +379986,2 +379987,2 +379988,2 +379989,2 +379990,2 +379991,2 +379992,2 +379993,2 +379994,2 +379995,2 +379996,2 +379997,2 +379998,2 +379999,2 +380000,2 +380001,2 +380002,2 +380003,2 +380004,2 +380005,8 +380006,2 +380007,2 +380008,2 +380009,0 +380010,0 +380011,0 +380012,0 +380013,0 +380014,0 +380015,0 +380016,0 +380017,0 +380018,0 +380019,0 +380020,0 +380021,4 +380022,4 +380023,4 +380024,4 +380025,4 +380026,27 +380027,27 +380028,27 +380029,27 +380030,31 +380031,31 +380032,23 +380033,23 +380034,23 +380035,23 +380036,23 +380037,23 +380038,23 +380039,23 +380040,23 +380041,23 +380042,23 +380043,25 +380044,25 +380045,31 +380046,31 +380047,31 +380048,31 +380049,31 +380050,31 +380051,31 +380052,31 +380053,27 +380054,27 +380055,27 +380056,27 +380057,6 +380058,6 +380059,6 +380060,14 +380061,27 +380062,27 +380063,27 +380064,27 +380065,27 +380066,27 +380067,27 +380068,27 +380069,27 +380070,27 +380071,27 +380072,27 +380073,27 +380074,27 +380075,27 +380076,5 +380077,5 +380078,5 +380079,5 +380080,5 +380081,5 +380082,40 +380083,40 +380084,40 +380085,40 +380086,40 +380087,40 +380088,40 +380089,40 +380090,24 +380091,24 +380092,37 +380093,37 +380094,37 +380095,37 +380096,39 +380097,39 +380098,39 +380099,39 +380100,39 +380101,39 +380102,39 +380103,38 +380104,38 +380105,38 +380106,38 +380107,38 +380108,38 +380109,27 +380110,27 +380111,27 +380112,27 +380113,27 +380114,13 +380115,13 +380116,13 +380117,13 +380118,13 +380119,13 +380120,13 +380121,35 +380122,35 +380123,13 +380124,10 +380125,10 +380126,34 +380127,34 +380128,34 +380129,40 +380130,40 +380131,10 +380132,10 +380133,14 +380134,30 +380135,30 +380136,30 +380137,30 +380138,30 +380139,30 +380140,30 +380141,30 +380142,2 +380143,2 +380144,2 +380145,2 +380146,2 +380147,2 +380148,2 +380149,2 +380150,2 +380151,2 +380152,2 +380153,2 +380154,2 +380155,2 +380156,2 +380157,2 +380158,2 +380159,2 +380160,2 +380161,2 +380162,2 +380163,2 +380164,2 +380165,0 +380166,0 +380167,0 +380168,0 +380169,0 +380170,0 +380171,0 +380172,0 +380173,0 +380174,0 +380175,0 +380176,0 +380177,0 +380178,0 +380179,0 +380180,0 +380181,0 +380182,0 +380183,0 +380184,0 +380185,0 +380186,0 +380187,0 +380188,0 +380189,0 +380190,0 +380191,0 +380192,0 +380193,0 +380194,0 +380195,0 +380196,0 +380197,0 +380198,0 +380199,0 +380200,0 +380201,0 +380202,0 +380203,0 +380204,0 +380205,0 +380206,0 +380207,0 +380208,0 +380209,0 +380210,0 +380211,0 +380212,0 +380213,0 +380214,0 +380215,0 +380216,0 +380217,0 +380218,0 +380219,0 +380220,0 +380221,0 +380222,0 +380223,0 +380224,0 +380225,0 +380226,0 +380227,0 +380228,0 +380229,0 +380230,0 +380231,0 +380232,0 +380233,0 +380234,0 +380235,0 +380236,0 +380237,0 +380238,0 +380239,0 +380240,0 +380241,0 +380242,0 +380243,0 +380244,0 +380245,0 +380246,0 +380247,0 +380248,0 +380249,0 +380250,0 +380251,0 +380252,0 +380253,0 +380254,27 +380255,27 +380256,27 +380257,27 +380258,27 +380259,27 +380260,27 +380261,27 +380262,27 +380263,23 +380264,23 +380265,23 +380266,23 +380267,23 +380268,23 +380269,7 +380270,7 +380271,7 +380272,7 +380273,7 +380274,7 +380275,7 +380276,7 +380277,7 +380278,3 +380279,3 +380280,3 +380281,3 +380282,3 +380283,3 +380284,6 +380285,6 +380286,6 +380287,6 +380288,6 +380289,6 +380290,6 +380291,31 +380292,31 +380293,31 +380294,31 +380295,31 +380296,27 +380297,5 +380298,5 +380299,5 +380300,5 +380301,5 +380302,28 +380303,28 +380304,28 +380305,28 +380306,28 +380307,14 +380308,14 +380309,14 +380310,14 +380311,14 +380312,14 +380313,14 +380314,14 +380315,14 +380316,14 +380317,6 +380318,6 +380319,6 +380320,6 +380321,6 +380322,6 +380323,31 +380324,31 +380325,31 +380326,31 +380327,31 +380328,15 +380329,4 +380330,32 +380331,32 +380332,32 +380333,4 +380334,32 +380335,32 +380336,32 +380337,32 +380338,32 +380339,32 +380340,32 +380341,32 +380342,32 +380343,1 +380344,1 +380345,1 +380346,32 +380347,32 +380348,22 +380349,22 +380350,1 +380351,1 +380352,1 +380353,1 +380354,22 +380355,22 +380356,19 +380357,19 +380358,19 +380359,19 +380360,19 +380361,27 +380362,27 +380363,27 +380364,27 +380365,27 +380366,27 +380367,13 +380368,13 +380369,13 +380370,13 +380371,13 +380372,13 +380373,13 +380374,13 +380375,13 +380376,13 +380377,13 +380378,13 +380379,13 +380380,13 +380381,13 +380382,13 +380383,0 +380384,0 +380385,0 +380386,0 +380387,0 +380388,0 +380389,0 +380390,0 +380391,0 +380392,0 +380393,0 +380394,0 +380395,0 +380396,0 +380397,0 +380398,0 +380399,0 +380400,0 +380401,0 +380402,0 +380403,0 +380404,0 +380405,0 +380406,0 +380407,0 +380408,0 +380409,0 +380410,0 +380411,0 +380412,0 +380413,0 +380414,0 +380415,0 +380416,0 +380417,0 +380418,0 +380419,0 +380420,0 +380421,12 +380422,12 +380423,12 +380424,12 +380425,27 +380426,27 +380427,27 +380428,27 +380429,38 +380430,38 +380431,38 +380432,38 +380433,38 +380434,38 +380435,38 +380436,38 +380437,38 +380438,38 +380439,38 +380440,38 +380441,27 +380442,27 +380443,27 +380444,27 +380445,27 +380446,13 +380447,13 +380448,13 +380449,13 +380450,13 +380451,13 +380452,6 +380453,35 +380454,6 +380455,6 +380456,6 +380457,35 +380458,39 +380459,39 +380460,39 +380461,39 +380462,39 +380463,39 +380464,39 +380465,5 +380466,5 +380467,5 +380468,5 +380469,40 +380470,40 +380471,40 +380472,40 +380473,40 +380474,40 +380475,24 +380476,24 +380477,24 +380478,5 +380479,29 +380480,29 +380481,29 +380482,31 +380483,31 +380484,31 +380485,31 +380486,31 +380487,15 +380488,15 +380489,15 +380490,15 +380491,15 +380492,15 +380493,15 +380494,15 +380495,15 +380496,15 +380497,15 +380498,36 +380499,36 +380500,36 +380501,36 +380502,36 +380503,36 +380504,36 +380505,36 +380506,36 +380507,36 +380508,36 +380509,36 +380510,36 +380511,36 +380512,36 +380513,36 +380514,36 +380515,4 +380516,4 +380517,4 +380518,4 +380519,4 +380520,4 +380521,4 +380522,4 +380523,4 +380524,4 +380525,25 +380526,25 +380527,25 +380528,25 +380529,25 +380530,37 +380531,37 +380532,37 +380533,37 +380534,37 +380535,37 +380536,37 +380537,37 +380538,37 +380539,37 +380540,25 +380541,0 +380542,0 +380543,0 +380544,0 +380545,0 +380546,0 +380547,0 +380548,0 +380549,0 +380550,0 +380551,0 +380552,0 +380553,0 +380554,0 +380555,0 +380556,0 +380557,0 +380558,0 +380559,0 +380560,27 +380561,27 +380562,27 +380563,27 +380564,27 +380565,27 +380566,27 +380567,27 +380568,27 +380569,27 +380570,31 +380571,27 +380572,14 +380573,14 +380574,14 +380575,14 +380576,14 +380577,14 +380578,14 +380579,14 +380580,14 +380581,14 +380582,39 +380583,15 +380584,15 +380585,15 +380586,15 +380587,15 +380588,15 +380589,15 +380590,15 +380591,39 +380592,39 +380593,39 +380594,39 +380595,39 +380596,39 +380597,39 +380598,39 +380599,39 +380600,39 +380601,39 +380602,39 +380603,39 +380604,39 +380605,39 +380606,39 +380607,39 +380608,39 +380609,39 +380610,39 +380611,39 +380612,39 +380613,39 +380614,39 +380615,39 +380616,39 +380617,39 +380618,39 +380619,39 +380620,39 +380621,39 +380622,39 +380623,39 +380624,39 +380625,8 +380626,8 +380627,8 +380628,8 +380629,8 +380630,8 +380631,8 +380632,8 +380633,14 +380634,14 +380635,14 +380636,14 +380637,14 +380638,27 +380639,27 +380640,14 +380641,6 +380642,21 +380643,6 +380644,6 +380645,6 +380646,6 +380647,6 +380648,14 +380649,14 +380650,14 +380651,14 +380652,14 +380653,14 +380654,27 +380655,27 +380656,27 +380657,1 +380658,27 +380659,27 +380660,27 +380661,27 +380662,13 +380663,13 +380664,13 +380665,13 +380666,13 +380667,13 +380668,13 +380669,13 +380670,13 +380671,13 +380672,13 +380673,8 +380674,19 +380675,19 +380676,19 +380677,19 +380678,40 +380679,40 +380680,40 +380681,40 +380682,40 +380683,40 +380684,40 +380685,40 +380686,5 +380687,5 +380688,5 +380689,5 +380690,5 +380691,40 +380692,40 +380693,40 +380694,40 +380695,40 +380696,37 +380697,37 +380698,37 +380699,37 +380700,37 +380701,37 +380702,37 +380703,37 +380704,37 +380705,37 +380706,37 +380707,37 +380708,37 +380709,37 +380710,37 +380711,37 +380712,37 +380713,0 +380714,0 +380715,0 +380716,0 +380717,0 +380718,0 +380719,0 +380720,0 +380721,0 +380722,0 +380723,0 +380724,0 +380725,0 +380726,0 +380727,0 +380728,0 +380729,0 +380730,0 +380731,0 +380732,0 +380733,0 +380734,0 +380735,0 +380736,0 +380737,0 +380738,0 +380739,0 +380740,0 +380741,0 +380742,0 +380743,0 +380744,0 +380745,0 +380746,0 +380747,0 +380748,0 +380749,0 +380750,0 +380751,0 +380752,0 +380753,0 +380754,0 +380755,0 +380756,0 +380757,0 +380758,0 +380759,0 +380760,0 +380761,0 +380762,0 +380763,0 +380764,0 +380765,0 +380766,0 +380767,0 +380768,0 +380769,0 +380770,0 +380771,0 +380772,29 +380773,29 +380774,29 +380775,29 +380776,31 +380777,31 +380778,31 +380779,31 +380780,31 +380781,32 +380782,32 +380783,32 +380784,32 +380785,32 +380786,32 +380787,32 +380788,32 +380789,32 +380790,32 +380791,32 +380792,32 +380793,32 +380794,27 +380795,27 +380796,27 +380797,27 +380798,27 +380799,27 +380800,37 +380801,37 +380802,37 +380803,37 +380804,37 +380805,37 +380806,37 +380807,37 +380808,39 +380809,39 +380810,39 +380811,39 +380812,39 +380813,39 +380814,39 +380815,39 +380816,39 +380817,39 +380818,39 +380819,39 +380820,26 +380821,26 +380822,26 +380823,26 +380824,26 +380825,10 +380826,10 +380827,10 +380828,10 +380829,10 +380830,4 +380831,4 +380832,4 +380833,31 +380834,31 +380835,31 +380836,31 +380837,31 +380838,31 +380839,6 +380840,6 +380841,6 +380842,6 +380843,6 +380844,6 +380845,6 +380846,31 +380847,3 +380848,31 +380849,3 +380850,3 +380851,3 +380852,3 +380853,3 +380854,31 +380855,30 +380856,30 +380857,30 +380858,31 +380859,31 +380860,31 +380861,31 +380862,31 +380863,8 +380864,8 +380865,8 +380866,8 +380867,8 +380868,8 +380869,8 +380870,8 +380871,27 +380872,27 +380873,27 +380874,27 +380875,27 +380876,27 +380877,5 +380878,5 +380879,5 +380880,5 +380881,5 +380882,5 +380883,5 +380884,5 +380885,5 +380886,27 +380887,27 +380888,27 +380889,27 +380890,27 +380891,27 +380892,27 +380893,30 +380894,30 +380895,30 +380896,30 +380897,30 +380898,30 +380899,30 +380900,31 +380901,31 +380902,31 +380903,31 +380904,31 +380905,31 +380906,2 +380907,2 +380908,2 +380909,2 +380910,2 +380911,2 +380912,2 +380913,2 +380914,4 +380915,4 +380916,4 +380917,4 +380918,4 +380919,4 +380920,27 +380921,27 +380922,14 +380923,14 +380924,14 +380925,14 +380926,14 +380927,19 +380928,19 +380929,19 +380930,19 +380931,19 +380932,27 +380933,27 +380934,27 +380935,27 +380936,27 +380937,27 +380938,5 +380939,5 +380940,5 +380941,5 +380942,5 +380943,5 +380944,5 +380945,5 +380946,5 +380947,39 +380948,39 +380949,39 +380950,39 +380951,39 +380952,39 +380953,39 +380954,39 +380955,39 +380956,39 +380957,39 +380958,2 +380959,8 +380960,8 +380961,8 +380962,8 +380963,8 +380964,8 +380965,32 +380966,32 +380967,32 +380968,32 +380969,32 +380970,32 +380971,32 +380972,14 +380973,14 +380974,14 +380975,14 +380976,14 +380977,14 +380978,14 +380979,14 +380980,14 +380981,32 +380982,32 +380983,32 +380984,32 +380985,32 +380986,32 +380987,32 +380988,32 +380989,32 +380990,32 +380991,32 +380992,25 +380993,25 +380994,25 +380995,25 +380996,25 +380997,25 +380998,25 +380999,25 +381000,25 +381001,25 +381002,25 +381003,25 +381004,25 +381005,25 +381006,8 +381007,8 +381008,8 +381009,8 +381010,8 +381011,8 +381012,8 +381013,8 +381014,8 +381015,8 +381016,8 +381017,8 +381018,8 +381019,2 +381020,2 +381021,2 +381022,2 +381023,2 +381024,2 +381025,2 +381026,2 +381027,2 +381028,0 +381029,0 +381030,0 +381031,0 +381032,0 +381033,0 +381034,0 +381035,0 +381036,0 +381037,0 +381038,0 +381039,0 +381040,0 +381041,0 +381042,0 +381043,0 +381044,0 +381045,0 +381046,0 +381047,0 +381048,0 +381049,0 +381050,0 +381051,0 +381052,0 +381053,0 +381054,0 +381055,0 +381056,0 +381057,0 +381058,0 +381059,0 +381060,0 +381061,0 +381062,0 +381063,0 +381064,0 +381065,0 +381066,0 +381067,0 +381068,0 +381069,0 +381070,0 +381071,0 +381072,0 +381073,0 +381074,0 +381075,0 +381076,0 +381077,0 +381078,0 +381079,0 +381080,0 +381081,0 +381082,0 +381083,0 +381084,0 +381085,0 +381086,0 +381087,0 +381088,0 +381089,0 +381090,0 +381091,0 +381092,0 +381093,0 +381094,0 +381095,0 +381096,0 +381097,0 +381098,0 +381099,0 +381100,0 +381101,0 +381102,0 +381103,31 +381104,31 +381105,31 +381106,31 +381107,31 +381108,31 +381109,31 +381110,15 +381111,15 +381112,15 +381113,15 +381114,15 +381115,15 +381116,15 +381117,15 +381118,26 +381119,26 +381120,26 +381121,26 +381122,26 +381123,26 +381124,26 +381125,30 +381126,26 +381127,31 +381128,24 +381129,24 +381130,24 +381131,24 +381132,24 +381133,26 +381134,26 +381135,26 +381136,26 +381137,26 +381138,26 +381139,26 +381140,26 +381141,26 +381142,26 +381143,26 +381144,26 +381145,26 +381146,26 +381147,26 +381148,26 +381149,26 +381150,26 +381151,26 +381152,26 +381153,30 +381154,30 +381155,30 +381156,30 +381157,30 +381158,30 +381159,30 +381160,30 +381161,30 +381162,30 +381163,30 +381164,30 +381165,30 +381166,30 +381167,30 +381168,30 +381169,30 +381170,30 +381171,30 +381172,30 +381173,0 +381174,0 +381175,0 +381176,0 +381177,0 +381178,0 +381179,0 +381180,0 +381181,0 +381182,0 +381183,0 +381184,0 +381185,0 +381186,0 +381187,0 +381188,0 +381189,0 +381190,0 +381191,0 +381192,0 +381193,36 +381194,31 +381195,31 +381196,31 +381197,31 +381198,36 +381199,36 +381200,36 +381201,36 +381202,31 +381203,5 +381204,5 +381205,19 +381206,19 +381207,19 +381208,19 +381209,19 +381210,19 +381211,19 +381212,19 +381213,31 +381214,31 +381215,30 +381216,30 +381217,30 +381218,9 +381219,9 +381220,9 +381221,9 +381222,9 +381223,9 +381224,9 +381225,9 +381226,9 +381227,9 +381228,9 +381229,13 +381230,13 +381231,13 +381232,5 +381233,5 +381234,19 +381235,18 +381236,18 +381237,18 +381238,31 +381239,31 +381240,31 +381241,31 +381242,3 +381243,3 +381244,3 +381245,4 +381246,4 +381247,4 +381248,4 +381249,4 +381250,4 +381251,4 +381252,4 +381253,4 +381254,4 +381255,27 +381256,27 +381257,27 +381258,27 +381259,27 +381260,27 +381261,36 +381262,19 +381263,19 +381264,19 +381265,19 +381266,19 +381267,19 +381268,19 +381269,19 +381270,19 +381271,8 +381272,8 +381273,8 +381274,2 +381275,2 +381276,2 +381277,2 +381278,2 +381279,2 +381280,2 +381281,2 +381282,2 +381283,2 +381284,2 +381285,2 +381286,2 +381287,2 +381288,40 +381289,40 +381290,40 +381291,40 +381292,40 +381293,40 +381294,40 +381295,5 +381296,5 +381297,5 +381298,5 +381299,5 +381300,5 +381301,5 +381302,5 +381303,5 +381304,5 +381305,5 +381306,5 +381307,5 +381308,4 +381309,4 +381310,4 +381311,4 +381312,4 +381313,4 +381314,4 +381315,4 +381316,4 +381317,4 +381318,4 +381319,4 +381320,4 +381321,4 +381322,39 +381323,39 +381324,39 +381325,39 +381326,39 +381327,39 +381328,39 +381329,14 +381330,14 +381331,5 +381332,5 +381333,5 +381334,5 +381335,5 +381336,5 +381337,5 +381338,5 +381339,5 +381340,5 +381341,27 +381342,27 +381343,27 +381344,21 +381345,21 +381346,21 +381347,21 +381348,21 +381349,21 +381350,21 +381351,37 +381352,37 +381353,37 +381354,37 +381355,37 +381356,37 +381357,37 +381358,37 +381359,37 +381360,39 +381361,39 +381362,39 +381363,39 +381364,39 +381365,39 +381366,39 +381367,39 +381368,39 +381369,39 +381370,14 +381371,14 +381372,14 +381373,14 +381374,14 +381375,39 +381376,39 +381377,39 +381378,39 +381379,8 +381380,8 +381381,8 +381382,8 +381383,8 +381384,8 +381385,8 +381386,8 +381387,8 +381388,8 +381389,8 +381390,8 +381391,8 +381392,2 +381393,2 +381394,0 +381395,0 +381396,0 +381397,0 +381398,0 +381399,0 +381400,0 +381401,0 +381402,0 +381403,0 +381404,0 +381405,0 +381406,0 +381407,0 +381408,0 +381409,0 +381410,0 +381411,0 +381412,0 +381413,0 +381414,0 +381415,0 +381416,0 +381417,0 +381418,0 +381419,0 +381420,0 +381421,0 +381422,0 +381423,0 +381424,0 +381425,0 +381426,0 +381427,0 +381428,0 +381429,0 +381430,0 +381431,0 +381432,0 +381433,0 +381434,0 +381435,0 +381436,29 +381437,29 +381438,29 +381439,29 +381440,40 +381441,40 +381442,40 +381443,40 +381444,37 +381445,27 +381446,27 +381447,27 +381448,27 +381449,28 +381450,28 +381451,28 +381452,28 +381453,28 +381454,28 +381455,28 +381456,28 +381457,28 +381458,28 +381459,28 +381460,28 +381461,28 +381462,28 +381463,28 +381464,28 +381465,27 +381466,27 +381467,27 +381468,27 +381469,27 +381470,27 +381471,27 +381472,5 +381473,5 +381474,5 +381475,5 +381476,5 +381477,5 +381478,15 +381479,15 +381480,15 +381481,15 +381482,15 +381483,15 +381484,15 +381485,15 +381486,39 +381487,39 +381488,39 +381489,39 +381490,39 +381491,39 +381492,39 +381493,39 +381494,39 +381495,39 +381496,39 +381497,39 +381498,39 +381499,39 +381500,39 +381501,39 +381502,24 +381503,24 +381504,24 +381505,24 +381506,24 +381507,31 +381508,27 +381509,27 +381510,27 +381511,27 +381512,5 +381513,5 +381514,5 +381515,5 +381516,5 +381517,5 +381518,5 +381519,5 +381520,15 +381521,15 +381522,15 +381523,15 +381524,15 +381525,39 +381526,39 +381527,39 +381528,39 +381529,39 +381530,39 +381531,39 +381532,39 +381533,39 +381534,39 +381535,14 +381536,39 +381537,39 +381538,39 +381539,35 +381540,35 +381541,39 +381542,31 +381543,31 +381544,31 +381545,31 +381546,31 +381547,31 +381548,31 +381549,2 +381550,2 +381551,2 +381552,2 +381553,2 +381554,2 +381555,2 +381556,2 +381557,2 +381558,2 +381559,2 +381560,6 +381561,6 +381562,6 +381563,6 +381564,6 +381565,6 +381566,6 +381567,26 +381568,26 +381569,26 +381570,26 +381571,26 +381572,26 +381573,26 +381574,36 +381575,26 +381576,4 +381577,4 +381578,4 +381579,4 +381580,4 +381581,4 +381582,4 +381583,2 +381584,2 +381585,2 +381586,2 +381587,2 +381588,2 +381589,2 +381590,2 +381591,2 +381592,2 +381593,2 +381594,28 +381595,28 +381596,28 +381597,28 +381598,31 +381599,31 +381600,31 +381601,31 +381602,31 +381603,31 +381604,5 +381605,5 +381606,5 +381607,5 +381608,5 +381609,5 +381610,5 +381611,5 +381612,5 +381613,35 +381614,35 +381615,26 +381616,26 +381617,26 +381618,28 +381619,28 +381620,34 +381621,34 +381622,34 +381623,26 +381624,9 +381625,9 +381626,13 +381627,5 +381628,5 +381629,13 +381630,13 +381631,13 +381632,13 +381633,5 +381634,5 +381635,13 +381636,13 +381637,28 +381638,28 +381639,30 +381640,30 +381641,30 +381642,31 +381643,31 +381644,31 +381645,32 +381646,32 +381647,32 +381648,32 +381649,32 +381650,32 +381651,32 +381652,32 +381653,32 +381654,32 +381655,32 +381656,9 +381657,9 +381658,9 +381659,9 +381660,9 +381661,9 +381662,9 +381663,9 +381664,37 +381665,37 +381666,37 +381667,19 +381668,19 +381669,19 +381670,19 +381671,25 +381672,25 +381673,25 +381674,25 +381675,25 +381676,25 +381677,25 +381678,25 +381679,25 +381680,25 +381681,25 +381682,20 +381683,20 +381684,20 +381685,20 +381686,20 +381687,20 +381688,20 +381689,20 +381690,20 +381691,20 +381692,20 +381693,20 +381694,31 +381695,31 +381696,31 +381697,31 +381698,5 +381699,5 +381700,5 +381701,5 +381702,5 +381703,5 +381704,5 +381705,5 +381706,34 +381707,34 +381708,34 +381709,34 +381710,34 +381711,34 +381712,34 +381713,34 +381714,34 +381715,34 +381716,34 +381717,34 +381718,34 +381719,34 +381720,34 +381721,30 +381722,30 +381723,30 +381724,30 +381725,30 +381726,0 +381727,0 +381728,0 +381729,0 +381730,0 +381731,0 +381732,0 +381733,0 +381734,0 +381735,0 +381736,0 +381737,0 +381738,0 +381739,0 +381740,0 +381741,0 +381742,0 +381743,0 +381744,0 +381745,0 +381746,0 +381747,10 +381748,10 +381749,10 +381750,10 +381751,10 +381752,10 +381753,10 +381754,10 +381755,10 +381756,10 +381757,10 +381758,2 +381759,2 +381760,2 +381761,2 +381762,2 +381763,2 +381764,2 +381765,2 +381766,2 +381767,2 +381768,2 +381769,2 +381770,31 +381771,31 +381772,31 +381773,31 +381774,31 +381775,5 +381776,5 +381777,5 +381778,5 +381779,5 +381780,5 +381781,5 +381782,5 +381783,5 +381784,5 +381785,3 +381786,16 +381787,5 +381788,4 +381789,16 +381790,16 +381791,16 +381792,16 +381793,16 +381794,16 +381795,16 +381796,36 +381797,36 +381798,36 +381799,36 +381800,36 +381801,36 +381802,36 +381803,36 +381804,36 +381805,36 +381806,36 +381807,36 +381808,36 +381809,34 +381810,34 +381811,34 +381812,34 +381813,34 +381814,34 +381815,5 +381816,5 +381817,5 +381818,5 +381819,5 +381820,5 +381821,5 +381822,5 +381823,5 +381824,5 +381825,2 +381826,2 +381827,2 +381828,2 +381829,2 +381830,2 +381831,2 +381832,2 +381833,2 +381834,2 +381835,2 +381836,2 +381837,2 +381838,2 +381839,2 +381840,8 +381841,8 +381842,2 +381843,8 +381844,2 +381845,2 +381846,2 +381847,2 +381848,8 +381849,8 +381850,0 +381851,0 +381852,0 +381853,0 +381854,0 +381855,0 +381856,0 +381857,0 +381858,0 +381859,0 +381860,0 +381861,0 +381862,0 +381863,0 +381864,0 +381865,0 +381866,0 +381867,0 +381868,0 +381869,0 +381870,0 +381871,0 +381872,0 +381873,0 +381874,0 +381875,0 +381876,0 +381877,0 +381878,0 +381879,0 +381880,0 +381881,0 +381882,0 +381883,0 +381884,0 +381885,0 +381886,0 +381887,0 +381888,0 +381889,0 +381890,0 +381891,0 +381892,0 +381893,0 +381894,0 +381895,0 +381896,0 +381897,0 +381898,0 +381899,5 +381900,5 +381901,5 +381902,5 +381903,5 +381904,5 +381905,5 +381906,5 +381907,5 +381908,5 +381909,33 +381910,9 +381911,33 +381912,9 +381913,9 +381914,9 +381915,9 +381916,9 +381917,9 +381918,9 +381919,9 +381920,23 +381921,23 +381922,23 +381923,23 +381924,23 +381925,23 +381926,23 +381927,23 +381928,23 +381929,23 +381930,23 +381931,23 +381932,23 +381933,14 +381934,14 +381935,14 +381936,14 +381937,14 +381938,14 +381939,14 +381940,39 +381941,39 +381942,39 +381943,39 +381944,39 +381945,40 +381946,40 +381947,40 +381948,40 +381949,40 +381950,40 +381951,40 +381952,40 +381953,40 +381954,40 +381955,40 +381956,40 +381957,40 +381958,40 +381959,40 +381960,40 +381961,36 +381962,2 +381963,2 +381964,2 +381965,2 +381966,2 +381967,2 +381968,2 +381969,2 +381970,2 +381971,2 +381972,2 +381973,2 +381974,2 +381975,40 +381976,40 +381977,40 +381978,40 +381979,40 +381980,40 +381981,40 +381982,5 +381983,5 +381984,5 +381985,5 +381986,19 +381987,25 +381988,25 +381989,25 +381990,25 +381991,25 +381992,27 +381993,27 +381994,27 +381995,27 +381996,27 +381997,27 +381998,27 +381999,27 +382000,5 +382001,5 +382002,13 +382003,5 +382004,5 +382005,5 +382006,5 +382007,5 +382008,5 +382009,5 +382010,29 +382011,29 +382012,28 +382013,39 +382014,39 +382015,39 +382016,39 +382017,39 +382018,39 +382019,39 +382020,39 +382021,39 +382022,14 +382023,14 +382024,28 +382025,28 +382026,28 +382027,28 +382028,28 +382029,15 +382030,25 +382031,21 +382032,21 +382033,21 +382034,21 +382035,21 +382036,21 +382037,25 +382038,25 +382039,25 +382040,21 +382041,21 +382042,21 +382043,21 +382044,21 +382045,21 +382046,21 +382047,21 +382048,5 +382049,5 +382050,5 +382051,13 +382052,13 +382053,13 +382054,13 +382055,13 +382056,13 +382057,3 +382058,3 +382059,3 +382060,3 +382061,3 +382062,28 +382063,28 +382064,28 +382065,28 +382066,28 +382067,28 +382068,28 +382069,28 +382070,9 +382071,9 +382072,9 +382073,9 +382074,9 +382075,9 +382076,30 +382077,30 +382078,30 +382079,30 +382080,30 +382081,30 +382082,39 +382083,39 +382084,39 +382085,39 +382086,39 +382087,39 +382088,39 +382089,39 +382090,39 +382091,39 +382092,39 +382093,39 +382094,39 +382095,39 +382096,39 +382097,39 +382098,39 +382099,0 +382100,0 +382101,0 +382102,0 +382103,0 +382104,0 +382105,0 +382106,0 +382107,0 +382108,0 +382109,0 +382110,0 +382111,0 +382112,0 +382113,0 +382114,0 +382115,0 +382116,0 +382117,0 +382118,0 +382119,0 +382120,0 +382121,0 +382122,0 +382123,0 +382124,0 +382125,0 +382126,0 +382127,0 +382128,15 +382129,29 +382130,29 +382131,29 +382132,29 +382133,29 +382134,29 +382135,29 +382136,29 +382137,29 +382138,29 +382139,29 +382140,29 +382141,29 +382142,29 +382143,29 +382144,40 +382145,40 +382146,14 +382147,14 +382148,40 +382149,40 +382150,31 +382151,31 +382152,31 +382153,31 +382154,31 +382155,31 +382156,31 +382157,31 +382158,31 +382159,15 +382160,15 +382161,15 +382162,15 +382163,15 +382164,15 +382165,15 +382166,15 +382167,39 +382168,14 +382169,14 +382170,14 +382171,14 +382172,39 +382173,39 +382174,30 +382175,30 +382176,30 +382177,30 +382178,24 +382179,30 +382180,30 +382181,30 +382182,30 +382183,30 +382184,30 +382185,30 +382186,30 +382187,33 +382188,33 +382189,33 +382190,33 +382191,33 +382192,33 +382193,33 +382194,33 +382195,33 +382196,33 +382197,33 +382198,33 +382199,6 +382200,6 +382201,6 +382202,6 +382203,6 +382204,6 +382205,6 +382206,6 +382207,31 +382208,31 +382209,31 +382210,31 +382211,31 +382212,5 +382213,5 +382214,13 +382215,13 +382216,13 +382217,13 +382218,28 +382219,13 +382220,13 +382221,36 +382222,36 +382223,36 +382224,36 +382225,36 +382226,36 +382227,36 +382228,36 +382229,36 +382230,5 +382231,5 +382232,5 +382233,5 +382234,5 +382235,28 +382236,28 +382237,31 +382238,31 +382239,31 +382240,31 +382241,5 +382242,10 +382243,10 +382244,10 +382245,10 +382246,10 +382247,10 +382248,10 +382249,10 +382250,10 +382251,35 +382252,35 +382253,35 +382254,35 +382255,35 +382256,35 +382257,35 +382258,35 +382259,35 +382260,35 +382261,36 +382262,36 +382263,36 +382264,36 +382265,36 +382266,36 +382267,15 +382268,15 +382269,24 +382270,19 +382271,19 +382272,19 +382273,24 +382274,24 +382275,24 +382276,28 +382277,28 +382278,28 +382279,28 +382280,28 +382281,28 +382282,14 +382283,14 +382284,14 +382285,14 +382286,14 +382287,14 +382288,14 +382289,14 +382290,19 +382291,19 +382292,19 +382293,19 +382294,19 +382295,19 +382296,21 +382297,40 +382298,34 +382299,34 +382300,34 +382301,34 +382302,34 +382303,34 +382304,34 +382305,34 +382306,34 +382307,34 +382308,34 +382309,34 +382310,34 +382311,34 +382312,34 +382313,34 +382314,34 +382315,34 +382316,4 +382317,4 +382318,4 +382319,4 +382320,4 +382321,4 +382322,4 +382323,4 +382324,32 +382325,32 +382326,32 +382327,32 +382328,32 +382329,0 +382330,0 +382331,0 +382332,0 +382333,0 +382334,0 +382335,0 +382336,0 +382337,0 +382338,0 +382339,0 +382340,0 +382341,0 +382342,0 +382343,0 +382344,0 +382345,0 +382346,0 +382347,0 +382348,0 +382349,0 +382350,0 +382351,0 +382352,0 +382353,0 +382354,0 +382355,23 +382356,23 +382357,23 +382358,23 +382359,23 +382360,23 +382361,23 +382362,0 +382363,0 +382364,0 +382365,0 +382366,0 +382367,36 +382368,36 +382369,31 +382370,31 +382371,31 +382372,31 +382373,31 +382374,31 +382375,31 +382376,31 +382377,31 +382378,19 +382379,5 +382380,5 +382381,5 +382382,5 +382383,5 +382384,31 +382385,31 +382386,31 +382387,31 +382388,31 +382389,31 +382390,31 +382391,31 +382392,31 +382393,31 +382394,31 +382395,31 +382396,31 +382397,31 +382398,31 +382399,31 +382400,31 +382401,31 +382402,8 +382403,27 +382404,8 +382405,8 +382406,8 +382407,8 +382408,8 +382409,8 +382410,8 +382411,8 +382412,33 +382413,33 +382414,33 +382415,33 +382416,33 +382417,9 +382418,9 +382419,9 +382420,9 +382421,9 +382422,9 +382423,9 +382424,9 +382425,9 +382426,4 +382427,4 +382428,4 +382429,4 +382430,4 +382431,2 +382432,2 +382433,2 +382434,2 +382435,27 +382436,27 +382437,27 +382438,27 +382439,27 +382440,8 +382441,8 +382442,8 +382443,8 +382444,8 +382445,8 +382446,8 +382447,8 +382448,8 +382449,27 +382450,27 +382451,27 +382452,27 +382453,27 +382454,27 +382455,27 +382456,27 +382457,27 +382458,27 +382459,6 +382460,6 +382461,6 +382462,6 +382463,6 +382464,6 +382465,6 +382466,6 +382467,6 +382468,6 +382469,6 +382470,6 +382471,6 +382472,6 +382473,7 +382474,7 +382475,7 +382476,7 +382477,3 +382478,3 +382479,3 +382480,3 +382481,5 +382482,3 +382483,1 +382484,3 +382485,3 +382486,3 +382487,3 +382488,3 +382489,39 +382490,39 +382491,3 +382492,1 +382493,30 +382494,3 +382495,3 +382496,3 +382497,3 +382498,3 +382499,3 +382500,3 +382501,3 +382502,30 +382503,30 +382504,14 +382505,14 +382506,14 +382507,14 +382508,14 +382509,14 +382510,14 +382511,14 +382512,20 +382513,20 +382514,20 +382515,20 +382516,20 +382517,20 +382518,11 +382519,11 +382520,11 +382521,31 +382522,5 +382523,5 +382524,5 +382525,5 +382526,5 +382527,5 +382528,31 +382529,31 +382530,31 +382531,31 +382532,31 +382533,4 +382534,4 +382535,9 +382536,33 +382537,6 +382538,6 +382539,6 +382540,6 +382541,6 +382542,6 +382543,6 +382544,9 +382545,9 +382546,9 +382547,9 +382548,9 +382549,9 +382550,9 +382551,9 +382552,9 +382553,9 +382554,9 +382555,9 +382556,9 +382557,9 +382558,9 +382559,9 +382560,9 +382561,30 +382562,30 +382563,30 +382564,30 +382565,30 +382566,30 +382567,30 +382568,30 +382569,29 +382570,29 +382571,29 +382572,29 +382573,31 +382574,31 +382575,31 +382576,31 +382577,31 +382578,31 +382579,2 +382580,8 +382581,8 +382582,8 +382583,2 +382584,2 +382585,2 +382586,4 +382587,4 +382588,4 +382589,4 +382590,4 +382591,4 +382592,37 +382593,37 +382594,37 +382595,37 +382596,37 +382597,37 +382598,37 +382599,37 +382600,40 +382601,40 +382602,40 +382603,40 +382604,40 +382605,40 +382606,40 +382607,19 +382608,19 +382609,19 +382610,19 +382611,23 +382612,23 +382613,23 +382614,23 +382615,23 +382616,23 +382617,23 +382618,30 +382619,30 +382620,30 +382621,30 +382622,22 +382623,22 +382624,22 +382625,22 +382626,22 +382627,30 +382628,30 +382629,30 +382630,28 +382631,28 +382632,28 +382633,28 +382634,28 +382635,28 +382636,28 +382637,28 +382638,28 +382639,28 +382640,28 +382641,10 +382642,10 +382643,10 +382644,10 +382645,10 +382646,10 +382647,10 +382648,10 +382649,9 +382650,26 +382651,5 +382652,5 +382653,5 +382654,5 +382655,5 +382656,39 +382657,39 +382658,39 +382659,39 +382660,39 +382661,39 +382662,39 +382663,39 +382664,39 +382665,39 +382666,39 +382667,39 +382668,39 +382669,39 +382670,39 +382671,39 +382672,39 +382673,39 +382674,39 +382675,39 +382676,0 +382677,0 +382678,0 +382679,0 +382680,0 +382681,0 +382682,0 +382683,0 +382684,0 +382685,0 +382686,0 +382687,0 +382688,0 +382689,0 +382690,0 +382691,0 +382692,0 +382693,0 +382694,0 +382695,0 +382696,0 +382697,0 +382698,0 +382699,0 +382700,0 +382701,0 +382702,0 +382703,0 +382704,0 +382705,0 +382706,0 +382707,0 +382708,2 +382709,2 +382710,2 +382711,2 +382712,2 +382713,2 +382714,2 +382715,2 +382716,2 +382717,2 +382718,2 +382719,2 +382720,2 +382721,2 +382722,2 +382723,2 +382724,2 +382725,2 +382726,33 +382727,33 +382728,33 +382729,33 +382730,33 +382731,33 +382732,33 +382733,33 +382734,33 +382735,33 +382736,33 +382737,33 +382738,33 +382739,33 +382740,33 +382741,33 +382742,33 +382743,33 +382744,33 +382745,33 +382746,33 +382747,28 +382748,28 +382749,28 +382750,28 +382751,28 +382752,28 +382753,28 +382754,28 +382755,10 +382756,10 +382757,10 +382758,10 +382759,10 +382760,10 +382761,10 +382762,10 +382763,10 +382764,10 +382765,10 +382766,10 +382767,19 +382768,19 +382769,19 +382770,19 +382771,19 +382772,19 +382773,19 +382774,21 +382775,27 +382776,27 +382777,27 +382778,27 +382779,37 +382780,37 +382781,37 +382782,37 +382783,37 +382784,37 +382785,37 +382786,37 +382787,27 +382788,27 +382789,27 +382790,27 +382791,28 +382792,28 +382793,28 +382794,28 +382795,28 +382796,28 +382797,28 +382798,28 +382799,14 +382800,14 +382801,14 +382802,14 +382803,14 +382804,14 +382805,14 +382806,14 +382807,14 +382808,14 +382809,14 +382810,14 +382811,14 +382812,19 +382813,19 +382814,16 +382815,16 +382816,16 +382817,16 +382818,16 +382819,16 +382820,16 +382821,16 +382822,25 +382823,25 +382824,25 +382825,25 +382826,25 +382827,25 +382828,25 +382829,25 +382830,25 +382831,25 +382832,25 +382833,25 +382834,25 +382835,25 +382836,25 +382837,25 +382838,25 +382839,25 +382840,25 +382841,25 +382842,0 +382843,0 +382844,0 +382845,0 +382846,0 +382847,0 +382848,0 +382849,0 +382850,0 +382851,0 +382852,0 +382853,0 +382854,0 +382855,0 +382856,0 +382857,0 +382858,0 +382859,0 +382860,0 +382861,0 +382862,0 +382863,0 +382864,0 +382865,0 +382866,0 +382867,0 +382868,0 +382869,11 +382870,11 +382871,0 +382872,0 +382873,11 +382874,11 +382875,11 +382876,11 +382877,11 +382878,11 +382879,11 +382880,11 +382881,11 +382882,11 +382883,11 +382884,11 +382885,11 +382886,11 +382887,39 +382888,39 +382889,12 +382890,12 +382891,12 +382892,31 +382893,31 +382894,31 +382895,8 +382896,8 +382897,8 +382898,8 +382899,8 +382900,8 +382901,8 +382902,8 +382903,32 +382904,32 +382905,32 +382906,32 +382907,32 +382908,32 +382909,32 +382910,32 +382911,32 +382912,30 +382913,30 +382914,30 +382915,30 +382916,30 +382917,30 +382918,14 +382919,14 +382920,14 +382921,36 +382922,36 +382923,10 +382924,10 +382925,10 +382926,36 +382927,13 +382928,13 +382929,13 +382930,13 +382931,13 +382932,13 +382933,13 +382934,33 +382935,33 +382936,33 +382937,33 +382938,33 +382939,33 +382940,38 +382941,38 +382942,29 +382943,29 +382944,29 +382945,29 +382946,29 +382947,29 +382948,29 +382949,25 +382950,25 +382951,25 +382952,25 +382953,25 +382954,25 +382955,25 +382956,25 +382957,4 +382958,4 +382959,4 +382960,4 +382961,4 +382962,4 +382963,4 +382964,4 +382965,4 +382966,4 +382967,4 +382968,4 +382969,4 +382970,35 +382971,39 +382972,39 +382973,39 +382974,39 +382975,39 +382976,39 +382977,8 +382978,8 +382979,8 +382980,8 +382981,8 +382982,8 +382983,8 +382984,8 +382985,2 +382986,8 +382987,15 +382988,15 +382989,15 +382990,15 +382991,15 +382992,15 +382993,3 +382994,3 +382995,3 +382996,3 +382997,3 +382998,3 +382999,3 +383000,3 +383001,3 +383002,3 +383003,3 +383004,3 +383005,3 +383006,33 +383007,33 +383008,5 +383009,5 +383010,5 +383011,5 +383012,5 +383013,5 +383014,5 +383015,5 +383016,5 +383017,5 +383018,5 +383019,5 +383020,5 +383021,0 +383022,0 +383023,0 +383024,0 +383025,0 +383026,0 +383027,0 +383028,0 +383029,0 +383030,0 +383031,0 +383032,0 +383033,0 +383034,0 +383035,0 +383036,0 +383037,0 +383038,0 +383039,0 +383040,0 +383041,0 +383042,0 +383043,0 +383044,0 +383045,0 +383046,0 +383047,0 +383048,0 +383049,0 +383050,0 +383051,0 +383052,0 +383053,0 +383054,0 +383055,0 +383056,0 +383057,0 +383058,0 +383059,0 +383060,0 +383061,0 +383062,0 +383063,0 +383064,0 +383065,15 +383066,15 +383067,31 +383068,31 +383069,31 +383070,4 +383071,4 +383072,5 +383073,5 +383074,5 +383075,14 +383076,14 +383077,14 +383078,14 +383079,14 +383080,14 +383081,14 +383082,6 +383083,6 +383084,6 +383085,6 +383086,6 +383087,6 +383088,6 +383089,27 +383090,27 +383091,27 +383092,27 +383093,27 +383094,4 +383095,4 +383096,4 +383097,4 +383098,4 +383099,2 +383100,2 +383101,2 +383102,2 +383103,2 +383104,2 +383105,2 +383106,2 +383107,2 +383108,2 +383109,2 +383110,39 +383111,39 +383112,39 +383113,39 +383114,39 +383115,39 +383116,39 +383117,39 +383118,29 +383119,29 +383120,29 +383121,29 +383122,29 +383123,29 +383124,29 +383125,29 +383126,29 +383127,31 +383128,31 +383129,14 +383130,31 +383131,31 +383132,31 +383133,4 +383134,4 +383135,4 +383136,4 +383137,11 +383138,11 +383139,11 +383140,11 +383141,11 +383142,11 +383143,11 +383144,11 +383145,11 +383146,11 +383147,11 +383148,39 +383149,39 +383150,39 +383151,39 +383152,39 +383153,12 +383154,12 +383155,12 +383156,3 +383157,31 +383158,31 +383159,8 +383160,8 +383161,8 +383162,8 +383163,8 +383164,8 +383165,8 +383166,16 +383167,16 +383168,16 +383169,16 +383170,16 +383171,16 +383172,16 +383173,16 +383174,16 +383175,16 +383176,16 +383177,16 +383178,16 +383179,16 +383180,33 +383181,33 +383182,33 +383183,33 +383184,33 +383185,33 +383186,33 +383187,6 +383188,6 +383189,6 +383190,6 +383191,6 +383192,6 +383193,6 +383194,27 +383195,27 +383196,27 +383197,27 +383198,27 +383199,39 +383200,39 +383201,5 +383202,13 +383203,13 +383204,13 +383205,13 +383206,13 +383207,19 +383208,19 +383209,19 +383210,19 +383211,19 +383212,19 +383213,19 +383214,34 +383215,34 +383216,34 +383217,34 +383218,34 +383219,34 +383220,34 +383221,34 +383222,34 +383223,34 +383224,34 +383225,34 +383226,34 +383227,34 +383228,34 +383229,34 +383230,34 +383231,34 +383232,5 +383233,5 +383234,5 +383235,35 +383236,35 +383237,35 +383238,35 +383239,35 +383240,35 +383241,35 +383242,35 +383243,25 +383244,25 +383245,25 +383246,25 +383247,25 +383248,25 +383249,25 +383250,4 +383251,4 +383252,4 +383253,4 +383254,4 +383255,4 +383256,4 +383257,4 +383258,4 +383259,4 +383260,4 +383261,4 +383262,27 +383263,27 +383264,27 +383265,27 +383266,27 +383267,27 +383268,27 +383269,27 +383270,27 +383271,37 +383272,37 +383273,37 +383274,37 +383275,37 +383276,37 +383277,37 +383278,37 +383279,37 +383280,37 +383281,37 +383282,37 +383283,37 +383284,8 +383285,8 +383286,8 +383287,8 +383288,8 +383289,8 +383290,8 +383291,8 +383292,8 +383293,2 +383294,2 +383295,2 +383296,2 +383297,2 +383298,2 +383299,2 +383300,2 +383301,0 +383302,0 +383303,0 +383304,0 +383305,0 +383306,0 +383307,0 +383308,0 +383309,0 +383310,0 +383311,0 +383312,0 +383313,0 +383314,0 +383315,0 +383316,0 +383317,0 +383318,0 +383319,0 +383320,0 +383321,0 +383322,0 +383323,0 +383324,0 +383325,0 +383326,0 +383327,0 +383328,0 +383329,0 +383330,0 +383331,0 +383332,0 +383333,0 +383334,0 +383335,0 +383336,0 +383337,0 +383338,0 +383339,0 +383340,0 +383341,0 +383342,0 +383343,0 +383344,0 +383345,0 +383346,0 +383347,0 +383348,0 +383349,0 +383350,0 +383351,0 +383352,0 +383353,0 +383354,0 +383355,0 +383356,0 +383357,0 +383358,0 +383359,0 +383360,36 +383361,14 +383362,14 +383363,14 +383364,27 +383365,27 +383366,27 +383367,27 +383368,27 +383369,36 +383370,6 +383371,6 +383372,6 +383373,6 +383374,6 +383375,6 +383376,6 +383377,6 +383378,2 +383379,2 +383380,2 +383381,2 +383382,2 +383383,2 +383384,2 +383385,2 +383386,2 +383387,2 +383388,2 +383389,2 +383390,2 +383391,2 +383392,10 +383393,10 +383394,10 +383395,10 +383396,10 +383397,10 +383398,10 +383399,10 +383400,10 +383401,10 +383402,10 +383403,10 +383404,4 +383405,4 +383406,4 +383407,4 +383408,4 +383409,32 +383410,4 +383411,4 +383412,28 +383413,28 +383414,28 +383415,28 +383416,36 +383417,36 +383418,36 +383419,36 +383420,36 +383421,36 +383422,19 +383423,19 +383424,19 +383425,19 +383426,19 +383427,19 +383428,19 +383429,19 +383430,19 +383431,19 +383432,19 +383433,19 +383434,19 +383435,19 +383436,19 +383437,0 +383438,0 +383439,0 +383440,0 +383441,0 +383442,0 +383443,0 +383444,0 +383445,0 +383446,0 +383447,0 +383448,0 +383449,0 +383450,0 +383451,0 +383452,0 +383453,0 +383454,0 +383455,0 +383456,0 +383457,0 +383458,0 +383459,0 +383460,0 +383461,0 +383462,0 +383463,0 +383464,0 +383465,0 +383466,0 +383467,0 +383468,0 +383469,0 +383470,0 +383471,0 +383472,0 +383473,0 +383474,0 +383475,0 +383476,0 +383477,0 +383478,0 +383479,0 +383480,0 +383481,0 +383482,27 +383483,27 +383484,27 +383485,27 +383486,27 +383487,27 +383488,27 +383489,27 +383490,27 +383491,27 +383492,4 +383493,4 +383494,4 +383495,4 +383496,4 +383497,12 +383498,12 +383499,12 +383500,12 +383501,12 +383502,31 +383503,31 +383504,31 +383505,8 +383506,8 +383507,8 +383508,8 +383509,8 +383510,8 +383511,9 +383512,9 +383513,9 +383514,9 +383515,9 +383516,9 +383517,9 +383518,9 +383519,9 +383520,9 +383521,9 +383522,9 +383523,30 +383524,30 +383525,30 +383526,30 +383527,30 +383528,30 +383529,31 +383530,31 +383531,31 +383532,33 +383533,24 +383534,24 +383535,24 +383536,24 +383537,24 +383538,25 +383539,25 +383540,25 +383541,25 +383542,25 +383543,29 +383544,29 +383545,19 +383546,31 +383547,31 +383548,31 +383549,31 +383550,31 +383551,31 +383552,4 +383553,4 +383554,4 +383555,4 +383556,4 +383557,4 +383558,4 +383559,4 +383560,4 +383561,4 +383562,10 +383563,10 +383564,10 +383565,34 +383566,34 +383567,34 +383568,34 +383569,34 +383570,34 +383571,10 +383572,10 +383573,34 +383574,34 +383575,5 +383576,5 +383577,5 +383578,31 +383579,27 +383580,27 +383581,27 +383582,27 +383583,27 +383584,5 +383585,5 +383586,5 +383587,5 +383588,31 +383589,31 +383590,31 +383591,31 +383592,28 +383593,28 +383594,28 +383595,28 +383596,28 +383597,28 +383598,28 +383599,28 +383600,28 +383601,28 +383602,40 +383603,40 +383604,40 +383605,40 +383606,40 +383607,5 +383608,5 +383609,5 +383610,5 +383611,26 +383612,26 +383613,26 +383614,26 +383615,26 +383616,26 +383617,4 +383618,4 +383619,4 +383620,4 +383621,4 +383622,4 +383623,4 +383624,32 +383625,32 +383626,32 +383627,32 +383628,32 +383629,32 +383630,0 +383631,0 +383632,0 +383633,32 +383634,0 +383635,0 +383636,0 +383637,0 +383638,0 +383639,0 +383640,0 +383641,0 +383642,0 +383643,0 +383644,0 +383645,0 +383646,0 +383647,0 +383648,0 +383649,0 +383650,0 +383651,0 +383652,0 +383653,0 +383654,0 +383655,0 +383656,0 +383657,0 +383658,0 +383659,0 +383660,0 +383661,0 +383662,0 +383663,0 +383664,0 +383665,0 +383666,0 +383667,0 +383668,0 +383669,0 +383670,0 +383671,0 +383672,0 +383673,0 +383674,0 +383675,0 +383676,0 +383677,0 +383678,0 +383679,0 +383680,0 +383681,0 +383682,0 +383683,0 +383684,0 +383685,0 +383686,0 +383687,0 +383688,0 +383689,0 +383690,0 +383691,0 +383692,0 +383693,0 +383694,12 +383695,12 +383696,33 +383697,33 +383698,33 +383699,33 +383700,33 +383701,33 +383702,33 +383703,3 +383704,3 +383705,3 +383706,12 +383707,12 +383708,12 +383709,12 +383710,12 +383711,12 +383712,12 +383713,12 +383714,12 +383715,14 +383716,14 +383717,14 +383718,14 +383719,14 +383720,14 +383721,14 +383722,14 +383723,14 +383724,14 +383725,14 +383726,14 +383727,19 +383728,19 +383729,19 +383730,19 +383731,19 +383732,19 +383733,19 +383734,19 +383735,19 +383736,19 +383737,19 +383738,19 +383739,19 +383740,33 +383741,27 +383742,27 +383743,30 +383744,30 +383745,30 +383746,30 +383747,30 +383748,30 +383749,30 +383750,39 +383751,29 +383752,29 +383753,39 +383754,39 +383755,39 +383756,39 +383757,39 +383758,39 +383759,39 +383760,39 +383761,39 +383762,39 +383763,40 +383764,27 +383765,27 +383766,27 +383767,27 +383768,27 +383769,27 +383770,27 +383771,27 +383772,2 +383773,2 +383774,2 +383775,2 +383776,2 +383777,2 +383778,2 +383779,2 +383780,2 +383781,2 +383782,2 +383783,2 +383784,2 +383785,2 +383786,2 +383787,2 +383788,39 +383789,39 +383790,39 +383791,39 +383792,39 +383793,39 +383794,39 +383795,39 +383796,39 +383797,39 +383798,5 +383799,5 +383800,5 +383801,5 +383802,5 +383803,5 +383804,5 +383805,5 +383806,5 +383807,5 +383808,29 +383809,29 +383810,29 +383811,29 +383812,40 +383813,40 +383814,40 +383815,40 +383816,40 +383817,28 +383818,28 +383819,28 +383820,28 +383821,28 +383822,28 +383823,28 +383824,28 +383825,28 +383826,28 +383827,28 +383828,28 +383829,10 +383830,10 +383831,10 +383832,10 +383833,10 +383834,10 +383835,10 +383836,10 +383837,10 +383838,10 +383839,10 +383840,10 +383841,10 +383842,19 +383843,19 +383844,19 +383845,19 +383846,19 +383847,19 +383848,19 +383849,19 +383850,19 +383851,19 +383852,27 +383853,27 +383854,27 +383855,27 +383856,27 +383857,27 +383858,27 +383859,27 +383860,27 +383861,27 +383862,27 +383863,37 +383864,37 +383865,37 +383866,37 +383867,37 +383868,37 +383869,37 +383870,37 +383871,37 +383872,37 +383873,37 +383874,37 +383875,37 +383876,25 +383877,25 +383878,25 +383879,25 +383880,25 +383881,25 +383882,25 +383883,25 +383884,25 +383885,25 +383886,25 +383887,0 +383888,0 +383889,0 +383890,0 +383891,0 +383892,0 +383893,0 +383894,0 +383895,0 +383896,0 +383897,0 +383898,0 +383899,0 +383900,0 +383901,0 +383902,0 +383903,0 +383904,0 +383905,0 +383906,0 +383907,0 +383908,0 +383909,0 +383910,0 +383911,0 +383912,0 +383913,0 +383914,0 +383915,0 +383916,0 +383917,0 +383918,0 +383919,0 +383920,0 +383921,2 +383922,2 +383923,2 +383924,2 +383925,2 +383926,2 +383927,2 +383928,2 +383929,2 +383930,2 +383931,2 +383932,2 +383933,2 +383934,2 +383935,2 +383936,2 +383937,2 +383938,2 +383939,27 +383940,27 +383941,27 +383942,27 +383943,27 +383944,27 +383945,27 +383946,28 +383947,28 +383948,28 +383949,28 +383950,28 +383951,28 +383952,28 +383953,28 +383954,28 +383955,28 +383956,28 +383957,28 +383958,40 +383959,40 +383960,40 +383961,40 +383962,40 +383963,40 +383964,40 +383965,40 +383966,40 +383967,40 +383968,37 +383969,37 +383970,37 +383971,37 +383972,37 +383973,33 +383974,33 +383975,33 +383976,33 +383977,33 +383978,33 +383979,33 +383980,33 +383981,33 +383982,33 +383983,33 +383984,10 +383985,10 +383986,14 +383987,14 +383988,14 +383989,14 +383990,14 +383991,21 +383992,21 +383993,21 +383994,21 +383995,21 +383996,21 +383997,12 +383998,12 +383999,12 +384000,12 +384001,27 +384002,27 +384003,27 +384004,27 +384005,38 +384006,38 +384007,38 +384008,38 +384009,38 +384010,38 +384011,38 +384012,31 +384013,31 +384014,31 +384015,31 +384016,31 +384017,16 +384018,16 +384019,16 +384020,16 +384021,16 +384022,16 +384023,16 +384024,16 +384025,16 +384026,16 +384027,16 +384028,16 +384029,16 +384030,31 +384031,31 +384032,26 +384033,26 +384034,26 +384035,31 +384036,31 +384037,6 +384038,6 +384039,6 +384040,6 +384041,6 +384042,6 +384043,31 +384044,31 +384045,31 +384046,31 +384047,31 +384048,31 +384049,31 +384050,31 +384051,30 +384052,30 +384053,30 +384054,30 +384055,30 +384056,30 +384057,30 +384058,30 +384059,30 +384060,30 +384061,30 +384062,30 +384063,30 +384064,30 +384065,30 +384066,30 +384067,0 +384068,0 +384069,0 +384070,0 +384071,0 +384072,0 +384073,0 +384074,0 +384075,0 +384076,0 +384077,0 +384078,0 +384079,0 +384080,0 +384081,0 +384082,0 +384083,0 +384084,0 +384085,0 +384086,0 +384087,0 +384088,0 +384089,0 +384090,0 +384091,0 +384092,0 +384093,0 +384094,0 +384095,0 +384096,0 +384097,0 +384098,0 +384099,0 +384100,0 +384101,0 +384102,0 +384103,0 +384104,0 +384105,0 +384106,0 +384107,0 +384108,0 +384109,0 +384110,0 +384111,0 +384112,0 +384113,0 +384114,0 +384115,0 +384116,0 +384117,0 +384118,0 +384119,0 +384120,0 +384121,0 +384122,0 +384123,0 +384124,0 +384125,0 +384126,0 +384127,0 +384128,0 +384129,0 +384130,0 +384131,0 +384132,0 +384133,0 +384134,0 +384135,0 +384136,0 +384137,0 +384138,0 +384139,0 +384140,0 +384141,0 +384142,0 +384143,0 +384144,0 +384145,0 +384146,0 +384147,0 +384148,0 +384149,0 +384150,0 +384151,0 +384152,0 +384153,0 +384154,0 +384155,0 +384156,0 +384157,0 +384158,0 +384159,0 +384160,0 +384161,0 +384162,0 +384163,0 +384164,0 +384165,0 +384166,0 +384167,0 +384168,0 +384169,0 +384170,35 +384171,35 +384172,35 +384173,35 +384174,35 +384175,35 +384176,35 +384177,35 +384178,35 +384179,35 +384180,35 +384181,35 +384182,39 +384183,39 +384184,39 +384185,39 +384186,39 +384187,39 +384188,39 +384189,39 +384190,39 +384191,35 +384192,35 +384193,35 +384194,35 +384195,35 +384196,35 +384197,35 +384198,35 +384199,35 +384200,35 +384201,35 +384202,35 +384203,36 +384204,36 +384205,36 +384206,36 +384207,36 +384208,36 +384209,36 +384210,36 +384211,36 +384212,36 +384213,36 +384214,36 +384215,36 +384216,36 +384217,36 +384218,36 +384219,36 +384220,36 +384221,36 +384222,8 +384223,8 +384224,8 +384225,2 +384226,2 +384227,2 +384228,2 +384229,2 +384230,2 +384231,2 +384232,2 +384233,2 +384234,2 +384235,2 +384236,2 +384237,2 +384238,2 +384239,2 +384240,2 +384241,2 +384242,2 +384243,2 +384244,39 +384245,39 +384246,39 +384247,39 +384248,39 +384249,39 +384250,27 +384251,27 +384252,27 +384253,27 +384254,5 +384255,5 +384256,5 +384257,5 +384258,5 +384259,5 +384260,5 +384261,5 +384262,29 +384263,29 +384264,29 +384265,29 +384266,31 +384267,31 +384268,31 +384269,31 +384270,31 +384271,31 +384272,31 +384273,28 +384274,28 +384275,28 +384276,28 +384277,28 +384278,28 +384279,28 +384280,28 +384281,28 +384282,5 +384283,5 +384284,28 +384285,23 +384286,23 +384287,23 +384288,23 +384289,23 +384290,23 +384291,23 +384292,23 +384293,23 +384294,23 +384295,23 +384296,10 +384297,10 +384298,26 +384299,26 +384300,26 +384301,26 +384302,26 +384303,26 +384304,26 +384305,26 +384306,26 +384307,26 +384308,26 +384309,29 +384310,29 +384311,29 +384312,29 +384313,29 +384314,29 +384315,29 +384316,29 +384317,29 +384318,25 +384319,25 +384320,25 +384321,25 +384322,25 +384323,25 +384324,25 +384325,25 +384326,25 +384327,25 +384328,25 +384329,25 +384330,25 +384331,25 +384332,25 +384333,25 +384334,0 +384335,0 +384336,0 +384337,0 +384338,0 +384339,0 +384340,0 +384341,0 +384342,0 +384343,0 +384344,0 +384345,0 +384346,0 +384347,0 +384348,0 +384349,0 +384350,0 +384351,0 +384352,0 +384353,0 +384354,0 +384355,0 +384356,0 +384357,0 +384358,0 +384359,0 +384360,0 +384361,0 +384362,0 +384363,0 +384364,0 +384365,0 +384366,0 +384367,0 +384368,0 +384369,0 +384370,0 +384371,0 +384372,0 +384373,0 +384374,0 +384375,0 +384376,0 +384377,0 +384378,0 +384379,0 +384380,0 +384381,0 +384382,0 +384383,0 +384384,0 +384385,0 +384386,0 +384387,0 +384388,0 +384389,0 +384390,0 +384391,0 +384392,0 +384393,0 +384394,0 +384395,0 +384396,0 +384397,0 +384398,0 +384399,0 +384400,0 +384401,0 +384402,0 +384403,0 +384404,0 +384405,0 +384406,0 +384407,0 +384408,0 +384409,0 +384410,0 +384411,0 +384412,0 +384413,0 +384414,0 +384415,0 +384416,0 +384417,0 +384418,12 +384419,12 +384420,12 +384421,12 +384422,12 +384423,12 +384424,12 +384425,12 +384426,12 +384427,12 +384428,12 +384429,12 +384430,12 +384431,12 +384432,12 +384433,12 +384434,12 +384435,12 +384436,12 +384437,12 +384438,31 +384439,31 +384440,31 +384441,31 +384442,31 +384443,31 +384444,31 +384445,31 +384446,31 +384447,31 +384448,31 +384449,31 +384450,31 +384451,31 +384452,31 +384453,4 +384454,4 +384455,4 +384456,4 +384457,4 +384458,4 +384459,4 +384460,4 +384461,4 +384462,4 +384463,4 +384464,2 +384465,2 +384466,2 +384467,2 +384468,2 +384469,2 +384470,2 +384471,2 +384472,2 +384473,2 +384474,2 +384475,2 +384476,2 +384477,2 +384478,2 +384479,0 +384480,0 +384481,0 +384482,0 +384483,0 +384484,0 +384485,0 +384486,0 +384487,0 +384488,0 +384489,0 +384490,0 +384491,0 +384492,7 +384493,7 +384494,7 +384495,7 +384496,7 +384497,7 +384498,7 +384499,7 +384500,7 +384501,3 +384502,3 +384503,3 +384504,3 +384505,3 +384506,3 +384507,3 +384508,3 +384509,30 +384510,27 +384511,27 +384512,27 +384513,27 +384514,5 +384515,5 +384516,5 +384517,5 +384518,5 +384519,5 +384520,5 +384521,5 +384522,5 +384523,24 +384524,24 +384525,24 +384526,24 +384527,24 +384528,24 +384529,10 +384530,10 +384531,10 +384532,10 +384533,36 +384534,36 +384535,36 +384536,36 +384537,10 +384538,36 +384539,10 +384540,10 +384541,19 +384542,19 +384543,19 +384544,19 +384545,19 +384546,27 +384547,27 +384548,27 +384549,27 +384550,27 +384551,27 +384552,27 +384553,27 +384554,19 +384555,19 +384556,19 +384557,19 +384558,35 +384559,35 +384560,35 +384561,35 +384562,35 +384563,27 +384564,27 +384565,27 +384566,27 +384567,27 +384568,27 +384569,28 +384570,28 +384571,5 +384572,5 +384573,5 +384574,5 +384575,28 +384576,28 +384577,5 +384578,39 +384579,39 +384580,14 +384581,14 +384582,27 +384583,27 +384584,27 +384585,39 +384586,39 +384587,39 +384588,39 +384589,27 +384590,27 +384591,27 +384592,27 +384593,37 +384594,37 +384595,37 +384596,37 +384597,37 +384598,37 +384599,37 +384600,37 +384601,37 +384602,37 +384603,37 +384604,25 +384605,25 +384606,25 +384607,25 +384608,0 +384609,0 +384610,0 +384611,0 +384612,0 +384613,0 +384614,0 +384615,0 +384616,0 +384617,0 +384618,0 +384619,0 +384620,0 +384621,0 +384622,0 +384623,0 +384624,0 +384625,0 +384626,0 +384627,0 +384628,0 +384629,0 +384630,0 +384631,0 +384632,0 +384633,0 +384634,0 +384635,0 +384636,0 +384637,0 +384638,0 +384639,0 +384640,0 +384641,0 +384642,0 +384643,0 +384644,0 +384645,0 +384646,0 +384647,0 +384648,0 +384649,0 +384650,0 +384651,0 +384652,0 +384653,0 +384654,0 +384655,0 +384656,0 +384657,0 +384658,0 +384659,0 +384660,0 +384661,0 +384662,0 +384663,0 +384664,0 +384665,0 +384666,0 +384667,0 +384668,2 +384669,2 +384670,2 +384671,2 +384672,2 +384673,2 +384674,2 +384675,2 +384676,2 +384677,38 +384678,38 +384679,38 +384680,38 +384681,23 +384682,23 +384683,23 +384684,27 +384685,27 +384686,27 +384687,27 +384688,27 +384689,27 +384690,27 +384691,27 +384692,27 +384693,27 +384694,27 +384695,27 +384696,5 +384697,5 +384698,5 +384699,5 +384700,5 +384701,27 +384702,27 +384703,27 +384704,27 +384705,27 +384706,8 +384707,8 +384708,8 +384709,8 +384710,8 +384711,8 +384712,8 +384713,8 +384714,8 +384715,8 +384716,8 +384717,8 +384718,8 +384719,8 +384720,23 +384721,23 +384722,23 +384723,23 +384724,4 +384725,4 +384726,4 +384727,27 +384728,27 +384729,27 +384730,27 +384731,27 +384732,27 +384733,6 +384734,6 +384735,6 +384736,6 +384737,6 +384738,6 +384739,2 +384740,2 +384741,2 +384742,2 +384743,2 +384744,2 +384745,2 +384746,27 +384747,27 +384748,27 +384749,27 +384750,27 +384751,27 +384752,8 +384753,8 +384754,8 +384755,8 +384756,8 +384757,8 +384758,8 +384759,8 +384760,8 +384761,29 +384762,19 +384763,19 +384764,40 +384765,40 +384766,40 +384767,40 +384768,40 +384769,37 +384770,37 +384771,37 +384772,37 +384773,37 +384774,37 +384775,37 +384776,37 +384777,37 +384778,32 +384779,37 +384780,37 +384781,9 +384782,9 +384783,9 +384784,9 +384785,9 +384786,9 +384787,9 +384788,9 +384789,9 +384790,9 +384791,9 +384792,37 +384793,37 +384794,37 +384795,37 +384796,37 +384797,19 +384798,19 +384799,4 +384800,4 +384801,4 +384802,37 +384803,25 +384804,25 +384805,25 +384806,25 +384807,25 +384808,25 +384809,25 +384810,37 +384811,37 +384812,37 +384813,25 +384814,25 +384815,25 +384816,25 +384817,25 +384818,25 +384819,25 +384820,25 +384821,25 +384822,0 +384823,0 +384824,0 +384825,0 +384826,0 +384827,0 +384828,0 +384829,0 +384830,0 +384831,0 +384832,0 +384833,0 +384834,0 +384835,0 +384836,0 +384837,0 +384838,0 +384839,0 +384840,0 +384841,27 +384842,27 +384843,27 +384844,27 +384845,27 +384846,27 +384847,27 +384848,27 +384849,13 +384850,27 +384851,5 +384852,5 +384853,5 +384854,5 +384855,6 +384856,6 +384857,6 +384858,6 +384859,6 +384860,6 +384861,6 +384862,6 +384863,6 +384864,31 +384865,31 +384866,31 +384867,31 +384868,5 +384869,5 +384870,5 +384871,5 +384872,5 +384873,5 +384874,36 +384875,36 +384876,36 +384877,40 +384878,40 +384879,40 +384880,6 +384881,6 +384882,6 +384883,6 +384884,6 +384885,6 +384886,6 +384887,16 +384888,16 +384889,11 +384890,11 +384891,16 +384892,11 +384893,16 +384894,16 +384895,16 +384896,16 +384897,31 +384898,31 +384899,31 +384900,31 +384901,5 +384902,5 +384903,5 +384904,5 +384905,5 +384906,13 +384907,13 +384908,13 +384909,5 +384910,5 +384911,5 +384912,5 +384913,0 +384914,0 +384915,0 +384916,0 +384917,0 +384918,0 +384919,0 +384920,0 +384921,0 +384922,0 +384923,0 +384924,0 +384925,0 +384926,0 +384927,0 +384928,0 +384929,0 +384930,0 +384931,0 +384932,0 +384933,0 +384934,0 +384935,0 +384936,0 +384937,0 +384938,0 +384939,0 +384940,0 +384941,0 +384942,0 +384943,0 +384944,0 +384945,0 +384946,0 +384947,0 +384948,0 +384949,0 +384950,0 +384951,0 +384952,0 +384953,0 +384954,0 +384955,0 +384956,0 +384957,0 +384958,0 +384959,0 +384960,0 +384961,0 +384962,0 +384963,0 +384964,0 +384965,0 +384966,0 +384967,0 +384968,0 +384969,0 +384970,0 +384971,0 +384972,0 +384973,0 +384974,0 +384975,0 +384976,0 +384977,0 +384978,0 +384979,0 +384980,0 +384981,0 +384982,0 +384983,0 +384984,0 +384985,0 +384986,0 +384987,0 +384988,0 +384989,0 +384990,0 +384991,0 +384992,0 +384993,0 +384994,0 +384995,0 +384996,0 +384997,0 +384998,0 +384999,0 +385000,0 +385001,0 +385002,0 +385003,0 +385004,0 +385005,0 +385006,0 +385007,0 +385008,0 +385009,0 +385010,0 +385011,0 +385012,0 +385013,0 +385014,0 +385015,0 +385016,0 +385017,0 +385018,0 +385019,0 +385020,0 +385021,0 +385022,0 +385023,0 +385024,0 +385025,0 +385026,0 +385027,0 +385028,0 +385029,0 +385030,0 +385031,0 +385032,0 +385033,0 +385034,0 +385035,0 +385036,0 +385037,0 +385038,0 +385039,0 +385040,0 +385041,0 +385042,0 +385043,0 +385044,0 +385045,0 +385046,0 +385047,0 +385048,0 +385049,0 +385050,0 +385051,10 +385052,10 +385053,10 +385054,10 +385055,10 +385056,10 +385057,10 +385058,10 +385059,10 +385060,10 +385061,10 +385062,10 +385063,10 +385064,5 +385065,5 +385066,5 +385067,5 +385068,5 +385069,5 +385070,39 +385071,39 +385072,39 +385073,39 +385074,7 +385075,39 +385076,39 +385077,39 +385078,39 +385079,39 +385080,39 +385081,39 +385082,39 +385083,39 +385084,39 +385085,39 +385086,30 +385087,30 +385088,33 +385089,33 +385090,31 +385091,31 +385092,30 +385093,30 +385094,30 +385095,30 +385096,30 +385097,30 +385098,30 +385099,30 +385100,30 +385101,39 +385102,39 +385103,39 +385104,39 +385105,39 +385106,39 +385107,39 +385108,39 +385109,39 +385110,39 +385111,39 +385112,39 +385113,37 +385114,37 +385115,37 +385116,37 +385117,3 +385118,3 +385119,3 +385120,3 +385121,20 +385122,20 +385123,20 +385124,23 +385125,23 +385126,23 +385127,23 +385128,23 +385129,23 +385130,23 +385131,23 +385132,23 +385133,23 +385134,23 +385135,23 +385136,23 +385137,25 +385138,25 +385139,25 +385140,25 +385141,25 +385142,25 +385143,25 +385144,25 +385145,25 +385146,25 +385147,25 +385148,25 +385149,25 +385150,25 +385151,25 +385152,25 +385153,25 +385154,25 +385155,25 +385156,25 +385157,25 +385158,25 +385159,25 +385160,25 +385161,25 +385162,25 +385163,25 +385164,25 +385165,25 +385166,23 +385167,23 +385168,23 +385169,23 +385170,23 +385171,23 +385172,23 +385173,23 +385174,23 +385175,23 +385176,23 +385177,23 +385178,23 +385179,23 +385180,9 +385181,9 +385182,9 +385183,9 +385184,37 +385185,37 +385186,37 +385187,37 +385188,37 +385189,24 +385190,24 +385191,24 +385192,15 +385193,24 +385194,24 +385195,27 +385196,27 +385197,27 +385198,27 +385199,27 +385200,27 +385201,27 +385202,27 +385203,2 +385204,2 +385205,8 +385206,8 +385207,8 +385208,8 +385209,8 +385210,8 +385211,8 +385212,8 +385213,8 +385214,36 +385215,36 +385216,36 +385217,36 +385218,36 +385219,36 +385220,36 +385221,36 +385222,36 +385223,36 +385224,36 +385225,36 +385226,2 +385227,2 +385228,2 +385229,2 +385230,2 +385231,2 +385232,2 +385233,2 +385234,2 +385235,2 +385236,32 +385237,32 +385238,32 +385239,32 +385240,29 +385241,29 +385242,40 +385243,40 +385244,40 +385245,40 +385246,40 +385247,6 +385248,31 +385249,4 +385250,4 +385251,4 +385252,4 +385253,4 +385254,4 +385255,4 +385256,4 +385257,4 +385258,31 +385259,31 +385260,31 +385261,31 +385262,33 +385263,31 +385264,24 +385265,24 +385266,24 +385267,37 +385268,30 +385269,37 +385270,37 +385271,26 +385272,26 +385273,26 +385274,26 +385275,26 +385276,26 +385277,37 +385278,37 +385279,37 +385280,37 +385281,37 +385282,37 +385283,28 +385284,28 +385285,28 +385286,28 +385287,28 +385288,27 +385289,27 +385290,31 +385291,27 +385292,27 +385293,27 +385294,27 +385295,19 +385296,19 +385297,19 +385298,19 +385299,19 +385300,19 +385301,4 +385302,4 +385303,4 +385304,4 +385305,31 +385306,31 +385307,31 +385308,31 +385309,31 +385310,31 +385311,31 +385312,30 +385313,30 +385314,30 +385315,30 +385316,30 +385317,30 +385318,30 +385319,30 +385320,30 +385321,30 +385322,30 +385323,30 +385324,10 +385325,10 +385326,10 +385327,10 +385328,10 +385329,10 +385330,10 +385331,10 +385332,10 +385333,10 +385334,10 +385335,10 +385336,10 +385337,10 +385338,10 +385339,10 +385340,23 +385341,23 +385342,23 +385343,23 +385344,23 +385345,23 +385346,23 +385347,23 +385348,23 +385349,23 +385350,23 +385351,23 +385352,23 +385353,38 +385354,23 +385355,38 +385356,38 +385357,0 +385358,0 +385359,0 +385360,0 +385361,0 +385362,0 +385363,0 +385364,0 +385365,0 +385366,0 +385367,0 +385368,0 +385369,0 +385370,0 +385371,0 +385372,0 +385373,0 +385374,0 +385375,0 +385376,0 +385377,0 +385378,0 +385379,0 +385380,0 +385381,0 +385382,0 +385383,0 +385384,0 +385385,0 +385386,0 +385387,0 +385388,0 +385389,0 +385390,0 +385391,0 +385392,0 +385393,0 +385394,0 +385395,0 +385396,0 +385397,0 +385398,0 +385399,0 +385400,0 +385401,0 +385402,0 +385403,0 +385404,0 +385405,0 +385406,0 +385407,0 +385408,0 +385409,0 +385410,0 +385411,0 +385412,0 +385413,0 +385414,0 +385415,0 +385416,0 +385417,0 +385418,0 +385419,36 +385420,36 +385421,36 +385422,36 +385423,36 +385424,36 +385425,36 +385426,36 +385427,36 +385428,36 +385429,5 +385430,5 +385431,5 +385432,5 +385433,19 +385434,5 +385435,19 +385436,19 +385437,19 +385438,19 +385439,5 +385440,10 +385441,10 +385442,34 +385443,34 +385444,34 +385445,34 +385446,34 +385447,34 +385448,34 +385449,34 +385450,34 +385451,34 +385452,34 +385453,34 +385454,34 +385455,34 +385456,34 +385457,34 +385458,34 +385459,34 +385460,34 +385461,34 +385462,29 +385463,29 +385464,29 +385465,29 +385466,29 +385467,29 +385468,22 +385469,22 +385470,22 +385471,22 +385472,1 +385473,1 +385474,1 +385475,4 +385476,40 +385477,40 +385478,34 +385479,34 +385480,10 +385481,34 +385482,37 +385483,37 +385484,37 +385485,12 +385486,12 +385487,12 +385488,12 +385489,12 +385490,12 +385491,12 +385492,31 +385493,31 +385494,31 +385495,31 +385496,8 +385497,8 +385498,8 +385499,8 +385500,8 +385501,8 +385502,2 +385503,2 +385504,2 +385505,8 +385506,2 +385507,31 +385508,31 +385509,31 +385510,31 +385511,31 +385512,31 +385513,31 +385514,5 +385515,5 +385516,5 +385517,5 +385518,5 +385519,5 +385520,5 +385521,5 +385522,25 +385523,19 +385524,19 +385525,19 +385526,27 +385527,27 +385528,27 +385529,19 +385530,19 +385531,19 +385532,19 +385533,19 +385534,23 +385535,23 +385536,23 +385537,23 +385538,29 +385539,31 +385540,31 +385541,31 +385542,31 +385543,31 +385544,30 +385545,30 +385546,30 +385547,30 +385548,30 +385549,30 +385550,30 +385551,39 +385552,39 +385553,39 +385554,39 +385555,39 +385556,39 +385557,39 +385558,39 +385559,39 +385560,39 +385561,39 +385562,39 +385563,39 +385564,39 +385565,31 +385566,31 +385567,31 +385568,24 +385569,24 +385570,24 +385571,24 +385572,24 +385573,29 +385574,29 +385575,29 +385576,4 +385577,4 +385578,31 +385579,31 +385580,31 +385581,31 +385582,31 +385583,31 +385584,12 +385585,12 +385586,12 +385587,12 +385588,12 +385589,12 +385590,12 +385591,12 +385592,12 +385593,12 +385594,9 +385595,9 +385596,9 +385597,9 +385598,9 +385599,9 +385600,9 +385601,9 +385602,9 +385603,9 +385604,9 +385605,9 +385606,9 +385607,9 +385608,9 +385609,9 +385610,9 +385611,9 +385612,9 +385613,9 +385614,9 +385615,9 +385616,9 +385617,30 +385618,30 +385619,30 +385620,30 +385621,30 +385622,30 +385623,30 +385624,30 +385625,30 +385626,30 +385627,30 +385628,30 +385629,30 +385630,30 +385631,30 +385632,30 +385633,30 +385634,30 +385635,30 +385636,30 +385637,30 +385638,30 +385639,30 +385640,0 +385641,0 +385642,0 +385643,0 +385644,0 +385645,0 +385646,0 +385647,0 +385648,0 +385649,0 +385650,0 +385651,0 +385652,0 +385653,0 +385654,0 +385655,0 +385656,0 +385657,0 +385658,0 +385659,0 +385660,0 +385661,0 +385662,0 +385663,0 +385664,0 +385665,0 +385666,18 +385667,18 +385668,18 +385669,18 +385670,18 +385671,31 +385672,31 +385673,31 +385674,31 +385675,31 +385676,31 +385677,31 +385678,31 +385679,31 +385680,28 +385681,28 +385682,28 +385683,32 +385684,32 +385685,32 +385686,32 +385687,32 +385688,39 +385689,39 +385690,39 +385691,39 +385692,39 +385693,39 +385694,39 +385695,39 +385696,39 +385697,39 +385698,39 +385699,39 +385700,39 +385701,39 +385702,39 +385703,39 +385704,39 +385705,39 +385706,39 +385707,39 +385708,39 +385709,31 +385710,31 +385711,31 +385712,31 +385713,31 +385714,31 +385715,31 +385716,31 +385717,31 +385718,31 +385719,31 +385720,31 +385721,30 +385722,30 +385723,30 +385724,30 +385725,30 +385726,30 +385727,30 +385728,30 +385729,30 +385730,30 +385731,30 +385732,14 +385733,14 +385734,39 +385735,39 +385736,39 +385737,39 +385738,39 +385739,39 +385740,39 +385741,39 +385742,39 +385743,5 +385744,5 +385745,5 +385746,5 +385747,5 +385748,5 +385749,26 +385750,26 +385751,26 +385752,26 +385753,26 +385754,26 +385755,26 +385756,26 +385757,26 +385758,26 +385759,26 +385760,26 +385761,26 +385762,26 +385763,26 +385764,32 +385765,32 +385766,32 +385767,32 +385768,32 +385769,32 +385770,32 +385771,2 +385772,2 +385773,2 +385774,2 +385775,2 +385776,2 +385777,2 +385778,2 +385779,2 +385780,4 +385781,4 +385782,4 +385783,4 +385784,4 +385785,4 +385786,4 +385787,27 +385788,27 +385789,27 +385790,27 +385791,27 +385792,27 +385793,27 +385794,27 +385795,27 +385796,5 +385797,5 +385798,5 +385799,5 +385800,5 +385801,5 +385802,27 +385803,27 +385804,27 +385805,27 +385806,27 +385807,27 +385808,27 +385809,27 +385810,27 +385811,27 +385812,27 +385813,31 +385814,27 +385815,27 +385816,27 +385817,27 +385818,4 +385819,4 +385820,4 +385821,4 +385822,4 +385823,4 +385824,4 +385825,4 +385826,19 +385827,19 +385828,19 +385829,19 +385830,19 +385831,19 +385832,19 +385833,29 +385834,29 +385835,29 +385836,31 +385837,29 +385838,31 +385839,24 +385840,24 +385841,24 +385842,24 +385843,38 +385844,38 +385845,38 +385846,38 +385847,38 +385848,38 +385849,38 +385850,27 +385851,27 +385852,27 +385853,27 +385854,27 +385855,13 +385856,13 +385857,13 +385858,13 +385859,13 +385860,5 +385861,5 +385862,5 +385863,6 +385864,21 +385865,21 +385866,6 +385867,6 +385868,6 +385869,5 +385870,5 +385871,5 +385872,5 +385873,5 +385874,5 +385875,37 +385876,37 +385877,37 +385878,37 +385879,37 +385880,37 +385881,37 +385882,39 +385883,39 +385884,39 +385885,39 +385886,39 +385887,39 +385888,39 +385889,39 +385890,39 +385891,39 +385892,33 +385893,33 +385894,33 +385895,33 +385896,33 +385897,33 +385898,30 +385899,33 +385900,33 +385901,35 +385902,35 +385903,35 +385904,35 +385905,35 +385906,35 +385907,35 +385908,35 +385909,35 +385910,35 +385911,35 +385912,26 +385913,26 +385914,26 +385915,26 +385916,26 +385917,26 +385918,26 +385919,26 +385920,26 +385921,26 +385922,26 +385923,26 +385924,26 +385925,37 +385926,37 +385927,37 +385928,37 +385929,37 +385930,37 +385931,37 +385932,37 +385933,37 +385934,37 +385935,25 +385936,25 +385937,25 +385938,25 +385939,19 +385940,19 +385941,19 +385942,19 +385943,19 +385944,32 +385945,32 +385946,19 +385947,19 +385948,0 +385949,0 +385950,0 +385951,0 +385952,0 +385953,0 +385954,0 +385955,0 +385956,0 +385957,0 +385958,0 +385959,0 +385960,0 +385961,0 +385962,0 +385963,0 +385964,0 +385965,0 +385966,0 +385967,0 +385968,0 +385969,0 +385970,0 +385971,0 +385972,0 +385973,0 +385974,0 +385975,0 +385976,0 +385977,0 +385978,0 +385979,0 +385980,0 +385981,0 +385982,0 +385983,0 +385984,0 +385985,0 +385986,0 +385987,12 +385988,12 +385989,12 +385990,12 +385991,40 +385992,40 +385993,40 +385994,40 +385995,40 +385996,5 +385997,5 +385998,5 +385999,5 +386000,5 +386001,19 +386002,19 +386003,27 +386004,27 +386005,27 +386006,27 +386007,27 +386008,27 +386009,27 +386010,38 +386011,38 +386012,19 +386013,38 +386014,38 +386015,27 +386016,27 +386017,27 +386018,27 +386019,27 +386020,27 +386021,27 +386022,27 +386023,16 +386024,16 +386025,4 +386026,4 +386027,19 +386028,11 +386029,11 +386030,11 +386031,11 +386032,11 +386033,11 +386034,11 +386035,11 +386036,39 +386037,39 +386038,39 +386039,39 +386040,39 +386041,39 +386042,39 +386043,39 +386044,39 +386045,11 +386046,11 +386047,11 +386048,11 +386049,11 +386050,11 +386051,11 +386052,11 +386053,11 +386054,7 +386055,11 +386056,11 +386057,11 +386058,33 +386059,33 +386060,33 +386061,33 +386062,33 +386063,33 +386064,33 +386065,31 +386066,31 +386067,31 +386068,31 +386069,31 +386070,31 +386071,31 +386072,31 +386073,31 +386074,32 +386075,32 +386076,32 +386077,32 +386078,32 +386079,32 +386080,32 +386081,32 +386082,4 +386083,29 +386084,29 +386085,40 +386086,31 +386087,31 +386088,31 +386089,31 +386090,31 +386091,31 +386092,31 +386093,31 +386094,31 +386095,31 +386096,25 +386097,14 +386098,14 +386099,14 +386100,25 +386101,25 +386102,33 +386103,33 +386104,33 +386105,33 +386106,33 +386107,33 +386108,33 +386109,33 +386110,33 +386111,33 +386112,33 +386113,33 +386114,33 +386115,33 +386116,33 +386117,33 +386118,33 +386119,33 +386120,19 +386121,19 +386122,19 +386123,19 +386124,19 +386125,19 +386126,36 +386127,36 +386128,36 +386129,36 +386130,36 +386131,36 +386132,36 +386133,36 +386134,5 +386135,5 +386136,5 +386137,19 +386138,19 +386139,19 +386140,19 +386141,19 +386142,19 +386143,19 +386144,12 +386145,12 +386146,12 +386147,12 +386148,12 +386149,12 +386150,12 +386151,40 +386152,40 +386153,40 +386154,40 +386155,4 +386156,33 +386157,33 +386158,4 +386159,4 +386160,12 +386161,12 +386162,12 +386163,12 +386164,12 +386165,12 +386166,25 +386167,25 +386168,3 +386169,37 +386170,7 +386171,7 +386172,7 +386173,7 +386174,7 +386175,7 +386176,7 +386177,7 +386178,7 +386179,7 +386180,7 +386181,7 +386182,3 +386183,3 +386184,3 +386185,19 +386186,19 +386187,19 +386188,19 +386189,19 +386190,19 +386191,19 +386192,19 +386193,3 +386194,3 +386195,3 +386196,3 +386197,3 +386198,3 +386199,3 +386200,3 +386201,3 +386202,3 +386203,3 +386204,3 +386205,3 +386206,27 +386207,27 +386208,27 +386209,27 +386210,27 +386211,27 +386212,27 +386213,27 +386214,27 +386215,13 +386216,13 +386217,13 +386218,13 +386219,13 +386220,13 +386221,13 +386222,13 +386223,13 +386224,13 +386225,13 +386226,13 +386227,28 +386228,28 +386229,28 +386230,13 +386231,13 +386232,13 +386233,13 +386234,13 +386235,13 +386236,13 +386237,13 +386238,0 +386239,0 +386240,0 +386241,0 +386242,0 +386243,0 +386244,0 +386245,0 +386246,0 +386247,0 +386248,0 +386249,0 +386250,0 +386251,0 +386252,0 +386253,0 +386254,0 +386255,0 +386256,0 +386257,0 +386258,0 +386259,0 +386260,0 +386261,0 +386262,0 +386263,0 +386264,0 +386265,0 +386266,0 +386267,0 +386268,0 +386269,0 +386270,0 +386271,0 +386272,0 +386273,0 +386274,0 +386275,0 +386276,0 +386277,0 +386278,0 +386279,0 +386280,0 +386281,0 +386282,0 +386283,0 +386284,0 +386285,0 +386286,0 +386287,0 +386288,0 +386289,0 +386290,0 +386291,0 +386292,0 +386293,0 +386294,0 +386295,0 +386296,0 +386297,0 +386298,0 +386299,0 +386300,0 +386301,0 +386302,0 +386303,23 +386304,23 +386305,23 +386306,23 +386307,23 +386308,23 +386309,23 +386310,23 +386311,0 +386312,0 +386313,23 +386314,23 +386315,0 +386316,0 +386317,0 +386318,0 +386319,0 +386320,0 +386321,0 +386322,0 +386323,0 +386324,0 +386325,0 +386326,0 +386327,0 +386328,0 +386329,0 +386330,0 +386331,0 +386332,0 +386333,40 +386334,40 +386335,40 +386336,40 +386337,40 +386338,31 +386339,31 +386340,31 +386341,2 +386342,2 +386343,2 +386344,2 +386345,2 +386346,2 +386347,2 +386348,2 +386349,2 +386350,2 +386351,2 +386352,2 +386353,2 +386354,31 +386355,31 +386356,31 +386357,31 +386358,31 +386359,31 +386360,31 +386361,24 +386362,24 +386363,24 +386364,28 +386365,28 +386366,28 +386367,28 +386368,28 +386369,31 +386370,5 +386371,5 +386372,5 +386373,5 +386374,5 +386375,5 +386376,5 +386377,5 +386378,30 +386379,30 +386380,30 +386381,30 +386382,10 +386383,10 +386384,10 +386385,10 +386386,10 +386387,10 +386388,10 +386389,10 +386390,10 +386391,10 +386392,10 +386393,10 +386394,10 +386395,10 +386396,10 +386397,10 +386398,10 +386399,10 +386400,4 +386401,4 +386402,4 +386403,4 +386404,4 +386405,4 +386406,4 +386407,32 +386408,4 +386409,4 +386410,0 +386411,0 +386412,32 +386413,32 +386414,32 +386415,32 +386416,32 +386417,15 +386418,15 +386419,15 +386420,15 +386421,15 +386422,15 +386423,37 +386424,37 +386425,37 +386426,37 +386427,37 +386428,37 +386429,33 +386430,33 +386431,33 +386432,33 +386433,33 +386434,33 +386435,33 +386436,31 +386437,31 +386438,31 +386439,31 +386440,31 +386441,31 +386442,31 +386443,31 +386444,31 +386445,6 +386446,6 +386447,6 +386448,6 +386449,6 +386450,6 +386451,26 +386452,26 +386453,26 +386454,26 +386455,26 +386456,26 +386457,26 +386458,26 +386459,26 +386460,26 +386461,5 +386462,5 +386463,5 +386464,5 +386465,5 +386466,5 +386467,25 +386468,25 +386469,25 +386470,25 +386471,25 +386472,25 +386473,25 +386474,25 +386475,15 +386476,15 +386477,15 +386478,15 +386479,15 +386480,15 +386481,15 +386482,40 +386483,40 +386484,40 +386485,40 +386486,40 +386487,40 +386488,40 +386489,6 +386490,6 +386491,6 +386492,6 +386493,6 +386494,6 +386495,6 +386496,6 +386497,6 +386498,6 +386499,6 +386500,6 +386501,6 +386502,6 +386503,31 +386504,31 +386505,31 +386506,31 +386507,31 +386508,31 +386509,31 +386510,31 +386511,27 +386512,27 +386513,8 +386514,8 +386515,8 +386516,8 +386517,8 +386518,8 +386519,8 +386520,8 +386521,8 +386522,8 +386523,19 +386524,19 +386525,4 +386526,4 +386527,4 +386528,4 +386529,26 +386530,26 +386531,26 +386532,26 +386533,26 +386534,26 +386535,26 +386536,37 +386537,37 +386538,37 +386539,37 +386540,37 +386541,6 +386542,6 +386543,6 +386544,6 +386545,6 +386546,6 +386547,6 +386548,6 +386549,28 +386550,28 +386551,5 +386552,5 +386553,28 +386554,31 +386555,31 +386556,31 +386557,31 +386558,31 +386559,31 +386560,31 +386561,31 +386562,31 +386563,31 +386564,31 +386565,2 +386566,2 +386567,2 +386568,2 +386569,2 +386570,2 +386571,2 +386572,2 +386573,2 +386574,2 +386575,2 +386576,2 +386577,2 +386578,2 +386579,2 +386580,2 +386581,2 +386582,2 +386583,2 +386584,2 +386585,2 +386586,2 +386587,2 +386588,2 +386589,2 +386590,2 +386591,2 +386592,2 +386593,2 +386594,2 +386595,2 +386596,2 +386597,2 +386598,0 +386599,0 +386600,0 +386601,0 +386602,0 +386603,0 +386604,0 +386605,0 +386606,0 +386607,0 +386608,0 +386609,0 +386610,0 +386611,0 +386612,0 +386613,0 +386614,0 +386615,0 +386616,0 +386617,0 +386618,0 +386619,0 +386620,0 +386621,0 +386622,0 +386623,0 +386624,0 +386625,0 +386626,0 +386627,0 +386628,0 +386629,29 +386630,29 +386631,27 +386632,27 +386633,27 +386634,27 +386635,27 +386636,27 +386637,27 +386638,14 +386639,14 +386640,14 +386641,12 +386642,12 +386643,12 +386644,25 +386645,25 +386646,25 +386647,25 +386648,25 +386649,25 +386650,25 +386651,25 +386652,2 +386653,2 +386654,2 +386655,2 +386656,2 +386657,2 +386658,2 +386659,2 +386660,2 +386661,2 +386662,2 +386663,2 +386664,27 +386665,27 +386666,27 +386667,27 +386668,4 +386669,4 +386670,4 +386671,4 +386672,27 +386673,27 +386674,27 +386675,27 +386676,13 +386677,13 +386678,13 +386679,13 +386680,13 +386681,13 +386682,13 +386683,13 +386684,21 +386685,21 +386686,21 +386687,21 +386688,21 +386689,21 +386690,36 +386691,36 +386692,36 +386693,36 +386694,36 +386695,36 +386696,36 +386697,36 +386698,34 +386699,34 +386700,34 +386701,34 +386702,34 +386703,34 +386704,34 +386705,5 +386706,5 +386707,5 +386708,5 +386709,5 +386710,23 +386711,23 +386712,23 +386713,23 +386714,23 +386715,23 +386716,23 +386717,23 +386718,23 +386719,23 +386720,23 +386721,37 +386722,37 +386723,37 +386724,37 +386725,10 +386726,26 +386727,26 +386728,26 +386729,26 +386730,26 +386731,26 +386732,26 +386733,26 +386734,26 +386735,5 +386736,5 +386737,5 +386738,4 +386739,4 +386740,4 +386741,4 +386742,4 +386743,31 +386744,31 +386745,31 +386746,29 +386747,31 +386748,5 +386749,5 +386750,5 +386751,5 +386752,29 +386753,29 +386754,29 +386755,29 +386756,31 +386757,31 +386758,31 +386759,31 +386760,31 +386761,2 +386762,2 +386763,2 +386764,2 +386765,2 +386766,2 +386767,2 +386768,2 +386769,2 +386770,2 +386771,2 +386772,14 +386773,14 +386774,14 +386775,14 +386776,14 +386777,14 +386778,14 +386779,14 +386780,14 +386781,14 +386782,14 +386783,14 +386784,14 +386785,28 +386786,28 +386787,28 +386788,28 +386789,28 +386790,28 +386791,28 +386792,28 +386793,2 +386794,2 +386795,2 +386796,2 +386797,2 +386798,2 +386799,2 +386800,2 +386801,2 +386802,2 +386803,2 +386804,10 +386805,10 +386806,10 +386807,10 +386808,10 +386809,10 +386810,10 +386811,10 +386812,10 +386813,5 +386814,5 +386815,5 +386816,5 +386817,5 +386818,27 +386819,27 +386820,27 +386821,27 +386822,27 +386823,8 +386824,8 +386825,8 +386826,8 +386827,8 +386828,8 +386829,8 +386830,8 +386831,8 +386832,8 +386833,8 +386834,8 +386835,40 +386836,40 +386837,40 +386838,40 +386839,40 +386840,40 +386841,40 +386842,40 +386843,30 +386844,30 +386845,30 +386846,30 +386847,30 +386848,34 +386849,34 +386850,34 +386851,5 +386852,30 +386853,30 +386854,28 +386855,28 +386856,1 +386857,1 +386858,5 +386859,31 +386860,31 +386861,31 +386862,31 +386863,31 +386864,31 +386865,2 +386866,2 +386867,2 +386868,2 +386869,2 +386870,2 +386871,2 +386872,6 +386873,6 +386874,6 +386875,6 +386876,6 +386877,6 +386878,6 +386879,37 +386880,37 +386881,37 +386882,37 +386883,37 +386884,37 +386885,36 +386886,36 +386887,36 +386888,36 +386889,36 +386890,36 +386891,36 +386892,36 +386893,36 +386894,36 +386895,36 +386896,36 +386897,36 +386898,36 +386899,36 +386900,36 +386901,36 +386902,36 +386903,36 +386904,36 +386905,36 +386906,4 +386907,24 +386908,4 +386909,4 +386910,1 +386911,1 +386912,0 +386913,0 +386914,0 +386915,19 +386916,19 +386917,0 +386918,0 +386919,0 +386920,0 +386921,0 +386922,0 +386923,0 +386924,0 +386925,0 +386926,0 +386927,0 +386928,0 +386929,0 +386930,0 +386931,0 +386932,0 +386933,0 +386934,0 +386935,0 +386936,0 +386937,0 +386938,0 +386939,0 +386940,0 +386941,7 +386942,7 +386943,7 +386944,7 +386945,7 +386946,7 +386947,7 +386948,7 +386949,7 +386950,7 +386951,7 +386952,7 +386953,7 +386954,3 +386955,3 +386956,3 +386957,3 +386958,5 +386959,5 +386960,5 +386961,5 +386962,5 +386963,5 +386964,5 +386965,5 +386966,5 +386967,33 +386968,33 +386969,33 +386970,33 +386971,33 +386972,10 +386973,10 +386974,10 +386975,10 +386976,12 +386977,12 +386978,12 +386979,12 +386980,31 +386981,31 +386982,12 +386983,31 +386984,31 +386985,31 +386986,31 +386987,31 +386988,31 +386989,4 +386990,4 +386991,4 +386992,27 +386993,27 +386994,27 +386995,27 +386996,4 +386997,4 +386998,4 +386999,4 +387000,4 +387001,4 +387002,4 +387003,4 +387004,4 +387005,4 +387006,4 +387007,4 +387008,4 +387009,4 +387010,40 +387011,40 +387012,40 +387013,40 +387014,40 +387015,40 +387016,40 +387017,36 +387018,28 +387019,28 +387020,28 +387021,28 +387022,32 +387023,32 +387024,32 +387025,32 +387026,32 +387027,25 +387028,37 +387029,25 +387030,37 +387031,37 +387032,37 +387033,37 +387034,37 +387035,37 +387036,37 +387037,37 +387038,37 +387039,37 +387040,37 +387041,37 +387042,37 +387043,37 +387044,37 +387045,25 +387046,25 +387047,25 +387048,25 +387049,25 +387050,25 +387051,25 +387052,25 +387053,25 +387054,25 +387055,25 +387056,38 +387057,38 +387058,38 +387059,38 +387060,38 +387061,38 +387062,38 +387063,19 +387064,38 +387065,19 +387066,38 +387067,38 +387068,38 +387069,38 +387070,27 +387071,27 +387072,27 +387073,39 +387074,39 +387075,39 +387076,39 +387077,14 +387078,14 +387079,14 +387080,14 +387081,14 +387082,14 +387083,5 +387084,5 +387085,5 +387086,5 +387087,5 +387088,35 +387089,35 +387090,35 +387091,35 +387092,35 +387093,35 +387094,35 +387095,35 +387096,36 +387097,36 +387098,36 +387099,36 +387100,36 +387101,36 +387102,36 +387103,36 +387104,36 +387105,36 +387106,36 +387107,36 +387108,36 +387109,36 +387110,36 +387111,36 +387112,36 +387113,36 +387114,36 +387115,36 +387116,36 +387117,36 +387118,36 +387119,36 +387120,36 +387121,2 +387122,2 +387123,38 +387124,2 +387125,38 +387126,38 +387127,2 +387128,2 +387129,2 +387130,8 +387131,2 +387132,2 +387133,36 +387134,36 +387135,36 +387136,36 +387137,5 +387138,5 +387139,19 +387140,19 +387141,19 +387142,35 +387143,35 +387144,35 +387145,35 +387146,35 +387147,35 +387148,35 +387149,36 +387150,36 +387151,36 +387152,36 +387153,36 +387154,36 +387155,36 +387156,36 +387157,23 +387158,23 +387159,23 +387160,23 +387161,23 +387162,23 +387163,23 +387164,23 +387165,23 +387166,25 +387167,25 +387168,25 +387169,25 +387170,25 +387171,25 +387172,25 +387173,25 +387174,25 +387175,25 +387176,25 +387177,25 +387178,25 +387179,25 +387180,31 +387181,31 +387182,33 +387183,33 +387184,33 +387185,33 +387186,33 +387187,33 +387188,33 +387189,33 +387190,33 +387191,33 +387192,33 +387193,11 +387194,11 +387195,11 +387196,11 +387197,11 +387198,11 +387199,20 +387200,20 +387201,20 +387202,35 +387203,27 +387204,27 +387205,27 +387206,11 +387207,11 +387208,11 +387209,11 +387210,11 +387211,11 +387212,11 +387213,11 +387214,11 +387215,11 +387216,11 +387217,11 +387218,11 +387219,11 +387220,39 +387221,39 +387222,39 +387223,39 +387224,39 +387225,39 +387226,6 +387227,6 +387228,6 +387229,6 +387230,6 +387231,6 +387232,31 +387233,31 +387234,31 +387235,31 +387236,31 +387237,5 +387238,5 +387239,5 +387240,5 +387241,5 +387242,5 +387243,5 +387244,5 +387245,5 +387246,5 +387247,30 +387248,5 +387249,5 +387250,26 +387251,26 +387252,26 +387253,26 +387254,31 +387255,31 +387256,31 +387257,31 +387258,31 +387259,26 +387260,26 +387261,4 +387262,4 +387263,4 +387264,4 +387265,31 +387266,0 +387267,0 +387268,0 +387269,0 +387270,0 +387271,0 +387272,32 +387273,0 +387274,0 +387275,0 +387276,0 +387277,0 +387278,0 +387279,0 +387280,0 +387281,0 +387282,0 +387283,0 +387284,0 +387285,0 +387286,0 +387287,0 +387288,0 +387289,0 +387290,0 +387291,0 +387292,0 +387293,0 +387294,0 +387295,0 +387296,0 +387297,0 +387298,0 +387299,0 +387300,0 +387301,0 +387302,0 +387303,0 +387304,0 +387305,0 +387306,0 +387307,0 +387308,0 +387309,0 +387310,0 +387311,0 +387312,0 +387313,0 +387314,0 +387315,0 +387316,0 +387317,0 +387318,0 +387319,0 +387320,0 +387321,23 +387322,23 +387323,23 +387324,23 +387325,23 +387326,23 +387327,23 +387328,23 +387329,23 +387330,23 +387331,23 +387332,23 +387333,23 +387334,23 +387335,23 +387336,23 +387337,9 +387338,9 +387339,37 +387340,37 +387341,37 +387342,37 +387343,37 +387344,37 +387345,37 +387346,25 +387347,31 +387348,31 +387349,29 +387350,29 +387351,29 +387352,29 +387353,29 +387354,29 +387355,33 +387356,33 +387357,33 +387358,33 +387359,33 +387360,9 +387361,9 +387362,9 +387363,9 +387364,9 +387365,9 +387366,9 +387367,9 +387368,5 +387369,5 +387370,5 +387371,5 +387372,5 +387373,5 +387374,5 +387375,4 +387376,4 +387377,4 +387378,4 +387379,4 +387380,4 +387381,4 +387382,4 +387383,4 +387384,10 +387385,10 +387386,10 +387387,10 +387388,10 +387389,10 +387390,10 +387391,5 +387392,5 +387393,5 +387394,5 +387395,29 +387396,29 +387397,29 +387398,29 +387399,29 +387400,31 +387401,31 +387402,31 +387403,31 +387404,21 +387405,21 +387406,21 +387407,21 +387408,21 +387409,21 +387410,21 +387411,21 +387412,21 +387413,21 +387414,21 +387415,37 +387416,37 +387417,37 +387418,37 +387419,37 +387420,37 +387421,37 +387422,37 +387423,37 +387424,37 +387425,37 +387426,37 +387427,37 +387428,36 +387429,36 +387430,36 +387431,36 +387432,36 +387433,36 +387434,36 +387435,36 +387436,36 +387437,36 +387438,36 +387439,5 +387440,5 +387441,5 +387442,5 +387443,19 +387444,19 +387445,19 +387446,27 +387447,27 +387448,27 +387449,27 +387450,27 +387451,27 +387452,27 +387453,2 +387454,2 +387455,2 +387456,2 +387457,2 +387458,2 +387459,2 +387460,2 +387461,2 +387462,2 +387463,2 +387464,2 +387465,2 +387466,2 +387467,2 +387468,2 +387469,2 +387470,2 +387471,2 +387472,2 +387473,2 +387474,0 +387475,0 +387476,0 +387477,16 +387478,16 +387479,16 +387480,16 +387481,16 +387482,16 +387483,16 +387484,16 +387485,16 +387486,16 +387487,16 +387488,25 +387489,25 +387490,25 +387491,25 +387492,25 +387493,25 +387494,25 +387495,25 +387496,25 +387497,8 +387498,8 +387499,8 +387500,8 +387501,8 +387502,8 +387503,8 +387504,8 +387505,8 +387506,18 +387507,18 +387508,18 +387509,16 +387510,11 +387511,16 +387512,16 +387513,16 +387514,4 +387515,4 +387516,4 +387517,4 +387518,4 +387519,37 +387520,37 +387521,37 +387522,37 +387523,26 +387524,26 +387525,26 +387526,37 +387527,25 +387528,25 +387529,11 +387530,11 +387531,11 +387532,11 +387533,11 +387534,11 +387535,11 +387536,11 +387537,11 +387538,11 +387539,11 +387540,11 +387541,11 +387542,11 +387543,31 +387544,25 +387545,25 +387546,31 +387547,31 +387548,31 +387549,31 +387550,31 +387551,36 +387552,27 +387553,27 +387554,27 +387555,27 +387556,27 +387557,5 +387558,5 +387559,5 +387560,5 +387561,29 +387562,31 +387563,31 +387564,31 +387565,31 +387566,31 +387567,31 +387568,31 +387569,31 +387570,12 +387571,12 +387572,12 +387573,12 +387574,12 +387575,12 +387576,12 +387577,12 +387578,12 +387579,12 +387580,12 +387581,12 +387582,12 +387583,25 +387584,25 +387585,25 +387586,25 +387587,25 +387588,25 +387589,25 +387590,25 +387591,25 +387592,31 +387593,31 +387594,31 +387595,31 +387596,31 +387597,30 +387598,30 +387599,30 +387600,30 +387601,30 +387602,19 +387603,19 +387604,19 +387605,19 +387606,19 +387607,19 +387608,19 +387609,19 +387610,19 +387611,19 +387612,19 +387613,4 +387614,4 +387615,4 +387616,4 +387617,0 +387618,0 +387619,0 +387620,0 +387621,0 +387622,0 +387623,0 +387624,0 +387625,0 +387626,0 +387627,0 +387628,0 +387629,0 +387630,0 +387631,0 +387632,0 +387633,0 +387634,0 +387635,0 +387636,0 +387637,0 +387638,0 +387639,0 +387640,0 +387641,0 +387642,0 +387643,0 +387644,0 +387645,0 +387646,0 +387647,0 +387648,0 +387649,0 +387650,0 +387651,0 +387652,0 +387653,0 +387654,0 +387655,0 +387656,0 +387657,0 +387658,0 +387659,0 +387660,0 +387661,0 +387662,0 +387663,0 +387664,0 +387665,0 +387666,0 +387667,0 +387668,29 +387669,29 +387670,29 +387671,29 +387672,29 +387673,29 +387674,29 +387675,31 +387676,31 +387677,31 +387678,31 +387679,21 +387680,21 +387681,21 +387682,21 +387683,21 +387684,21 +387685,37 +387686,37 +387687,37 +387688,37 +387689,37 +387690,37 +387691,37 +387692,37 +387693,37 +387694,14 +387695,14 +387696,14 +387697,14 +387698,14 +387699,14 +387700,14 +387701,14 +387702,4 +387703,4 +387704,4 +387705,4 +387706,4 +387707,4 +387708,4 +387709,4 +387710,4 +387711,4 +387712,4 +387713,4 +387714,4 +387715,4 +387716,4 +387717,4 +387718,27 +387719,27 +387720,27 +387721,27 +387722,27 +387723,28 +387724,28 +387725,28 +387726,28 +387727,32 +387728,32 +387729,32 +387730,32 +387731,30 +387732,30 +387733,30 +387734,30 +387735,30 +387736,30 +387737,30 +387738,30 +387739,30 +387740,2 +387741,2 +387742,2 +387743,2 +387744,2 +387745,2 +387746,2 +387747,2 +387748,2 +387749,2 +387750,2 +387751,2 +387752,31 +387753,31 +387754,31 +387755,2 +387756,27 +387757,27 +387758,27 +387759,27 +387760,27 +387761,30 +387762,30 +387763,30 +387764,30 +387765,30 +387766,30 +387767,30 +387768,30 +387769,27 +387770,27 +387771,27 +387772,27 +387773,21 +387774,21 +387775,21 +387776,21 +387777,21 +387778,8 +387779,8 +387780,8 +387781,8 +387782,8 +387783,8 +387784,8 +387785,8 +387786,8 +387787,8 +387788,27 +387789,27 +387790,27 +387791,27 +387792,27 +387793,27 +387794,27 +387795,29 +387796,29 +387797,29 +387798,29 +387799,31 +387800,31 +387801,2 +387802,2 +387803,2 +387804,2 +387805,2 +387806,2 +387807,2 +387808,8 +387809,8 +387810,4 +387811,4 +387812,4 +387813,4 +387814,4 +387815,4 +387816,4 +387817,27 +387818,27 +387819,27 +387820,27 +387821,5 +387822,5 +387823,5 +387824,5 +387825,5 +387826,5 +387827,26 +387828,26 +387829,26 +387830,26 +387831,26 +387832,26 +387833,26 +387834,26 +387835,30 +387836,30 +387837,30 +387838,30 +387839,30 +387840,30 +387841,31 +387842,31 +387843,31 +387844,31 +387845,31 +387846,24 +387847,24 +387848,31 +387849,8 +387850,8 +387851,2 +387852,2 +387853,2 +387854,2 +387855,2 +387856,32 +387857,32 +387858,32 +387859,32 +387860,32 +387861,32 +387862,32 +387863,32 +387864,32 +387865,39 +387866,39 +387867,7 +387868,7 +387869,7 +387870,7 +387871,39 +387872,39 +387873,7 +387874,3 +387875,3 +387876,39 +387877,39 +387878,39 +387879,39 +387880,3 +387881,19 +387882,19 +387883,4 +387884,4 +387885,4 +387886,39 +387887,39 +387888,39 +387889,39 +387890,39 +387891,39 +387892,39 +387893,39 +387894,39 +387895,39 +387896,39 +387897,39 +387898,39 +387899,39 +387900,39 +387901,39 +387902,39 +387903,39 +387904,39 +387905,27 +387906,27 +387907,27 +387908,27 +387909,27 +387910,27 +387911,13 +387912,13 +387913,13 +387914,13 +387915,13 +387916,13 +387917,13 +387918,21 +387919,21 +387920,21 +387921,21 +387922,21 +387923,37 +387924,37 +387925,37 +387926,37 +387927,37 +387928,37 +387929,37 +387930,14 +387931,14 +387932,36 +387933,36 +387934,36 +387935,40 +387936,40 +387937,40 +387938,40 +387939,40 +387940,5 +387941,5 +387942,5 +387943,5 +387944,5 +387945,40 +387946,20 +387947,20 +387948,20 +387949,20 +387950,7 +387951,20 +387952,20 +387953,20 +387954,20 +387955,25 +387956,25 +387957,25 +387958,25 +387959,25 +387960,25 +387961,25 +387962,25 +387963,25 +387964,25 +387965,25 +387966,25 +387967,25 +387968,25 +387969,25 +387970,25 +387971,25 +387972,25 +387973,25 +387974,25 +387975,25 +387976,25 +387977,25 +387978,25 +387979,25 +387980,25 +387981,25 +387982,0 +387983,0 +387984,0 +387985,0 +387986,0 +387987,0 +387988,0 +387989,0 +387990,0 +387991,0 +387992,0 +387993,0 +387994,0 +387995,0 +387996,0 +387997,0 +387998,0 +387999,0 +388000,0 +388001,0 +388002,0 +388003,0 +388004,0 +388005,0 +388006,0 +388007,0 +388008,0 +388009,0 +388010,0 +388011,0 +388012,0 +388013,0 +388014,0 +388015,0 +388016,0 +388017,0 +388018,0 +388019,0 +388020,0 +388021,0 +388022,0 +388023,0 +388024,0 +388025,0 +388026,0 +388027,0 +388028,0 +388029,10 +388030,10 +388031,10 +388032,10 +388033,10 +388034,10 +388035,10 +388036,10 +388037,10 +388038,10 +388039,10 +388040,10 +388041,10 +388042,2 +388043,2 +388044,2 +388045,2 +388046,2 +388047,2 +388048,2 +388049,2 +388050,2 +388051,2 +388052,32 +388053,32 +388054,32 +388055,32 +388056,30 +388057,30 +388058,30 +388059,30 +388060,30 +388061,39 +388062,39 +388063,39 +388064,39 +388065,39 +388066,39 +388067,39 +388068,39 +388069,32 +388070,32 +388071,32 +388072,32 +388073,32 +388074,32 +388075,32 +388076,32 +388077,32 +388078,31 +388079,5 +388080,5 +388081,5 +388082,5 +388083,5 +388084,5 +388085,5 +388086,33 +388087,33 +388088,33 +388089,33 +388090,33 +388091,31 +388092,31 +388093,31 +388094,30 +388095,30 +388096,28 +388097,28 +388098,28 +388099,28 +388100,28 +388101,28 +388102,28 +388103,31 +388104,31 +388105,31 +388106,31 +388107,30 +388108,30 +388109,30 +388110,30 +388111,30 +388112,30 +388113,30 +388114,30 +388115,33 +388116,33 +388117,9 +388118,9 +388119,9 +388120,9 +388121,9 +388122,9 +388123,37 +388124,37 +388125,37 +388126,37 +388127,37 +388128,37 +388129,37 +388130,25 +388131,25 +388132,25 +388133,37 +388134,37 +388135,37 +388136,37 +388137,0 +388138,0 +388139,0 +388140,0 +388141,0 +388142,0 +388143,0 +388144,0 +388145,0 +388146,0 +388147,0 +388148,0 +388149,0 +388150,0 +388151,0 +388152,0 +388153,0 +388154,0 +388155,0 +388156,0 +388157,0 +388158,0 +388159,0 +388160,0 +388161,0 +388162,0 +388163,0 +388164,0 +388165,0 +388166,0 +388167,36 +388168,36 +388169,31 +388170,31 +388171,31 +388172,31 +388173,31 +388174,31 +388175,31 +388176,5 +388177,5 +388178,5 +388179,19 +388180,5 +388181,19 +388182,19 +388183,19 +388184,10 +388185,10 +388186,10 +388187,10 +388188,10 +388189,10 +388190,10 +388191,10 +388192,10 +388193,11 +388194,11 +388195,11 +388196,11 +388197,11 +388198,11 +388199,11 +388200,11 +388201,11 +388202,11 +388203,11 +388204,11 +388205,11 +388206,11 +388207,11 +388208,11 +388209,36 +388210,36 +388211,36 +388212,34 +388213,34 +388214,34 +388215,34 +388216,34 +388217,30 +388218,34 +388219,5 +388220,5 +388221,5 +388222,5 +388223,5 +388224,5 +388225,5 +388226,5 +388227,26 +388228,26 +388229,26 +388230,26 +388231,26 +388232,26 +388233,26 +388234,26 +388235,4 +388236,4 +388237,4 +388238,4 +388239,4 +388240,4 +388241,4 +388242,4 +388243,4 +388244,4 +388245,4 +388246,4 +388247,6 +388248,6 +388249,6 +388250,6 +388251,6 +388252,6 +388253,6 +388254,37 +388255,37 +388256,37 +388257,37 +388258,37 +388259,37 +388260,37 +388261,5 +388262,5 +388263,5 +388264,5 +388265,5 +388266,5 +388267,5 +388268,28 +388269,28 +388270,8 +388271,8 +388272,8 +388273,8 +388274,8 +388275,8 +388276,8 +388277,31 +388278,31 +388279,31 +388280,31 +388281,5 +388282,5 +388283,5 +388284,5 +388285,28 +388286,28 +388287,28 +388288,28 +388289,28 +388290,28 +388291,28 +388292,10 +388293,10 +388294,10 +388295,10 +388296,10 +388297,10 +388298,10 +388299,10 +388300,10 +388301,5 +388302,5 +388303,5 +388304,5 +388305,5 +388306,5 +388307,5 +388308,5 +388309,14 +388310,14 +388311,14 +388312,14 +388313,14 +388314,14 +388315,14 +388316,14 +388317,14 +388318,14 +388319,14 +388320,14 +388321,14 +388322,14 +388323,14 +388324,14 +388325,14 +388326,14 +388327,14 +388328,14 +388329,14 +388330,30 +388331,30 +388332,30 +388333,30 +388334,30 +388335,30 +388336,30 +388337,30 +388338,30 +388339,8 +388340,8 +388341,8 +388342,8 +388343,8 +388344,8 +388345,8 +388346,8 +388347,8 +388348,8 +388349,8 +388350,8 +388351,2 +388352,2 +388353,2 +388354,2 +388355,2 +388356,2 +388357,2 +388358,0 +388359,0 +388360,0 +388361,0 +388362,0 +388363,0 +388364,0 +388365,0 +388366,0 +388367,0 +388368,0 +388369,0 +388370,0 +388371,0 +388372,0 +388373,0 +388374,0 +388375,0 +388376,0 +388377,0 +388378,0 +388379,0 +388380,0 +388381,0 +388382,0 +388383,0 +388384,0 +388385,0 +388386,0 +388387,0 +388388,0 +388389,0 +388390,0 +388391,0 +388392,0 +388393,0 +388394,0 +388395,0 +388396,0 +388397,0 +388398,0 +388399,0 +388400,0 +388401,0 +388402,5 +388403,5 +388404,5 +388405,5 +388406,5 +388407,5 +388408,5 +388409,5 +388410,5 +388411,5 +388412,5 +388413,5 +388414,5 +388415,5 +388416,33 +388417,33 +388418,33 +388419,33 +388420,33 +388421,33 +388422,33 +388423,33 +388424,33 +388425,33 +388426,33 +388427,5 +388428,5 +388429,5 +388430,21 +388431,21 +388432,20 +388433,20 +388434,20 +388435,11 +388436,18 +388437,18 +388438,18 +388439,18 +388440,18 +388441,20 +388442,31 +388443,25 +388444,25 +388445,17 +388446,17 +388447,17 +388448,17 +388449,17 +388450,17 +388451,17 +388452,17 +388453,17 +388454,33 +388455,33 +388456,27 +388457,27 +388458,27 +388459,14 +388460,11 +388461,11 +388462,11 +388463,11 +388464,11 +388465,11 +388466,11 +388467,11 +388468,11 +388469,11 +388470,27 +388471,27 +388472,27 +388473,27 +388474,27 +388475,30 +388476,30 +388477,30 +388478,30 +388479,30 +388480,30 +388481,30 +388482,30 +388483,30 +388484,40 +388485,40 +388486,40 +388487,40 +388488,40 +388489,40 +388490,40 +388491,40 +388492,40 +388493,40 +388494,40 +388495,40 +388496,24 +388497,24 +388498,24 +388499,24 +388500,24 +388501,24 +388502,24 +388503,24 +388504,25 +388505,25 +388506,25 +388507,25 +388508,25 +388509,25 +388510,25 +388511,25 +388512,25 +388513,25 +388514,25 +388515,31 +388516,31 +388517,31 +388518,31 +388519,31 +388520,21 +388521,21 +388522,21 +388523,21 +388524,21 +388525,21 +388526,21 +388527,21 +388528,21 +388529,40 +388530,40 +388531,40 +388532,40 +388533,40 +388534,40 +388535,40 +388536,40 +388537,40 +388538,40 +388539,40 +388540,40 +388541,5 +388542,5 +388543,5 +388544,5 +388545,5 +388546,5 +388547,5 +388548,5 +388549,5 +388550,5 +388551,5 +388552,6 +388553,6 +388554,6 +388555,6 +388556,6 +388557,6 +388558,6 +388559,6 +388560,6 +388561,6 +388562,31 +388563,31 +388564,31 +388565,31 +388566,28 +388567,28 +388568,28 +388569,28 +388570,31 +388571,31 +388572,31 +388573,31 +388574,31 +388575,31 +388576,31 +388577,31 +388578,32 +388579,32 +388580,32 +388581,32 +388582,32 +388583,32 +388584,32 +388585,32 +388586,32 +388587,32 +388588,32 +388589,32 +388590,32 +388591,26 +388592,26 +388593,26 +388594,26 +388595,26 +388596,26 +388597,26 +388598,26 +388599,26 +388600,26 +388601,5 +388602,5 +388603,5 +388604,5 +388605,5 +388606,5 +388607,28 +388608,28 +388609,28 +388610,28 +388611,28 +388612,28 +388613,28 +388614,10 +388615,10 +388616,10 +388617,10 +388618,10 +388619,10 +388620,10 +388621,10 +388622,10 +388623,10 +388624,10 +388625,10 +388626,28 +388627,28 +388628,28 +388629,28 +388630,28 +388631,28 +388632,28 +388633,28 +388634,28 +388635,28 +388636,10 +388637,10 +388638,10 +388639,10 +388640,10 +388641,10 +388642,10 +388643,10 +388644,10 +388645,10 +388646,10 +388647,10 +388648,10 +388649,10 +388650,10 +388651,10 +388652,10 +388653,10 +388654,10 +388655,10 +388656,10 +388657,10 +388658,10 +388659,5 +388660,5 +388661,5 +388662,5 +388663,5 +388664,5 +388665,5 +388666,5 +388667,5 +388668,19 +388669,19 +388670,19 +388671,19 +388672,19 +388673,19 +388674,19 +388675,19 +388676,19 +388677,19 +388678,0 +388679,0 +388680,0 +388681,0 +388682,0 +388683,0 +388684,0 +388685,0 +388686,0 +388687,0 +388688,0 +388689,0 +388690,0 +388691,0 +388692,0 +388693,0 +388694,0 +388695,0 +388696,0 +388697,0 +388698,0 +388699,0 +388700,0 +388701,0 +388702,0 +388703,0 +388704,0 +388705,0 +388706,0 +388707,0 +388708,0 +388709,0 +388710,0 +388711,0 +388712,0 +388713,0 +388714,0 +388715,0 +388716,0 +388717,0 +388718,0 +388719,0 +388720,0 +388721,0 +388722,0 +388723,0 +388724,0 +388725,0 +388726,0 +388727,0 +388728,0 +388729,0 +388730,0 +388731,0 +388732,0 +388733,0 +388734,0 +388735,0 +388736,0 +388737,0 +388738,0 +388739,0 +388740,0 +388741,0 +388742,0 +388743,0 +388744,30 +388745,30 +388746,30 +388747,30 +388748,0 +388749,30 +388750,30 +388751,30 +388752,30 +388753,30 +388754,30 +388755,30 +388756,31 +388757,31 +388758,31 +388759,31 +388760,24 +388761,24 +388762,24 +388763,24 +388764,24 +388765,24 +388766,24 +388767,24 +388768,24 +388769,24 +388770,24 +388771,37 +388772,25 +388773,25 +388774,25 +388775,25 +388776,25 +388777,25 +388778,25 +388779,37 +388780,37 +388781,11 +388782,11 +388783,11 +388784,11 +388785,11 +388786,11 +388787,16 +388788,4 +388789,4 +388790,6 +388791,6 +388792,6 +388793,6 +388794,31 +388795,31 +388796,31 +388797,31 +388798,31 +388799,31 +388800,35 +388801,35 +388802,35 +388803,35 +388804,35 +388805,35 +388806,35 +388807,35 +388808,35 +388809,34 +388810,34 +388811,34 +388812,34 +388813,34 +388814,34 +388815,9 +388816,30 +388817,30 +388818,30 +388819,30 +388820,30 +388821,30 +388822,30 +388823,30 +388824,24 +388825,24 +388826,24 +388827,24 +388828,24 +388829,25 +388830,25 +388831,25 +388832,25 +388833,25 +388834,25 +388835,25 +388836,25 +388837,31 +388838,25 +388839,25 +388840,25 +388841,25 +388842,25 +388843,25 +388844,25 +388845,25 +388846,25 +388847,31 +388848,37 +388849,37 +388850,37 +388851,37 +388852,37 +388853,37 +388854,37 +388855,37 +388856,37 +388857,37 +388858,36 +388859,36 +388860,36 +388861,36 +388862,36 +388863,36 +388864,36 +388865,36 +388866,19 +388867,4 +388868,5 +388869,31 +388870,31 +388871,31 +388872,31 +388873,31 +388874,31 +388875,31 +388876,31 +388877,32 +388878,32 +388879,32 +388880,32 +388881,32 +388882,32 +388883,32 +388884,4 +388885,4 +388886,4 +388887,31 +388888,31 +388889,31 +388890,31 +388891,6 +388892,6 +388893,6 +388894,6 +388895,6 +388896,6 +388897,6 +388898,6 +388899,6 +388900,6 +388901,6 +388902,6 +388903,26 +388904,26 +388905,26 +388906,26 +388907,26 +388908,26 +388909,26 +388910,26 +388911,26 +388912,37 +388913,37 +388914,37 +388915,37 +388916,37 +388917,37 +388918,37 +388919,37 +388920,37 +388921,37 +388922,25 +388923,32 +388924,32 +388925,32 +388926,32 +388927,32 +388928,32 +388929,32 +388930,32 +388931,32 +388932,32 +388933,32 +388934,32 +388935,32 +388936,27 +388937,27 +388938,27 +388939,27 +388940,27 +388941,27 +388942,5 +388943,5 +388944,5 +388945,5 +388946,5 +388947,5 +388948,5 +388949,2 +388950,2 +388951,2 +388952,2 +388953,2 +388954,2 +388955,2 +388956,2 +388957,2 +388958,2 +388959,2 +388960,2 +388961,2 +388962,2 +388963,39 +388964,39 +388965,39 +388966,39 +388967,39 +388968,39 +388969,39 +388970,39 +388971,39 +388972,39 +388973,39 +388974,8 +388975,8 +388976,8 +388977,8 +388978,8 +388979,8 +388980,8 +388981,8 +388982,8 +388983,8 +388984,31 +388985,31 +388986,31 +388987,31 +388988,31 +388989,31 +388990,31 +388991,28 +388992,28 +388993,28 +388994,28 +388995,15 +388996,15 +388997,15 +388998,15 +388999,15 +389000,15 +389001,15 +389002,10 +389003,10 +389004,10 +389005,10 +389006,10 +389007,10 +389008,10 +389009,10 +389010,10 +389011,26 +389012,29 +389013,29 +389014,29 +389015,29 +389016,29 +389017,39 +389018,39 +389019,39 +389020,39 +389021,39 +389022,39 +389023,9 +389024,9 +389025,9 +389026,9 +389027,9 +389028,9 +389029,9 +389030,9 +389031,9 +389032,9 +389033,9 +389034,37 +389035,9 +389036,37 +389037,37 +389038,37 +389039,37 +389040,37 +389041,37 +389042,37 +389043,37 +389044,5 +389045,5 +389046,5 +389047,5 +389048,5 +389049,5 +389050,8 +389051,8 +389052,8 +389053,8 +389054,8 +389055,8 +389056,8 +389057,23 +389058,23 +389059,23 +389060,23 +389061,23 +389062,23 +389063,23 +389064,25 +389065,25 +389066,25 +389067,25 +389068,25 +389069,15 +389070,15 +389071,15 +389072,15 +389073,15 +389074,9 +389075,9 +389076,9 +389077,9 +389078,9 +389079,9 +389080,17 +389081,35 +389082,35 +389083,35 +389084,35 +389085,35 +389086,9 +389087,9 +389088,10 +389089,10 +389090,10 +389091,10 +389092,10 +389093,10 +389094,10 +389095,10 +389096,10 +389097,10 +389098,10 +389099,10 +389100,10 +389101,10 +389102,10 +389103,10 +389104,5 +389105,5 +389106,5 +389107,5 +389108,5 +389109,19 +389110,5 +389111,19 +389112,19 +389113,19 +389114,19 +389115,19 +389116,19 +389117,19 +389118,19 +389119,19 +389120,19 +389121,19 +389122,19 +389123,0 +389124,0 +389125,0 +389126,0 +389127,0 +389128,0 +389129,0 +389130,0 +389131,0 +389132,0 +389133,0 +389134,0 +389135,0 +389136,0 +389137,0 +389138,0 +389139,0 +389140,0 +389141,0 +389142,0 +389143,0 +389144,0 +389145,0 +389146,0 +389147,0 +389148,0 +389149,0 +389150,0 +389151,0 +389152,0 +389153,0 +389154,0 +389155,0 +389156,0 +389157,0 +389158,0 +389159,0 +389160,0 +389161,0 +389162,0 +389163,0 +389164,0 +389165,0 +389166,0 +389167,0 +389168,0 +389169,0 +389170,0 +389171,0 +389172,0 +389173,0 +389174,0 +389175,0 +389176,0 +389177,0 +389178,0 +389179,0 +389180,0 +389181,0 +389182,0 +389183,0 +389184,11 +389185,11 +389186,11 +389187,11 +389188,11 +389189,11 +389190,11 +389191,18 +389192,18 +389193,18 +389194,18 +389195,26 +389196,26 +389197,26 +389198,9 +389199,30 +389200,30 +389201,30 +389202,30 +389203,30 +389204,30 +389205,30 +389206,30 +389207,30 +389208,14 +389209,14 +389210,14 +389211,14 +389212,14 +389213,6 +389214,6 +389215,6 +389216,6 +389217,6 +389218,6 +389219,6 +389220,6 +389221,6 +389222,6 +389223,31 +389224,31 +389225,31 +389226,33 +389227,33 +389228,33 +389229,33 +389230,33 +389231,33 +389232,33 +389233,33 +389234,30 +389235,30 +389236,30 +389237,30 +389238,30 +389239,33 +389240,33 +389241,33 +389242,33 +389243,33 +389244,33 +389245,33 +389246,33 +389247,33 +389248,33 +389249,33 +389250,9 +389251,9 +389252,9 +389253,9 +389254,9 +389255,9 +389256,9 +389257,9 +389258,9 +389259,9 +389260,37 +389261,37 +389262,37 +389263,37 +389264,37 +389265,37 +389266,37 +389267,37 +389268,37 +389269,37 +389270,28 +389271,28 +389272,28 +389273,28 +389274,28 +389275,28 +389276,28 +389277,40 +389278,40 +389279,40 +389280,40 +389281,27 +389282,27 +389283,27 +389284,5 +389285,5 +389286,5 +389287,5 +389288,5 +389289,5 +389290,5 +389291,5 +389292,23 +389293,23 +389294,23 +389295,23 +389296,23 +389297,23 +389298,23 +389299,23 +389300,25 +389301,25 +389302,25 +389303,25 +389304,25 +389305,28 +389306,28 +389307,28 +389308,28 +389309,28 +389310,28 +389311,28 +389312,39 +389313,39 +389314,39 +389315,39 +389316,39 +389317,39 +389318,35 +389319,35 +389320,35 +389321,35 +389322,35 +389323,35 +389324,10 +389325,10 +389326,10 +389327,10 +389328,10 +389329,10 +389330,10 +389331,10 +389332,10 +389333,10 +389334,10 +389335,5 +389336,5 +389337,5 +389338,5 +389339,15 +389340,15 +389341,15 +389342,27 +389343,27 +389344,27 +389345,27 +389346,35 +389347,35 +389348,35 +389349,7 +389350,35 +389351,35 +389352,35 +389353,39 +389354,39 +389355,39 +389356,39 +389357,39 +389358,39 +389359,39 +389360,39 +389361,30 +389362,30 +389363,30 +389364,30 +389365,30 +389366,30 +389367,30 +389368,30 +389369,30 +389370,30 +389371,30 +389372,30 +389373,30 +389374,30 +389375,30 +389376,30 +389377,35 +389378,35 +389379,35 +389380,35 +389381,35 +389382,35 +389383,35 +389384,35 +389385,35 +389386,35 +389387,35 +389388,35 +389389,35 +389390,35 +389391,35 +389392,39 +389393,39 +389394,39 +389395,39 +389396,39 +389397,6 +389398,6 +389399,6 +389400,6 +389401,6 +389402,6 +389403,6 +389404,9 +389405,9 +389406,9 +389407,9 +389408,9 +389409,9 +389410,9 +389411,30 +389412,30 +389413,30 +389414,30 +389415,30 +389416,30 +389417,30 +389418,30 +389419,30 +389420,30 +389421,30 +389422,34 +389423,34 +389424,34 +389425,34 +389426,34 +389427,34 +389428,34 +389429,34 +389430,34 +389431,34 +389432,34 +389433,34 +389434,34 +389435,34 +389436,34 +389437,34 +389438,33 +389439,33 +389440,0 +389441,0 +389442,0 +389443,0 +389444,0 +389445,0 +389446,0 +389447,0 +389448,0 +389449,0 +389450,0 +389451,0 +389452,0 +389453,0 +389454,0 +389455,0 +389456,0 +389457,0 +389458,0 +389459,0 +389460,0 +389461,0 +389462,0 +389463,0 +389464,0 +389465,0 +389466,0 +389467,0 +389468,0 +389469,0 +389470,0 +389471,0 +389472,0 +389473,0 +389474,0 +389475,0 +389476,0 +389477,0 +389478,0 +389479,0 +389480,0 +389481,0 +389482,0 +389483,0 +389484,0 +389485,0 +389486,0 +389487,0 +389488,0 +389489,0 +389490,0 +389491,0 +389492,0 +389493,0 +389494,0 +389495,0 +389496,0 +389497,0 +389498,0 +389499,0 +389500,0 +389501,0 +389502,0 +389503,0 +389504,0 +389505,0 +389506,0 +389507,0 +389508,0 +389509,0 +389510,0 +389511,0 +389512,0 +389513,0 +389514,0 +389515,0 +389516,0 +389517,0 +389518,0 +389519,15 +389520,15 +389521,15 +389522,15 +389523,10 +389524,10 +389525,10 +389526,31 +389527,4 +389528,4 +389529,4 +389530,4 +389531,4 +389532,10 +389533,36 +389534,36 +389535,34 +389536,34 +389537,34 +389538,34 +389539,34 +389540,34 +389541,34 +389542,40 +389543,4 +389544,4 +389545,4 +389546,19 +389547,19 +389548,9 +389549,9 +389550,31 +389551,31 +389552,31 +389553,31 +389554,26 +389555,26 +389556,26 +389557,31 +389558,31 +389559,31 +389560,28 +389561,28 +389562,28 +389563,28 +389564,28 +389565,38 +389566,38 +389567,38 +389568,38 +389569,38 +389570,38 +389571,38 +389572,38 +389573,38 +389574,38 +389575,38 +389576,27 +389577,27 +389578,27 +389579,27 +389580,27 +389581,27 +389582,13 +389583,13 +389584,13 +389585,13 +389586,13 +389587,13 +389588,13 +389589,13 +389590,38 +389591,38 +389592,38 +389593,6 +389594,6 +389595,6 +389596,4 +389597,4 +389598,4 +389599,4 +389600,4 +389601,39 +389602,39 +389603,39 +389604,39 +389605,39 +389606,39 +389607,39 +389608,39 +389609,39 +389610,39 +389611,39 +389612,2 +389613,2 +389614,2 +389615,2 +389616,2 +389617,2 +389618,2 +389619,2 +389620,2 +389621,8 +389622,2 +389623,23 +389624,23 +389625,23 +389626,23 +389627,23 +389628,23 +389629,27 +389630,27 +389631,27 +389632,27 +389633,27 +389634,27 +389635,27 +389636,11 +389637,11 +389638,11 +389639,11 +389640,11 +389641,11 +389642,11 +389643,11 +389644,11 +389645,11 +389646,11 +389647,37 +389648,37 +389649,37 +389650,37 +389651,37 +389652,37 +389653,39 +389654,39 +389655,39 +389656,39 +389657,39 +389658,39 +389659,39 +389660,39 +389661,8 +389662,8 +389663,8 +389664,8 +389665,8 +389666,8 +389667,8 +389668,8 +389669,32 +389670,32 +389671,15 +389672,15 +389673,15 +389674,15 +389675,15 +389676,37 +389677,37 +389678,37 +389679,25 +389680,25 +389681,25 +389682,27 +389683,27 +389684,27 +389685,27 +389686,27 +389687,13 +389688,13 +389689,13 +389690,13 +389691,13 +389692,13 +389693,13 +389694,36 +389695,36 +389696,27 +389697,27 +389698,27 +389699,27 +389700,27 +389701,5 +389702,5 +389703,5 +389704,5 +389705,5 +389706,5 +389707,29 +389708,29 +389709,29 +389710,31 +389711,31 +389712,31 +389713,31 +389714,31 +389715,31 +389716,31 +389717,31 +389718,31 +389719,31 +389720,31 +389721,31 +389722,31 +389723,31 +389724,31 +389725,31 +389726,4 +389727,19 +389728,19 +389729,4 +389730,4 +389731,4 +389732,4 +389733,4 +389734,4 +389735,4 +389736,4 +389737,4 +389738,25 +389739,25 +389740,25 +389741,25 +389742,25 +389743,25 +389744,25 +389745,25 +389746,25 +389747,25 +389748,25 +389749,25 +389750,5 +389751,5 +389752,5 +389753,5 +389754,5 +389755,5 +389756,5 +389757,5 +389758,5 +389759,8 +389760,8 +389761,8 +389762,8 +389763,8 +389764,8 +389765,2 +389766,8 +389767,9 +389768,9 +389769,30 +389770,30 +389771,30 +389772,30 +389773,30 +389774,30 +389775,30 +389776,30 +389777,0 +389778,0 +389779,0 +389780,0 +389781,0 +389782,0 +389783,0 +389784,0 +389785,0 +389786,29 +389787,29 +389788,29 +389789,29 +389790,29 +389791,29 +389792,29 +389793,29 +389794,39 +389795,39 +389796,39 +389797,39 +389798,39 +389799,39 +389800,39 +389801,39 +389802,39 +389803,12 +389804,12 +389805,12 +389806,12 +389807,12 +389808,12 +389809,12 +389810,12 +389811,12 +389812,12 +389813,12 +389814,12 +389815,12 +389816,12 +389817,12 +389818,31 +389819,31 +389820,31 +389821,5 +389822,5 +389823,5 +389824,5 +389825,5 +389826,5 +389827,5 +389828,2 +389829,2 +389830,2 +389831,2 +389832,2 +389833,2 +389834,2 +389835,2 +389836,2 +389837,2 +389838,2 +389839,2 +389840,19 +389841,19 +389842,19 +389843,19 +389844,4 +389845,4 +389846,4 +389847,19 +389848,19 +389849,19 +389850,19 +389851,14 +389852,14 +389853,14 +389854,40 +389855,40 +389856,40 +389857,40 +389858,40 +389859,40 +389860,40 +389861,40 +389862,40 +389863,19 +389864,19 +389865,19 +389866,19 +389867,19 +389868,19 +389869,19 +389870,19 +389871,19 +389872,19 +389873,19 +389874,19 +389875,19 +389876,19 +389877,19 +389878,19 +389879,19 +389880,0 +389881,19 +389882,0 +389883,0 +389884,0 +389885,25 +389886,25 +389887,0 +389888,0 +389889,0 +389890,0 +389891,0 +389892,0 +389893,0 +389894,0 +389895,0 +389896,0 +389897,0 +389898,0 +389899,0 +389900,0 +389901,0 +389902,0 +389903,0 +389904,0 +389905,0 +389906,0 +389907,0 +389908,0 +389909,0 +389910,0 +389911,0 +389912,0 +389913,0 +389914,0 +389915,0 +389916,0 +389917,0 +389918,0 +389919,0 +389920,0 +389921,0 +389922,0 +389923,0 +389924,0 +389925,0 +389926,0 +389927,0 +389928,0 +389929,0 +389930,0 +389931,0 +389932,0 +389933,0 +389934,0 +389935,0 +389936,0 +389937,0 +389938,0 +389939,0 +389940,0 +389941,0 +389942,0 +389943,0 +389944,0 +389945,0 +389946,0 +389947,0 +389948,0 +389949,0 +389950,0 +389951,0 +389952,0 +389953,2 +389954,2 +389955,2 +389956,2 +389957,2 +389958,2 +389959,2 +389960,2 +389961,2 +389962,2 +389963,2 +389964,2 +389965,2 +389966,2 +389967,2 +389968,2 +389969,2 +389970,2 +389971,25 +389972,25 +389973,25 +389974,28 +389975,28 +389976,28 +389977,28 +389978,28 +389979,28 +389980,28 +389981,9 +389982,9 +389983,9 +389984,9 +389985,26 +389986,26 +389987,26 +389988,26 +389989,26 +389990,25 +389991,25 +389992,25 +389993,25 +389994,25 +389995,25 +389996,25 +389997,25 +389998,25 +389999,25 +390000,25 +390001,25 +390002,25 +390003,25 +390004,30 +390005,30 +390006,30 +390007,30 +390008,30 +390009,30 +390010,30 +390011,30 +390012,30 +390013,30 +390014,14 +390015,14 +390016,14 +390017,14 +390018,14 +390019,39 +390020,14 +390021,14 +390022,39 +390023,39 +390024,39 +390025,39 +390026,39 +390027,39 +390028,39 +390029,39 +390030,39 +390031,39 +390032,39 +390033,39 +390034,39 +390035,39 +390036,39 +390037,39 +390038,14 +390039,14 +390040,14 +390041,14 +390042,0 +390043,0 +390044,0 +390045,0 +390046,0 +390047,0 +390048,0 +390049,0 +390050,0 +390051,0 +390052,0 +390053,0 +390054,0 +390055,0 +390056,0 +390057,0 +390058,0 +390059,0 +390060,0 +390061,0 +390062,0 +390063,0 +390064,0 +390065,0 +390066,0 +390067,0 +390068,0 +390069,0 +390070,0 +390071,29 +390072,29 +390073,29 +390074,31 +390075,31 +390076,31 +390077,31 +390078,31 +390079,31 +390080,31 +390081,31 +390082,31 +390083,2 +390084,2 +390085,2 +390086,2 +390087,2 +390088,2 +390089,2 +390090,2 +390091,2 +390092,2 +390093,25 +390094,25 +390095,25 +390096,5 +390097,5 +390098,4 +390099,4 +390100,4 +390101,4 +390102,4 +390103,4 +390104,37 +390105,37 +390106,37 +390107,37 +390108,9 +390109,26 +390110,26 +390111,26 +390112,26 +390113,26 +390114,26 +390115,31 +390116,28 +390117,28 +390118,28 +390119,28 +390120,28 +390121,28 +390122,28 +390123,28 +390124,28 +390125,28 +390126,40 +390127,40 +390128,40 +390129,40 +390130,40 +390131,37 +390132,37 +390133,37 +390134,37 +390135,37 +390136,37 +390137,37 +390138,37 +390139,37 +390140,6 +390141,6 +390142,6 +390143,6 +390144,6 +390145,31 +390146,31 +390147,31 +390148,31 +390149,5 +390150,5 +390151,5 +390152,5 +390153,5 +390154,5 +390155,5 +390156,5 +390157,5 +390158,23 +390159,23 +390160,23 +390161,23 +390162,23 +390163,23 +390164,23 +390165,24 +390166,27 +390167,27 +390168,27 +390169,27 +390170,27 +390171,27 +390172,27 +390173,11 +390174,11 +390175,11 +390176,11 +390177,11 +390178,11 +390179,11 +390180,11 +390181,11 +390182,11 +390183,11 +390184,37 +390185,37 +390186,37 +390187,37 +390188,37 +390189,37 +390190,37 +390191,37 +390192,39 +390193,39 +390194,39 +390195,39 +390196,39 +390197,39 +390198,39 +390199,39 +390200,39 +390201,39 +390202,39 +390203,39 +390204,39 +390205,39 +390206,8 +390207,8 +390208,8 +390209,8 +390210,8 +390211,8 +390212,8 +390213,8 +390214,8 +390215,8 +390216,8 +390217,8 +390218,8 +390219,8 +390220,8 +390221,8 +390222,0 +390223,0 +390224,0 +390225,0 +390226,0 +390227,0 +390228,0 +390229,0 +390230,0 +390231,0 +390232,0 +390233,0 +390234,0 +390235,0 +390236,0 +390237,0 +390238,0 +390239,0 +390240,0 +390241,0 +390242,0 +390243,0 +390244,0 +390245,0 +390246,0 +390247,0 +390248,0 +390249,0 +390250,36 +390251,27 +390252,27 +390253,27 +390254,27 +390255,5 +390256,5 +390257,5 +390258,5 +390259,5 +390260,5 +390261,5 +390262,12 +390263,12 +390264,12 +390265,12 +390266,12 +390267,12 +390268,12 +390269,12 +390270,27 +390271,27 +390272,27 +390273,27 +390274,27 +390275,27 +390276,11 +390277,11 +390278,11 +390279,2 +390280,2 +390281,2 +390282,2 +390283,2 +390284,11 +390285,11 +390286,11 +390287,29 +390288,29 +390289,29 +390290,29 +390291,29 +390292,29 +390293,40 +390294,22 +390295,22 +390296,22 +390297,22 +390298,22 +390299,22 +390300,37 +390301,37 +390302,25 +390303,37 +390304,37 +390305,25 +390306,25 +390307,25 +390308,25 +390309,37 +390310,25 +390311,25 +390312,25 +390313,25 +390314,1 +390315,1 +390316,1 +390317,25 +390318,31 +390319,31 +390320,31 +390321,31 +390322,38 +390323,38 +390324,38 +390325,38 +390326,38 +390327,38 +390328,38 +390329,38 +390330,38 +390331,38 +390332,38 +390333,37 +390334,37 +390335,37 +390336,37 +390337,37 +390338,37 +390339,37 +390340,39 +390341,39 +390342,39 +390343,39 +390344,39 +390345,39 +390346,39 +390347,39 +390348,15 +390349,15 +390350,15 +390351,15 +390352,15 +390353,15 +390354,39 +390355,39 +390356,39 +390357,39 +390358,39 +390359,39 +390360,39 +390361,39 +390362,39 +390363,39 +390364,39 +390365,39 +390366,39 +390367,39 +390368,39 +390369,39 +390370,39 +390371,39 +390372,39 +390373,39 +390374,4 +390375,4 +390376,4 +390377,4 +390378,4 +390379,2 +390380,2 +390381,2 +390382,2 +390383,2 +390384,2 +390385,2 +390386,2 +390387,2 +390388,2 +390389,2 +390390,2 +390391,2 +390392,2 +390393,2 +390394,2 +390395,2 +390396,2 +390397,2 +390398,2 +390399,0 +390400,0 +390401,0 +390402,0 +390403,0 +390404,0 +390405,0 +390406,0 +390407,0 +390408,0 +390409,0 +390410,0 +390411,0 +390412,0 +390413,0 +390414,0 +390415,0 +390416,0 +390417,0 +390418,29 +390419,29 +390420,29 +390421,29 +390422,31 +390423,31 +390424,31 +390425,31 +390426,31 +390427,23 +390428,23 +390429,23 +390430,23 +390431,23 +390432,23 +390433,23 +390434,23 +390435,23 +390436,23 +390437,25 +390438,25 +390439,25 +390440,25 +390441,25 +390442,25 +390443,25 +390444,25 +390445,25 +390446,25 +390447,25 +390448,25 +390449,8 +390450,2 +390451,2 +390452,2 +390453,2 +390454,2 +390455,2 +390456,2 +390457,8 +390458,2 +390459,12 +390460,12 +390461,12 +390462,12 +390463,12 +390464,12 +390465,12 +390466,12 +390467,12 +390468,31 +390469,31 +390470,31 +390471,31 +390472,31 +390473,5 +390474,5 +390475,5 +390476,5 +390477,5 +390478,5 +390479,5 +390480,5 +390481,15 +390482,15 +390483,15 +390484,15 +390485,15 +390486,39 +390487,39 +390488,39 +390489,39 +390490,39 +390491,39 +390492,39 +390493,39 +390494,27 +390495,39 +390496,27 +390497,27 +390498,27 +390499,27 +390500,13 +390501,13 +390502,13 +390503,13 +390504,13 +390505,13 +390506,13 +390507,13 +390508,36 +390509,36 +390510,36 +390511,36 +390512,36 +390513,36 +390514,36 +390515,36 +390516,36 +390517,36 +390518,36 +390519,36 +390520,36 +390521,36 +390522,6 +390523,6 +390524,6 +390525,6 +390526,6 +390527,6 +390528,6 +390529,2 +390530,2 +390531,2 +390532,2 +390533,2 +390534,2 +390535,2 +390536,2 +390537,8 +390538,2 +390539,40 +390540,40 +390541,40 +390542,40 +390543,40 +390544,40 +390545,40 +390546,40 +390547,40 +390548,5 +390549,5 +390550,5 +390551,5 +390552,5 +390553,5 +390554,27 +390555,27 +390556,27 +390557,27 +390558,27 +390559,27 +390560,27 +390561,27 +390562,27 +390563,27 +390564,19 +390565,19 +390566,19 +390567,19 +390568,19 +390569,19 +390570,19 +390571,19 +390572,19 +390573,19 +390574,19 +390575,0 +390576,0 +390577,0 +390578,0 +390579,0 +390580,0 +390581,0 +390582,0 +390583,0 +390584,0 +390585,0 +390586,0 +390587,0 +390588,0 +390589,0 +390590,0 +390591,0 +390592,0 +390593,0 +390594,0 +390595,0 +390596,0 +390597,0 +390598,0 +390599,0 +390600,0 +390601,0 +390602,0 +390603,0 +390604,0 +390605,0 +390606,0 +390607,0 +390608,0 +390609,0 +390610,0 +390611,0 +390612,0 +390613,0 +390614,0 +390615,0 +390616,0 +390617,0 +390618,27 +390619,27 +390620,27 +390621,31 +390622,31 +390623,27 +390624,2 +390625,31 +390626,2 +390627,2 +390628,2 +390629,2 +390630,2 +390631,2 +390632,2 +390633,2 +390634,2 +390635,40 +390636,40 +390637,40 +390638,40 +390639,40 +390640,31 +390641,31 +390642,31 +390643,31 +390644,31 +390645,6 +390646,6 +390647,6 +390648,6 +390649,6 +390650,6 +390651,27 +390652,27 +390653,27 +390654,27 +390655,27 +390656,27 +390657,27 +390658,27 +390659,5 +390660,5 +390661,5 +390662,5 +390663,5 +390664,31 +390665,31 +390666,31 +390667,31 +390668,36 +390669,5 +390670,5 +390671,5 +390672,5 +390673,5 +390674,5 +390675,5 +390676,5 +390677,38 +390678,38 +390679,38 +390680,38 +390681,38 +390682,38 +390683,38 +390684,38 +390685,29 +390686,29 +390687,29 +390688,31 +390689,31 +390690,31 +390691,31 +390692,31 +390693,4 +390694,25 +390695,25 +390696,25 +390697,25 +390698,25 +390699,25 +390700,25 +390701,25 +390702,25 +390703,25 +390704,25 +390705,25 +390706,25 +390707,25 +390708,25 +390709,25 +390710,25 +390711,25 +390712,25 +390713,19 +390714,19 +390715,19 +390716,19 +390717,19 +390718,19 +390719,19 +390720,0 +390721,0 +390722,0 +390723,0 +390724,0 +390725,0 +390726,0 +390727,0 +390728,0 +390729,0 +390730,0 +390731,0 +390732,0 +390733,0 +390734,31 +390735,31 +390736,31 +390737,31 +390738,31 +390739,31 +390740,31 +390741,31 +390742,31 +390743,31 +390744,31 +390745,5 +390746,5 +390747,5 +390748,5 +390749,5 +390750,5 +390751,5 +390752,5 +390753,36 +390754,36 +390755,36 +390756,36 +390757,36 +390758,36 +390759,36 +390760,36 +390761,36 +390762,36 +390763,36 +390764,36 +390765,36 +390766,36 +390767,6 +390768,6 +390769,6 +390770,6 +390771,6 +390772,6 +390773,6 +390774,2 +390775,2 +390776,2 +390777,2 +390778,2 +390779,2 +390780,2 +390781,2 +390782,2 +390783,2 +390784,40 +390785,40 +390786,40 +390787,40 +390788,40 +390789,40 +390790,40 +390791,40 +390792,40 +390793,40 +390794,5 +390795,5 +390796,5 +390797,5 +390798,5 +390799,5 +390800,40 +390801,40 +390802,40 +390803,40 +390804,40 +390805,40 +390806,40 +390807,40 +390808,40 +390809,40 +390810,19 +390811,19 +390812,19 +390813,19 +390814,19 +390815,19 +390816,19 +390817,19 +390818,19 +390819,19 +390820,19 +390821,19 +390822,0 +390823,0 +390824,0 +390825,0 +390826,0 +390827,0 +390828,0 +390829,0 +390830,0 +390831,0 +390832,0 +390833,0 +390834,0 +390835,0 +390836,0 +390837,0 +390838,0 +390839,0 +390840,0 +390841,0 +390842,0 +390843,0 +390844,0 +390845,0 +390846,0 +390847,0 +390848,0 +390849,0 +390850,0 +390851,0 +390852,0 +390853,0 +390854,0 +390855,0 +390856,0 +390857,0 +390858,0 +390859,0 +390860,0 +390861,0 +390862,0 +390863,0 +390864,0 +390865,0 +390866,0 +390867,0 +390868,0 +390869,0 +390870,0 +390871,0 +390872,0 +390873,0 +390874,0 +390875,0 +390876,0 +390877,0 +390878,0 +390879,0 +390880,0 +390881,0 +390882,0 +390883,0 +390884,0 +390885,23 +390886,23 +390887,23 +390888,23 +390889,23 +390890,23 +390891,25 +390892,25 +390893,25 +390894,25 +390895,25 +390896,25 +390897,25 +390898,25 +390899,25 +390900,36 +390901,36 +390902,36 +390903,36 +390904,36 +390905,36 +390906,36 +390907,36 +390908,36 +390909,36 +390910,5 +390911,5 +390912,5 +390913,19 +390914,5 +390915,5 +390916,5 +390917,2 +390918,2 +390919,2 +390920,2 +390921,2 +390922,2 +390923,2 +390924,2 +390925,2 +390926,2 +390927,33 +390928,30 +390929,30 +390930,30 +390931,30 +390932,30 +390933,30 +390934,30 +390935,30 +390936,30 +390937,30 +390938,30 +390939,14 +390940,14 +390941,14 +390942,14 +390943,14 +390944,14 +390945,14 +390946,14 +390947,14 +390948,14 +390949,14 +390950,14 +390951,14 +390952,11 +390953,11 +390954,11 +390955,11 +390956,11 +390957,11 +390958,11 +390959,11 +390960,11 +390961,11 +390962,31 +390963,31 +390964,31 +390965,31 +390966,5 +390967,5 +390968,5 +390969,5 +390970,5 +390971,13 +390972,13 +390973,13 +390974,5 +390975,5 +390976,5 +390977,28 +390978,5 +390979,29 +390980,29 +390981,29 +390982,29 +390983,29 +390984,39 +390985,27 +390986,27 +390987,27 +390988,27 +390989,27 +390990,39 +390991,39 +390992,39 +390993,39 +390994,39 +390995,7 +390996,3 +390997,39 +390998,3 +390999,3 +391000,3 +391001,3 +391002,3 +391003,3 +391004,3 +391005,3 +391006,3 +391007,3 +391008,2 +391009,2 +391010,2 +391011,2 +391012,2 +391013,2 +391014,2 +391015,4 +391016,4 +391017,4 +391018,4 +391019,4 +391020,4 +391021,2 +391022,2 +391023,2 +391024,2 +391025,2 +391026,2 +391027,2 +391028,2 +391029,2 +391030,2 +391031,2 +391032,2 +391033,2 +391034,2 +391035,40 +391036,40 +391037,10 +391038,10 +391039,10 +391040,10 +391041,31 +391042,31 +391043,31 +391044,30 +391045,39 +391046,39 +391047,39 +391048,39 +391049,39 +391050,39 +391051,39 +391052,39 +391053,39 +391054,14 +391055,14 +391056,14 +391057,30 +391058,30 +391059,30 +391060,30 +391061,30 +391062,30 +391063,30 +391064,30 +391065,33 +391066,33 +391067,33 +391068,33 +391069,31 +391070,34 +391071,34 +391072,34 +391073,34 +391074,34 +391075,34 +391076,34 +391077,34 +391078,34 +391079,2 +391080,2 +391081,2 +391082,2 +391083,2 +391084,2 +391085,2 +391086,2 +391087,2 +391088,2 +391089,2 +391090,2 +391091,2 +391092,32 +391093,32 +391094,32 +391095,0 +391096,32 +391097,32 +391098,0 +391099,32 +391100,32 +391101,32 +391102,32 +391103,32 +391104,32 +391105,32 +391106,32 +391107,26 +391108,26 +391109,26 +391110,33 +391111,33 +391112,33 +391113,33 +391114,30 +391115,9 +391116,9 +391117,9 +391118,9 +391119,30 +391120,30 +391121,30 +391122,9 +391123,9 +391124,9 +391125,0 +391126,32 +391127,0 +391128,0 +391129,0 +391130,0 +391131,0 +391132,32 +391133,32 +391134,32 +391135,32 +391136,0 +391137,0 +391138,0 +391139,0 +391140,0 +391141,0 +391142,0 +391143,0 +391144,0 +391145,0 +391146,0 +391147,0 +391148,0 +391149,0 +391150,0 +391151,0 +391152,0 +391153,0 +391154,0 +391155,0 +391156,0 +391157,0 +391158,0 +391159,0 +391160,0 +391161,0 +391162,0 +391163,0 +391164,0 +391165,0 +391166,0 +391167,0 +391168,0 +391169,0 +391170,0 +391171,0 +391172,0 +391173,0 +391174,0 +391175,0 +391176,0 +391177,0 +391178,0 +391179,0 +391180,0 +391181,0 +391182,0 +391183,0 +391184,0 +391185,0 +391186,0 +391187,0 +391188,0 +391189,0 +391190,0 +391191,0 +391192,0 +391193,0 +391194,0 +391195,0 +391196,0 +391197,0 +391198,0 +391199,0 +391200,0 +391201,0 +391202,0 +391203,15 +391204,15 +391205,31 +391206,31 +391207,31 +391208,31 +391209,31 +391210,23 +391211,23 +391212,23 +391213,23 +391214,23 +391215,23 +391216,23 +391217,23 +391218,23 +391219,23 +391220,30 +391221,30 +391222,30 +391223,30 +391224,30 +391225,30 +391226,30 +391227,33 +391228,9 +391229,9 +391230,9 +391231,9 +391232,9 +391233,9 +391234,9 +391235,9 +391236,9 +391237,9 +391238,9 +391239,9 +391240,9 +391241,37 +391242,37 +391243,37 +391244,37 +391245,37 +391246,37 +391247,37 +391248,40 +391249,40 +391250,40 +391251,40 +391252,5 +391253,5 +391254,5 +391255,5 +391256,5 +391257,5 +391258,29 +391259,29 +391260,29 +391261,31 +391262,31 +391263,31 +391264,31 +391265,31 +391266,2 +391267,2 +391268,2 +391269,2 +391270,2 +391271,2 +391272,2 +391273,2 +391274,2 +391275,2 +391276,2 +391277,2 +391278,2 +391279,39 +391280,39 +391281,39 +391282,39 +391283,39 +391284,39 +391285,39 +391286,39 +391287,30 +391288,30 +391289,30 +391290,30 +391291,30 +391292,30 +391293,30 +391294,30 +391295,27 +391296,27 +391297,27 +391298,14 +391299,14 +391300,27 +391301,13 +391302,13 +391303,13 +391304,13 +391305,5 +391306,5 +391307,5 +391308,5 +391309,5 +391310,27 +391311,27 +391312,27 +391313,27 +391314,27 +391315,27 +391316,39 +391317,4 +391318,4 +391319,4 +391320,4 +391321,4 +391322,4 +391323,4 +391324,4 +391325,4 +391326,4 +391327,4 +391328,4 +391329,12 +391330,12 +391331,12 +391332,27 +391333,27 +391334,14 +391335,14 +391336,14 +391337,14 +391338,29 +391339,29 +391340,5 +391341,29 +391342,5 +391343,29 +391344,29 +391345,31 +391346,31 +391347,14 +391348,14 +391349,14 +391350,14 +391351,24 +391352,24 +391353,24 +391354,24 +391355,24 +391356,25 +391357,37 +391358,37 +391359,37 +391360,37 +391361,37 +391362,27 +391363,27 +391364,27 +391365,27 +391366,27 +391367,27 +391368,27 +391369,27 +391370,27 +391371,27 +391372,27 +391373,27 +391374,27 +391375,27 +391376,27 +391377,28 +391378,28 +391379,28 +391380,28 +391381,28 +391382,28 +391383,28 +391384,28 +391385,28 +391386,28 +391387,28 +391388,28 +391389,28 +391390,8 +391391,8 +391392,8 +391393,8 +391394,8 +391395,8 +391396,8 +391397,2 +391398,8 +391399,2 +391400,2 +391401,36 +391402,36 +391403,36 +391404,32 +391405,36 +391406,36 +391407,36 +391408,36 +391409,36 +391410,31 +391411,31 +391412,31 +391413,31 +391414,31 +391415,31 +391416,31 +391417,29 +391418,29 +391419,5 +391420,5 +391421,5 +391422,31 +391423,31 +391424,31 +391425,31 +391426,31 +391427,31 +391428,31 +391429,31 +391430,31 +391431,30 +391432,30 +391433,30 +391434,30 +391435,30 +391436,30 +391437,30 +391438,9 +391439,9 +391440,9 +391441,9 +391442,9 +391443,9 +391444,9 +391445,9 +391446,9 +391447,9 +391448,9 +391449,9 +391450,9 +391451,9 +391452,9 +391453,9 +391454,9 +391455,9 +391456,9 +391457,23 +391458,23 +391459,23 +391460,23 +391461,23 +391462,23 +391463,23 +391464,23 +391465,4 +391466,4 +391467,4 +391468,4 +391469,4 +391470,38 +391471,38 +391472,12 +391473,12 +391474,12 +391475,12 +391476,12 +391477,12 +391478,12 +391479,12 +391480,12 +391481,25 +391482,25 +391483,25 +391484,25 +391485,25 +391486,19 +391487,19 +391488,19 +391489,19 +391490,19 +391491,19 +391492,19 +391493,19 +391494,19 +391495,19 +391496,19 +391497,40 +391498,40 +391499,40 +391500,40 +391501,40 +391502,40 +391503,40 +391504,40 +391505,30 +391506,30 +391507,30 +391508,31 +391509,15 +391510,15 +391511,15 +391512,15 +391513,15 +391514,15 +391515,30 +391516,30 +391517,30 +391518,30 +391519,31 +391520,30 +391521,30 +391522,30 +391523,30 +391524,30 +391525,30 +391526,30 +391527,30 +391528,30 +391529,30 +391530,30 +391531,30 +391532,30 +391533,30 +391534,30 +391535,30 +391536,30 +391537,0 +391538,0 +391539,0 +391540,0 +391541,0 +391542,0 +391543,0 +391544,0 +391545,0 +391546,0 +391547,0 +391548,0 +391549,0 +391550,0 +391551,0 +391552,0 +391553,0 +391554,0 +391555,0 +391556,0 +391557,0 +391558,0 +391559,0 +391560,0 +391561,0 +391562,0 +391563,0 +391564,0 +391565,0 +391566,0 +391567,0 +391568,0 +391569,36 +391570,36 +391571,36 +391572,36 +391573,36 +391574,5 +391575,5 +391576,19 +391577,19 +391578,19 +391579,19 +391580,35 +391581,35 +391582,35 +391583,35 +391584,35 +391585,35 +391586,7 +391587,7 +391588,7 +391589,7 +391590,39 +391591,3 +391592,31 +391593,31 +391594,31 +391595,31 +391596,31 +391597,31 +391598,31 +391599,31 +391600,31 +391601,12 +391602,12 +391603,12 +391604,12 +391605,12 +391606,12 +391607,33 +391608,33 +391609,33 +391610,33 +391611,33 +391612,33 +391613,33 +391614,33 +391615,33 +391616,33 +391617,33 +391618,33 +391619,33 +391620,32 +391621,32 +391622,32 +391623,32 +391624,32 +391625,32 +391626,4 +391627,4 +391628,4 +391629,4 +391630,4 +391631,31 +391632,31 +391633,31 +391634,31 +391635,23 +391636,23 +391637,23 +391638,23 +391639,23 +391640,23 +391641,23 +391642,23 +391643,23 +391644,23 +391645,23 +391646,23 +391647,10 +391648,10 +391649,10 +391650,10 +391651,10 +391652,10 +391653,10 +391654,10 +391655,10 +391656,10 +391657,29 +391658,29 +391659,29 +391660,5 +391661,5 +391662,5 +391663,5 +391664,7 +391665,7 +391666,7 +391667,39 +391668,39 +391669,39 +391670,39 +391671,39 +391672,39 +391673,39 +391674,9 +391675,9 +391676,9 +391677,9 +391678,9 +391679,9 +391680,9 +391681,30 +391682,30 +391683,30 +391684,30 +391685,33 +391686,33 +391687,33 +391688,30 +391689,30 +391690,30 +391691,19 +391692,19 +391693,19 +391694,19 +391695,19 +391696,28 +391697,28 +391698,28 +391699,28 +391700,28 +391701,28 +391702,36 +391703,36 +391704,36 +391705,36 +391706,36 +391707,36 +391708,36 +391709,36 +391710,36 +391711,36 +391712,36 +391713,36 +391714,36 +391715,36 +391716,36 +391717,5 +391718,5 +391719,5 +391720,5 +391721,5 +391722,5 +391723,19 +391724,8 +391725,8 +391726,8 +391727,8 +391728,8 +391729,8 +391730,8 +391731,35 +391732,35 +391733,35 +391734,35 +391735,35 +391736,35 +391737,36 +391738,36 +391739,14 +391740,36 +391741,36 +391742,36 +391743,36 +391744,36 +391745,36 +391746,14 +391747,14 +391748,14 +391749,14 +391750,14 +391751,5 +391752,5 +391753,5 +391754,5 +391755,5 +391756,5 +391757,5 +391758,2 +391759,2 +391760,2 +391761,2 +391762,2 +391763,2 +391764,2 +391765,4 +391766,4 +391767,4 +391768,4 +391769,4 +391770,4 +391771,4 +391772,4 +391773,37 +391774,37 +391775,37 +391776,37 +391777,25 +391778,25 +391779,25 +391780,31 +391781,31 +391782,31 +391783,31 +391784,6 +391785,6 +391786,6 +391787,6 +391788,6 +391789,6 +391790,27 +391791,27 +391792,27 +391793,13 +391794,13 +391795,13 +391796,13 +391797,13 +391798,13 +391799,13 +391800,13 +391801,27 +391802,27 +391803,27 +391804,27 +391805,27 +391806,27 +391807,27 +391808,27 +391809,8 +391810,8 +391811,8 +391812,8 +391813,8 +391814,8 +391815,8 +391816,8 +391817,35 +391818,35 +391819,35 +391820,35 +391821,35 +391822,36 +391823,36 +391824,36 +391825,36 +391826,36 +391827,36 +391828,19 +391829,19 +391830,19 +391831,19 +391832,19 +391833,19 +391834,19 +391835,19 +391836,19 +391837,19 +391838,19 +391839,0 +391840,0 +391841,0 +391842,4 +391843,4 +391844,4 +391845,4 +391846,4 +391847,4 +391848,4 +391849,4 +391850,4 +391851,4 +391852,4 +391853,40 +391854,40 +391855,40 +391856,40 +391857,5 +391858,5 +391859,5 +391860,5 +391861,5 +391862,5 +391863,19 +391864,19 +391865,19 +391866,19 +391867,25 +391868,25 +391869,25 +391870,25 +391871,25 +391872,25 +391873,25 +391874,25 +391875,30 +391876,30 +391877,30 +391878,30 +391879,30 +391880,30 +391881,30 +391882,30 +391883,30 +391884,30 +391885,30 +391886,39 +391887,39 +391888,39 +391889,39 +391890,39 +391891,39 +391892,29 +391893,29 +391894,24 +391895,24 +391896,24 +391897,24 +391898,31 +391899,31 +391900,31 +391901,31 +391902,31 +391903,31 +391904,31 +391905,31 +391906,31 +391907,31 +391908,38 +391909,38 +391910,38 +391911,38 +391912,38 +391913,38 +391914,38 +391915,29 +391916,29 +391917,29 +391918,38 +391919,38 +391920,31 +391921,31 +391922,31 +391923,4 +391924,4 +391925,4 +391926,4 +391927,4 +391928,4 +391929,4 +391930,4 +391931,4 +391932,4 +391933,4 +391934,4 +391935,4 +391936,4 +391937,4 +391938,40 +391939,40 +391940,40 +391941,40 +391942,40 +391943,40 +391944,40 +391945,37 +391946,37 +391947,37 +391948,37 +391949,37 +391950,37 +391951,37 +391952,37 +391953,37 +391954,37 +391955,37 +391956,37 +391957,37 +391958,25 +391959,37 +391960,37 +391961,37 +391962,25 +391963,25 +391964,25 +391965,25 +391966,30 +391967,30 +391968,30 +391969,30 +391970,30 +391971,30 +391972,30 +391973,30 +391974,30 +391975,30 +391976,30 +391977,30 +391978,36 +391979,36 +391980,36 +391981,36 +391982,36 +391983,36 +391984,36 +391985,23 +391986,23 +391987,23 +391988,23 +391989,23 +391990,23 +391991,23 +391992,23 +391993,4 +391994,4 +391995,23 +391996,23 +391997,4 +391998,4 +391999,4 +392000,31 +392001,27 +392002,27 +392003,27 +392004,27 +392005,27 +392006,28 +392007,28 +392008,28 +392009,28 +392010,28 +392011,28 +392012,28 +392013,28 +392014,28 +392015,28 +392016,28 +392017,28 +392018,28 +392019,28 +392020,0 +392021,0 +392022,0 +392023,0 +392024,0 +392025,0 +392026,0 +392027,0 +392028,0 +392029,0 +392030,0 +392031,0 +392032,0 +392033,0 +392034,0 +392035,0 +392036,0 +392037,0 +392038,0 +392039,0 +392040,0 +392041,0 +392042,0 +392043,0 +392044,0 +392045,0 +392046,0 +392047,0 +392048,0 +392049,0 +392050,0 +392051,0 +392052,0 +392053,0 +392054,0 +392055,0 +392056,35 +392057,35 +392058,35 +392059,35 +392060,35 +392061,35 +392062,35 +392063,35 +392064,3 +392065,3 +392066,3 +392067,3 +392068,3 +392069,3 +392070,3 +392071,3 +392072,3 +392073,3 +392074,3 +392075,12 +392076,35 +392077,35 +392078,35 +392079,27 +392080,27 +392081,27 +392082,27 +392083,27 +392084,27 +392085,27 +392086,27 +392087,27 +392088,27 +392089,2 +392090,2 +392091,2 +392092,2 +392093,2 +392094,2 +392095,2 +392096,2 +392097,2 +392098,2 +392099,2 +392100,29 +392101,29 +392102,29 +392103,29 +392104,32 +392105,32 +392106,15 +392107,40 +392108,40 +392109,40 +392110,40 +392111,40 +392112,40 +392113,40 +392114,40 +392115,40 +392116,40 +392117,40 +392118,40 +392119,2 +392120,2 +392121,2 +392122,2 +392123,2 +392124,2 +392125,2 +392126,2 +392127,2 +392128,2 +392129,2 +392130,2 +392131,2 +392132,2 +392133,2 +392134,2 +392135,2 +392136,2 +392137,2 +392138,2 +392139,0 +392140,0 +392141,0 +392142,0 +392143,0 +392144,0 +392145,0 +392146,0 +392147,0 +392148,0 +392149,0 +392150,0 +392151,0 +392152,0 +392153,15 +392154,15 +392155,15 +392156,15 +392157,15 +392158,40 +392159,14 +392160,14 +392161,14 +392162,14 +392163,14 +392164,14 +392165,14 +392166,14 +392167,14 +392168,10 +392169,10 +392170,10 +392171,10 +392172,10 +392173,10 +392174,10 +392175,10 +392176,10 +392177,10 +392178,10 +392179,10 +392180,10 +392181,10 +392182,36 +392183,36 +392184,36 +392185,36 +392186,36 +392187,36 +392188,36 +392189,36 +392190,36 +392191,36 +392192,36 +392193,36 +392194,36 +392195,36 +392196,36 +392197,36 +392198,2 +392199,2 +392200,2 +392201,2 +392202,2 +392203,2 +392204,2 +392205,2 +392206,2 +392207,2 +392208,2 +392209,2 +392210,2 +392211,2 +392212,2 +392213,2 +392214,4 +392215,4 +392216,4 +392217,4 +392218,2 +392219,4 +392220,4 +392221,2 +392222,2 +392223,2 +392224,2 +392225,2 +392226,2 +392227,0 +392228,0 +392229,0 +392230,0 +392231,0 +392232,0 +392233,0 +392234,0 +392235,0 +392236,0 +392237,0 +392238,0 +392239,0 +392240,0 +392241,0 +392242,0 +392243,0 +392244,0 +392245,0 +392246,0 +392247,0 +392248,0 +392249,0 +392250,0 +392251,0 +392252,0 +392253,0 +392254,0 +392255,0 +392256,0 +392257,0 +392258,0 +392259,0 +392260,0 +392261,0 +392262,0 +392263,0 +392264,0 +392265,0 +392266,0 +392267,0 +392268,0 +392269,0 +392270,0 +392271,0 +392272,0 +392273,0 +392274,0 +392275,0 +392276,0 +392277,0 +392278,0 +392279,0 +392280,0 +392281,0 +392282,0 +392283,0 +392284,0 +392285,0 +392286,0 +392287,0 +392288,0 +392289,0 +392290,0 +392291,0 +392292,0 +392293,0 +392294,0 +392295,0 +392296,31 +392297,31 +392298,31 +392299,31 +392300,31 +392301,31 +392302,31 +392303,31 +392304,24 +392305,29 +392306,29 +392307,29 +392308,29 +392309,29 +392310,29 +392311,25 +392312,25 +392313,25 +392314,25 +392315,37 +392316,37 +392317,25 +392318,25 +392319,37 +392320,37 +392321,37 +392322,8 +392323,8 +392324,8 +392325,2 +392326,2 +392327,2 +392328,2 +392329,2 +392330,8 +392331,35 +392332,4 +392333,4 +392334,4 +392335,4 +392336,3 +392337,3 +392338,3 +392339,3 +392340,3 +392341,3 +392342,3 +392343,3 +392344,5 +392345,5 +392346,5 +392347,5 +392348,5 +392349,5 +392350,5 +392351,3 +392352,3 +392353,3 +392354,3 +392355,3 +392356,3 +392357,3 +392358,3 +392359,3 +392360,3 +392361,3 +392362,3 +392363,3 +392364,3 +392365,3 +392366,3 +392367,3 +392368,3 +392369,10 +392370,7 +392371,7 +392372,7 +392373,39 +392374,39 +392375,27 +392376,27 +392377,27 +392378,27 +392379,27 +392380,27 +392381,27 +392382,27 +392383,28 +392384,28 +392385,28 +392386,28 +392387,28 +392388,28 +392389,28 +392390,28 +392391,28 +392392,36 +392393,36 +392394,36 +392395,36 +392396,36 +392397,36 +392398,36 +392399,36 +392400,36 +392401,36 +392402,36 +392403,36 +392404,36 +392405,36 +392406,36 +392407,36 +392408,5 +392409,5 +392410,5 +392411,5 +392412,5 +392413,5 +392414,5 +392415,2 +392416,2 +392417,2 +392418,2 +392419,2 +392420,2 +392421,2 +392422,2 +392423,2 +392424,2 +392425,2 +392426,2 +392427,2 +392428,25 +392429,25 +392430,25 +392431,25 +392432,25 +392433,25 +392434,25 +392435,25 +392436,25 +392437,25 +392438,19 +392439,19 +392440,19 +392441,19 +392442,19 +392443,19 +392444,19 +392445,19 +392446,19 +392447,19 +392448,0 +392449,0 +392450,0 +392451,0 +392452,0 +392453,0 +392454,0 +392455,0 +392456,0 +392457,0 +392458,0 +392459,0 +392460,0 +392461,0 +392462,0 +392463,0 +392464,0 +392465,0 +392466,0 +392467,0 +392468,0 +392469,0 +392470,0 +392471,0 +392472,0 +392473,0 +392474,0 +392475,0 +392476,0 +392477,0 +392478,0 +392479,0 +392480,0 +392481,0 +392482,0 +392483,12 +392484,12 +392485,12 +392486,12 +392487,12 +392488,12 +392489,12 +392490,12 +392491,12 +392492,10 +392493,10 +392494,10 +392495,10 +392496,10 +392497,10 +392498,10 +392499,10 +392500,10 +392501,19 +392502,19 +392503,19 +392504,19 +392505,19 +392506,19 +392507,19 +392508,19 +392509,19 +392510,19 +392511,27 +392512,27 +392513,27 +392514,27 +392515,27 +392516,27 +392517,27 +392518,27 +392519,27 +392520,27 +392521,27 +392522,2 +392523,2 +392524,2 +392525,2 +392526,2 +392527,2 +392528,2 +392529,2 +392530,2 +392531,2 +392532,2 +392533,2 +392534,2 +392535,27 +392536,27 +392537,27 +392538,27 +392539,27 +392540,27 +392541,27 +392542,27 +392543,27 +392544,27 +392545,27 +392546,27 +392547,8 +392548,8 +392549,8 +392550,8 +392551,8 +392552,8 +392553,8 +392554,8 +392555,8 +392556,8 +392557,8 +392558,11 +392559,11 +392560,18 +392561,18 +392562,18 +392563,18 +392564,18 +392565,18 +392566,39 +392567,39 +392568,39 +392569,39 +392570,39 +392571,39 +392572,39 +392573,39 +392574,39 +392575,39 +392576,39 +392577,39 +392578,39 +392579,39 +392580,39 +392581,8 +392582,8 +392583,8 +392584,2 +392585,2 +392586,2 +392587,2 +392588,2 +392589,2 +392590,2 +392591,31 +392592,31 +392593,31 +392594,31 +392595,31 +392596,31 +392597,31 +392598,31 +392599,2 +392600,2 +392601,2 +392602,2 +392603,2 +392604,2 +392605,2 +392606,2 +392607,2 +392608,2 +392609,29 +392610,29 +392611,29 +392612,29 +392613,29 +392614,29 +392615,31 +392616,31 +392617,31 +392618,31 +392619,31 +392620,32 +392621,32 +392622,32 +392623,32 +392624,32 +392625,32 +392626,32 +392627,32 +392628,32 +392629,32 +392630,32 +392631,32 +392632,32 +392633,37 +392634,37 +392635,37 +392636,37 +392637,37 +392638,37 +392639,37 +392640,37 +392641,37 +392642,36 +392643,36 +392644,36 +392645,36 +392646,36 +392647,36 +392648,36 +392649,36 +392650,36 +392651,23 +392652,23 +392653,23 +392654,23 +392655,23 +392656,23 +392657,23 +392658,23 +392659,23 +392660,23 +392661,27 +392662,27 +392663,27 +392664,27 +392665,4 +392666,4 +392667,4 +392668,4 +392669,4 +392670,4 +392671,4 +392672,4 +392673,23 +392674,23 +392675,23 +392676,23 +392677,23 +392678,23 +392679,23 +392680,23 +392681,23 +392682,25 +392683,25 +392684,25 +392685,25 +392686,25 +392687,25 +392688,25 +392689,28 +392690,28 +392691,5 +392692,5 +392693,5 +392694,5 +392695,5 +392696,5 +392697,5 +392698,5 +392699,5 +392700,5 +392701,40 +392702,40 +392703,40 +392704,40 +392705,40 +392706,40 +392707,40 +392708,40 +392709,40 +392710,40 +392711,40 +392712,40 +392713,36 +392714,36 +392715,36 +392716,36 +392717,2 +392718,2 +392719,2 +392720,2 +392721,2 +392722,2 +392723,2 +392724,25 +392725,25 +392726,25 +392727,25 +392728,25 +392729,25 +392730,25 +392731,25 +392732,25 +392733,25 +392734,25 +392735,25 +392736,27 +392737,27 +392738,23 +392739,23 +392740,23 +392741,23 +392742,23 +392743,23 +392744,23 +392745,23 +392746,23 +392747,23 +392748,23 +392749,23 +392750,27 +392751,27 +392752,27 +392753,27 +392754,27 +392755,27 +392756,13 +392757,13 +392758,13 +392759,13 +392760,13 +392761,13 +392762,13 +392763,21 +392764,21 +392765,21 +392766,21 +392767,21 +392768,6 +392769,10 +392770,10 +392771,34 +392772,34 +392773,34 +392774,34 +392775,34 +392776,34 +392777,34 +392778,34 +392779,34 +392780,10 +392781,31 +392782,31 +392783,30 +392784,30 +392785,30 +392786,30 +392787,30 +392788,30 +392789,30 +392790,31 +392791,31 +392792,31 +392793,31 +392794,31 +392795,31 +392796,31 +392797,30 +392798,30 +392799,30 +392800,30 +392801,30 +392802,30 +392803,30 +392804,30 +392805,30 +392806,30 +392807,39 +392808,39 +392809,39 +392810,39 +392811,39 +392812,39 +392813,39 +392814,39 +392815,39 +392816,39 +392817,39 +392818,39 +392819,39 +392820,39 +392821,39 +392822,39 +392823,39 +392824,39 +392825,39 +392826,39 +392827,39 +392828,39 +392829,39 +392830,39 +392831,39 +392832,39 +392833,39 +392834,0 +392835,0 +392836,0 +392837,0 +392838,0 +392839,0 +392840,0 +392841,0 +392842,0 +392843,0 +392844,0 +392845,0 +392846,0 +392847,0 +392848,0 +392849,0 +392850,0 +392851,0 +392852,0 +392853,0 +392854,0 +392855,0 +392856,0 +392857,0 +392858,0 +392859,0 +392860,0 +392861,0 +392862,0 +392863,0 +392864,0 +392865,0 +392866,0 +392867,0 +392868,0 +392869,0 +392870,0 +392871,0 +392872,0 +392873,0 +392874,0 +392875,0 +392876,0 +392877,0 +392878,0 +392879,0 +392880,0 +392881,0 +392882,0 +392883,0 +392884,0 +392885,0 +392886,0 +392887,0 +392888,0 +392889,0 +392890,0 +392891,0 +392892,0 +392893,0 +392894,0 +392895,0 +392896,0 +392897,0 +392898,0 +392899,0 +392900,0 +392901,0 +392902,0 +392903,0 +392904,0 +392905,0 +392906,36 +392907,36 +392908,36 +392909,36 +392910,36 +392911,36 +392912,36 +392913,36 +392914,36 +392915,36 +392916,36 +392917,36 +392918,36 +392919,36 +392920,36 +392921,14 +392922,14 +392923,36 +392924,36 +392925,36 +392926,36 +392927,36 +392928,36 +392929,36 +392930,36 +392931,36 +392932,36 +392933,36 +392934,36 +392935,28 +392936,28 +392937,28 +392938,28 +392939,28 +392940,28 +392941,28 +392942,28 +392943,28 +392944,19 +392945,19 +392946,19 +392947,19 +392948,19 +392949,19 +392950,19 +392951,19 +392952,19 +392953,19 +392954,19 +392955,19 +392956,0 +392957,0 +392958,0 +392959,0 +392960,0 +392961,0 +392962,0 +392963,0 +392964,0 +392965,0 +392966,0 +392967,0 +392968,0 +392969,0 +392970,0 +392971,0 +392972,0 +392973,0 +392974,0 +392975,0 +392976,0 +392977,0 +392978,0 +392979,0 +392980,0 +392981,0 +392982,0 +392983,36 +392984,36 +392985,36 +392986,36 +392987,36 +392988,36 +392989,36 +392990,36 +392991,36 +392992,36 +392993,36 +392994,36 +392995,36 +392996,36 +392997,36 +392998,36 +392999,36 +393000,36 +393001,36 +393002,36 +393003,36 +393004,4 +393005,4 +393006,4 +393007,32 +393008,32 +393009,4 +393010,4 +393011,4 +393012,4 +393013,19 +393014,19 +393015,38 +393016,19 +393017,19 +393018,32 +393019,38 +393020,19 +393021,32 +393022,2 +393023,2 +393024,9 +393025,9 +393026,33 +393027,33 +393028,33 +393029,33 +393030,30 +393031,30 +393032,30 +393033,30 +393034,30 +393035,30 +393036,30 +393037,30 +393038,30 +393039,30 +393040,30 +393041,30 +393042,30 +393043,30 +393044,36 +393045,36 +393046,36 +393047,36 +393048,36 +393049,36 +393050,36 +393051,36 +393052,36 +393053,36 +393054,36 +393055,36 +393056,36 +393057,36 +393058,36 +393059,36 +393060,36 +393061,36 +393062,36 +393063,36 +393064,2 +393065,2 +393066,2 +393067,2 +393068,2 +393069,2 +393070,2 +393071,2 +393072,2 +393073,2 +393074,2 +393075,2 +393076,2 +393077,2 +393078,29 +393079,29 +393080,29 +393081,29 +393082,32 +393083,14 +393084,14 +393085,14 +393086,14 +393087,14 +393088,14 +393089,14 +393090,39 +393091,14 +393092,14 +393093,14 +393094,14 +393095,14 +393096,14 +393097,27 +393098,27 +393099,27 +393100,27 +393101,27 +393102,28 +393103,28 +393104,28 +393105,28 +393106,32 +393107,32 +393108,32 +393109,32 +393110,32 +393111,32 +393112,32 +393113,32 +393114,32 +393115,32 +393116,32 +393117,25 +393118,25 +393119,25 +393120,25 +393121,25 +393122,25 +393123,25 +393124,25 +393125,25 +393126,25 +393127,25 +393128,25 +393129,25 +393130,25 +393131,25 +393132,25 +393133,25 +393134,25 +393135,35 +393136,35 +393137,35 +393138,35 +393139,35 +393140,35 +393141,35 +393142,35 +393143,35 +393144,35 +393145,35 +393146,35 +393147,35 +393148,35 +393149,36 +393150,36 +393151,36 +393152,36 +393153,36 +393154,36 +393155,36 +393156,36 +393157,31 +393158,31 +393159,31 +393160,19 +393161,4 +393162,4 +393163,4 +393164,4 +393165,4 +393166,4 +393167,4 +393168,4 +393169,39 +393170,39 +393171,39 +393172,39 +393173,21 +393174,21 +393175,21 +393176,21 +393177,21 +393178,21 +393179,21 +393180,21 +393181,21 +393182,21 +393183,21 +393184,21 +393185,27 +393186,27 +393187,27 +393188,27 +393189,27 +393190,39 +393191,27 +393192,24 +393193,24 +393194,24 +393195,24 +393196,24 +393197,24 +393198,24 +393199,24 +393200,35 +393201,35 +393202,35 +393203,35 +393204,35 +393205,27 +393206,27 +393207,27 +393208,27 +393209,28 +393210,28 +393211,28 +393212,28 +393213,28 +393214,28 +393215,28 +393216,28 +393217,14 +393218,14 +393219,14 +393220,14 +393221,14 +393222,14 +393223,14 +393224,14 +393225,14 +393226,27 +393227,30 +393228,30 +393229,30 +393230,31 +393231,27 +393232,31 +393233,30 +393234,30 +393235,30 +393236,30 +393237,30 +393238,30 +393239,30 +393240,30 +393241,30 +393242,30 +393243,30 +393244,30 +393245,26 +393246,26 +393247,26 +393248,26 +393249,26 +393250,26 +393251,26 +393252,26 +393253,26 +393254,26 +393255,26 +393256,26 +393257,37 +393258,37 +393259,37 +393260,37 +393261,37 +393262,37 +393263,37 +393264,37 +393265,37 +393266,19 +393267,19 +393268,19 +393269,19 +393270,19 +393271,19 +393272,19 +393273,8 +393274,8 +393275,8 +393276,8 +393277,2 +393278,8 +393279,8 +393280,2 +393281,2 +393282,2 +393283,2 +393284,2 +393285,2 +393286,2 +393287,2 +393288,2 +393289,2 +393290,2 +393291,33 +393292,33 +393293,33 +393294,33 +393295,33 +393296,33 +393297,33 +393298,34 +393299,34 +393300,34 +393301,34 +393302,34 +393303,34 +393304,25 +393305,25 +393306,25 +393307,25 +393308,25 +393309,28 +393310,28 +393311,28 +393312,28 +393313,28 +393314,28 +393315,28 +393316,28 +393317,28 +393318,28 +393319,28 +393320,28 +393321,28 +393322,28 +393323,28 +393324,28 +393325,28 +393326,28 +393327,28 +393328,28 +393329,10 +393330,10 +393331,10 +393332,10 +393333,10 +393334,10 +393335,10 +393336,19 +393337,19 +393338,19 +393339,19 +393340,39 +393341,39 +393342,39 +393343,39 +393344,39 +393345,39 +393346,39 +393347,39 +393348,39 +393349,39 +393350,39 +393351,39 +393352,39 +393353,39 +393354,39 +393355,39 +393356,39 +393357,0 +393358,0 +393359,0 +393360,0 +393361,0 +393362,0 +393363,0 +393364,0 +393365,0 +393366,0 +393367,0 +393368,0 +393369,0 +393370,0 +393371,0 +393372,0 +393373,0 +393374,0 +393375,0 +393376,0 +393377,0 +393378,0 +393379,0 +393380,0 +393381,9 +393382,9 +393383,9 +393384,9 +393385,9 +393386,9 +393387,9 +393388,9 +393389,9 +393390,9 +393391,9 +393392,9 +393393,9 +393394,5 +393395,5 +393396,5 +393397,5 +393398,5 +393399,5 +393400,5 +393401,5 +393402,5 +393403,5 +393404,5 +393405,5 +393406,5 +393407,27 +393408,27 +393409,27 +393410,27 +393411,27 +393412,13 +393413,13 +393414,39 +393415,28 +393416,28 +393417,13 +393418,28 +393419,28 +393420,28 +393421,28 +393422,28 +393423,28 +393424,28 +393425,28 +393426,28 +393427,28 +393428,28 +393429,28 +393430,28 +393431,28 +393432,28 +393433,28 +393434,28 +393435,28 +393436,28 +393437,9 +393438,9 +393439,9 +393440,9 +393441,9 +393442,9 +393443,9 +393444,9 +393445,9 +393446,9 +393447,9 +393448,9 +393449,9 +393450,9 +393451,4 +393452,4 +393453,4 +393454,4 +393455,25 +393456,25 +393457,25 +393458,25 +393459,25 +393460,25 +393461,25 +393462,25 +393463,25 +393464,25 +393465,25 +393466,4 +393467,4 +393468,4 +393469,4 +393470,4 +393471,4 +393472,30 +393473,30 +393474,30 +393475,30 +393476,30 +393477,30 +393478,39 +393479,39 +393480,39 +393481,39 +393482,39 +393483,39 +393484,39 +393485,6 +393486,6 +393487,6 +393488,6 +393489,6 +393490,6 +393491,6 +393492,6 +393493,31 +393494,31 +393495,31 +393496,31 +393497,5 +393498,5 +393499,5 +393500,5 +393501,5 +393502,5 +393503,5 +393504,2 +393505,2 +393506,2 +393507,2 +393508,2 +393509,2 +393510,2 +393511,2 +393512,2 +393513,2 +393514,2 +393515,2 +393516,2 +393517,39 +393518,39 +393519,39 +393520,39 +393521,39 +393522,39 +393523,39 +393524,39 +393525,39 +393526,39 +393527,39 +393528,39 +393529,39 +393530,39 +393531,30 +393532,30 +393533,30 +393534,30 +393535,30 +393536,30 +393537,30 +393538,30 +393539,30 +393540,30 +393541,30 +393542,30 +393543,30 +393544,30 +393545,19 +393546,19 +393547,19 +393548,19 +393549,19 +393550,19 +393551,19 +393552,19 +393553,19 +393554,19 +393555,19 +393556,19 +393557,19 +393558,19 +393559,0 +393560,0 +393561,0 +393562,0 +393563,0 +393564,0 +393565,0 +393566,0 +393567,0 +393568,0 +393569,0 +393570,0 +393571,0 +393572,0 +393573,0 +393574,0 +393575,0 +393576,0 +393577,0 +393578,0 +393579,0 +393580,0 +393581,0 +393582,0 +393583,0 +393584,0 +393585,0 +393586,0 +393587,0 +393588,0 +393589,0 +393590,0 +393591,0 +393592,0 +393593,0 +393594,0 +393595,0 +393596,0 +393597,0 +393598,0 +393599,0 +393600,0 +393601,0 +393602,0 +393603,0 +393604,0 +393605,0 +393606,0 +393607,0 +393608,0 +393609,0 +393610,0 +393611,0 +393612,0 +393613,0 +393614,0 +393615,0 +393616,0 +393617,0 +393618,0 +393619,0 +393620,0 +393621,0 +393622,0 +393623,0 +393624,0 +393625,31 +393626,31 +393627,31 +393628,31 +393629,33 +393630,33 +393631,33 +393632,33 +393633,33 +393634,33 +393635,33 +393636,33 +393637,33 +393638,33 +393639,33 +393640,33 +393641,33 +393642,33 +393643,33 +393644,33 +393645,33 +393646,33 +393647,33 +393648,33 +393649,33 +393650,33 +393651,33 +393652,33 +393653,33 +393654,33 +393655,33 +393656,33 +393657,33 +393658,22 +393659,22 +393660,22 +393661,19 +393662,29 +393663,29 +393664,29 +393665,29 +393666,29 +393667,29 +393668,29 +393669,29 +393670,31 +393671,31 +393672,27 +393673,27 +393674,27 +393675,27 +393676,30 +393677,30 +393678,30 +393679,30 +393680,30 +393681,30 +393682,30 +393683,30 +393684,9 +393685,9 +393686,9 +393687,9 +393688,9 +393689,9 +393690,9 +393691,9 +393692,9 +393693,9 +393694,26 +393695,9 +393696,9 +393697,26 +393698,26 +393699,26 +393700,26 +393701,26 +393702,26 +393703,37 +393704,37 +393705,37 +393706,37 +393707,37 +393708,19 +393709,19 +393710,19 +393711,19 +393712,19 +393713,11 +393714,18 +393715,18 +393716,18 +393717,18 +393718,18 +393719,18 +393720,16 +393721,16 +393722,30 +393723,30 +393724,30 +393725,30 +393726,30 +393727,30 +393728,30 +393729,36 +393730,36 +393731,36 +393732,36 +393733,36 +393734,36 +393735,36 +393736,36 +393737,36 +393738,36 +393739,36 +393740,36 +393741,23 +393742,23 +393743,23 +393744,23 +393745,23 +393746,23 +393747,23 +393748,23 +393749,27 +393750,27 +393751,27 +393752,27 +393753,27 +393754,27 +393755,27 +393756,27 +393757,13 +393758,13 +393759,28 +393760,28 +393761,28 +393762,28 +393763,28 +393764,28 +393765,28 +393766,28 +393767,28 +393768,28 +393769,28 +393770,28 +393771,28 +393772,36 +393773,36 +393774,36 +393775,36 +393776,34 +393777,34 +393778,34 +393779,34 +393780,34 +393781,34 +393782,34 +393783,34 +393784,34 +393785,34 +393786,34 +393787,34 +393788,34 +393789,34 +393790,34 +393791,34 +393792,34 +393793,34 +393794,34 +393795,34 +393796,34 +393797,34 +393798,34 +393799,34 +393800,34 +393801,34 +393802,34 +393803,8 +393804,8 +393805,8 +393806,8 +393807,8 +393808,8 +393809,8 +393810,2 +393811,2 +393812,2 +393813,2 +393814,31 +393815,31 +393816,31 +393817,31 +393818,31 +393819,31 +393820,31 +393821,31 +393822,5 +393823,5 +393824,5 +393825,5 +393826,35 +393827,35 +393828,35 +393829,35 +393830,35 +393831,35 +393832,35 +393833,35 +393834,35 +393835,35 +393836,35 +393837,35 +393838,35 +393839,36 +393840,36 +393841,36 +393842,34 +393843,34 +393844,34 +393845,34 +393846,34 +393847,36 +393848,36 +393849,34 +393850,30 +393851,30 +393852,30 +393853,33 +393854,33 +393855,33 +393856,33 +393857,33 +393858,33 +393859,33 +393860,33 +393861,33 +393862,33 +393863,33 +393864,33 +393865,33 +393866,33 +393867,33 +393868,33 +393869,33 +393870,33 +393871,33 +393872,33 +393873,33 +393874,3 +393875,3 +393876,21 +393877,21 +393878,21 +393879,21 +393880,21 +393881,21 +393882,21 +393883,21 +393884,21 +393885,14 +393886,14 +393887,14 +393888,14 +393889,14 +393890,14 +393891,14 +393892,14 +393893,14 +393894,14 +393895,14 +393896,14 +393897,14 +393898,14 +393899,14 +393900,14 +393901,14 +393902,14 +393903,14 +393904,14 +393905,14 +393906,14 +393907,14 +393908,14 +393909,14 +393910,14 +393911,14 +393912,14 +393913,14 +393914,14 +393915,14 +393916,39 +393917,39 +393918,39 +393919,39 +393920,39 +393921,39 +393922,39 +393923,39 +393924,39 +393925,39 +393926,39 +393927,12 +393928,12 +393929,12 +393930,3 +393931,3 +393932,3 +393933,3 +393934,3 +393935,3 +393936,3 +393937,3 +393938,3 +393939,3 +393940,3 +393941,39 +393942,39 +393943,12 +393944,12 +393945,12 +393946,12 +393947,12 +393948,12 +393949,12 +393950,12 +393951,12 +393952,12 +393953,12 +393954,12 +393955,12 +393956,12 +393957,12 +393958,12 +393959,12 +393960,25 +393961,25 +393962,25 +393963,37 +393964,37 +393965,37 +393966,37 +393967,37 +393968,37 +393969,37 +393970,31 +393971,31 +393972,31 +393973,31 +393974,31 +393975,31 +393976,5 +393977,5 +393978,5 +393979,5 +393980,5 +393981,5 +393982,5 +393983,29 +393984,29 +393985,29 +393986,33 +393987,33 +393988,33 +393989,33 +393990,33 +393991,33 +393992,33 +393993,33 +393994,33 +393995,33 +393996,33 +393997,33 +393998,8 +393999,8 +394000,8 +394001,8 +394002,8 +394003,8 +394004,2 +394005,2 +394006,2 +394007,2 +394008,19 +394009,4 +394010,4 +394011,4 +394012,4 +394013,4 +394014,4 +394015,4 +394016,14 +394017,27 +394018,27 +394019,27 +394020,27 +394021,14 +394022,14 +394023,14 +394024,14 +394025,14 +394026,14 +394027,14 +394028,14 +394029,14 +394030,14 +394031,14 +394032,14 +394033,14 +394034,14 +394035,14 +394036,14 +394037,14 +394038,14 +394039,14 +394040,14 +394041,14 +394042,14 +394043,14 +394044,14 +394045,39 +394046,8 +394047,8 +394048,8 +394049,8 +394050,8 +394051,8 +394052,8 +394053,8 +394054,8 +394055,8 +394056,8 +394057,8 +394058,8 +394059,8 +394060,2 +394061,2 +394062,2 +394063,2 +394064,2 +394065,2 +394066,2 +394067,0 +394068,0 +394069,0 +394070,0 +394071,0 +394072,0 +394073,0 +394074,0 +394075,0 +394076,0 +394077,0 +394078,0 +394079,0 +394080,0 +394081,0 +394082,0 +394083,0 +394084,0 +394085,0 +394086,0 +394087,0 +394088,0 +394089,0 +394090,0 +394091,0 +394092,0 +394093,0 +394094,0 +394095,7 +394096,7 +394097,7 +394098,7 +394099,7 +394100,7 +394101,7 +394102,7 +394103,7 +394104,7 +394105,7 +394106,7 +394107,7 +394108,7 +394109,7 +394110,3 +394111,3 +394112,3 +394113,3 +394114,3 +394115,3 +394116,3 +394117,3 +394118,3 +394119,3 +394120,3 +394121,2 +394122,2 +394123,23 +394124,2 +394125,2 +394126,2 +394127,8 +394128,38 +394129,8 +394130,38 +394131,2 +394132,2 +394133,12 +394134,12 +394135,12 +394136,12 +394137,12 +394138,12 +394139,31 +394140,31 +394141,31 +394142,8 +394143,8 +394144,8 +394145,8 +394146,8 +394147,8 +394148,8 +394149,8 +394150,31 +394151,31 +394152,31 +394153,24 +394154,24 +394155,24 +394156,24 +394157,24 +394158,15 +394159,15 +394160,33 +394161,33 +394162,33 +394163,33 +394164,33 +394165,33 +394166,33 +394167,33 +394168,33 +394169,33 +394170,33 +394171,33 +394172,33 +394173,6 +394174,6 +394175,6 +394176,6 +394177,6 +394178,6 +394179,6 +394180,6 +394181,6 +394182,6 +394183,6 +394184,14 +394185,14 +394186,14 +394187,14 +394188,14 +394189,14 +394190,14 +394191,14 +394192,14 +394193,14 +394194,14 +394195,14 +394196,14 +394197,14 +394198,14 +394199,14 +394200,14 +394201,14 +394202,14 +394203,14 +394204,14 +394205,14 +394206,14 +394207,14 +394208,14 +394209,14 +394210,14 +394211,14 +394212,14 +394213,14 +394214,14 +394215,14 +394216,14 +394217,39 +394218,39 +394219,39 +394220,39 +394221,39 +394222,39 +394223,39 +394224,39 +394225,0 +394226,0 +394227,0 +394228,0 +394229,0 +394230,0 +394231,0 +394232,0 +394233,0 +394234,0 +394235,0 +394236,0 +394237,0 +394238,0 +394239,0 +394240,0 +394241,0 +394242,0 +394243,0 +394244,0 +394245,0 +394246,0 +394247,0 +394248,0 +394249,0 +394250,0 +394251,0 +394252,0 +394253,0 +394254,0 +394255,0 +394256,0 +394257,0 +394258,0 +394259,32 +394260,32 +394261,32 +394262,32 +394263,32 +394264,32 +394265,32 +394266,32 +394267,32 +394268,32 +394269,25 +394270,25 +394271,25 +394272,25 +394273,25 +394274,35 +394275,35 +394276,35 +394277,35 +394278,35 +394279,35 +394280,35 +394281,35 +394282,36 +394283,36 +394284,36 +394285,36 +394286,36 +394287,36 +394288,36 +394289,36 +394290,36 +394291,36 +394292,36 +394293,36 +394294,32 +394295,32 +394296,32 +394297,32 +394298,32 +394299,32 +394300,32 +394301,32 +394302,2 +394303,2 +394304,2 +394305,2 +394306,2 +394307,2 +394308,2 +394309,2 +394310,2 +394311,2 +394312,2 +394313,2 +394314,12 +394315,12 +394316,12 +394317,12 +394318,12 +394319,12 +394320,39 +394321,39 +394322,39 +394323,39 +394324,39 +394325,39 +394326,39 +394327,39 +394328,39 +394329,35 +394330,35 +394331,35 +394332,36 +394333,36 +394334,36 +394335,24 +394336,24 +394337,24 +394338,24 +394339,24 +394340,24 +394341,24 +394342,19 +394343,19 +394344,19 +394345,19 +394346,19 +394347,19 +394348,39 +394349,27 +394350,39 +394351,39 +394352,39 +394353,39 +394354,39 +394355,39 +394356,39 +394357,39 +394358,24 +394359,24 +394360,24 +394361,24 +394362,24 +394363,39 +394364,39 +394365,39 +394366,39 +394367,39 +394368,39 +394369,39 +394370,39 +394371,39 +394372,39 +394373,39 +394374,39 +394375,39 +394376,39 +394377,39 +394378,39 +394379,39 +394380,39 +394381,39 +394382,39 +394383,39 +394384,39 +394385,4 +394386,4 +394387,4 +394388,39 +394389,14 +394390,27 +394391,27 +394392,27 +394393,27 +394394,27 +394395,19 +394396,19 +394397,19 +394398,19 +394399,19 +394400,19 +394401,19 +394402,19 +394403,19 +394404,19 +394405,19 +394406,5 +394407,0 +394408,0 +394409,0 +394410,0 +394411,0 +394412,0 +394413,0 +394414,0 +394415,0 +394416,0 +394417,0 +394418,0 +394419,0 +394420,0 +394421,0 +394422,0 +394423,0 +394424,0 +394425,0 +394426,0 +394427,0 +394428,0 +394429,0 +394430,0 +394431,0 +394432,0 +394433,0 +394434,0 +394435,0 +394436,0 +394437,0 +394438,0 +394439,0 +394440,0 +394441,0 +394442,0 +394443,0 +394444,0 +394445,0 +394446,0 +394447,0 +394448,0 +394449,0 +394450,0 +394451,0 +394452,0 +394453,0 +394454,0 +394455,0 +394456,0 +394457,0 +394458,0 +394459,0 +394460,0 +394461,0 +394462,0 +394463,0 +394464,0 +394465,0 +394466,0 +394467,0 +394468,0 +394469,0 +394470,0 +394471,0 +394472,0 +394473,0 +394474,0 +394475,0 +394476,0 +394477,0 +394478,0 +394479,0 +394480,0 +394481,0 +394482,0 +394483,0 +394484,0 +394485,0 +394486,0 +394487,0 +394488,0 +394489,0 +394490,0 +394491,0 +394492,0 +394493,0 +394494,0 +394495,0 +394496,0 +394497,0 +394498,0 +394499,0 +394500,0 +394501,0 +394502,0 +394503,0 +394504,0 +394505,0 +394506,0 +394507,0 +394508,0 +394509,0 +394510,0 +394511,0 +394512,0 +394513,0 +394514,0 +394515,0 +394516,0 +394517,0 +394518,0 +394519,0 +394520,0 +394521,0 +394522,0 +394523,0 +394524,0 +394525,0 +394526,0 +394527,0 +394528,0 +394529,5 +394530,5 +394531,5 +394532,5 +394533,5 +394534,5 +394535,5 +394536,5 +394537,5 +394538,5 +394539,33 +394540,33 +394541,33 +394542,33 +394543,33 +394544,33 +394545,33 +394546,33 +394547,33 +394548,33 +394549,33 +394550,33 +394551,33 +394552,33 +394553,33 +394554,33 +394555,33 +394556,34 +394557,34 +394558,34 +394559,34 +394560,34 +394561,34 +394562,34 +394563,30 +394564,30 +394565,10 +394566,10 +394567,10 +394568,10 +394569,10 +394570,10 +394571,10 +394572,10 +394573,10 +394574,10 +394575,10 +394576,10 +394577,4 +394578,4 +394579,4 +394580,4 +394581,1 +394582,1 +394583,4 +394584,4 +394585,4 +394586,27 +394587,27 +394588,27 +394589,27 +394590,27 +394591,27 +394592,5 +394593,5 +394594,5 +394595,5 +394596,5 +394597,5 +394598,38 +394599,38 +394600,6 +394601,38 +394602,38 +394603,38 +394604,38 +394605,5 +394606,5 +394607,5 +394608,5 +394609,5 +394610,5 +394611,26 +394612,26 +394613,26 +394614,26 +394615,26 +394616,26 +394617,26 +394618,26 +394619,26 +394620,26 +394621,26 +394622,26 +394623,26 +394624,26 +394625,26 +394626,26 +394627,26 +394628,4 +394629,4 +394630,4 +394631,0 +394632,0 +394633,0 +394634,0 +394635,0 +394636,0 +394637,0 +394638,0 +394639,0 +394640,0 +394641,0 +394642,0 +394643,0 +394644,0 +394645,0 +394646,0 +394647,0 +394648,0 +394649,0 +394650,0 +394651,0 +394652,0 +394653,0 +394654,0 +394655,0 +394656,0 +394657,0 +394658,0 +394659,0 +394660,0 +394661,0 +394662,0 +394663,0 +394664,0 +394665,0 +394666,0 +394667,0 +394668,36 +394669,36 +394670,36 +394671,36 +394672,36 +394673,36 +394674,36 +394675,36 +394676,36 +394677,36 +394678,36 +394679,36 +394680,36 +394681,36 +394682,36 +394683,36 +394684,36 +394685,36 +394686,36 +394687,36 +394688,36 +394689,36 +394690,36 +394691,36 +394692,36 +394693,36 +394694,36 +394695,36 +394696,36 +394697,36 +394698,36 +394699,36 +394700,36 +394701,36 +394702,36 +394703,36 +394704,5 +394705,5 +394706,5 +394707,5 +394708,5 +394709,5 +394710,5 +394711,5 +394712,5 +394713,5 +394714,5 +394715,35 +394716,35 +394717,35 +394718,35 +394719,35 +394720,35 +394721,35 +394722,12 +394723,12 +394724,12 +394725,12 +394726,12 +394727,27 +394728,27 +394729,27 +394730,27 +394731,27 +394732,16 +394733,16 +394734,16 +394735,16 +394736,4 +394737,4 +394738,4 +394739,4 +394740,16 +394741,16 +394742,4 +394743,16 +394744,16 +394745,16 +394746,16 +394747,16 +394748,16 +394749,16 +394750,16 +394751,16 +394752,12 +394753,33 +394754,33 +394755,33 +394756,12 +394757,12 +394758,12 +394759,12 +394760,12 +394761,12 +394762,31 +394763,31 +394764,31 +394765,33 +394766,33 +394767,33 +394768,33 +394769,33 +394770,8 +394771,8 +394772,8 +394773,8 +394774,8 +394775,8 +394776,8 +394777,31 +394778,31 +394779,31 +394780,31 +394781,31 +394782,31 +394783,31 +394784,31 +394785,22 +394786,22 +394787,22 +394788,6 +394789,6 +394790,6 +394791,6 +394792,6 +394793,6 +394794,29 +394795,29 +394796,29 +394797,29 +394798,31 +394799,31 +394800,31 +394801,31 +394802,31 +394803,31 +394804,4 +394805,4 +394806,4 +394807,4 +394808,4 +394809,4 +394810,4 +394811,4 +394812,4 +394813,2 +394814,2 +394815,2 +394816,2 +394817,2 +394818,2 +394819,2 +394820,2 +394821,2 +394822,2 +394823,2 +394824,2 +394825,25 +394826,25 +394827,25 +394828,25 +394829,25 +394830,25 +394831,25 +394832,25 +394833,25 +394834,25 +394835,25 +394836,25 +394837,25 +394838,25 +394839,25 +394840,25 +394841,19 +394842,19 +394843,29 +394844,29 +394845,29 +394846,29 +394847,29 +394848,29 +394849,29 +394850,5 +394851,5 +394852,5 +394853,5 +394854,5 +394855,5 +394856,5 +394857,5 +394858,5 +394859,5 +394860,25 +394861,0 +394862,0 +394863,0 +394864,0 +394865,0 +394866,0 +394867,0 +394868,0 +394869,0 +394870,0 +394871,0 +394872,0 +394873,0 +394874,0 +394875,0 +394876,0 +394877,0 +394878,0 +394879,0 +394880,0 +394881,0 +394882,0 +394883,0 +394884,0 +394885,0 +394886,0 +394887,0 +394888,0 +394889,0 +394890,0 +394891,5 +394892,29 +394893,29 +394894,29 +394895,29 +394896,29 +394897,29 +394898,29 +394899,29 +394900,29 +394901,29 +394902,29 +394903,29 +394904,29 +394905,29 +394906,39 +394907,39 +394908,39 +394909,39 +394910,39 +394911,39 +394912,39 +394913,39 +394914,39 +394915,39 +394916,39 +394917,39 +394918,39 +394919,39 +394920,39 +394921,39 +394922,39 +394923,39 +394924,39 +394925,39 +394926,39 +394927,39 +394928,39 +394929,39 +394930,39 +394931,39 +394932,39 +394933,39 +394934,39 +394935,39 +394936,39 +394937,39 +394938,39 +394939,39 +394940,39 +394941,39 +394942,39 +394943,39 +394944,39 +394945,39 +394946,39 +394947,39 +394948,39 +394949,39 +394950,39 +394951,39 +394952,39 +394953,39 +394954,39 +394955,39 +394956,39 +394957,0 +394958,5 +394959,5 +394960,5 +394961,5 +394962,5 +394963,5 +394964,5 +394965,5 +394966,0 +394967,36 +394968,36 +394969,36 +394970,36 +394971,36 +394972,36 +394973,36 +394974,36 +394975,36 +394976,28 +394977,28 +394978,28 +394979,28 +394980,28 +394981,28 +394982,28 +394983,28 +394984,28 +394985,28 +394986,28 +394987,28 +394988,28 +394989,28 +394990,28 +394991,28 +394992,28 +394993,29 +394994,29 +394995,15 +394996,15 +394997,29 +394998,15 +394999,15 +395000,34 +395001,34 +395002,34 +395003,34 +395004,34 +395005,34 +395006,34 +395007,34 +395008,34 +395009,34 +395010,34 +395011,34 +395012,34 +395013,34 +395014,34 +395015,34 +395016,34 +395017,34 +395018,34 +395019,34 +395020,34 +395021,34 +395022,34 +395023,34 +395024,34 +395025,9 +395026,9 +395027,9 +395028,9 +395029,9 +395030,9 +395031,9 +395032,33 +395033,33 +395034,33 +395035,33 +395036,33 +395037,33 +395038,33 +395039,33 +395040,33 +395041,33 +395042,33 +395043,33 +395044,33 +395045,33 +395046,33 +395047,33 +395048,33 +395049,33 +395050,33 +395051,33 +395052,37 +395053,37 +395054,37 +395055,0 +395056,0 +395057,0 +395058,0 +395059,0 +395060,0 +395061,0 +395062,0 +395063,0 +395064,0 +395065,0 +395066,0 +395067,0 +395068,0 +395069,0 +395070,0 +395071,0 +395072,0 +395073,0 +395074,0 +395075,0 +395076,0 +395077,0 +395078,0 +395079,0 +395080,0 +395081,0 +395082,0 +395083,0 +395084,0 +395085,0 +395086,0 +395087,0 +395088,0 +395089,0 +395090,0 +395091,0 +395092,0 +395093,0 +395094,0 +395095,0 +395096,0 +395097,0 +395098,0 +395099,0 +395100,0 +395101,0 +395102,0 +395103,0 +395104,0 +395105,0 +395106,31 +395107,31 +395108,31 +395109,31 +395110,31 +395111,31 +395112,31 +395113,31 +395114,31 +395115,5 +395116,5 +395117,19 +395118,19 +395119,19 +395120,29 +395121,29 +395122,29 +395123,29 +395124,40 +395125,31 +395126,31 +395127,31 +395128,31 +395129,31 +395130,5 +395131,5 +395132,29 +395133,36 +395134,36 +395135,36 +395136,26 +395137,26 +395138,26 +395139,34 +395140,26 +395141,26 +395142,34 +395143,34 +395144,25 +395145,25 +395146,37 +395147,37 +395148,37 +395149,37 +395150,37 +395151,37 +395152,37 +395153,37 +395154,37 +395155,39 +395156,39 +395157,39 +395158,39 +395159,39 +395160,39 +395161,4 +395162,4 +395163,4 +395164,4 +395165,4 +395166,4 +395167,4 +395168,4 +395169,4 +395170,4 +395171,4 +395172,4 +395173,4 +395174,4 +395175,25 +395176,25 +395177,25 +395178,25 +395179,25 +395180,25 +395181,25 +395182,25 +395183,25 +395184,25 +395185,25 +395186,5 +395187,5 +395188,5 +395189,5 +395190,5 +395191,5 +395192,5 +395193,5 +395194,39 +395195,39 +395196,39 +395197,39 +395198,39 +395199,39 +395200,27 +395201,39 +395202,19 +395203,21 +395204,21 +395205,21 +395206,21 +395207,21 +395208,21 +395209,21 +395210,14 +395211,14 +395212,10 +395213,10 +395214,27 +395215,40 +395216,40 +395217,40 +395218,40 +395219,40 +395220,40 +395221,40 +395222,40 +395223,40 +395224,40 +395225,5 +395226,5 +395227,5 +395228,5 +395229,5 +395230,5 +395231,5 +395232,5 +395233,5 +395234,5 +395235,5 +395236,5 +395237,5 +395238,5 +395239,5 +395240,5 +395241,0 +395242,0 +395243,0 +395244,0 +395245,0 +395246,0 +395247,0 +395248,0 +395249,0 +395250,0 +395251,0 +395252,0 +395253,0 +395254,0 +395255,0 +395256,0 +395257,0 +395258,0 +395259,0 +395260,0 +395261,0 +395262,0 +395263,0 +395264,0 +395265,0 +395266,0 +395267,0 +395268,0 +395269,0 +395270,0 +395271,0 +395272,0 +395273,12 +395274,12 +395275,15 +395276,15 +395277,15 +395278,15 +395279,31 +395280,31 +395281,5 +395282,5 +395283,5 +395284,5 +395285,5 +395286,26 +395287,10 +395288,10 +395289,10 +395290,10 +395291,10 +395292,10 +395293,10 +395294,10 +395295,10 +395296,10 +395297,10 +395298,10 +395299,12 +395300,12 +395301,12 +395302,12 +395303,12 +395304,12 +395305,12 +395306,12 +395307,12 +395308,12 +395309,31 +395310,31 +395311,31 +395312,31 +395313,31 +395314,8 +395315,8 +395316,8 +395317,8 +395318,8 +395319,8 +395320,8 +395321,8 +395322,8 +395323,8 +395324,8 +395325,8 +395326,8 +395327,37 +395328,37 +395329,37 +395330,37 +395331,39 +395332,39 +395333,39 +395334,39 +395335,39 +395336,4 +395337,4 +395338,4 +395339,4 +395340,4 +395341,4 +395342,4 +395343,4 +395344,4 +395345,4 +395346,4 +395347,4 +395348,4 +395349,4 +395350,25 +395351,25 +395352,25 +395353,25 +395354,25 +395355,25 +395356,25 +395357,25 +395358,25 +395359,25 +395360,25 +395361,25 +395362,25 +395363,25 +395364,25 +395365,25 +395366,25 +395367,25 +395368,25 +395369,25 +395370,5 +395371,5 +395372,5 +395373,5 +395374,5 +395375,19 +395376,19 +395377,19 +395378,19 +395379,10 +395380,10 +395381,10 +395382,10 +395383,10 +395384,10 +395385,10 +395386,10 +395387,10 +395388,10 +395389,10 +395390,10 +395391,10 +395392,10 +395393,10 +395394,10 +395395,23 +395396,23 +395397,23 +395398,23 +395399,23 +395400,23 +395401,23 +395402,23 +395403,23 +395404,23 +395405,23 +395406,23 +395407,23 +395408,23 +395409,23 +395410,26 +395411,34 +395412,34 +395413,34 +395414,26 +395415,9 +395416,9 +395417,26 +395418,26 +395419,30 +395420,33 +395421,33 +395422,28 +395423,28 +395424,33 +395425,33 +395426,28 +395427,28 +395428,28 +395429,28 +395430,28 +395431,28 +395432,10 +395433,10 +395434,10 +395435,10 +395436,10 +395437,10 +395438,10 +395439,10 +395440,10 +395441,2 +395442,2 +395443,2 +395444,2 +395445,2 +395446,2 +395447,2 +395448,2 +395449,2 +395450,2 +395451,2 +395452,2 +395453,40 +395454,40 +395455,40 +395456,40 +395457,40 +395458,30 +395459,30 +395460,30 +395461,30 +395462,30 +395463,30 +395464,30 +395465,30 +395466,38 +395467,23 +395468,23 +395469,23 +395470,23 +395471,23 +395472,23 +395473,27 +395474,27 +395475,27 +395476,27 +395477,27 +395478,27 +395479,8 +395480,8 +395481,8 +395482,8 +395483,8 +395484,33 +395485,33 +395486,33 +395487,33 +395488,33 +395489,33 +395490,31 +395491,31 +395492,31 +395493,33 +395494,33 +395495,33 +395496,28 +395497,28 +395498,28 +395499,28 +395500,2 +395501,2 +395502,2 +395503,2 +395504,2 +395505,2 +395506,2 +395507,2 +395508,2 +395509,2 +395510,2 +395511,2 +395512,2 +395513,31 +395514,31 +395515,31 +395516,31 +395517,40 +395518,40 +395519,40 +395520,40 +395521,40 +395522,40 +395523,40 +395524,30 +395525,31 +395526,31 +395527,31 +395528,31 +395529,31 +395530,31 +395531,31 +395532,31 +395533,31 +395534,31 +395535,31 +395536,31 +395537,2 +395538,2 +395539,2 +395540,2 +395541,2 +395542,2 +395543,2 +395544,23 +395545,23 +395546,23 +395547,23 +395548,23 +395549,23 +395550,23 +395551,10 +395552,10 +395553,10 +395554,10 +395555,10 +395556,10 +395557,10 +395558,10 +395559,10 +395560,4 +395561,4 +395562,4 +395563,4 +395564,27 +395565,27 +395566,27 +395567,27 +395568,27 +395569,27 +395570,27 +395571,8 +395572,8 +395573,8 +395574,8 +395575,8 +395576,8 +395577,8 +395578,8 +395579,10 +395580,10 +395581,10 +395582,31 +395583,31 +395584,31 +395585,31 +395586,31 +395587,12 +395588,12 +395589,12 +395590,12 +395591,12 +395592,12 +395593,12 +395594,12 +395595,12 +395596,12 +395597,31 +395598,31 +395599,31 +395600,31 +395601,31 +395602,31 +395603,31 +395604,8 +395605,8 +395606,8 +395607,8 +395608,8 +395609,15 +395610,15 +395611,21 +395612,21 +395613,15 +395614,15 +395615,39 +395616,37 +395617,37 +395618,37 +395619,37 +395620,39 +395621,39 +395622,23 +395623,23 +395624,23 +395625,23 +395626,23 +395627,23 +395628,23 +395629,23 +395630,23 +395631,23 +395632,23 +395633,23 +395634,9 +395635,9 +395636,9 +395637,9 +395638,9 +395639,9 +395640,9 +395641,9 +395642,9 +395643,9 +395644,37 +395645,37 +395646,37 +395647,37 +395648,37 +395649,37 +395650,37 +395651,37 +395652,37 +395653,37 +395654,37 +395655,37 +395656,37 +395657,37 +395658,37 +395659,37 +395660,37 +395661,37 +395662,25 +395663,37 +395664,25 +395665,25 +395666,0 +395667,0 +395668,0 +395669,0 +395670,0 +395671,0 +395672,0 +395673,0 +395674,0 +395675,0 +395676,0 +395677,0 +395678,0 +395679,0 +395680,0 +395681,0 +395682,0 +395683,0 +395684,0 +395685,0 +395686,0 +395687,0 +395688,0 +395689,0 +395690,0 +395691,0 +395692,0 +395693,0 +395694,0 +395695,0 +395696,0 +395697,0 +395698,0 +395699,0 +395700,0 +395701,0 +395702,0 +395703,0 +395704,0 +395705,0 +395706,0 +395707,0 +395708,0 +395709,0 +395710,0 +395711,0 +395712,0 +395713,0 +395714,0 +395715,0 +395716,0 +395717,35 +395718,35 +395719,35 +395720,35 +395721,35 +395722,35 +395723,35 +395724,35 +395725,39 +395726,39 +395727,39 +395728,39 +395729,39 +395730,39 +395731,39 +395732,28 +395733,28 +395734,28 +395735,28 +395736,28 +395737,28 +395738,28 +395739,28 +395740,31 +395741,31 +395742,40 +395743,40 +395744,31 +395745,37 +395746,37 +395747,37 +395748,37 +395749,37 +395750,37 +395751,37 +395752,37 +395753,37 +395754,37 +395755,37 +395756,37 +395757,37 +395758,37 +395759,37 +395760,14 +395761,37 +395762,37 +395763,37 +395764,39 +395765,39 +395766,39 +395767,37 +395768,18 +395769,18 +395770,18 +395771,18 +395772,18 +395773,18 +395774,18 +395775,18 +395776,2 +395777,8 +395778,8 +395779,4 +395780,4 +395781,4 +395782,4 +395783,4 +395784,4 +395785,4 +395786,4 +395787,3 +395788,3 +395789,3 +395790,3 +395791,3 +395792,3 +395793,3 +395794,3 +395795,31 +395796,31 +395797,31 +395798,31 +395799,31 +395800,5 +395801,5 +395802,5 +395803,28 +395804,28 +395805,28 +395806,28 +395807,2 +395808,2 +395809,2 +395810,2 +395811,2 +395812,2 +395813,2 +395814,2 +395815,40 +395816,40 +395817,40 +395818,40 +395819,40 +395820,40 +395821,40 +395822,40 +395823,30 +395824,30 +395825,30 +395826,30 +395827,30 +395828,30 +395829,30 +395830,30 +395831,30 +395832,23 +395833,23 +395834,23 +395835,23 +395836,23 +395837,23 +395838,23 +395839,23 +395840,23 +395841,23 +395842,23 +395843,23 +395844,0 +395845,0 +395846,32 +395847,32 +395848,32 +395849,32 +395850,32 +395851,32 +395852,0 +395853,0 +395854,0 +395855,0 +395856,0 +395857,0 +395858,0 +395859,0 +395860,0 +395861,0 +395862,0 +395863,0 +395864,0 +395865,0 +395866,0 +395867,0 +395868,0 +395869,0 +395870,0 +395871,0 +395872,0 +395873,0 +395874,0 +395875,0 +395876,0 +395877,0 +395878,0 +395879,0 +395880,0 +395881,0 +395882,0 +395883,0 +395884,0 +395885,0 +395886,0 +395887,0 +395888,0 +395889,33 +395890,33 +395891,33 +395892,33 +395893,33 +395894,33 +395895,33 +395896,33 +395897,33 +395898,33 +395899,33 +395900,33 +395901,33 +395902,31 +395903,31 +395904,31 +395905,31 +395906,31 +395907,31 +395908,31 +395909,31 +395910,31 +395911,29 +395912,29 +395913,24 +395914,24 +395915,24 +395916,24 +395917,24 +395918,14 +395919,14 +395920,14 +395921,14 +395922,39 +395923,39 +395924,39 +395925,39 +395926,39 +395927,27 +395928,27 +395929,27 +395930,27 +395931,27 +395932,27 +395933,27 +395934,8 +395935,2 +395936,2 +395937,2 +395938,2 +395939,2 +395940,2 +395941,2 +395942,2 +395943,8 +395944,30 +395945,30 +395946,30 +395947,30 +395948,30 +395949,30 +395950,14 +395951,14 +395952,14 +395953,14 +395954,14 +395955,14 +395956,14 +395957,14 +395958,14 +395959,14 +395960,14 +395961,14 +395962,14 +395963,14 +395964,14 +395965,39 +395966,39 +395967,39 +395968,39 +395969,39 +395970,39 +395971,39 +395972,0 +395973,0 +395974,0 +395975,0 +395976,0 +395977,0 +395978,0 +395979,0 +395980,0 +395981,0 +395982,0 +395983,0 +395984,0 +395985,0 +395986,0 +395987,0 +395988,0 +395989,0 +395990,0 +395991,0 +395992,0 +395993,0 +395994,0 +395995,0 +395996,0 +395997,0 +395998,0 +395999,0 +396000,0 +396001,0 +396002,0 +396003,0 +396004,0 +396005,0 +396006,0 +396007,0 +396008,0 +396009,0 +396010,0 +396011,0 +396012,0 +396013,0 +396014,0 +396015,0 +396016,0 +396017,0 +396018,0 +396019,0 +396020,0 +396021,0 +396022,0 +396023,0 +396024,0 +396025,0 +396026,0 +396027,0 +396028,0 +396029,0 +396030,0 +396031,0 +396032,0 +396033,0 +396034,0 +396035,0 +396036,16 +396037,16 +396038,16 +396039,16 +396040,16 +396041,16 +396042,16 +396043,16 +396044,16 +396045,16 +396046,16 +396047,36 +396048,36 +396049,36 +396050,36 +396051,36 +396052,36 +396053,36 +396054,36 +396055,36 +396056,36 +396057,36 +396058,36 +396059,36 +396060,36 +396061,32 +396062,32 +396063,32 +396064,32 +396065,32 +396066,32 +396067,32 +396068,32 +396069,32 +396070,32 +396071,32 +396072,4 +396073,4 +396074,4 +396075,4 +396076,4 +396077,4 +396078,4 +396079,25 +396080,25 +396081,25 +396082,25 +396083,25 +396084,25 +396085,25 +396086,25 +396087,25 +396088,38 +396089,38 +396090,38 +396091,38 +396092,38 +396093,38 +396094,38 +396095,38 +396096,38 +396097,38 +396098,38 +396099,38 +396100,38 +396101,38 +396102,25 +396103,25 +396104,25 +396105,25 +396106,25 +396107,25 +396108,25 +396109,25 +396110,25 +396111,25 +396112,25 +396113,25 +396114,19 +396115,19 +396116,19 +396117,19 +396118,39 +396119,39 +396120,39 +396121,39 +396122,39 +396123,39 +396124,39 +396125,39 +396126,39 +396127,23 +396128,23 +396129,23 +396130,23 +396131,23 +396132,23 +396133,23 +396134,23 +396135,23 +396136,23 +396137,23 +396138,23 +396139,23 +396140,23 +396141,9 +396142,9 +396143,9 +396144,9 +396145,9 +396146,9 +396147,9 +396148,9 +396149,9 +396150,9 +396151,9 +396152,9 +396153,9 +396154,9 +396155,9 +396156,9 +396157,9 +396158,9 +396159,9 +396160,9 +396161,9 +396162,9 +396163,9 +396164,37 +396165,37 +396166,37 +396167,37 +396168,37 +396169,37 +396170,37 +396171,37 +396172,37 +396173,37 +396174,37 +396175,25 +396176,25 +396177,25 +396178,25 +396179,25 +396180,25 +396181,25 +396182,0 +396183,0 +396184,0 +396185,0 +396186,0 +396187,0 +396188,0 +396189,0 +396190,0 +396191,0 +396192,0 +396193,0 +396194,0 +396195,0 +396196,0 +396197,0 +396198,0 +396199,0 +396200,0 +396201,0 +396202,0 +396203,0 +396204,0 +396205,0 +396206,0 +396207,0 +396208,0 +396209,0 +396210,0 +396211,0 +396212,0 +396213,0 +396214,0 +396215,0 +396216,0 +396217,0 +396218,0 +396219,0 +396220,0 +396221,0 +396222,0 +396223,0 +396224,0 +396225,0 +396226,0 +396227,0 +396228,0 +396229,0 +396230,0 +396231,0 +396232,0 +396233,0 +396234,0 +396235,31 +396236,31 +396237,31 +396238,26 +396239,26 +396240,26 +396241,26 +396242,31 +396243,31 +396244,31 +396245,31 +396246,31 +396247,31 +396248,31 +396249,9 +396250,9 +396251,13 +396252,13 +396253,13 +396254,13 +396255,13 +396256,13 +396257,13 +396258,13 +396259,13 +396260,6 +396261,6 +396262,6 +396263,6 +396264,6 +396265,6 +396266,6 +396267,6 +396268,6 +396269,6 +396270,6 +396271,15 +396272,15 +396273,15 +396274,21 +396275,15 +396276,15 +396277,15 +396278,15 +396279,15 +396280,40 +396281,27 +396282,27 +396283,40 +396284,40 +396285,27 +396286,27 +396287,27 +396288,27 +396289,14 +396290,14 +396291,30 +396292,30 +396293,30 +396294,30 +396295,30 +396296,30 +396297,30 +396298,30 +396299,30 +396300,30 +396301,30 +396302,39 +396303,39 +396304,39 +396305,39 +396306,39 +396307,39 +396308,39 +396309,39 +396310,39 +396311,39 +396312,39 +396313,39 +396314,39 +396315,39 +396316,39 +396317,39 +396318,39 +396319,39 +396320,39 +396321,39 +396322,39 +396323,39 +396324,39 +396325,39 +396326,36 +396327,36 +396328,36 +396329,36 +396330,36 +396331,36 +396332,36 +396333,36 +396334,36 +396335,36 +396336,36 +396337,5 +396338,5 +396339,5 +396340,5 +396341,5 +396342,5 +396343,5 +396344,5 +396345,9 +396346,9 +396347,9 +396348,9 +396349,9 +396350,9 +396351,9 +396352,9 +396353,9 +396354,9 +396355,9 +396356,9 +396357,9 +396358,9 +396359,30 +396360,30 +396361,30 +396362,30 +396363,30 +396364,30 +396365,30 +396366,30 +396367,30 +396368,30 +396369,30 +396370,30 +396371,30 +396372,30 +396373,30 +396374,30 +396375,30 +396376,30 +396377,30 +396378,30 +396379,19 +396380,19 +396381,19 +396382,19 +396383,19 +396384,19 +396385,19 +396386,6 +396387,28 +396388,28 +396389,28 +396390,28 +396391,28 +396392,28 +396393,28 +396394,28 +396395,28 +396396,28 +396397,27 +396398,27 +396399,27 +396400,27 +396401,27 +396402,27 +396403,27 +396404,14 +396405,14 +396406,14 +396407,2 +396408,2 +396409,2 +396410,2 +396411,2 +396412,2 +396413,2 +396414,2 +396415,2 +396416,2 +396417,2 +396418,2 +396419,2 +396420,27 +396421,27 +396422,27 +396423,27 +396424,27 +396425,27 +396426,27 +396427,27 +396428,27 +396429,2 +396430,2 +396431,2 +396432,2 +396433,2 +396434,2 +396435,2 +396436,2 +396437,8 +396438,8 +396439,32 +396440,32 +396441,32 +396442,32 +396443,32 +396444,32 +396445,32 +396446,32 +396447,32 +396448,32 +396449,32 +396450,32 +396451,26 +396452,26 +396453,26 +396454,26 +396455,26 +396456,26 +396457,26 +396458,26 +396459,26 +396460,26 +396461,26 +396462,26 +396463,26 +396464,26 +396465,26 +396466,26 +396467,26 +396468,26 +396469,2 +396470,2 +396471,2 +396472,2 +396473,2 +396474,2 +396475,2 +396476,2 +396477,2 +396478,2 +396479,2 +396480,2 +396481,2 +396482,2 +396483,2 +396484,2 +396485,31 +396486,31 +396487,31 +396488,31 +396489,31 +396490,31 +396491,31 +396492,31 +396493,28 +396494,28 +396495,28 +396496,28 +396497,28 +396498,28 +396499,28 +396500,28 +396501,13 +396502,28 +396503,13 +396504,13 +396505,0 +396506,0 +396507,0 +396508,0 +396509,0 +396510,0 +396511,0 +396512,0 +396513,0 +396514,0 +396515,0 +396516,0 +396517,0 +396518,0 +396519,0 +396520,0 +396521,0 +396522,0 +396523,0 +396524,0 +396525,0 +396526,0 +396527,0 +396528,0 +396529,0 +396530,0 +396531,0 +396532,0 +396533,0 +396534,0 +396535,0 +396536,0 +396537,0 +396538,0 +396539,0 +396540,0 +396541,0 +396542,0 +396543,0 +396544,0 +396545,0 +396546,0 +396547,0 +396548,0 +396549,0 +396550,0 +396551,0 +396552,0 +396553,0 +396554,0 +396555,0 +396556,36 +396557,36 +396558,36 +396559,36 +396560,36 +396561,36 +396562,5 +396563,5 +396564,5 +396565,19 +396566,19 +396567,19 +396568,19 +396569,19 +396570,2 +396571,2 +396572,2 +396573,2 +396574,2 +396575,2 +396576,2 +396577,2 +396578,2 +396579,2 +396580,14 +396581,14 +396582,14 +396583,14 +396584,14 +396585,14 +396586,14 +396587,14 +396588,14 +396589,14 +396590,14 +396591,14 +396592,14 +396593,12 +396594,12 +396595,12 +396596,12 +396597,12 +396598,12 +396599,12 +396600,12 +396601,12 +396602,12 +396603,12 +396604,40 +396605,40 +396606,40 +396607,40 +396608,40 +396609,40 +396610,40 +396611,40 +396612,31 +396613,31 +396614,31 +396615,23 +396616,23 +396617,23 +396618,23 +396619,23 +396620,23 +396621,23 +396622,23 +396623,23 +396624,23 +396625,23 +396626,23 +396627,23 +396628,23 +396629,23 +396630,23 +396631,23 +396632,26 +396633,26 +396634,26 +396635,26 +396636,26 +396637,26 +396638,26 +396639,26 +396640,26 +396641,10 +396642,10 +396643,10 +396644,10 +396645,10 +396646,10 +396647,10 +396648,10 +396649,10 +396650,10 +396651,10 +396652,10 +396653,10 +396654,10 +396655,10 +396656,10 +396657,5 +396658,13 +396659,13 +396660,13 +396661,13 +396662,13 +396663,13 +396664,13 +396665,13 +396666,13 +396667,13 +396668,13 +396669,5 +396670,5 +396671,0 +396672,0 +396673,0 +396674,0 +396675,0 +396676,0 +396677,29 +396678,39 +396679,39 +396680,39 +396681,39 +396682,39 +396683,27 +396684,27 +396685,27 +396686,39 +396687,39 +396688,39 +396689,39 +396690,39 +396691,39 +396692,39 +396693,39 +396694,39 +396695,39 +396696,39 +396697,27 +396698,27 +396699,4 +396700,4 +396701,4 +396702,4 +396703,4 +396704,12 +396705,12 +396706,12 +396707,12 +396708,12 +396709,12 +396710,31 +396711,31 +396712,31 +396713,31 +396714,31 +396715,31 +396716,31 +396717,31 +396718,31 +396719,31 +396720,8 +396721,8 +396722,8 +396723,8 +396724,8 +396725,8 +396726,8 +396727,8 +396728,8 +396729,8 +396730,23 +396731,2 +396732,23 +396733,25 +396734,25 +396735,25 +396736,37 +396737,37 +396738,27 +396739,27 +396740,27 +396741,27 +396742,27 +396743,27 +396744,8 +396745,8 +396746,8 +396747,8 +396748,8 +396749,8 +396750,8 +396751,8 +396752,8 +396753,36 +396754,40 +396755,40 +396756,36 +396757,36 +396758,36 +396759,36 +396760,40 +396761,40 +396762,40 +396763,40 +396764,21 +396765,21 +396766,21 +396767,21 +396768,21 +396769,21 +396770,24 +396771,8 +396772,8 +396773,8 +396774,8 +396775,8 +396776,8 +396777,8 +396778,31 +396779,31 +396780,31 +396781,31 +396782,31 +396783,30 +396784,30 +396785,30 +396786,30 +396787,30 +396788,30 +396789,30 +396790,40 +396791,40 +396792,40 +396793,40 +396794,40 +396795,40 +396796,40 +396797,40 +396798,5 +396799,5 +396800,5 +396801,5 +396802,5 +396803,5 +396804,5 +396805,5 +396806,2 +396807,2 +396808,2 +396809,2 +396810,2 +396811,2 +396812,2 +396813,2 +396814,27 +396815,27 +396816,27 +396817,4 +396818,4 +396819,4 +396820,4 +396821,8 +396822,8 +396823,8 +396824,8 +396825,8 +396826,27 +396827,31 +396828,31 +396829,31 +396830,6 +396831,6 +396832,6 +396833,6 +396834,6 +396835,6 +396836,6 +396837,6 +396838,6 +396839,6 +396840,6 +396841,6 +396842,6 +396843,36 +396844,36 +396845,36 +396846,36 +396847,36 +396848,36 +396849,36 +396850,16 +396851,16 +396852,16 +396853,16 +396854,16 +396855,16 +396856,18 +396857,18 +396858,18 +396859,18 +396860,16 +396861,16 +396862,31 +396863,31 +396864,31 +396865,31 +396866,31 +396867,31 +396868,32 +396869,4 +396870,4 +396871,4 +396872,4 +396873,4 +396874,28 +396875,28 +396876,28 +396877,28 +396878,28 +396879,28 +396880,28 +396881,28 +396882,28 +396883,28 +396884,28 +396885,40 +396886,36 +396887,36 +396888,36 +396889,36 +396890,36 +396891,36 +396892,36 +396893,36 +396894,36 +396895,36 +396896,40 +396897,40 +396898,40 +396899,40 +396900,36 +396901,40 +396902,5 +396903,5 +396904,5 +396905,5 +396906,5 +396907,5 +396908,5 +396909,5 +396910,5 +396911,5 +396912,5 +396913,5 +396914,0 +396915,0 +396916,0 +396917,0 +396918,0 +396919,0 +396920,0 +396921,0 +396922,0 +396923,0 +396924,0 +396925,0 +396926,0 +396927,0 +396928,0 +396929,0 +396930,0 +396931,0 +396932,0 +396933,0 +396934,0 +396935,0 +396936,0 +396937,0 +396938,0 +396939,0 +396940,0 +396941,0 +396942,36 +396943,36 +396944,36 +396945,36 +396946,36 +396947,36 +396948,36 +396949,36 +396950,36 +396951,36 +396952,36 +396953,36 +396954,36 +396955,36 +396956,36 +396957,36 +396958,36 +396959,36 +396960,36 +396961,5 +396962,5 +396963,5 +396964,5 +396965,5 +396966,5 +396967,5 +396968,5 +396969,5 +396970,5 +396971,5 +396972,5 +396973,5 +396974,5 +396975,5 +396976,4 +396977,27 +396978,27 +396979,27 +396980,27 +396981,27 +396982,4 +396983,4 +396984,4 +396985,29 +396986,29 +396987,29 +396988,29 +396989,29 +396990,29 +396991,29 +396992,29 +396993,24 +396994,14 +396995,14 +396996,14 +396997,14 +396998,14 +396999,14 +397000,14 +397001,14 +397002,14 +397003,14 +397004,12 +397005,12 +397006,12 +397007,12 +397008,12 +397009,12 +397010,12 +397011,12 +397012,12 +397013,25 +397014,25 +397015,25 +397016,25 +397017,27 +397018,27 +397019,27 +397020,27 +397021,27 +397022,27 +397023,27 +397024,8 +397025,8 +397026,8 +397027,8 +397028,8 +397029,8 +397030,8 +397031,8 +397032,8 +397033,8 +397034,8 +397035,8 +397036,21 +397037,21 +397038,21 +397039,21 +397040,21 +397041,21 +397042,21 +397043,21 +397044,37 +397045,22 +397046,22 +397047,22 +397048,22 +397049,22 +397050,22 +397051,22 +397052,22 +397053,22 +397054,22 +397055,22 +397056,19 +397057,19 +397058,19 +397059,19 +397060,19 +397061,19 +397062,19 +397063,19 +397064,19 +397065,19 +397066,5 +397067,28 +397068,24 +397069,24 +397070,24 +397071,24 +397072,19 +397073,19 +397074,19 +397075,19 +397076,3 +397077,3 +397078,3 +397079,3 +397080,3 +397081,3 +397082,3 +397083,3 +397084,3 +397085,3 +397086,3 +397087,3 +397088,3 +397089,3 +397090,3 +397091,4 +397092,4 +397093,4 +397094,39 +397095,39 +397096,39 +397097,39 +397098,39 +397099,39 +397100,39 +397101,39 +397102,39 +397103,39 +397104,39 +397105,39 +397106,39 +397107,27 +397108,27 +397109,27 +397110,27 +397111,14 +397112,14 +397113,8 +397114,8 +397115,8 +397116,8 +397117,8 +397118,8 +397119,8 +397120,40 +397121,40 +397122,40 +397123,40 +397124,40 +397125,40 +397126,40 +397127,40 +397128,5 +397129,5 +397130,5 +397131,5 +397132,5 +397133,5 +397134,39 +397135,39 +397136,39 +397137,39 +397138,39 +397139,39 +397140,39 +397141,39 +397142,39 +397143,39 +397144,39 +397145,31 +397146,36 +397147,31 +397148,31 +397149,31 +397150,36 +397151,36 +397152,10 +397153,10 +397154,29 +397155,29 +397156,29 +397157,29 +397158,29 +397159,29 +397160,29 +397161,29 +397162,29 +397163,25 +397164,25 +397165,31 +397166,31 +397167,31 +397168,31 +397169,25 +397170,25 +397171,25 +397172,25 +397173,15 +397174,15 +397175,15 +397176,27 +397177,27 +397178,27 +397179,31 +397180,31 +397181,31 +397182,6 +397183,6 +397184,6 +397185,6 +397186,6 +397187,6 +397188,6 +397189,6 +397190,6 +397191,31 +397192,31 +397193,31 +397194,31 +397195,31 +397196,31 +397197,31 +397198,8 +397199,8 +397200,8 +397201,8 +397202,8 +397203,8 +397204,8 +397205,31 +397206,31 +397207,31 +397208,24 +397209,24 +397210,24 +397211,24 +397212,24 +397213,24 +397214,24 +397215,29 +397216,29 +397217,31 +397218,31 +397219,31 +397220,31 +397221,31 +397222,31 +397223,31 +397224,37 +397225,37 +397226,37 +397227,37 +397228,37 +397229,37 +397230,37 +397231,37 +397232,37 +397233,36 +397234,36 +397235,36 +397236,36 +397237,36 +397238,36 +397239,36 +397240,36 +397241,36 +397242,36 +397243,36 +397244,36 +397245,36 +397246,36 +397247,36 +397248,36 +397249,5 +397250,5 +397251,5 +397252,5 +397253,5 +397254,5 +397255,5 +397256,2 +397257,2 +397258,2 +397259,2 +397260,2 +397261,2 +397262,2 +397263,2 +397264,2 +397265,31 +397266,31 +397267,31 +397268,31 +397269,31 +397270,31 +397271,28 +397272,28 +397273,5 +397274,5 +397275,5 +397276,5 +397277,5 +397278,5 +397279,5 +397280,28 +397281,28 +397282,28 +397283,28 +397284,28 +397285,28 +397286,28 +397287,2 +397288,8 +397289,8 +397290,8 +397291,8 +397292,8 +397293,8 +397294,8 +397295,8 +397296,8 +397297,2 +397298,2 +397299,2 +397300,2 +397301,2 +397302,2 +397303,2 +397304,2 +397305,2 +397306,8 +397307,8 +397308,2 +397309,0 +397310,0 +397311,0 +397312,0 +397313,0 +397314,0 +397315,0 +397316,0 +397317,0 +397318,0 +397319,0 +397320,0 +397321,0 +397322,0 +397323,0 +397324,0 +397325,0 +397326,0 +397327,0 +397328,0 +397329,0 +397330,0 +397331,0 +397332,0 +397333,0 +397334,0 +397335,0 +397336,0 +397337,0 +397338,0 +397339,0 +397340,0 +397341,0 +397342,0 +397343,0 +397344,0 +397345,0 +397346,0 +397347,0 +397348,0 +397349,0 +397350,0 +397351,0 +397352,0 +397353,0 +397354,0 +397355,0 +397356,0 +397357,0 +397358,0 +397359,0 +397360,0 +397361,0 +397362,0 +397363,0 +397364,0 +397365,0 +397366,0 +397367,0 +397368,5 +397369,5 +397370,5 +397371,5 +397372,5 +397373,5 +397374,5 +397375,5 +397376,5 +397377,5 +397378,5 +397379,5 +397380,5 +397381,5 +397382,5 +397383,40 +397384,40 +397385,40 +397386,40 +397387,40 +397388,40 +397389,40 +397390,40 +397391,40 +397392,19 +397393,19 +397394,19 +397395,19 +397396,19 +397397,19 +397398,19 +397399,19 +397400,19 +397401,19 +397402,30 +397403,30 +397404,30 +397405,30 +397406,30 +397407,30 +397408,30 +397409,30 +397410,30 +397411,30 +397412,30 +397413,30 +397414,36 +397415,36 +397416,36 +397417,36 +397418,36 +397419,36 +397420,36 +397421,36 +397422,36 +397423,36 +397424,36 +397425,36 +397426,36 +397427,36 +397428,36 +397429,5 +397430,5 +397431,5 +397432,5 +397433,5 +397434,5 +397435,5 +397436,5 +397437,5 +397438,5 +397439,5 +397440,5 +397441,5 +397442,5 +397443,5 +397444,5 +397445,19 +397446,19 +397447,19 +397448,19 +397449,19 +397450,19 +397451,19 +397452,19 +397453,19 +397454,19 +397455,19 +397456,19 +397457,19 +397458,19 +397459,19 +397460,5 +397461,28 +397462,28 +397463,28 +397464,28 +397465,28 +397466,28 +397467,28 +397468,28 +397469,28 +397470,28 +397471,28 +397472,28 +397473,28 +397474,28 +397475,28 +397476,28 +397477,28 +397478,28 +397479,28 +397480,28 +397481,28 +397482,40 +397483,40 +397484,40 +397485,40 +397486,40 +397487,40 +397488,37 +397489,37 +397490,37 +397491,37 +397492,37 +397493,37 +397494,37 +397495,37 +397496,14 +397497,14 +397498,14 +397499,14 +397500,14 +397501,19 +397502,19 +397503,19 +397504,19 +397505,19 +397506,19 +397507,19 +397508,19 +397509,19 +397510,19 +397511,27 +397512,27 +397513,27 +397514,27 +397515,27 +397516,32 +397517,32 +397518,32 +397519,32 +397520,32 +397521,32 +397522,32 +397523,32 +397524,32 +397525,32 +397526,32 +397527,32 +397528,32 +397529,30 +397530,30 +397531,30 +397532,39 +397533,39 +397534,39 +397535,39 +397536,39 +397537,39 +397538,31 +397539,31 +397540,31 +397541,31 +397542,31 +397543,31 +397544,32 +397545,32 +397546,32 +397547,32 +397548,32 +397549,32 +397550,32 +397551,32 +397552,32 +397553,32 +397554,32 +397555,32 +397556,32 +397557,32 +397558,36 +397559,36 +397560,36 +397561,36 +397562,36 +397563,36 +397564,36 +397565,36 +397566,36 +397567,4 +397568,4 +397569,4 +397570,4 +397571,4 +397572,4 +397573,4 +397574,4 +397575,4 +397576,4 +397577,4 +397578,37 +397579,37 +397580,37 +397581,37 +397582,37 +397583,37 +397584,33 +397585,33 +397586,3 +397587,3 +397588,3 +397589,3 +397590,3 +397591,3 +397592,3 +397593,3 +397594,3 +397595,3 +397596,3 +397597,25 +397598,25 +397599,25 +397600,25 +397601,3 +397602,3 +397603,28 +397604,0 +397605,0 +397606,0 +397607,0 +397608,0 +397609,0 +397610,0 +397611,0 +397612,0 +397613,0 +397614,0 +397615,0 +397616,0 +397617,0 +397618,0 +397619,0 +397620,0 +397621,0 +397622,0 +397623,0 +397624,0 +397625,0 +397626,0 +397627,0 +397628,0 +397629,0 +397630,0 +397631,6 +397632,6 +397633,6 +397634,6 +397635,6 +397636,6 +397637,6 +397638,6 +397639,26 +397640,26 +397641,26 +397642,26 +397643,26 +397644,26 +397645,26 +397646,26 +397647,5 +397648,5 +397649,5 +397650,5 +397651,5 +397652,5 +397653,5 +397654,5 +397655,5 +397656,2 +397657,2 +397658,2 +397659,2 +397660,2 +397661,2 +397662,2 +397663,2 +397664,2 +397665,2 +397666,2 +397667,2 +397668,40 +397669,2 +397670,33 +397671,33 +397672,33 +397673,33 +397674,33 +397675,33 +397676,33 +397677,33 +397678,33 +397679,33 +397680,33 +397681,33 +397682,33 +397683,33 +397684,33 +397685,27 +397686,27 +397687,27 +397688,27 +397689,6 +397690,6 +397691,6 +397692,6 +397693,6 +397694,6 +397695,2 +397696,2 +397697,2 +397698,2 +397699,2 +397700,2 +397701,2 +397702,2 +397703,2 +397704,2 +397705,2 +397706,2 +397707,2 +397708,2 +397709,2 +397710,2 +397711,2 +397712,2 +397713,17 +397714,17 +397715,17 +397716,17 +397717,17 +397718,30 +397719,30 +397720,30 +397721,14 +397722,14 +397723,14 +397724,14 +397725,14 +397726,14 +397727,14 +397728,14 +397729,14 +397730,14 +397731,14 +397732,14 +397733,14 +397734,14 +397735,14 +397736,14 +397737,28 +397738,28 +397739,28 +397740,28 +397741,28 +397742,28 +397743,28 +397744,28 +397745,28 +397746,19 +397747,19 +397748,19 +397749,19 +397750,19 +397751,19 +397752,19 +397753,19 +397754,19 +397755,19 +397756,19 +397757,19 +397758,19 +397759,19 +397760,0 +397761,0 +397762,0 +397763,0 +397764,0 +397765,0 +397766,0 +397767,0 +397768,0 +397769,0 +397770,0 +397771,0 +397772,0 +397773,0 +397774,0 +397775,0 +397776,0 +397777,0 +397778,0 +397779,0 +397780,0 +397781,0 +397782,0 +397783,0 +397784,0 +397785,0 +397786,0 +397787,0 +397788,0 +397789,0 +397790,0 +397791,0 +397792,0 +397793,0 +397794,15 +397795,15 +397796,15 +397797,15 +397798,15 +397799,15 +397800,31 +397801,31 +397802,31 +397803,31 +397804,31 +397805,4 +397806,4 +397807,4 +397808,10 +397809,34 +397810,34 +397811,34 +397812,34 +397813,34 +397814,34 +397815,34 +397816,34 +397817,34 +397818,34 +397819,34 +397820,34 +397821,34 +397822,34 +397823,34 +397824,34 +397825,33 +397826,8 +397827,8 +397828,8 +397829,8 +397830,8 +397831,8 +397832,9 +397833,9 +397834,9 +397835,9 +397836,9 +397837,9 +397838,26 +397839,26 +397840,26 +397841,9 +397842,30 +397843,30 +397844,30 +397845,30 +397846,30 +397847,30 +397848,30 +397849,30 +397850,30 +397851,30 +397852,2 +397853,2 +397854,2 +397855,2 +397856,2 +397857,2 +397858,2 +397859,2 +397860,2 +397861,2 +397862,2 +397863,2 +397864,2 +397865,2 +397866,2 +397867,2 +397868,2 +397869,25 +397870,25 +397871,25 +397872,25 +397873,25 +397874,25 +397875,25 +397876,4 +397877,4 +397878,4 +397879,4 +397880,4 +397881,4 +397882,4 +397883,29 +397884,29 +397885,31 +397886,31 +397887,31 +397888,31 +397889,31 +397890,4 +397891,4 +397892,4 +397893,4 +397894,4 +397895,4 +397896,4 +397897,4 +397898,4 +397899,4 +397900,4 +397901,4 +397902,4 +397903,10 +397904,10 +397905,10 +397906,10 +397907,10 +397908,10 +397909,10 +397910,10 +397911,10 +397912,10 +397913,10 +397914,10 +397915,29 +397916,29 +397917,29 +397918,29 +397919,25 +397920,25 +397921,25 +397922,25 +397923,25 +397924,5 +397925,5 +397926,5 +397927,5 +397928,5 +397929,5 +397930,5 +397931,26 +397932,26 +397933,26 +397934,26 +397935,26 +397936,26 +397937,26 +397938,26 +397939,26 +397940,26 +397941,26 +397942,26 +397943,26 +397944,26 +397945,26 +397946,26 +397947,26 +397948,4 +397949,4 +397950,4 +397951,6 +397952,4 +397953,6 +397954,6 +397955,6 +397956,6 +397957,6 +397958,6 +397959,6 +397960,6 +397961,6 +397962,6 +397963,6 +397964,26 +397965,26 +397966,26 +397967,26 +397968,26 +397969,26 +397970,26 +397971,26 +397972,26 +397973,26 +397974,5 +397975,5 +397976,5 +397977,5 +397978,5 +397979,5 +397980,5 +397981,5 +397982,5 +397983,8 +397984,31 +397985,2 +397986,2 +397987,2 +397988,8 +397989,8 +397990,8 +397991,8 +397992,8 +397993,40 +397994,40 +397995,40 +397996,40 +397997,40 +397998,40 +397999,40 +398000,40 +398001,33 +398002,33 +398003,17 +398004,17 +398005,17 +398006,17 +398007,17 +398008,17 +398009,17 +398010,17 +398011,17 +398012,17 +398013,17 +398014,17 +398015,30 +398016,30 +398017,30 +398018,30 +398019,30 +398020,30 +398021,30 +398022,30 +398023,30 +398024,30 +398025,30 +398026,30 +398027,30 +398028,30 +398029,33 +398030,33 +398031,0 +398032,0 +398033,0 +398034,0 +398035,0 +398036,0 +398037,0 +398038,0 +398039,0 +398040,0 +398041,0 +398042,0 +398043,0 +398044,0 +398045,0 +398046,0 +398047,0 +398048,0 +398049,0 +398050,0 +398051,0 +398052,0 +398053,0 +398054,0 +398055,0 +398056,0 +398057,0 +398058,0 +398059,0 +398060,0 +398061,0 +398062,0 +398063,0 +398064,0 +398065,0 +398066,0 +398067,0 +398068,0 +398069,0 +398070,0 +398071,0 +398072,0 +398073,0 +398074,0 +398075,29 +398076,29 +398077,31 +398078,31 +398079,39 +398080,6 +398081,6 +398082,6 +398083,6 +398084,6 +398085,6 +398086,31 +398087,31 +398088,31 +398089,31 +398090,31 +398091,5 +398092,5 +398093,5 +398094,5 +398095,5 +398096,14 +398097,39 +398098,14 +398099,14 +398100,14 +398101,14 +398102,14 +398103,14 +398104,14 +398105,14 +398106,14 +398107,14 +398108,14 +398109,14 +398110,14 +398111,14 +398112,39 +398113,39 +398114,39 +398115,39 +398116,39 +398117,39 +398118,39 +398119,27 +398120,28 +398121,28 +398122,28 +398123,28 +398124,28 +398125,28 +398126,28 +398127,28 +398128,28 +398129,28 +398130,19 +398131,19 +398132,25 +398133,25 +398134,25 +398135,25 +398136,25 +398137,25 +398138,25 +398139,32 +398140,23 +398141,23 +398142,32 +398143,23 +398144,23 +398145,23 +398146,23 +398147,23 +398148,23 +398149,23 +398150,23 +398151,23 +398152,10 +398153,10 +398154,10 +398155,10 +398156,10 +398157,10 +398158,10 +398159,10 +398160,10 +398161,10 +398162,10 +398163,10 +398164,10 +398165,10 +398166,10 +398167,10 +398168,10 +398169,10 +398170,10 +398171,10 +398172,10 +398173,19 +398174,19 +398175,19 +398176,19 +398177,19 +398178,19 +398179,27 +398180,27 +398181,27 +398182,27 +398183,27 +398184,27 +398185,5 +398186,5 +398187,5 +398188,5 +398189,5 +398190,5 +398191,5 +398192,26 +398193,34 +398194,34 +398195,26 +398196,34 +398197,34 +398198,34 +398199,34 +398200,10 +398201,34 +398202,34 +398203,34 +398204,34 +398205,2 +398206,2 +398207,2 +398208,2 +398209,2 +398210,2 +398211,2 +398212,2 +398213,2 +398214,2 +398215,2 +398216,27 +398217,27 +398218,27 +398219,27 +398220,27 +398221,27 +398222,27 +398223,37 +398224,37 +398225,37 +398226,37 +398227,37 +398228,37 +398229,37 +398230,37 +398231,37 +398232,37 +398233,8 +398234,8 +398235,8 +398236,8 +398237,8 +398238,8 +398239,8 +398240,8 +398241,8 +398242,5 +398243,5 +398244,5 +398245,5 +398246,5 +398247,5 +398248,5 +398249,5 +398250,31 +398251,31 +398252,31 +398253,31 +398254,31 +398255,31 +398256,31 +398257,2 +398258,2 +398259,2 +398260,2 +398261,2 +398262,2 +398263,2 +398264,2 +398265,8 +398266,8 +398267,2 +398268,2 +398269,2 +398270,2 +398271,2 +398272,2 +398273,8 +398274,8 +398275,0 +398276,0 +398277,0 +398278,0 +398279,0 +398280,0 +398281,0 +398282,0 +398283,0 +398284,0 +398285,0 +398286,0 +398287,0 +398288,0 +398289,0 +398290,0 +398291,0 +398292,0 +398293,0 +398294,0 +398295,0 +398296,0 +398297,0 +398298,0 +398299,0 +398300,0 +398301,0 +398302,0 +398303,0 +398304,0 +398305,0 +398306,0 +398307,0 +398308,0 +398309,0 +398310,0 +398311,0 +398312,0 +398313,0 +398314,0 +398315,0 +398316,0 +398317,0 +398318,0 +398319,0 +398320,0 +398321,0 +398322,0 +398323,0 +398324,0 +398325,0 +398326,0 +398327,0 +398328,0 +398329,0 +398330,0 +398331,0 +398332,0 +398333,0 +398334,0 +398335,0 +398336,0 +398337,0 +398338,0 +398339,0 +398340,0 +398341,0 +398342,0 +398343,0 +398344,0 +398345,0 +398346,29 +398347,29 +398348,29 +398349,31 +398350,31 +398351,31 +398352,31 +398353,30 +398354,30 +398355,30 +398356,30 +398357,30 +398358,30 +398359,30 +398360,33 +398361,33 +398362,33 +398363,30 +398364,33 +398365,33 +398366,30 +398367,6 +398368,6 +398369,6 +398370,6 +398371,6 +398372,6 +398373,2 +398374,2 +398375,2 +398376,2 +398377,2 +398378,2 +398379,2 +398380,2 +398381,2 +398382,2 +398383,2 +398384,31 +398385,31 +398386,31 +398387,31 +398388,31 +398389,28 +398390,28 +398391,28 +398392,28 +398393,28 +398394,28 +398395,28 +398396,28 +398397,28 +398398,28 +398399,28 +398400,28 +398401,28 +398402,33 +398403,33 +398404,33 +398405,33 +398406,33 +398407,33 +398408,33 +398409,33 +398410,33 +398411,33 +398412,33 +398413,8 +398414,8 +398415,8 +398416,8 +398417,8 +398418,8 +398419,8 +398420,2 +398421,8 +398422,2 +398423,4 +398424,31 +398425,31 +398426,31 +398427,31 +398428,29 +398429,29 +398430,29 +398431,29 +398432,29 +398433,31 +398434,31 +398435,31 +398436,31 +398437,12 +398438,12 +398439,12 +398440,12 +398441,12 +398442,12 +398443,12 +398444,12 +398445,12 +398446,12 +398447,12 +398448,12 +398449,12 +398450,12 +398451,9 +398452,9 +398453,9 +398454,9 +398455,9 +398456,9 +398457,9 +398458,9 +398459,37 +398460,37 +398461,37 +398462,37 +398463,37 +398464,37 +398465,39 +398466,39 +398467,39 +398468,39 +398469,8 +398470,8 +398471,8 +398472,8 +398473,8 +398474,8 +398475,8 +398476,12 +398477,12 +398478,12 +398479,12 +398480,37 +398481,12 +398482,37 +398483,31 +398484,31 +398485,31 +398486,31 +398487,31 +398488,31 +398489,31 +398490,15 +398491,15 +398492,15 +398493,37 +398494,37 +398495,37 +398496,37 +398497,37 +398498,37 +398499,37 +398500,24 +398501,37 +398502,37 +398503,37 +398504,27 +398505,27 +398506,27 +398507,27 +398508,27 +398509,24 +398510,24 +398511,24 +398512,24 +398513,24 +398514,24 +398515,24 +398516,27 +398517,27 +398518,27 +398519,27 +398520,27 +398521,27 +398522,19 +398523,19 +398524,19 +398525,19 +398526,19 +398527,19 +398528,19 +398529,31 +398530,27 +398531,27 +398532,27 +398533,27 +398534,4 +398535,4 +398536,4 +398537,4 +398538,4 +398539,31 +398540,9 +398541,9 +398542,31 +398543,31 +398544,31 +398545,5 +398546,5 +398547,5 +398548,5 +398549,5 +398550,5 +398551,29 +398552,29 +398553,29 +398554,14 +398555,14 +398556,14 +398557,14 +398558,14 +398559,14 +398560,25 +398561,25 +398562,25 +398563,25 +398564,25 +398565,25 +398566,25 +398567,25 +398568,37 +398569,37 +398570,25 +398571,25 +398572,25 +398573,25 +398574,25 +398575,25 +398576,25 +398577,25 +398578,25 +398579,25 +398580,25 +398581,25 +398582,25 +398583,25 +398584,25 +398585,25 +398586,25 +398587,25 +398588,25 +398589,25 +398590,25 +398591,23 +398592,23 +398593,23 +398594,23 +398595,23 +398596,23 +398597,23 +398598,23 +398599,23 +398600,23 +398601,23 +398602,23 +398603,23 +398604,23 +398605,23 +398606,23 +398607,23 +398608,23 +398609,0 +398610,0 +398611,0 +398612,0 +398613,0 +398614,0 +398615,0 +398616,0 +398617,0 +398618,0 +398619,0 +398620,0 +398621,0 +398622,0 +398623,0 +398624,0 +398625,0 +398626,0 +398627,0 +398628,0 +398629,0 +398630,0 +398631,0 +398632,0 +398633,0 +398634,0 +398635,0 +398636,0 +398637,0 +398638,0 +398639,0 +398640,0 +398641,0 +398642,0 +398643,0 +398644,0 +398645,0 +398646,0 +398647,0 +398648,0 +398649,0 +398650,0 +398651,0 +398652,0 +398653,0 +398654,0 +398655,0 +398656,0 +398657,0 +398658,0 +398659,0 +398660,0 +398661,0 +398662,0 +398663,0 +398664,0 +398665,0 +398666,0 +398667,0 +398668,27 +398669,27 +398670,35 +398671,35 +398672,35 +398673,27 +398674,8 +398675,8 +398676,8 +398677,8 +398678,8 +398679,8 +398680,8 +398681,2 +398682,2 +398683,2 +398684,2 +398685,10 +398686,10 +398687,10 +398688,10 +398689,10 +398690,10 +398691,10 +398692,10 +398693,26 +398694,26 +398695,26 +398696,10 +398697,10 +398698,10 +398699,10 +398700,10 +398701,4 +398702,4 +398703,4 +398704,4 +398705,4 +398706,4 +398707,4 +398708,2 +398709,2 +398710,2 +398711,2 +398712,2 +398713,2 +398714,2 +398715,9 +398716,9 +398717,9 +398718,9 +398719,9 +398720,9 +398721,9 +398722,9 +398723,9 +398724,30 +398725,30 +398726,30 +398727,30 +398728,30 +398729,19 +398730,19 +398731,19 +398732,19 +398733,29 +398734,29 +398735,29 +398736,27 +398737,27 +398738,27 +398739,27 +398740,27 +398741,27 +398742,27 +398743,27 +398744,27 +398745,27 +398746,27 +398747,2 +398748,2 +398749,2 +398750,2 +398751,2 +398752,2 +398753,2 +398754,2 +398755,2 +398756,2 +398757,2 +398758,2 +398759,2 +398760,2 +398761,2 +398762,2 +398763,2 +398764,2 +398765,2 +398766,0 +398767,0 +398768,0 +398769,0 +398770,0 +398771,0 +398772,0 +398773,0 +398774,0 +398775,0 +398776,0 +398777,0 +398778,0 +398779,0 +398780,0 +398781,0 +398782,0 +398783,0 +398784,0 +398785,0 +398786,0 +398787,0 +398788,0 +398789,35 +398790,35 +398791,35 +398792,35 +398793,35 +398794,35 +398795,35 +398796,35 +398797,35 +398798,39 +398799,39 +398800,39 +398801,39 +398802,39 +398803,39 +398804,39 +398805,39 +398806,39 +398807,39 +398808,39 +398809,19 +398810,19 +398811,19 +398812,19 +398813,19 +398814,19 +398815,19 +398816,19 +398817,19 +398818,19 +398819,19 +398820,27 +398821,27 +398822,27 +398823,27 +398824,27 +398825,27 +398826,37 +398827,37 +398828,37 +398829,37 +398830,37 +398831,37 +398832,37 +398833,37 +398834,12 +398835,12 +398836,30 +398837,30 +398838,30 +398839,30 +398840,30 +398841,30 +398842,30 +398843,39 +398844,39 +398845,39 +398846,3 +398847,39 +398848,39 +398849,30 +398850,30 +398851,30 +398852,30 +398853,30 +398854,30 +398855,30 +398856,30 +398857,30 +398858,30 +398859,31 +398860,31 +398861,31 +398862,31 +398863,31 +398864,31 +398865,31 +398866,31 +398867,31 +398868,24 +398869,24 +398870,24 +398871,24 +398872,24 +398873,24 +398874,24 +398875,24 +398876,24 +398877,24 +398878,24 +398879,29 +398880,29 +398881,31 +398882,31 +398883,31 +398884,31 +398885,31 +398886,30 +398887,30 +398888,30 +398889,30 +398890,30 +398891,30 +398892,30 +398893,30 +398894,30 +398895,9 +398896,9 +398897,34 +398898,34 +398899,34 +398900,33 +398901,33 +398902,33 +398903,33 +398904,33 +398905,33 +398906,33 +398907,33 +398908,13 +398909,13 +398910,13 +398911,13 +398912,13 +398913,13 +398914,13 +398915,13 +398916,13 +398917,15 +398918,15 +398919,15 +398920,15 +398921,31 +398922,31 +398923,31 +398924,31 +398925,33 +398926,33 +398927,33 +398928,33 +398929,33 +398930,33 +398931,33 +398932,33 +398933,33 +398934,33 +398935,33 +398936,33 +398937,33 +398938,33 +398939,33 +398940,33 +398941,30 +398942,0 +398943,0 +398944,0 +398945,0 +398946,0 +398947,0 +398948,0 +398949,0 +398950,0 +398951,0 +398952,0 +398953,0 +398954,0 +398955,0 +398956,0 +398957,0 +398958,0 +398959,0 +398960,0 +398961,0 +398962,0 +398963,0 +398964,0 +398965,0 +398966,0 +398967,0 +398968,0 +398969,0 +398970,0 +398971,0 +398972,0 +398973,0 +398974,0 +398975,0 +398976,0 +398977,33 +398978,33 +398979,33 +398980,33 +398981,33 +398982,33 +398983,33 +398984,33 +398985,33 +398986,33 +398987,33 +398988,33 +398989,33 +398990,33 +398991,33 +398992,33 +398993,33 +398994,17 +398995,17 +398996,17 +398997,17 +398998,17 +398999,17 +399000,17 +399001,17 +399002,17 +399003,17 +399004,17 +399005,10 +399006,10 +399007,10 +399008,10 +399009,10 +399010,2 +399011,2 +399012,2 +399013,2 +399014,2 +399015,2 +399016,2 +399017,2 +399018,2 +399019,2 +399020,2 +399021,2 +399022,2 +399023,39 +399024,39 +399025,39 +399026,14 +399027,39 +399028,39 +399029,39 +399030,39 +399031,39 +399032,39 +399033,39 +399034,39 +399035,39 +399036,39 +399037,31 +399038,31 +399039,31 +399040,31 +399041,31 +399042,31 +399043,31 +399044,24 +399045,24 +399046,24 +399047,24 +399048,27 +399049,27 +399050,27 +399051,27 +399052,27 +399053,27 +399054,27 +399055,27 +399056,27 +399057,21 +399058,21 +399059,21 +399060,21 +399061,21 +399062,21 +399063,21 +399064,22 +399065,31 +399066,39 +399067,39 +399068,27 +399069,32 +399070,32 +399071,32 +399072,32 +399073,32 +399074,32 +399075,30 +399076,30 +399077,30 +399078,30 +399079,10 +399080,10 +399081,26 +399082,26 +399083,26 +399084,26 +399085,26 +399086,26 +399087,26 +399088,37 +399089,37 +399090,37 +399091,37 +399092,19 +399093,19 +399094,19 +399095,19 +399096,19 +399097,19 +399098,31 +399099,31 +399100,31 +399101,5 +399102,5 +399103,5 +399104,5 +399105,5 +399106,5 +399107,5 +399108,5 +399109,5 +399110,5 +399111,5 +399112,13 +399113,13 +399114,13 +399115,0 +399116,0 +399117,0 +399118,0 +399119,0 +399120,0 +399121,0 +399122,0 +399123,0 +399124,0 +399125,0 +399126,0 +399127,0 +399128,0 +399129,0 +399130,0 +399131,0 +399132,0 +399133,0 +399134,0 +399135,0 +399136,0 +399137,0 +399138,0 +399139,0 +399140,0 +399141,0 +399142,0 +399143,0 +399144,0 +399145,0 +399146,0 +399147,0 +399148,0 +399149,0 +399150,10 +399151,10 +399152,10 +399153,10 +399154,10 +399155,10 +399156,10 +399157,10 +399158,10 +399159,10 +399160,10 +399161,10 +399162,10 +399163,10 +399164,10 +399165,10 +399166,38 +399167,38 +399168,38 +399169,38 +399170,38 +399171,38 +399172,34 +399173,34 +399174,34 +399175,34 +399176,31 +399177,31 +399178,31 +399179,4 +399180,4 +399181,4 +399182,4 +399183,4 +399184,4 +399185,31 +399186,24 +399187,24 +399188,24 +399189,24 +399190,28 +399191,28 +399192,28 +399193,28 +399194,28 +399195,10 +399196,10 +399197,10 +399198,10 +399199,10 +399200,10 +399201,10 +399202,10 +399203,10 +399204,32 +399205,23 +399206,23 +399207,23 +399208,23 +399209,23 +399210,23 +399211,39 +399212,39 +399213,39 +399214,39 +399215,39 +399216,8 +399217,8 +399218,8 +399219,8 +399220,2 +399221,2 +399222,2 +399223,2 +399224,2 +399225,2 +399226,33 +399227,31 +399228,33 +399229,33 +399230,31 +399231,31 +399232,28 +399233,28 +399234,28 +399235,28 +399236,28 +399237,28 +399238,31 +399239,31 +399240,31 +399241,4 +399242,4 +399243,4 +399244,4 +399245,3 +399246,27 +399247,27 +399248,27 +399249,27 +399250,27 +399251,27 +399252,27 +399253,27 +399254,28 +399255,28 +399256,28 +399257,28 +399258,28 +399259,28 +399260,28 +399261,28 +399262,23 +399263,23 +399264,23 +399265,23 +399266,23 +399267,23 +399268,9 +399269,9 +399270,9 +399271,9 +399272,9 +399273,9 +399274,9 +399275,9 +399276,37 +399277,37 +399278,37 +399279,37 +399280,37 +399281,4 +399282,4 +399283,4 +399284,4 +399285,4 +399286,4 +399287,4 +399288,4 +399289,4 +399290,5 +399291,5 +399292,5 +399293,5 +399294,5 +399295,19 +399296,5 +399297,5 +399298,5 +399299,5 +399300,5 +399301,5 +399302,19 +399303,19 +399304,19 +399305,19 +399306,19 +399307,19 +399308,19 +399309,19 +399310,19 +399311,0 +399312,0 +399313,0 +399314,0 +399315,4 +399316,0 +399317,0 +399318,0 +399319,0 +399320,0 +399321,0 +399322,0 +399323,0 +399324,0 +399325,0 +399326,0 +399327,0 +399328,0 +399329,0 +399330,0 +399331,0 +399332,0 +399333,0 +399334,0 +399335,0 +399336,0 +399337,0 +399338,0 +399339,0 +399340,0 +399341,0 +399342,0 +399343,0 +399344,0 +399345,0 +399346,0 +399347,0 +399348,0 +399349,0 +399350,0 +399351,0 +399352,0 +399353,0 +399354,0 +399355,0 +399356,0 +399357,0 +399358,12 +399359,12 +399360,21 +399361,21 +399362,21 +399363,15 +399364,15 +399365,31 +399366,31 +399367,31 +399368,31 +399369,31 +399370,31 +399371,31 +399372,4 +399373,4 +399374,4 +399375,4 +399376,10 +399377,10 +399378,25 +399379,25 +399380,25 +399381,31 +399382,31 +399383,31 +399384,25 +399385,16 +399386,16 +399387,16 +399388,16 +399389,16 +399390,16 +399391,16 +399392,16 +399393,16 +399394,16 +399395,16 +399396,16 +399397,27 +399398,27 +399399,27 +399400,27 +399401,27 +399402,27 +399403,30 +399404,30 +399405,30 +399406,30 +399407,30 +399408,30 +399409,30 +399410,19 +399411,4 +399412,4 +399413,19 +399414,31 +399415,27 +399416,27 +399417,27 +399418,27 +399419,31 +399420,19 +399421,19 +399422,19 +399423,19 +399424,19 +399425,37 +399426,37 +399427,37 +399428,37 +399429,37 +399430,37 +399431,37 +399432,37 +399433,37 +399434,35 +399435,35 +399436,35 +399437,35 +399438,35 +399439,35 +399440,35 +399441,35 +399442,35 +399443,10 +399444,10 +399445,10 +399446,10 +399447,10 +399448,10 +399449,10 +399450,37 +399451,37 +399452,37 +399453,37 +399454,37 +399455,37 +399456,37 +399457,37 +399458,4 +399459,4 +399460,4 +399461,30 +399462,30 +399463,30 +399464,30 +399465,30 +399466,30 +399467,30 +399468,39 +399469,39 +399470,39 +399471,39 +399472,39 +399473,7 +399474,7 +399475,7 +399476,7 +399477,7 +399478,7 +399479,3 +399480,3 +399481,3 +399482,3 +399483,3 +399484,3 +399485,3 +399486,3 +399487,3 +399488,8 +399489,8 +399490,8 +399491,8 +399492,8 +399493,8 +399494,8 +399495,8 +399496,8 +399497,8 +399498,8 +399499,2 +399500,2 +399501,2 +399502,2 +399503,2 +399504,2 +399505,2 +399506,31 +399507,2 +399508,2 +399509,2 +399510,2 +399511,2 +399512,2 +399513,2 +399514,2 +399515,2 +399516,2 +399517,36 +399518,31 +399519,36 +399520,36 +399521,36 +399522,36 +399523,36 +399524,36 +399525,16 +399526,36 +399527,16 +399528,16 +399529,16 +399530,16 +399531,11 +399532,11 +399533,2 +399534,2 +399535,2 +399536,4 +399537,4 +399538,4 +399539,4 +399540,4 +399541,4 +399542,4 +399543,4 +399544,4 +399545,4 +399546,4 +399547,27 +399548,27 +399549,13 +399550,13 +399551,13 +399552,13 +399553,13 +399554,19 +399555,39 +399556,39 +399557,5 +399558,5 +399559,5 +399560,5 +399561,5 +399562,0 +399563,0 +399564,0 +399565,2 +399566,2 +399567,2 +399568,2 +399569,2 +399570,2 +399571,2 +399572,2 +399573,2 +399574,2 +399575,2 +399576,2 +399577,2 +399578,2 +399579,2 +399580,2 +399581,2 +399582,2 +399583,2 +399584,2 +399585,2 +399586,2 +399587,2 +399588,2 +399589,2 +399590,2 +399591,2 +399592,2 +399593,0 +399594,0 +399595,0 +399596,0 +399597,0 +399598,0 +399599,0 +399600,0 +399601,0 +399602,0 +399603,0 +399604,0 +399605,0 +399606,0 +399607,0 +399608,0 +399609,0 +399610,0 +399611,0 +399612,0 +399613,0 +399614,0 +399615,0 +399616,0 +399617,0 +399618,0 +399619,0 +399620,0 +399621,0 +399622,0 +399623,0 +399624,0 +399625,0 +399626,0 +399627,0 +399628,0 +399629,0 +399630,0 +399631,0 +399632,0 +399633,0 +399634,0 +399635,0 +399636,0 +399637,0 +399638,0 +399639,0 +399640,0 +399641,0 +399642,0 +399643,0 +399644,0 +399645,0 +399646,0 +399647,0 +399648,0 +399649,0 +399650,0 +399651,0 +399652,0 +399653,0 +399654,0 +399655,0 +399656,0 +399657,0 +399658,0 +399659,0 +399660,0 +399661,0 +399662,0 +399663,0 +399664,0 +399665,0 +399666,0 +399667,0 +399668,0 +399669,0 +399670,0 +399671,0 +399672,0 +399673,0 +399674,0 +399675,0 +399676,0 +399677,0 +399678,0 +399679,0 +399680,0 +399681,0 +399682,0 +399683,0 +399684,0 +399685,0 +399686,0 +399687,0 +399688,0 +399689,0 +399690,0 +399691,36 +399692,36 +399693,36 +399694,34 +399695,34 +399696,26 +399697,26 +399698,26 +399699,26 +399700,26 +399701,26 +399702,37 +399703,37 +399704,37 +399705,37 +399706,37 +399707,37 +399708,37 +399709,37 +399710,2 +399711,2 +399712,2 +399713,2 +399714,2 +399715,2 +399716,2 +399717,2 +399718,2 +399719,2 +399720,2 +399721,2 +399722,2 +399723,2 +399724,4 +399725,4 +399726,4 +399727,4 +399728,4 +399729,39 +399730,39 +399731,39 +399732,39 +399733,39 +399734,39 +399735,39 +399736,39 +399737,39 +399738,39 +399739,28 +399740,28 +399741,28 +399742,28 +399743,28 +399744,28 +399745,28 +399746,28 +399747,25 +399748,25 +399749,25 +399750,31 +399751,25 +399752,25 +399753,25 +399754,5 +399755,25 +399756,5 +399757,5 +399758,12 +399759,12 +399760,12 +399761,12 +399762,12 +399763,12 +399764,12 +399765,12 +399766,12 +399767,31 +399768,31 +399769,31 +399770,31 +399771,31 +399772,8 +399773,8 +399774,8 +399775,2 +399776,2 +399777,2 +399778,2 +399779,2 +399780,2 +399781,2 +399782,29 +399783,29 +399784,29 +399785,29 +399786,29 +399787,29 +399788,29 +399789,29 +399790,31 +399791,31 +399792,31 +399793,31 +399794,31 +399795,21 +399796,21 +399797,21 +399798,21 +399799,19 +399800,19 +399801,21 +399802,21 +399803,21 +399804,21 +399805,22 +399806,22 +399807,22 +399808,22 +399809,22 +399810,22 +399811,22 +399812,22 +399813,22 +399814,22 +399815,31 +399816,19 +399817,19 +399818,19 +399819,19 +399820,19 +399821,19 +399822,19 +399823,11 +399824,11 +399825,11 +399826,11 +399827,11 +399828,11 +399829,6 +399830,6 +399831,6 +399832,6 +399833,6 +399834,27 +399835,27 +399836,27 +399837,27 +399838,27 +399839,31 +399840,31 +399841,31 +399842,31 +399843,27 +399844,32 +399845,32 +399846,32 +399847,32 +399848,32 +399849,32 +399850,32 +399851,32 +399852,32 +399853,32 +399854,2 +399855,2 +399856,2 +399857,2 +399858,2 +399859,2 +399860,2 +399861,2 +399862,2 +399863,2 +399864,2 +399865,2 +399866,2 +399867,2 +399868,14 +399869,14 +399870,14 +399871,14 +399872,14 +399873,14 +399874,14 +399875,14 +399876,14 +399877,27 +399878,27 +399879,27 +399880,27 +399881,14 +399882,14 +399883,14 +399884,28 +399885,28 +399886,32 +399887,32 +399888,28 +399889,28 +399890,28 +399891,28 +399892,19 +399893,32 +399894,32 +399895,32 +399896,28 +399897,32 +399898,32 +399899,30 +399900,30 +399901,30 +399902,30 +399903,30 +399904,30 +399905,30 +399906,30 +399907,9 +399908,9 +399909,9 +399910,9 +399911,9 +399912,9 +399913,9 +399914,9 +399915,9 +399916,9 +399917,9 +399918,9 +399919,30 +399920,30 +399921,34 +399922,34 +399923,34 +399924,34 +399925,34 +399926,34 +399927,34 +399928,34 +399929,34 +399930,34 +399931,34 +399932,34 +399933,34 +399934,34 +399935,34 +399936,33 +399937,0 +399938,0 +399939,0 +399940,0 +399941,0 +399942,0 +399943,0 +399944,0 +399945,0 +399946,0 +399947,0 +399948,0 +399949,0 +399950,0 +399951,0 +399952,0 +399953,0 +399954,0 +399955,0 +399956,0 +399957,0 +399958,0 +399959,0 +399960,0 +399961,0 +399962,0 +399963,0 +399964,0 +399965,0 +399966,0 +399967,0 +399968,0 +399969,0 +399970,0 +399971,0 +399972,0 +399973,0 +399974,0 +399975,0 +399976,0 +399977,0 +399978,0 +399979,0 +399980,0 +399981,0 +399982,0 +399983,0 +399984,0 +399985,0 +399986,0 +399987,0 +399988,0 +399989,0 +399990,0 +399991,0 +399992,29 +399993,29 +399994,31 +399995,31 +399996,31 +399997,30 +399998,30 +399999,30 +400000,30 +400001,30 +400002,30 +400003,30 +400004,30 +400005,9 +400006,9 +400007,9 +400008,9 +400009,9 +400010,9 +400011,9 +400012,9 +400013,9 +400014,9 +400015,34 +400016,34 +400017,9 +400018,34 +400019,34 +400020,13 +400021,13 +400022,28 +400023,5 +400024,5 +400025,28 +400026,5 +400027,27 +400028,27 +400029,27 +400030,27 +400031,27 +400032,27 +400033,27 +400034,39 +400035,5 +400036,5 +400037,5 +400038,5 +400039,5 +400040,5 +400041,5 +400042,13 +400043,5 +400044,5 +400045,4 +400046,4 +400047,4 +400048,4 +400049,4 +400050,4 +400051,4 +400052,4 +400053,27 +400054,27 +400055,27 +400056,27 +400057,27 +400058,29 +400059,29 +400060,29 +400061,29 +400062,24 +400063,39 +400064,39 +400065,39 +400066,39 +400067,39 +400068,39 +400069,39 +400070,39 +400071,39 +400072,39 +400073,31 +400074,31 +400075,31 +400076,30 +400077,31 +400078,31 +400079,31 +400080,30 +400081,30 +400082,30 +400083,30 +400084,30 +400085,30 +400086,30 +400087,30 +400088,30 +400089,30 +400090,36 +400091,36 +400092,36 +400093,36 +400094,36 +400095,36 +400096,36 +400097,36 +400098,36 +400099,36 +400100,36 +400101,36 +400102,36 +400103,2 +400104,2 +400105,2 +400106,2 +400107,2 +400108,2 +400109,2 +400110,6 +400111,6 +400112,6 +400113,6 +400114,6 +400115,22 +400116,22 +400117,22 +400118,22 +400119,22 +400120,31 +400121,22 +400122,22 +400123,22 +400124,22 +400125,6 +400126,6 +400127,6 +400128,6 +400129,6 +400130,6 +400131,6 +400132,6 +400133,6 +400134,6 +400135,31 +400136,31 +400137,31 +400138,28 +400139,28 +400140,28 +400141,28 +400142,28 +400143,28 +400144,28 +400145,25 +400146,25 +400147,25 +400148,25 +400149,25 +400150,25 +400151,25 +400152,25 +400153,25 +400154,11 +400155,25 +400156,11 +400157,11 +400158,11 +400159,11 +400160,11 +400161,11 +400162,11 +400163,11 +400164,11 +400165,11 +400166,33 +400167,33 +400168,33 +400169,33 +400170,33 +400171,33 +400172,33 +400173,33 +400174,33 +400175,6 +400176,6 +400177,6 +400178,6 +400179,6 +400180,6 +400181,6 +400182,6 +400183,6 +400184,31 +400185,31 +400186,31 +400187,31 +400188,31 +400189,31 +400190,31 +400191,31 +400192,31 +400193,28 +400194,28 +400195,28 +400196,32 +400197,32 +400198,32 +400199,32 +400200,31 +400201,31 +400202,31 +400203,31 +400204,31 +400205,5 +400206,5 +400207,5 +400208,5 +400209,5 +400210,39 +400211,39 +400212,39 +400213,39 +400214,39 +400215,39 +400216,39 +400217,39 +400218,39 +400219,39 +400220,39 +400221,14 +400222,39 +400223,39 +400224,39 +400225,39 +400226,39 +400227,39 +400228,39 +400229,39 +400230,39 +400231,39 +400232,39 +400233,39 +400234,0 +400235,0 +400236,0 +400237,0 +400238,0 +400239,0 +400240,0 +400241,0 +400242,0 +400243,0 +400244,0 +400245,0 +400246,0 +400247,0 +400248,0 +400249,0 +400250,0 +400251,0 +400252,0 +400253,0 +400254,0 +400255,0 +400256,0 +400257,0 +400258,0 +400259,0 +400260,0 +400261,0 +400262,0 +400263,0 +400264,0 +400265,0 +400266,0 +400267,0 +400268,0 +400269,0 +400270,0 +400271,0 +400272,0 +400273,0 +400274,0 +400275,0 +400276,36 +400277,36 +400278,36 +400279,36 +400280,36 +400281,36 +400282,19 +400283,19 +400284,19 +400285,19 +400286,19 +400287,19 +400288,12 +400289,12 +400290,12 +400291,12 +400292,12 +400293,31 +400294,31 +400295,31 +400296,31 +400297,8 +400298,8 +400299,8 +400300,8 +400301,8 +400302,8 +400303,8 +400304,8 +400305,8 +400306,8 +400307,8 +400308,8 +400309,2 +400310,2 +400311,0 +400312,0 +400313,0 +400314,0 +400315,0 +400316,0 +400317,36 +400318,36 +400319,36 +400320,36 +400321,36 +400322,36 +400323,36 +400324,36 +400325,36 +400326,36 +400327,36 +400328,36 +400329,36 +400330,36 +400331,36 +400332,24 +400333,24 +400334,24 +400335,24 +400336,24 +400337,24 +400338,24 +400339,24 +400340,25 +400341,25 +400342,25 +400343,25 +400344,25 +400345,25 +400346,4 +400347,4 +400348,4 +400349,4 +400350,4 +400351,4 +400352,4 +400353,4 +400354,10 +400355,10 +400356,10 +400357,10 +400358,10 +400359,10 +400360,10 +400361,10 +400362,10 +400363,31 +400364,31 +400365,10 +400366,10 +400367,10 +400368,10 +400369,10 +400370,10 +400371,10 +400372,10 +400373,10 +400374,2 +400375,2 +400376,2 +400377,2 +400378,2 +400379,2 +400380,2 +400381,2 +400382,2 +400383,4 +400384,4 +400385,4 +400386,4 +400387,4 +400388,4 +400389,27 +400390,27 +400391,27 +400392,27 +400393,27 +400394,2 +400395,2 +400396,2 +400397,2 +400398,2 +400399,2 +400400,2 +400401,2 +400402,2 +400403,2 +400404,2 +400405,2 +400406,2 +400407,14 +400408,14 +400409,14 +400410,14 +400411,14 +400412,14 +400413,14 +400414,14 +400415,14 +400416,14 +400417,14 +400418,14 +400419,17 +400420,17 +400421,17 +400422,17 +400423,17 +400424,17 +400425,17 +400426,17 +400427,9 +400428,9 +400429,17 +400430,9 +400431,9 +400432,9 +400433,9 +400434,9 +400435,9 +400436,9 +400437,31 +400438,31 +400439,31 +400440,31 +400441,5 +400442,5 +400443,5 +400444,5 +400445,5 +400446,5 +400447,5 +400448,28 +400449,28 +400450,28 +400451,28 +400452,28 +400453,28 +400454,28 +400455,14 +400456,14 +400457,14 +400458,14 +400459,39 +400460,39 +400461,14 +400462,14 +400463,14 +400464,39 +400465,39 +400466,39 +400467,14 +400468,14 +400469,4 +400470,4 +400471,4 +400472,4 +400473,4 +400474,4 +400475,4 +400476,4 +400477,4 +400478,4 +400479,4 +400480,4 +400481,4 +400482,4 +400483,4 +400484,12 +400485,12 +400486,12 +400487,12 +400488,12 +400489,12 +400490,31 +400491,31 +400492,31 +400493,5 +400494,5 +400495,5 +400496,39 +400497,39 +400498,39 +400499,39 +400500,39 +400501,39 +400502,39 +400503,27 +400504,23 +400505,23 +400506,23 +400507,23 +400508,23 +400509,23 +400510,23 +400511,23 +400512,23 +400513,23 +400514,23 +400515,23 +400516,23 +400517,23 +400518,23 +400519,27 +400520,27 +400521,27 +400522,27 +400523,27 +400524,40 +400525,40 +400526,27 +400527,25 +400528,25 +400529,25 +400530,31 +400531,31 +400532,27 +400533,27 +400534,27 +400535,27 +400536,27 +400537,38 +400538,38 +400539,38 +400540,38 +400541,38 +400542,38 +400543,38 +400544,38 +400545,38 +400546,38 +400547,23 +400548,23 +400549,23 +400550,0 +400551,23 +400552,23 +400553,23 +400554,0 +400555,0 +400556,0 +400557,0 +400558,0 +400559,0 +400560,0 +400561,0 +400562,0 +400563,0 +400564,0 +400565,0 +400566,0 +400567,0 +400568,0 +400569,0 +400570,0 +400571,0 +400572,0 +400573,0 +400574,0 +400575,0 +400576,0 +400577,0 +400578,0 +400579,0 +400580,0 +400581,0 +400582,0 +400583,0 +400584,0 +400585,0 +400586,0 +400587,0 +400588,0 +400589,0 +400590,0 +400591,0 +400592,0 +400593,0 +400594,0 +400595,0 +400596,0 +400597,11 +400598,11 +400599,11 +400600,11 +400601,11 +400602,11 +400603,11 +400604,11 +400605,11 +400606,11 +400607,11 +400608,11 +400609,11 +400610,11 +400611,11 +400612,11 +400613,39 +400614,39 +400615,39 +400616,39 +400617,39 +400618,39 +400619,39 +400620,39 +400621,33 +400622,3 +400623,33 +400624,3 +400625,3 +400626,3 +400627,3 +400628,12 +400629,12 +400630,3 +400631,22 +400632,22 +400633,22 +400634,22 +400635,22 +400636,19 +400637,19 +400638,19 +400639,19 +400640,19 +400641,23 +400642,23 +400643,23 +400644,23 +400645,23 +400646,23 +400647,23 +400648,23 +400649,23 +400650,23 +400651,23 +400652,23 +400653,23 +400654,23 +400655,23 +400656,10 +400657,10 +400658,10 +400659,10 +400660,10 +400661,10 +400662,10 +400663,10 +400664,10 +400665,10 +400666,10 +400667,10 +400668,10 +400669,10 +400670,10 +400671,10 +400672,5 +400673,5 +400674,5 +400675,5 +400676,5 +400677,5 +400678,5 +400679,4 +400680,4 +400681,4 +400682,8 +400683,29 +400684,29 +400685,29 +400686,29 +400687,29 +400688,24 +400689,24 +400690,24 +400691,24 +400692,29 +400693,29 +400694,36 +400695,36 +400696,36 +400697,36 +400698,36 +400699,36 +400700,36 +400701,36 +400702,36 +400703,36 +400704,36 +400705,36 +400706,36 +400707,36 +400708,36 +400709,36 +400710,36 +400711,36 +400712,36 +400713,36 +400714,36 +400715,36 +400716,4 +400717,4 +400718,4 +400719,4 +400720,4 +400721,4 +400722,4 +400723,4 +400724,4 +400725,4 +400726,27 +400727,27 +400728,27 +400729,27 +400730,27 +400731,27 +400732,27 +400733,27 +400734,27 +400735,27 +400736,27 +400737,5 +400738,5 +400739,5 +400740,5 +400741,5 +400742,5 +400743,5 +400744,5 +400745,5 +400746,2 +400747,2 +400748,2 +400749,2 +400750,2 +400751,2 +400752,2 +400753,2 +400754,2 +400755,2 +400756,2 +400757,2 +400758,2 +400759,2 +400760,2 +400761,2 +400762,2 +400763,2 +400764,2 +400765,2 +400766,2 +400767,32 +400768,32 +400769,15 +400770,15 +400771,15 +400772,15 +400773,26 +400774,26 +400775,9 +400776,30 +400777,30 +400778,34 +400779,34 +400780,34 +400781,34 +400782,34 +400783,34 +400784,34 +400785,34 +400786,34 +400787,10 +400788,10 +400789,10 +400790,10 +400791,10 +400792,10 +400793,10 +400794,10 +400795,10 +400796,10 +400797,10 +400798,25 +400799,37 +400800,37 +400801,37 +400802,37 +400803,37 +400804,37 +400805,37 +400806,37 +400807,14 +400808,14 +400809,14 +400810,14 +400811,14 +400812,14 +400813,27 +400814,27 +400815,27 +400816,27 +400817,27 +400818,27 +400819,27 +400820,13 +400821,13 +400822,13 +400823,13 +400824,13 +400825,13 +400826,13 +400827,13 +400828,13 +400829,13 +400830,13 +400831,13 +400832,13 +400833,13 +400834,13 +400835,13 +400836,13 +400837,13 +400838,13 +400839,0 +400840,0 +400841,0 +400842,0 +400843,0 +400844,0 +400845,0 +400846,0 +400847,0 +400848,0 +400849,0 +400850,0 +400851,0 +400852,0 +400853,0 +400854,0 +400855,0 +400856,0 +400857,0 +400858,0 +400859,0 +400860,0 +400861,0 +400862,0 +400863,0 +400864,0 +400865,0 +400866,0 +400867,0 +400868,0 +400869,0 +400870,0 +400871,0 +400872,0 +400873,0 +400874,0 +400875,0 +400876,0 +400877,0 +400878,0 +400879,0 +400880,0 +400881,0 +400882,0 +400883,0 +400884,0 +400885,0 +400886,0 +400887,0 +400888,0 +400889,0 +400890,0 +400891,0 +400892,0 +400893,0 +400894,0 +400895,0 +400896,0 +400897,0 +400898,0 +400899,0 +400900,0 +400901,0 +400902,0 +400903,0 +400904,0 +400905,0 +400906,0 +400907,0 +400908,0 +400909,0 +400910,0 +400911,0 +400912,0 +400913,0 +400914,0 +400915,0 +400916,0 +400917,0 +400918,0 +400919,0 +400920,0 +400921,0 +400922,0 +400923,0 +400924,10 +400925,10 +400926,10 +400927,10 +400928,10 +400929,10 +400930,10 +400931,10 +400932,10 +400933,10 +400934,35 +400935,35 +400936,35 +400937,40 +400938,35 +400939,36 +400940,36 +400941,36 +400942,36 +400943,36 +400944,36 +400945,24 +400946,24 +400947,24 +400948,24 +400949,24 +400950,21 +400951,21 +400952,21 +400953,21 +400954,21 +400955,21 +400956,21 +400957,37 +400958,37 +400959,37 +400960,37 +400961,37 +400962,37 +400963,37 +400964,37 +400965,37 +400966,14 +400967,14 +400968,14 +400969,14 +400970,14 +400971,14 +400972,14 +400973,14 +400974,14 +400975,14 +400976,15 +400977,15 +400978,15 +400979,15 +400980,15 +400981,15 +400982,37 +400983,37 +400984,37 +400985,37 +400986,3 +400987,3 +400988,3 +400989,39 +400990,30 +400991,30 +400992,30 +400993,5 +400994,5 +400995,5 +400996,5 +400997,5 +400998,5 +400999,26 +401000,26 +401001,26 +401002,34 +401003,34 +401004,34 +401005,34 +401006,10 +401007,10 +401008,10 +401009,10 +401010,10 +401011,10 +401012,10 +401013,10 +401014,10 +401015,10 +401016,10 +401017,10 +401018,10 +401019,10 +401020,10 +401021,36 +401022,36 +401023,36 +401024,36 +401025,5 +401026,5 +401027,5 +401028,5 +401029,5 +401030,5 +401031,5 +401032,5 +401033,5 +401034,2 +401035,2 +401036,2 +401037,2 +401038,2 +401039,2 +401040,2 +401041,2 +401042,35 +401043,35 +401044,35 +401045,35 +401046,33 +401047,33 +401048,33 +401049,33 +401050,33 +401051,33 +401052,33 +401053,33 +401054,33 +401055,33 +401056,33 +401057,33 +401058,33 +401059,33 +401060,33 +401061,33 +401062,33 +401063,33 +401064,33 +401065,33 +401066,33 +401067,33 +401068,33 +401069,33 +401070,33 +401071,24 +401072,24 +401073,24 +401074,24 +401075,24 +401076,24 +401077,25 +401078,25 +401079,25 +401080,25 +401081,25 +401082,25 +401083,25 +401084,25 +401085,25 +401086,25 +401087,25 +401088,25 +401089,25 +401090,25 +401091,25 +401092,25 +401093,25 +401094,25 +401095,37 +401096,37 +401097,25 +401098,25 +401099,25 +401100,25 +401101,25 +401102,25 +401103,25 +401104,26 +401105,26 +401106,26 +401107,26 +401108,26 +401109,26 +401110,26 +401111,26 +401112,26 +401113,26 +401114,26 +401115,5 +401116,28 +401117,28 +401118,28 +401119,5 +401120,5 +401121,5 +401122,28 +401123,28 +401124,29 +401125,29 +401126,29 +401127,36 +401128,36 +401129,36 +401130,36 +401131,36 +401132,36 +401133,36 +401134,36 +401135,36 +401136,36 +401137,36 +401138,36 +401139,4 +401140,4 +401141,4 +401142,4 +401143,4 +401144,4 +401145,4 +401146,4 +401147,27 +401148,27 +401149,27 +401150,27 +401151,27 +401152,27 +401153,27 +401154,27 +401155,27 +401156,6 +401157,27 +401158,27 +401159,6 +401160,6 +401161,6 +401162,6 +401163,2 +401164,2 +401165,2 +401166,2 +401167,2 +401168,2 +401169,4 +401170,4 +401171,4 +401172,4 +401173,4 +401174,4 +401175,4 +401176,4 +401177,37 +401178,37 +401179,37 +401180,37 +401181,37 +401182,37 +401183,39 +401184,39 +401185,39 +401186,39 +401187,39 +401188,39 +401189,39 +401190,39 +401191,39 +401192,27 +401193,28 +401194,28 +401195,28 +401196,28 +401197,28 +401198,28 +401199,28 +401200,28 +401201,5 +401202,19 +401203,19 +401204,19 +401205,19 +401206,19 +401207,19 +401208,19 +401209,34 +401210,34 +401211,34 +401212,34 +401213,34 +401214,34 +401215,34 +401216,30 +401217,30 +401218,34 +401219,34 +401220,34 +401221,34 +401222,31 +401223,31 +401224,31 +401225,33 +401226,33 +401227,6 +401228,6 +401229,6 +401230,6 +401231,6 +401232,6 +401233,6 +401234,31 +401235,31 +401236,31 +401237,31 +401238,31 +401239,31 +401240,31 +401241,2 +401242,2 +401243,2 +401244,2 +401245,2 +401246,2 +401247,2 +401248,2 +401249,2 +401250,2 +401251,2 +401252,2 +401253,2 +401254,2 +401255,39 +401256,39 +401257,39 +401258,39 +401259,39 +401260,39 +401261,39 +401262,39 +401263,39 +401264,39 +401265,39 +401266,39 +401267,39 +401268,39 +401269,39 +401270,39 +401271,39 +401272,31 +401273,31 +401274,31 +401275,31 +401276,31 +401277,31 +401278,31 +401279,32 +401280,32 +401281,32 +401282,32 +401283,32 +401284,32 +401285,32 +401286,4 +401287,19 +401288,19 +401289,27 +401290,27 +401291,27 +401292,27 +401293,27 +401294,8 +401295,8 +401296,8 +401297,8 +401298,2 +401299,8 +401300,2 +401301,2 +401302,2 +401303,2 +401304,2 +401305,6 +401306,6 +401307,6 +401308,6 +401309,6 +401310,25 +401311,25 +401312,25 +401313,25 +401314,25 +401315,25 +401316,25 +401317,28 +401318,28 +401319,28 +401320,28 +401321,28 +401322,28 +401323,31 +401324,31 +401325,31 +401326,5 +401327,5 +401328,5 +401329,5 +401330,5 +401331,5 +401332,14 +401333,14 +401334,14 +401335,14 +401336,14 +401337,14 +401338,14 +401339,14 +401340,14 +401341,14 +401342,14 +401343,14 +401344,14 +401345,14 +401346,14 +401347,11 +401348,11 +401349,11 +401350,11 +401351,11 +401352,11 +401353,11 +401354,11 +401355,11 +401356,11 +401357,11 +401358,11 +401359,11 +401360,11 +401361,11 +401362,11 +401363,11 +401364,31 +401365,31 +401366,31 +401367,31 +401368,31 +401369,31 +401370,31 +401371,5 +401372,5 +401373,5 +401374,5 +401375,5 +401376,5 +401377,5 +401378,5 +401379,5 +401380,5 +401381,5 +401382,5 +401383,5 +401384,5 +401385,5 +401386,5 +401387,5 +401388,5 +401389,5 +401390,0 +401391,0 +401392,0 +401393,0 +401394,0 +401395,0 +401396,0 +401397,0 +401398,0 +401399,0 +401400,0 +401401,0 +401402,0 +401403,0 +401404,0 +401405,0 +401406,0 +401407,0 +401408,0 +401409,0 +401410,0 +401411,0 +401412,0 +401413,0 +401414,0 +401415,0 +401416,0 +401417,0 +401418,0 +401419,0 +401420,0 +401421,0 +401422,0 +401423,0 +401424,0 +401425,0 +401426,0 +401427,0 +401428,0 +401429,0 +401430,0 +401431,0 +401432,0 +401433,0 +401434,0 +401435,0 +401436,0 +401437,27 +401438,27 +401439,27 +401440,27 +401441,27 +401442,27 +401443,27 +401444,27 +401445,5 +401446,5 +401447,5 +401448,5 +401449,5 +401450,5 +401451,5 +401452,28 +401453,28 +401454,28 +401455,28 +401456,28 +401457,28 +401458,28 +401459,28 +401460,36 +401461,36 +401462,36 +401463,36 +401464,36 +401465,36 +401466,36 +401467,36 +401468,36 +401469,36 +401470,36 +401471,36 +401472,36 +401473,36 +401474,5 +401475,5 +401476,5 +401477,5 +401478,4 +401479,4 +401480,4 +401481,4 +401482,4 +401483,4 +401484,4 +401485,4 +401486,4 +401487,25 +401488,25 +401489,25 +401490,25 +401491,25 +401492,25 +401493,25 +401494,25 +401495,25 +401496,25 +401497,25 +401498,8 +401499,8 +401500,8 +401501,8 +401502,8 +401503,8 +401504,8 +401505,8 +401506,36 +401507,36 +401508,36 +401509,36 +401510,36 +401511,36 +401512,36 +401513,36 +401514,36 +401515,36 +401516,36 +401517,40 +401518,40 +401519,40 +401520,32 +401521,32 +401522,32 +401523,32 +401524,32 +401525,32 +401526,32 +401527,25 +401528,25 +401529,25 +401530,25 +401531,25 +401532,25 +401533,25 +401534,25 +401535,4 +401536,4 +401537,4 +401538,4 +401539,4 +401540,4 +401541,4 +401542,4 +401543,4 +401544,4 +401545,4 +401546,4 +401547,14 +401548,14 +401549,14 +401550,14 +401551,14 +401552,14 +401553,14 +401554,14 +401555,14 +401556,14 +401557,14 +401558,5 +401559,5 +401560,5 +401561,5 +401562,5 +401563,14 +401564,14 +401565,14 +401566,14 +401567,14 +401568,14 +401569,13 +401570,13 +401571,13 +401572,13 +401573,13 +401574,13 +401575,13 +401576,13 +401577,13 +401578,13 +401579,13 +401580,13 +401581,13 +401582,5 +401583,5 +401584,5 +401585,4 +401586,4 +401587,4 +401588,4 +401589,4 +401590,4 +401591,4 +401592,4 +401593,4 +401594,31 +401595,27 +401596,13 +401597,13 +401598,29 +401599,29 +401600,29 +401601,29 +401602,31 +401603,31 +401604,31 +401605,31 +401606,31 +401607,31 +401608,31 +401609,31 +401610,31 +401611,31 +401612,37 +401613,37 +401614,37 +401615,37 +401616,37 +401617,37 +401618,37 +401619,37 +401620,3 +401621,3 +401622,3 +401623,3 +401624,3 +401625,3 +401626,30 +401627,30 +401628,30 +401629,30 +401630,30 +401631,30 +401632,30 +401633,30 +401634,30 +401635,30 +401636,30 +401637,30 +401638,30 +401639,30 +401640,30 +401641,30 +401642,30 +401643,30 +401644,8 +401645,8 +401646,8 +401647,8 +401648,8 +401649,8 +401650,8 +401651,8 +401652,31 +401653,31 +401654,31 +401655,31 +401656,31 +401657,24 +401658,24 +401659,24 +401660,24 +401661,24 +401662,24 +401663,40 +401664,40 +401665,40 +401666,40 +401667,40 +401668,40 +401669,40 +401670,40 +401671,40 +401672,40 +401673,40 +401674,8 +401675,8 +401676,8 +401677,31 +401678,31 +401679,31 +401680,31 +401681,39 +401682,39 +401683,6 +401684,6 +401685,6 +401686,6 +401687,6 +401688,6 +401689,6 +401690,6 +401691,6 +401692,14 +401693,14 +401694,14 +401695,14 +401696,14 +401697,14 +401698,14 +401699,14 +401700,14 +401701,4 +401702,4 +401703,4 +401704,4 +401705,4 +401706,4 +401707,4 +401708,4 +401709,4 +401710,4 +401711,4 +401712,4 +401713,4 +401714,4 +401715,4 +401716,4 +401717,4 +401718,0 +401719,0 +401720,0 +401721,0 +401722,0 +401723,0 +401724,0 +401725,0 +401726,0 +401727,0 +401728,0 +401729,0 +401730,0 +401731,0 +401732,0 +401733,0 +401734,0 +401735,0 +401736,0 +401737,0 +401738,0 +401739,0 +401740,0 +401741,0 +401742,0 +401743,0 +401744,0 +401745,0 +401746,0 +401747,0 +401748,0 +401749,0 +401750,0 +401751,0 +401752,0 +401753,0 +401754,0 +401755,0 +401756,0 +401757,0 +401758,0 +401759,0 +401760,29 +401761,29 +401762,29 +401763,29 +401764,29 +401765,31 +401766,31 +401767,31 +401768,31 +401769,28 +401770,28 +401771,28 +401772,28 +401773,28 +401774,28 +401775,28 +401776,36 +401777,36 +401778,36 +401779,36 +401780,36 +401781,36 +401782,36 +401783,36 +401784,36 +401785,36 +401786,36 +401787,36 +401788,36 +401789,36 +401790,2 +401791,2 +401792,2 +401793,2 +401794,2 +401795,2 +401796,11 +401797,11 +401798,11 +401799,11 +401800,11 +401801,2 +401802,2 +401803,2 +401804,39 +401805,39 +401806,22 +401807,22 +401808,22 +401809,37 +401810,37 +401811,2 +401812,2 +401813,2 +401814,2 +401815,2 +401816,2 +401817,2 +401818,2 +401819,2 +401820,2 +401821,2 +401822,2 +401823,2 +401824,2 +401825,2 +401826,40 +401827,40 +401828,40 +401829,40 +401830,40 +401831,40 +401832,40 +401833,40 +401834,40 +401835,40 +401836,40 +401837,40 +401838,40 +401839,40 +401840,40 +401841,40 +401842,40 +401843,19 +401844,19 +401845,19 +401846,19 +401847,19 +401848,19 +401849,19 +401850,19 +401851,19 +401852,19 +401853,19 +401854,19 +401855,19 +401856,19 +401857,19 +401858,0 +401859,0 +401860,0 +401861,0 +401862,0 +401863,0 +401864,0 +401865,0 +401866,0 +401867,0 +401868,0 +401869,0 +401870,0 +401871,0 +401872,0 +401873,0 +401874,0 +401875,0 +401876,0 +401877,0 +401878,0 +401879,0 +401880,0 +401881,0 +401882,29 +401883,29 +401884,15 +401885,27 +401886,27 +401887,27 +401888,27 +401889,27 +401890,30 +401891,30 +401892,30 +401893,33 +401894,33 +401895,33 +401896,33 +401897,33 +401898,33 +401899,33 +401900,31 +401901,31 +401902,31 +401903,28 +401904,28 +401905,28 +401906,28 +401907,28 +401908,28 +401909,28 +401910,28 +401911,36 +401912,36 +401913,36 +401914,36 +401915,36 +401916,36 +401917,36 +401918,36 +401919,36 +401920,36 +401921,36 +401922,36 +401923,36 +401924,36 +401925,36 +401926,36 +401927,36 +401928,5 +401929,5 +401930,5 +401931,5 +401932,5 +401933,5 +401934,35 +401935,35 +401936,35 +401937,35 +401938,35 +401939,35 +401940,35 +401941,35 +401942,35 +401943,35 +401944,36 +401945,36 +401946,36 +401947,24 +401948,24 +401949,24 +401950,24 +401951,24 +401952,24 +401953,6 +401954,6 +401955,6 +401956,6 +401957,6 +401958,6 +401959,6 +401960,6 +401961,6 +401962,6 +401963,6 +401964,6 +401965,6 +401966,6 +401967,26 +401968,26 +401969,26 +401970,26 +401971,26 +401972,26 +401973,26 +401974,26 +401975,26 +401976,26 +401977,26 +401978,26 +401979,26 +401980,5 +401981,5 +401982,5 +401983,5 +401984,5 +401985,5 +401986,5 +401987,5 +401988,5 +401989,5 +401990,38 +401991,38 +401992,38 +401993,38 +401994,38 +401995,38 +401996,38 +401997,38 +401998,38 +401999,38 +402000,38 +402001,38 +402002,37 +402003,37 +402004,37 +402005,37 +402006,39 +402007,39 +402008,39 +402009,39 +402010,39 +402011,39 +402012,35 +402013,35 +402014,35 +402015,35 +402016,35 +402017,35 +402018,35 +402019,35 +402020,35 +402021,35 +402022,36 +402023,36 +402024,36 +402025,5 +402026,5 +402027,5 +402028,4 +402029,4 +402030,4 +402031,25 +402032,25 +402033,25 +402034,25 +402035,25 +402036,25 +402037,25 +402038,25 +402039,32 +402040,32 +402041,32 +402042,32 +402043,32 +402044,32 +402045,32 +402046,32 +402047,32 +402048,32 +402049,32 +402050,32 +402051,32 +402052,32 +402053,32 +402054,32 +402055,32 +402056,32 +402057,33 +402058,33 +402059,33 +402060,33 +402061,33 +402062,33 +402063,33 +402064,33 +402065,33 +402066,33 +402067,34 +402068,34 +402069,9 +402070,9 +402071,9 +402072,9 +402073,9 +402074,37 +402075,37 +402076,37 +402077,37 +402078,25 +402079,27 +402080,31 +402081,5 +402082,28 +402083,28 +402084,28 +402085,28 +402086,28 +402087,28 +402088,28 +402089,28 +402090,28 +402091,28 +402092,28 +402093,8 +402094,8 +402095,8 +402096,8 +402097,8 +402098,8 +402099,8 +402100,8 +402101,8 +402102,8 +402103,2 +402104,2 +402105,2 +402106,2 +402107,2 +402108,2 +402109,2 +402110,2 +402111,2 +402112,2 +402113,0 +402114,0 +402115,0 +402116,0 +402117,0 +402118,0 +402119,0 +402120,0 +402121,0 +402122,0 +402123,0 +402124,0 +402125,0 +402126,0 +402127,0 +402128,0 +402129,27 +402130,27 +402131,27 +402132,27 +402133,27 +402134,27 +402135,27 +402136,27 +402137,27 +402138,27 +402139,23 +402140,23 +402141,23 +402142,23 +402143,23 +402144,32 +402145,32 +402146,35 +402147,39 +402148,39 +402149,39 +402150,39 +402151,39 +402152,39 +402153,39 +402154,2 +402155,2 +402156,2 +402157,2 +402158,2 +402159,2 +402160,2 +402161,2 +402162,2 +402163,4 +402164,4 +402165,4 +402166,4 +402167,4 +402168,4 +402169,36 +402170,36 +402171,36 +402172,36 +402173,36 +402174,36 +402175,36 +402176,36 +402177,36 +402178,5 +402179,5 +402180,5 +402181,5 +402182,5 +402183,5 +402184,5 +402185,8 +402186,8 +402187,8 +402188,35 +402189,35 +402190,35 +402191,35 +402192,32 +402193,35 +402194,35 +402195,35 +402196,35 +402197,4 +402198,4 +402199,35 +402200,40 +402201,40 +402202,40 +402203,34 +402204,34 +402205,34 +402206,34 +402207,30 +402208,30 +402209,30 +402210,30 +402211,32 +402212,32 +402213,32 +402214,32 +402215,32 +402216,32 +402217,32 +402218,32 +402219,30 +402220,30 +402221,30 +402222,31 +402223,31 +402224,31 +402225,31 +402226,31 +402227,31 +402228,2 +402229,2 +402230,2 +402231,2 +402232,2 +402233,2 +402234,2 +402235,8 +402236,8 +402237,12 +402238,12 +402239,12 +402240,12 +402241,25 +402242,31 +402243,25 +402244,25 +402245,28 +402246,28 +402247,28 +402248,28 +402249,5 +402250,5 +402251,32 +402252,32 +402253,32 +402254,32 +402255,32 +402256,32 +402257,32 +402258,32 +402259,32 +402260,31 +402261,22 +402262,22 +402263,22 +402264,22 +402265,31 +402266,4 +402267,4 +402268,4 +402269,4 +402270,4 +402271,4 +402272,4 +402273,4 +402274,4 +402275,4 +402276,4 +402277,4 +402278,4 +402279,31 +402280,31 +402281,31 +402282,31 +402283,21 +402284,21 +402285,21 +402286,21 +402287,21 +402288,21 +402289,21 +402290,21 +402291,21 +402292,21 +402293,26 +402294,36 +402295,26 +402296,36 +402297,36 +402298,36 +402299,36 +402300,10 +402301,23 +402302,23 +402303,23 +402304,23 +402305,23 +402306,23 +402307,23 +402308,23 +402309,25 +402310,25 +402311,25 +402312,25 +402313,25 +402314,25 +402315,25 +402316,31 +402317,31 +402318,31 +402319,27 +402320,5 +402321,5 +402322,5 +402323,5 +402324,5 +402325,5 +402326,5 +402327,5 +402328,5 +402329,5 +402330,5 +402331,13 +402332,13 +402333,13 +402334,13 +402335,0 +402336,0 +402337,0 +402338,0 +402339,0 +402340,0 +402341,0 +402342,0 +402343,0 +402344,0 +402345,0 +402346,0 +402347,0 +402348,0 +402349,0 +402350,0 +402351,0 +402352,0 +402353,0 +402354,0 +402355,0 +402356,0 +402357,0 +402358,0 +402359,0 +402360,0 +402361,0 +402362,0 +402363,0 +402364,0 +402365,0 +402366,0 +402367,0 +402368,0 +402369,0 +402370,0 +402371,0 +402372,0 +402373,11 +402374,11 +402375,11 +402376,11 +402377,11 +402378,11 +402379,11 +402380,11 +402381,11 +402382,11 +402383,11 +402384,11 +402385,11 +402386,11 +402387,11 +402388,11 +402389,39 +402390,39 +402391,39 +402392,39 +402393,39 +402394,39 +402395,39 +402396,39 +402397,39 +402398,2 +402399,2 +402400,2 +402401,2 +402402,2 +402403,2 +402404,2 +402405,2 +402406,2 +402407,2 +402408,2 +402409,2 +402410,2 +402411,2 +402412,2 +402413,30 +402414,30 +402415,30 +402416,30 +402417,30 +402418,30 +402419,30 +402420,27 +402421,27 +402422,27 +402423,27 +402424,27 +402425,27 +402426,27 +402427,27 +402428,32 +402429,32 +402430,32 +402431,32 +402432,32 +402433,32 +402434,32 +402435,32 +402436,32 +402437,29 +402438,29 +402439,29 +402440,29 +402441,29 +402442,29 +402443,29 +402444,31 +402445,31 +402446,31 +402447,31 +402448,31 +402449,31 +402450,27 +402451,5 +402452,5 +402453,5 +402454,5 +402455,5 +402456,5 +402457,5 +402458,29 +402459,29 +402460,29 +402461,39 +402462,39 +402463,39 +402464,39 +402465,39 +402466,39 +402467,39 +402468,26 +402469,26 +402470,26 +402471,26 +402472,26 +402473,26 +402474,26 +402475,26 +402476,26 +402477,10 +402478,10 +402479,26 +402480,26 +402481,26 +402482,24 +402483,24 +402484,24 +402485,19 +402486,19 +402487,15 +402488,2 +402489,4 +402490,2 +402491,2 +402492,2 +402493,2 +402494,2 +402495,2 +402496,31 +402497,31 +402498,31 +402499,31 +402500,31 +402501,24 +402502,24 +402503,24 +402504,24 +402505,24 +402506,24 +402507,24 +402508,24 +402509,27 +402510,27 +402511,27 +402512,27 +402513,27 +402514,27 +402515,27 +402516,27 +402517,27 +402518,27 +402519,27 +402520,27 +402521,27 +402522,14 +402523,11 +402524,11 +402525,11 +402526,11 +402527,11 +402528,11 +402529,11 +402530,11 +402531,11 +402532,11 +402533,20 +402534,31 +402535,31 +402536,31 +402537,31 +402538,31 +402539,5 +402540,5 +402541,5 +402542,13 +402543,13 +402544,13 +402545,13 +402546,29 +402547,29 +402548,29 +402549,29 +402550,31 +402551,31 +402552,31 +402553,31 +402554,31 +402555,31 +402556,31 +402557,35 +402558,35 +402559,35 +402560,35 +402561,35 +402562,35 +402563,35 +402564,35 +402565,35 +402566,35 +402567,35 +402568,35 +402569,25 +402570,25 +402571,25 +402572,25 +402573,25 +402574,25 +402575,25 +402576,25 +402577,28 +402578,28 +402579,28 +402580,28 +402581,28 +402582,28 +402583,28 +402584,28 +402585,28 +402586,28 +402587,28 +402588,27 +402589,27 +402590,27 +402591,27 +402592,27 +402593,27 +402594,30 +402595,30 +402596,30 +402597,30 +402598,30 +402599,30 +402600,30 +402601,30 +402602,30 +402603,30 +402604,30 +402605,30 +402606,30 +402607,39 +402608,39 +402609,39 +402610,39 +402611,39 +402612,39 +402613,39 +402614,12 +402615,12 +402616,12 +402617,12 +402618,12 +402619,12 +402620,12 +402621,12 +402622,31 +402623,31 +402624,31 +402625,31 +402626,31 +402627,31 +402628,31 +402629,31 +402630,2 +402631,2 +402632,2 +402633,2 +402634,2 +402635,2 +402636,2 +402637,2 +402638,2 +402639,27 +402640,27 +402641,27 +402642,27 +402643,27 +402644,27 +402645,27 +402646,13 +402647,13 +402648,13 +402649,13 +402650,13 +402651,13 +402652,6 +402653,6 +402654,6 +402655,6 +402656,6 +402657,6 +402658,6 +402659,6 +402660,6 +402661,6 +402662,6 +402663,6 +402664,6 +402665,6 +402666,6 +402667,6 +402668,35 +402669,14 +402670,14 +402671,14 +402672,14 +402673,14 +402674,14 +402675,14 +402676,14 +402677,14 +402678,14 +402679,14 +402680,14 +402681,15 +402682,15 +402683,15 +402684,15 +402685,15 +402686,15 +402687,15 +402688,30 +402689,30 +402690,30 +402691,31 +402692,30 +402693,30 +402694,30 +402695,31 +402696,31 +402697,15 +402698,15 +402699,15 +402700,15 +402701,15 +402702,15 +402703,15 +402704,31 +402705,31 +402706,31 +402707,17 +402708,33 +402709,33 +402710,33 +402711,33 +402712,33 +402713,33 +402714,33 +402715,33 +402716,33 +402717,31 +402718,31 +402719,31 +402720,31 +402721,31 +402722,24 +402723,24 +402724,24 +402725,24 +402726,24 +402727,24 +402728,24 +402729,24 +402730,24 +402731,16 +402732,16 +402733,16 +402734,11 +402735,11 +402736,16 +402737,16 +402738,16 +402739,16 +402740,16 +402741,16 +402742,16 +402743,16 +402744,14 +402745,14 +402746,14 +402747,14 +402748,14 +402749,14 +402750,14 +402751,14 +402752,14 +402753,14 +402754,14 +402755,14 +402756,14 +402757,14 +402758,14 +402759,14 +402760,14 +402761,14 +402762,14 +402763,14 +402764,14 +402765,14 +402766,14 +402767,18 +402768,18 +402769,28 +402770,28 +402771,28 +402772,28 +402773,18 +402774,18 +402775,18 +402776,18 +402777,18 +402778,18 +402779,18 +402780,18 +402781,18 +402782,18 +402783,18 +402784,11 +402785,0 +402786,0 +402787,0 +402788,0 +402789,0 +402790,0 +402791,0 +402792,0 +402793,0 +402794,0 +402795,0 +402796,0 +402797,0 +402798,0 +402799,0 +402800,0 +402801,0 +402802,0 +402803,0 +402804,0 +402805,0 +402806,0 +402807,0 +402808,0 +402809,0 +402810,0 +402811,0 +402812,0 +402813,0 +402814,0 +402815,12 +402816,12 +402817,12 +402818,12 +402819,12 +402820,12 +402821,35 +402822,35 +402823,12 +402824,12 +402825,12 +402826,12 +402827,12 +402828,31 +402829,31 +402830,31 +402831,8 +402832,8 +402833,8 +402834,8 +402835,8 +402836,8 +402837,18 +402838,18 +402839,18 +402840,18 +402841,18 +402842,18 +402843,18 +402844,18 +402845,18 +402846,40 +402847,40 +402848,25 +402849,25 +402850,25 +402851,25 +402852,25 +402853,25 +402854,2 +402855,2 +402856,2 +402857,2 +402858,2 +402859,2 +402860,2 +402861,2 +402862,2 +402863,2 +402864,2 +402865,31 +402866,31 +402867,31 +402868,31 +402869,31 +402870,27 +402871,21 +402872,21 +402873,21 +402874,21 +402875,21 +402876,21 +402877,21 +402878,21 +402879,21 +402880,21 +402881,8 +402882,8 +402883,8 +402884,8 +402885,8 +402886,8 +402887,8 +402888,8 +402889,8 +402890,8 +402891,8 +402892,8 +402893,36 +402894,36 +402895,36 +402896,36 +402897,36 +402898,36 +402899,36 +402900,36 +402901,36 +402902,36 +402903,36 +402904,36 +402905,36 +402906,36 +402907,36 +402908,36 +402909,36 +402910,36 +402911,6 +402912,6 +402913,6 +402914,6 +402915,6 +402916,6 +402917,6 +402918,32 +402919,32 +402920,30 +402921,30 +402922,30 +402923,30 +402924,27 +402925,27 +402926,27 +402927,27 +402928,27 +402929,27 +402930,3 +402931,3 +402932,3 +402933,3 +402934,3 +402935,3 +402936,38 +402937,38 +402938,9 +402939,26 +402940,31 +402941,31 +402942,31 +402943,31 +402944,31 +402945,31 +402946,26 +402947,26 +402948,26 +402949,5 +402950,5 +402951,5 +402952,5 +402953,29 +402954,29 +402955,29 +402956,31 +402957,31 +402958,31 +402959,31 +402960,6 +402961,6 +402962,6 +402963,6 +402964,6 +402965,6 +402966,6 +402967,6 +402968,6 +402969,6 +402970,6 +402971,6 +402972,26 +402973,26 +402974,26 +402975,26 +402976,26 +402977,26 +402978,26 +402979,26 +402980,26 +402981,26 +402982,26 +402983,26 +402984,26 +402985,5 +402986,5 +402987,5 +402988,5 +402989,18 +402990,18 +402991,18 +402992,18 +402993,18 +402994,23 +402995,23 +402996,23 +402997,23 +402998,23 +402999,23 +403000,22 +403001,22 +403002,22 +403003,22 +403004,25 +403005,25 +403006,25 +403007,25 +403008,25 +403009,25 +403010,25 +403011,25 +403012,25 +403013,25 +403014,25 +403015,25 +403016,25 +403017,37 +403018,37 +403019,39 +403020,39 +403021,39 +403022,39 +403023,39 +403024,39 +403025,39 +403026,39 +403027,25 +403028,25 +403029,25 +403030,39 +403031,0 +403032,0 +403033,0 +403034,0 +403035,0 +403036,0 +403037,0 +403038,0 +403039,0 +403040,0 +403041,0 +403042,0 +403043,0 +403044,0 +403045,0 +403046,0 +403047,0 +403048,0 +403049,0 +403050,0 +403051,35 +403052,0 +403053,0 +403054,35 +403055,35 +403056,35 +403057,35 +403058,35 +403059,35 +403060,35 +403061,35 +403062,39 +403063,39 +403064,35 +403065,39 +403066,39 +403067,39 +403068,39 +403069,39 +403070,39 +403071,39 +403072,39 +403073,6 +403074,6 +403075,6 +403076,6 +403077,6 +403078,27 +403079,27 +403080,27 +403081,27 +403082,27 +403083,27 +403084,28 +403085,28 +403086,28 +403087,28 +403088,28 +403089,28 +403090,28 +403091,5 +403092,5 +403093,17 +403094,17 +403095,12 +403096,40 +403097,40 +403098,40 +403099,40 +403100,40 +403101,40 +403102,40 +403103,40 +403104,40 +403105,40 +403106,37 +403107,37 +403108,37 +403109,37 +403110,37 +403111,37 +403112,37 +403113,27 +403114,37 +403115,37 +403116,37 +403117,37 +403118,4 +403119,4 +403120,37 +403121,37 +403122,37 +403123,37 +403124,37 +403125,10 +403126,34 +403127,34 +403128,10 +403129,31 +403130,5 +403131,5 +403132,5 +403133,5 +403134,5 +403135,35 +403136,35 +403137,35 +403138,35 +403139,35 +403140,35 +403141,35 +403142,35 +403143,35 +403144,35 +403145,35 +403146,27 +403147,27 +403148,27 +403149,27 +403150,27 +403151,27 +403152,27 +403153,5 +403154,5 +403155,5 +403156,31 +403157,31 +403158,31 +403159,31 +403160,31 +403161,31 +403162,28 +403163,28 +403164,28 +403165,28 +403166,28 +403167,28 +403168,26 +403169,33 +403170,33 +403171,33 +403172,33 +403173,13 +403174,13 +403175,5 +403176,28 +403177,28 +403178,28 +403179,28 +403180,28 +403181,28 +403182,28 +403183,28 +403184,31 +403185,31 +403186,31 +403187,31 +403188,31 +403189,31 +403190,31 +403191,2 +403192,2 +403193,2 +403194,2 +403195,2 +403196,2 +403197,2 +403198,2 +403199,12 +403200,12 +403201,12 +403202,12 +403203,30 +403204,12 +403205,12 +403206,40 +403207,40 +403208,40 +403209,40 +403210,40 +403211,40 +403212,40 +403213,40 +403214,40 +403215,31 +403216,31 +403217,31 +403218,31 +403219,40 +403220,40 +403221,40 +403222,40 +403223,40 +403224,30 +403225,30 +403226,30 +403227,30 +403228,30 +403229,30 +403230,30 +403231,33 +403232,33 +403233,33 +403234,33 +403235,30 +403236,33 +403237,33 +403238,33 +403239,33 +403240,34 +403241,34 +403242,30 +403243,30 +403244,30 +403245,8 +403246,8 +403247,8 +403248,8 +403249,8 +403250,8 +403251,8 +403252,8 +403253,8 +403254,8 +403255,8 +403256,8 +403257,2 +403258,2 +403259,2 +403260,2 +403261,2 +403262,2 +403263,2 +403264,2 +403265,0 +403266,0 +403267,0 +403268,0 +403269,0 +403270,0 +403271,0 +403272,0 +403273,0 +403274,0 +403275,0 +403276,0 +403277,0 +403278,0 +403279,0 +403280,0 +403281,0 +403282,0 +403283,0 +403284,0 +403285,0 +403286,0 +403287,0 +403288,0 +403289,0 +403290,0 +403291,0 +403292,0 +403293,0 +403294,0 +403295,0 +403296,0 +403297,0 +403298,0 +403299,0 +403300,26 +403301,34 +403302,34 +403303,34 +403304,33 +403305,33 +403306,33 +403307,33 +403308,33 +403309,33 +403310,33 +403311,26 +403312,26 +403313,33 +403314,33 +403315,33 +403316,30 +403317,9 +403318,9 +403319,9 +403320,9 +403321,9 +403322,9 +403323,9 +403324,9 +403325,9 +403326,9 +403327,9 +403328,2 +403329,2 +403330,2 +403331,2 +403332,2 +403333,2 +403334,2 +403335,4 +403336,4 +403337,4 +403338,4 +403339,4 +403340,31 +403341,31 +403342,31 +403343,31 +403344,31 +403345,31 +403346,32 +403347,32 +403348,32 +403349,32 +403350,32 +403351,32 +403352,32 +403353,14 +403354,14 +403355,14 +403356,14 +403357,14 +403358,14 +403359,14 +403360,14 +403361,14 +403362,14 +403363,14 +403364,14 +403365,14 +403366,14 +403367,6 +403368,6 +403369,6 +403370,6 +403371,6 +403372,6 +403373,25 +403374,25 +403375,25 +403376,25 +403377,25 +403378,25 +403379,25 +403380,12 +403381,12 +403382,12 +403383,12 +403384,12 +403385,12 +403386,31 +403387,31 +403388,31 +403389,31 +403390,31 +403391,31 +403392,5 +403393,5 +403394,5 +403395,5 +403396,34 +403397,34 +403398,34 +403399,34 +403400,34 +403401,34 +403402,34 +403403,34 +403404,5 +403405,5 +403406,5 +403407,5 +403408,18 +403409,5 +403410,2 +403411,2 +403412,2 +403413,2 +403414,2 +403415,2 +403416,4 +403417,4 +403418,4 +403419,4 +403420,4 +403421,4 +403422,37 +403423,37 +403424,37 +403425,37 +403426,37 +403427,37 +403428,10 +403429,10 +403430,10 +403431,10 +403432,10 +403433,10 +403434,10 +403435,10 +403436,10 +403437,10 +403438,10 +403439,15 +403440,15 +403441,15 +403442,39 +403443,39 +403444,39 +403445,39 +403446,39 +403447,39 +403448,39 +403449,39 +403450,39 +403451,39 +403452,39 +403453,39 +403454,7 +403455,40 +403456,40 +403457,27 +403458,27 +403459,39 +403460,39 +403461,39 +403462,39 +403463,39 +403464,38 +403465,38 +403466,38 +403467,7 +403468,7 +403469,7 +403470,7 +403471,3 +403472,3 +403473,3 +403474,3 +403475,3 +403476,29 +403477,29 +403478,29 +403479,29 +403480,29 +403481,40 +403482,40 +403483,40 +403484,40 +403485,40 +403486,40 +403487,27 +403488,27 +403489,27 +403490,28 +403491,28 +403492,28 +403493,28 +403494,28 +403495,28 +403496,28 +403497,28 +403498,23 +403499,23 +403500,23 +403501,23 +403502,23 +403503,23 +403504,23 +403505,24 +403506,24 +403507,36 +403508,40 +403509,36 +403510,40 +403511,40 +403512,40 +403513,40 +403514,40 +403515,40 +403516,40 +403517,40 +403518,40 +403519,30 +403520,30 +403521,30 +403522,30 +403523,25 +403524,25 +403525,25 +403526,31 +403527,25 +403528,25 +403529,25 +403530,25 +403531,25 +403532,18 +403533,18 +403534,18 +403535,18 +403536,18 +403537,18 +403538,18 +403539,18 +403540,18 +403541,27 +403542,27 +403543,27 +403544,27 +403545,27 +403546,31 +403547,31 +403548,31 +403549,31 +403550,31 +403551,27 +403552,31 +403553,31 +403554,24 +403555,24 +403556,24 +403557,24 +403558,24 +403559,24 +403560,2 +403561,2 +403562,2 +403563,2 +403564,2 +403565,2 +403566,2 +403567,2 +403568,4 +403569,4 +403570,4 +403571,4 +403572,40 +403573,27 +403574,27 +403575,27 +403576,27 +403577,27 +403578,27 +403579,37 +403580,37 +403581,37 +403582,37 +403583,37 +403584,37 +403585,37 +403586,37 +403587,37 +403588,37 +403589,37 +403590,37 +403591,37 +403592,25 +403593,25 +403594,25 +403595,25 +403596,25 +403597,25 +403598,8 +403599,8 +403600,8 +403601,8 +403602,8 +403603,8 +403604,8 +403605,8 +403606,8 +403607,8 +403608,8 +403609,8 +403610,4 +403611,4 +403612,4 +403613,0 +403614,0 +403615,0 +403616,0 +403617,0 +403618,0 +403619,0 +403620,0 +403621,0 +403622,0 +403623,0 +403624,0 +403625,0 +403626,0 +403627,0 +403628,0 +403629,0 +403630,0 +403631,0 +403632,0 +403633,0 +403634,0 +403635,0 +403636,0 +403637,0 +403638,0 +403639,0 +403640,0 +403641,0 +403642,0 +403643,0 +403644,0 +403645,0 +403646,0 +403647,0 +403648,12 +403649,12 +403650,12 +403651,12 +403652,31 +403653,31 +403654,31 +403655,8 +403656,8 +403657,8 +403658,8 +403659,8 +403660,8 +403661,8 +403662,8 +403663,8 +403664,2 +403665,0 +403666,0 +403667,0 +403668,0 +403669,0 +403670,0 +403671,36 +403672,36 +403673,36 +403674,36 +403675,36 +403676,36 +403677,5 +403678,5 +403679,5 +403680,5 +403681,19 +403682,19 +403683,5 +403684,5 +403685,32 +403686,32 +403687,32 +403688,32 +403689,32 +403690,32 +403691,32 +403692,32 +403693,4 +403694,4 +403695,4 +403696,4 +403697,39 +403698,39 +403699,39 +403700,39 +403701,39 +403702,39 +403703,39 +403704,39 +403705,39 +403706,39 +403707,39 +403708,39 +403709,39 +403710,39 +403711,0 +403712,0 +403713,0 +403714,0 +403715,0 +403716,0 +403717,0 +403718,0 +403719,0 +403720,0 +403721,0 +403722,0 +403723,0 +403724,0 +403725,0 +403726,0 +403727,0 +403728,0 +403729,0 +403730,0 +403731,0 +403732,0 +403733,0 +403734,0 +403735,0 +403736,0 +403737,0 +403738,0 +403739,0 +403740,0 +403741,0 +403742,0 +403743,0 +403744,0 +403745,0 +403746,0 +403747,0 +403748,0 +403749,0 +403750,0 +403751,0 +403752,0 +403753,0 +403754,0 +403755,0 +403756,0 +403757,0 +403758,0 +403759,0 +403760,0 +403761,0 +403762,0 +403763,0 +403764,0 +403765,0 +403766,0 +403767,0 +403768,0 +403769,0 +403770,0 +403771,0 +403772,0 +403773,0 +403774,0 +403775,0 +403776,0 +403777,0 +403778,0 +403779,0 +403780,0 +403781,0 +403782,0 +403783,0 +403784,0 +403785,0 +403786,0 +403787,0 +403788,0 +403789,0 +403790,0 +403791,0 +403792,0 +403793,0 +403794,0 +403795,0 +403796,0 +403797,0 +403798,0 +403799,0 +403800,0 +403801,0 +403802,0 +403803,0 +403804,0 +403805,0 +403806,0 +403807,0 +403808,0 +403809,0 +403810,15 +403811,15 +403812,15 +403813,31 +403814,31 +403815,26 +403816,4 +403817,4 +403818,4 +403819,4 +403820,10 +403821,10 +403822,10 +403823,10 +403824,10 +403825,10 +403826,10 +403827,10 +403828,10 +403829,30 +403830,37 +403831,30 +403832,30 +403833,30 +403834,30 +403835,30 +403836,30 +403837,30 +403838,30 +403839,40 +403840,40 +403841,40 +403842,40 +403843,40 +403844,40 +403845,40 +403846,40 +403847,32 +403848,4 +403849,32 +403850,32 +403851,4 +403852,4 +403853,4 +403854,4 +403855,4 +403856,4 +403857,4 +403858,4 +403859,4 +403860,4 +403861,4 +403862,4 +403863,4 +403864,4 +403865,4 +403866,4 +403867,4 +403868,4 +403869,4 +403870,4 +403871,0 +403872,0 +403873,0 +403874,0 +403875,0 +403876,0 +403877,0 +403878,0 +403879,0 +403880,36 +403881,36 +403882,36 +403883,36 +403884,36 +403885,36 +403886,36 +403887,5 +403888,5 +403889,5 +403890,19 +403891,19 +403892,19 +403893,19 +403894,2 +403895,2 +403896,2 +403897,2 +403898,2 +403899,2 +403900,2 +403901,2 +403902,4 +403903,4 +403904,4 +403905,4 +403906,4 +403907,4 +403908,4 +403909,4 +403910,37 +403911,37 +403912,37 +403913,37 +403914,37 +403915,26 +403916,26 +403917,26 +403918,26 +403919,26 +403920,6 +403921,6 +403922,6 +403923,6 +403924,6 +403925,6 +403926,6 +403927,6 +403928,6 +403929,31 +403930,31 +403931,31 +403932,31 +403933,31 +403934,31 +403935,31 +403936,31 +403937,31 +403938,2 +403939,2 +403940,2 +403941,2 +403942,2 +403943,2 +403944,2 +403945,2 +403946,2 +403947,2 +403948,2 +403949,2 +403950,2 +403951,2 +403952,2 +403953,2 +403954,9 +403955,9 +403956,9 +403957,9 +403958,9 +403959,9 +403960,9 +403961,30 +403962,30 +403963,30 +403964,30 +403965,30 +403966,30 +403967,30 +403968,30 +403969,30 +403970,31 +403971,31 +403972,31 +403973,15 +403974,15 +403975,15 +403976,15 +403977,15 +403978,15 +403979,15 +403980,32 +403981,32 +403982,32 +403983,32 +403984,32 +403985,26 +403986,26 +403987,26 +403988,26 +403989,26 +403990,26 +403991,26 +403992,26 +403993,26 +403994,4 +403995,4 +403996,4 +403997,39 +403998,39 +403999,39 +404000,39 +404001,39 +404002,39 +404003,39 +404004,39 +404005,39 +404006,39 +404007,39 +404008,39 +404009,39 +404010,39 +404011,39 +404012,0 +404013,0 +404014,0 +404015,0 +404016,0 +404017,0 +404018,0 +404019,0 +404020,0 +404021,0 +404022,0 +404023,6 +404024,0 +404025,0 +404026,0 +404027,6 +404028,6 +404029,6 +404030,6 +404031,6 +404032,6 +404033,6 +404034,6 +404035,6 +404036,37 +404037,37 +404038,37 +404039,37 +404040,36 +404041,36 +404042,34 +404043,34 +404044,34 +404045,34 +404046,34 +404047,34 +404048,34 +404049,16 +404050,16 +404051,16 +404052,16 +404053,16 +404054,16 +404055,16 +404056,16 +404057,16 +404058,16 +404059,16 +404060,16 +404061,11 +404062,39 +404063,39 +404064,39 +404065,3 +404066,39 +404067,39 +404068,39 +404069,30 +404070,5 +404071,5 +404072,30 +404073,5 +404074,5 +404075,31 +404076,31 +404077,31 +404078,31 +404079,31 +404080,19 +404081,19 +404082,19 +404083,19 +404084,19 +404085,19 +404086,19 +404087,9 +404088,9 +404089,9 +404090,9 +404091,9 +404092,9 +404093,9 +404094,9 +404095,9 +404096,9 +404097,9 +404098,37 +404099,37 +404100,37 +404101,37 +404102,37 +404103,9 +404104,37 +404105,37 +404106,9 +404107,37 +404108,37 +404109,37 +404110,37 +404111,37 +404112,37 +404113,37 +404114,37 +404115,37 +404116,37 +404117,37 +404118,37 +404119,25 +404120,0 +404121,0 +404122,0 +404123,0 +404124,0 +404125,0 +404126,0 +404127,0 +404128,0 +404129,0 +404130,0 +404131,0 +404132,0 +404133,37 +404134,37 +404135,37 +404136,0 +404137,0 +404138,0 +404139,0 +404140,0 +404141,0 +404142,0 +404143,0 +404144,0 +404145,0 +404146,0 +404147,0 +404148,0 +404149,0 +404150,0 +404151,0 +404152,0 +404153,0 +404154,0 +404155,0 +404156,0 +404157,0 +404158,0 +404159,0 +404160,0 +404161,0 +404162,0 +404163,0 +404164,0 +404165,0 +404166,0 +404167,0 +404168,31 +404169,31 +404170,31 +404171,31 +404172,31 +404173,31 +404174,31 +404175,31 +404176,18 +404177,18 +404178,18 +404179,18 +404180,18 +404181,18 +404182,18 +404183,18 +404184,18 +404185,18 +404186,18 +404187,18 +404188,26 +404189,26 +404190,26 +404191,26 +404192,36 +404193,36 +404194,26 +404195,36 +404196,10 +404197,10 +404198,10 +404199,10 +404200,10 +404201,10 +404202,10 +404203,10 +404204,10 +404205,4 +404206,4 +404207,4 +404208,4 +404209,4 +404210,39 +404211,39 +404212,28 +404213,28 +404214,28 +404215,5 +404216,5 +404217,25 +404218,25 +404219,25 +404220,25 +404221,25 +404222,25 +404223,25 +404224,37 +404225,37 +404226,37 +404227,37 +404228,37 +404229,37 +404230,37 +404231,37 +404232,37 +404233,37 +404234,37 +404235,37 +404236,37 +404237,37 +404238,37 +404239,37 +404240,28 +404241,28 +404242,28 +404243,28 +404244,28 +404245,0 +404246,0 +404247,0 +404248,0 +404249,0 +404250,0 +404251,0 +404252,0 +404253,0 +404254,0 +404255,0 +404256,0 +404257,34 +404258,0 +404259,0 +404260,0 +404261,0 +404262,0 +404263,0 +404264,0 +404265,0 +404266,0 +404267,0 +404268,0 +404269,0 +404270,0 +404271,0 +404272,0 +404273,0 +404274,0 +404275,0 +404276,0 +404277,0 +404278,0 +404279,0 +404280,0 +404281,0 +404282,0 +404283,0 +404284,0 +404285,0 +404286,0 +404287,0 +404288,0 +404289,0 +404290,11 +404291,11 +404292,11 +404293,11 +404294,11 +404295,11 +404296,11 +404297,11 +404298,11 +404299,11 +404300,11 +404301,11 +404302,11 +404303,11 +404304,39 +404305,39 +404306,39 +404307,39 +404308,39 +404309,39 +404310,39 +404311,35 +404312,35 +404313,35 +404314,35 +404315,35 +404316,35 +404317,36 +404318,10 +404319,36 +404320,36 +404321,36 +404322,36 +404323,8 +404324,8 +404325,8 +404326,8 +404327,8 +404328,8 +404329,8 +404330,31 +404331,27 +404332,27 +404333,27 +404334,5 +404335,5 +404336,5 +404337,5 +404338,5 +404339,5 +404340,32 +404341,32 +404342,32 +404343,32 +404344,32 +404345,32 +404346,32 +404347,32 +404348,32 +404349,32 +404350,32 +404351,32 +404352,14 +404353,14 +404354,14 +404355,14 +404356,14 +404357,14 +404358,14 +404359,14 +404360,14 +404361,14 +404362,14 +404363,14 +404364,14 +404365,19 +404366,19 +404367,19 +404368,19 +404369,19 +404370,35 +404371,35 +404372,35 +404373,35 +404374,35 +404375,25 +404376,25 +404377,25 +404378,25 +404379,25 +404380,25 +404381,25 +404382,19 +404383,19 +404384,19 +404385,19 +404386,19 +404387,19 +404388,19 +404389,19 +404390,19 +404391,19 +404392,3 +404393,3 +404394,3 +404395,3 +404396,3 +404397,3 +404398,3 +404399,3 +404400,3 +404401,3 +404402,3 +404403,3 +404404,3 +404405,3 +404406,3 +404407,3 +404408,3 +404409,31 +404410,5 +404411,5 +404412,5 +404413,5 +404414,5 +404415,5 +404416,5 +404417,5 +404418,5 +404419,5 +404420,5 +404421,28 +404422,8 +404423,8 +404424,8 +404425,8 +404426,8 +404427,8 +404428,8 +404429,8 +404430,8 +404431,2 +404432,2 +404433,2 +404434,2 +404435,2 +404436,2 +404437,0 +404438,0 +404439,0 +404440,0 +404441,0 +404442,0 +404443,0 +404444,0 +404445,0 +404446,0 +404447,0 +404448,0 +404449,0 +404450,0 +404451,0 +404452,0 +404453,0 +404454,0 +404455,0 +404456,0 +404457,0 +404458,0 +404459,0 +404460,0 +404461,0 +404462,0 +404463,0 +404464,0 +404465,0 +404466,0 +404467,0 +404468,0 +404469,0 +404470,0 +404471,0 +404472,0 +404473,0 +404474,0 +404475,0 +404476,0 +404477,0 +404478,0 +404479,0 +404480,0 +404481,0 +404482,0 +404483,0 +404484,0 +404485,36 +404486,36 +404487,36 +404488,36 +404489,36 +404490,36 +404491,36 +404492,36 +404493,36 +404494,36 +404495,36 +404496,36 +404497,36 +404498,36 +404499,10 +404500,10 +404501,10 +404502,10 +404503,10 +404504,31 +404505,28 +404506,28 +404507,28 +404508,28 +404509,28 +404510,28 +404511,28 +404512,28 +404513,28 +404514,28 +404515,29 +404516,29 +404517,29 +404518,29 +404519,31 +404520,31 +404521,4 +404522,4 +404523,4 +404524,4 +404525,0 +404526,0 +404527,0 +404528,0 +404529,0 +404530,0 +404531,0 +404532,0 +404533,0 +404534,0 +404535,0 +404536,0 +404537,0 +404538,0 +404539,0 +404540,0 +404541,0 +404542,0 +404543,0 +404544,36 +404545,36 +404546,36 +404547,36 +404548,36 +404549,36 +404550,36 +404551,36 +404552,36 +404553,36 +404554,36 +404555,2 +404556,2 +404557,2 +404558,2 +404559,8 +404560,8 +404561,2 +404562,2 +404563,2 +404564,2 +404565,8 +404566,2 +404567,2 +404568,23 +404569,23 +404570,23 +404571,23 +404572,23 +404573,23 +404574,23 +404575,23 +404576,23 +404577,23 +404578,23 +404579,23 +404580,9 +404581,26 +404582,26 +404583,26 +404584,26 +404585,34 +404586,34 +404587,34 +404588,34 +404589,34 +404590,34 +404591,26 +404592,37 +404593,37 +404594,36 +404595,36 +404596,36 +404597,36 +404598,36 +404599,36 +404600,36 +404601,36 +404602,36 +404603,2 +404604,2 +404605,2 +404606,2 +404607,2 +404608,2 +404609,2 +404610,2 +404611,10 +404612,10 +404613,10 +404614,10 +404615,10 +404616,10 +404617,10 +404618,10 +404619,10 +404620,10 +404621,10 +404622,6 +404623,6 +404624,6 +404625,6 +404626,6 +404627,6 +404628,6 +404629,6 +404630,6 +404631,31 +404632,31 +404633,31 +404634,31 +404635,31 +404636,5 +404637,5 +404638,5 +404639,5 +404640,5 +404641,5 +404642,5 +404643,5 +404644,28 +404645,28 +404646,28 +404647,28 +404648,28 +404649,14 +404650,14 +404651,14 +404652,14 +404653,14 +404654,14 +404655,14 +404656,14 +404657,14 +404658,14 +404659,14 +404660,14 +404661,6 +404662,6 +404663,6 +404664,6 +404665,6 +404666,6 +404667,6 +404668,6 +404669,36 +404670,34 +404671,34 +404672,34 +404673,34 +404674,34 +404675,34 +404676,34 +404677,34 +404678,34 +404679,34 +404680,34 +404681,34 +404682,34 +404683,34 +404684,34 +404685,34 +404686,34 +404687,34 +404688,34 +404689,34 +404690,34 +404691,4 +404692,4 +404693,4 +404694,33 +404695,0 +404696,0 +404697,0 +404698,4 +404699,0 +404700,0 +404701,0 +404702,0 +404703,0 +404704,0 +404705,0 +404706,0 +404707,0 +404708,0 +404709,0 +404710,0 +404711,0 +404712,0 +404713,0 +404714,0 +404715,0 +404716,0 +404717,0 +404718,0 +404719,0 +404720,0 +404721,0 +404722,0 +404723,0 +404724,10 +404725,0 +404726,0 +404727,10 +404728,10 +404729,10 +404730,10 +404731,10 +404732,10 +404733,10 +404734,6 +404735,6 +404736,6 +404737,6 +404738,6 +404739,6 +404740,27 +404741,27 +404742,27 +404743,27 +404744,27 +404745,27 +404746,27 +404747,27 +404748,39 +404749,39 +404750,39 +404751,39 +404752,39 +404753,39 +404754,39 +404755,27 +404756,27 +404757,27 +404758,39 +404759,39 +404760,39 +404761,39 +404762,39 +404763,39 +404764,39 +404765,39 +404766,8 +404767,8 +404768,8 +404769,8 +404770,8 +404771,8 +404772,31 +404773,31 +404774,31 +404775,30 +404776,30 +404777,30 +404778,30 +404779,30 +404780,30 +404781,30 +404782,30 +404783,39 +404784,39 +404785,39 +404786,39 +404787,39 +404788,39 +404789,39 +404790,3 +404791,3 +404792,15 +404793,15 +404794,15 +404795,15 +404796,15 +404797,15 +404798,15 +404799,15 +404800,31 +404801,31 +404802,31 +404803,30 +404804,30 +404805,30 +404806,30 +404807,30 +404808,30 +404809,30 +404810,30 +404811,30 +404812,30 +404813,30 +404814,30 +404815,39 +404816,39 +404817,39 +404818,39 +404819,39 +404820,39 +404821,39 +404822,39 +404823,39 +404824,39 +404825,39 +404826,39 +404827,39 +404828,24 +404829,24 +404830,24 +404831,24 +404832,24 +404833,27 +404834,27 +404835,27 +404836,27 +404837,27 +404838,27 +404839,27 +404840,4 +404841,4 +404842,4 +404843,4 +404844,4 +404845,4 +404846,4 +404847,4 +404848,4 +404849,4 +404850,4 +404851,4 +404852,4 +404853,4 +404854,27 +404855,27 +404856,27 +404857,15 +404858,15 +404859,15 +404860,15 +404861,15 +404862,15 +404863,15 +404864,15 +404865,15 +404866,39 +404867,39 +404868,39 +404869,39 +404870,39 +404871,39 +404872,39 +404873,23 +404874,23 +404875,23 +404876,23 +404877,23 +404878,23 +404879,23 +404880,23 +404881,23 +404882,23 +404883,23 +404884,23 +404885,23 +404886,22 +404887,22 +404888,22 +404889,22 +404890,22 +404891,30 +404892,30 +404893,30 +404894,30 +404895,30 +404896,30 +404897,30 +404898,30 +404899,30 +404900,30 +404901,30 +404902,31 +404903,31 +404904,31 +404905,24 +404906,24 +404907,24 +404908,24 +404909,24 +404910,24 +404911,24 +404912,37 +404913,37 +404914,37 +404915,37 +404916,37 +404917,37 +404918,37 +404919,37 +404920,9 +404921,9 +404922,9 +404923,9 +404924,9 +404925,9 +404926,9 +404927,9 +404928,9 +404929,9 +404930,6 +404931,6 +404932,6 +404933,6 +404934,6 +404935,6 +404936,6 +404937,6 +404938,6 +404939,6 +404940,2 +404941,2 +404942,2 +404943,2 +404944,2 +404945,2 +404946,2 +404947,31 +404948,31 +404949,27 +404950,28 +404951,28 +404952,28 +404953,28 +404954,28 +404955,28 +404956,28 +404957,32 +404958,32 +404959,32 +404960,32 +404961,32 +404962,32 +404963,32 +404964,32 +404965,32 +404966,32 +404967,32 +404968,26 +404969,26 +404970,26 +404971,26 +404972,26 +404973,26 +404974,26 +404975,28 +404976,28 +404977,28 +404978,28 +404979,28 +404980,28 +404981,31 +404982,31 +404983,31 +404984,31 +404985,5 +404986,5 +404987,5 +404988,5 +404989,5 +404990,5 +404991,5 +404992,5 +404993,5 +404994,4 +404995,4 +404996,4 +404997,4 +404998,4 +404999,4 +405000,4 +405001,4 +405002,9 +405003,4 +405004,25 +405005,25 +405006,25 +405007,25 +405008,25 +405009,25 +405010,37 +405011,37 +405012,37 +405013,37 +405014,37 +405015,37 +405016,37 +405017,37 +405018,37 +405019,27 +405020,27 +405021,27 +405022,27 +405023,27 +405024,27 +405025,27 +405026,27 +405027,27 +405028,8 +405029,8 +405030,8 +405031,8 +405032,8 +405033,8 +405034,8 +405035,8 +405036,8 +405037,8 +405038,8 +405039,8 +405040,2 +405041,2 +405042,0 +405043,0 +405044,0 +405045,0 +405046,0 +405047,0 +405048,0 +405049,0 +405050,0 +405051,0 +405052,0 +405053,0 +405054,0 +405055,0 +405056,0 +405057,0 +405058,0 +405059,0 +405060,0 +405061,0 +405062,0 +405063,0 +405064,0 +405065,0 +405066,0 +405067,0 +405068,0 +405069,0 +405070,21 +405071,21 +405072,37 +405073,37 +405074,37 +405075,37 +405076,37 +405077,40 +405078,40 +405079,14 +405080,14 +405081,14 +405082,31 +405083,19 +405084,28 +405085,28 +405086,28 +405087,28 +405088,28 +405089,28 +405090,28 +405091,28 +405092,28 +405093,28 +405094,28 +405095,10 +405096,10 +405097,10 +405098,10 +405099,26 +405100,26 +405101,26 +405102,26 +405103,26 +405104,26 +405105,26 +405106,26 +405107,26 +405108,26 +405109,26 +405110,26 +405111,26 +405112,26 +405113,9 +405114,2 +405115,2 +405116,2 +405117,2 +405118,2 +405119,2 +405120,2 +405121,2 +405122,2 +405123,2 +405124,2 +405125,2 +405126,2 +405127,40 +405128,40 +405129,40 +405130,40 +405131,40 +405132,5 +405133,5 +405134,5 +405135,5 +405136,5 +405137,5 +405138,5 +405139,5 +405140,15 +405141,15 +405142,15 +405143,37 +405144,37 +405145,37 +405146,37 +405147,37 +405148,40 +405149,40 +405150,40 +405151,40 +405152,40 +405153,40 +405154,40 +405155,11 +405156,11 +405157,11 +405158,11 +405159,11 +405160,11 +405161,11 +405162,11 +405163,11 +405164,11 +405165,11 +405166,11 +405167,11 +405168,32 +405169,11 +405170,11 +405171,0 +405172,16 +405173,12 +405174,0 +405175,12 +405176,12 +405177,12 +405178,12 +405179,12 +405180,12 +405181,12 +405182,12 +405183,12 +405184,12 +405185,12 +405186,12 +405187,12 +405188,22 +405189,22 +405190,22 +405191,22 +405192,22 +405193,22 +405194,22 +405195,19 +405196,19 +405197,19 +405198,19 +405199,19 +405200,0 +405201,0 +405202,0 +405203,0 +405204,0 +405205,0 +405206,0 +405207,0 +405208,0 +405209,0 +405210,0 +405211,0 +405212,0 +405213,0 +405214,0 +405215,0 +405216,0 +405217,0 +405218,0 +405219,0 +405220,0 +405221,0 +405222,0 +405223,0 +405224,0 +405225,0 +405226,0 +405227,0 +405228,0 +405229,29 +405230,29 +405231,29 +405232,27 +405233,27 +405234,36 +405235,4 +405236,4 +405237,4 +405238,4 +405239,4 +405240,4 +405241,4 +405242,4 +405243,4 +405244,39 +405245,39 +405246,39 +405247,39 +405248,39 +405249,39 +405250,39 +405251,39 +405252,39 +405253,8 +405254,8 +405255,8 +405256,8 +405257,8 +405258,8 +405259,8 +405260,8 +405261,8 +405262,8 +405263,8 +405264,25 +405265,25 +405266,25 +405267,25 +405268,25 +405269,25 +405270,25 +405271,9 +405272,9 +405273,9 +405274,9 +405275,26 +405276,26 +405277,26 +405278,26 +405279,26 +405280,9 +405281,9 +405282,30 +405283,30 +405284,30 +405285,30 +405286,30 +405287,30 +405288,30 +405289,30 +405290,30 +405291,30 +405292,30 +405293,30 +405294,30 +405295,30 +405296,30 +405297,30 +405298,30 +405299,9 +405300,9 +405301,9 +405302,26 +405303,26 +405304,26 +405305,26 +405306,26 +405307,9 +405308,6 +405309,6 +405310,6 +405311,6 +405312,2 +405313,2 +405314,2 +405315,2 +405316,2 +405317,2 +405318,4 +405319,4 +405320,4 +405321,4 +405322,4 +405323,4 +405324,4 +405325,31 +405326,31 +405327,31 +405328,31 +405329,31 +405330,31 +405331,26 +405332,28 +405333,28 +405334,28 +405335,28 +405336,28 +405337,28 +405338,28 +405339,28 +405340,28 +405341,28 +405342,28 +405343,39 +405344,39 +405345,39 +405346,39 +405347,39 +405348,39 +405349,39 +405350,39 +405351,39 +405352,39 +405353,39 +405354,39 +405355,39 +405356,39 +405357,39 +405358,39 +405359,39 +405360,0 +405361,0 +405362,0 +405363,0 +405364,0 +405365,0 +405366,0 +405367,0 +405368,0 +405369,0 +405370,0 +405371,0 +405372,0 +405373,0 +405374,0 +405375,0 +405376,0 +405377,0 +405378,0 +405379,0 +405380,0 +405381,0 +405382,0 +405383,0 +405384,0 +405385,0 +405386,0 +405387,0 +405388,0 +405389,10 +405390,10 +405391,10 +405392,10 +405393,10 +405394,10 +405395,10 +405396,10 +405397,10 +405398,10 +405399,5 +405400,5 +405401,5 +405402,5 +405403,5 +405404,5 +405405,5 +405406,31 +405407,31 +405408,31 +405409,31 +405410,31 +405411,31 +405412,5 +405413,5 +405414,5 +405415,5 +405416,5 +405417,5 +405418,5 +405419,5 +405420,5 +405421,5 +405422,31 +405423,31 +405424,31 +405425,31 +405426,31 +405427,31 +405428,31 +405429,31 +405430,31 +405431,38 +405432,38 +405433,38 +405434,38 +405435,38 +405436,38 +405437,38 +405438,38 +405439,38 +405440,27 +405441,27 +405442,27 +405443,27 +405444,13 +405445,13 +405446,13 +405447,13 +405448,13 +405449,13 +405450,13 +405451,13 +405452,13 +405453,13 +405454,13 +405455,29 +405456,29 +405457,29 +405458,29 +405459,29 +405460,29 +405461,31 +405462,31 +405463,31 +405464,31 +405465,32 +405466,32 +405467,32 +405468,32 +405469,32 +405470,32 +405471,32 +405472,32 +405473,32 +405474,31 +405475,31 +405476,31 +405477,31 +405478,31 +405479,16 +405480,16 +405481,16 +405482,16 +405483,16 +405484,16 +405485,16 +405486,16 +405487,16 +405488,16 +405489,16 +405490,16 +405491,25 +405492,25 +405493,25 +405494,25 +405495,25 +405496,25 +405497,25 +405498,25 +405499,25 +405500,31 +405501,31 +405502,31 +405503,40 +405504,31 +405505,40 +405506,40 +405507,40 +405508,40 +405509,40 +405510,40 +405511,31 +405512,40 +405513,40 +405514,40 +405515,2 +405516,2 +405517,2 +405518,2 +405519,2 +405520,2 +405521,2 +405522,2 +405523,2 +405524,2 +405525,2 +405526,2 +405527,6 +405528,6 +405529,6 +405530,6 +405531,6 +405532,6 +405533,6 +405534,6 +405535,6 +405536,0 +405537,0 +405538,0 +405539,0 +405540,0 +405541,0 +405542,0 +405543,0 +405544,0 +405545,0 +405546,0 +405547,0 +405548,0 +405549,0 +405550,0 +405551,0 +405552,0 +405553,0 +405554,0 +405555,0 +405556,0 +405557,0 +405558,0 +405559,0 +405560,0 +405561,0 +405562,0 +405563,0 +405564,0 +405565,0 +405566,0 +405567,0 +405568,0 +405569,0 +405570,0 +405571,0 +405572,0 +405573,0 +405574,0 +405575,0 +405576,0 +405577,0 +405578,29 +405579,29 +405580,29 +405581,29 +405582,29 +405583,29 +405584,31 +405585,31 +405586,29 +405587,29 +405588,40 +405589,40 +405590,40 +405591,40 +405592,40 +405593,40 +405594,40 +405595,40 +405596,40 +405597,40 +405598,2 +405599,2 +405600,2 +405601,2 +405602,2 +405603,2 +405604,2 +405605,2 +405606,2 +405607,4 +405608,4 +405609,4 +405610,4 +405611,4 +405612,35 +405613,35 +405614,4 +405615,4 +405616,4 +405617,4 +405618,39 +405619,39 +405620,39 +405621,39 +405622,39 +405623,39 +405624,39 +405625,39 +405626,11 +405627,2 +405628,2 +405629,2 +405630,2 +405631,2 +405632,11 +405633,11 +405634,11 +405635,11 +405636,11 +405637,39 +405638,39 +405639,39 +405640,39 +405641,19 +405642,19 +405643,19 +405644,19 +405645,19 +405646,19 +405647,19 +405648,19 +405649,4 +405650,19 +405651,19 +405652,3 +405653,3 +405654,3 +405655,3 +405656,3 +405657,3 +405658,3 +405659,3 +405660,29 +405661,29 +405662,29 +405663,29 +405664,29 +405665,31 +405666,31 +405667,31 +405668,31 +405669,31 +405670,31 +405671,31 +405672,31 +405673,2 +405674,2 +405675,2 +405676,2 +405677,2 +405678,2 +405679,2 +405680,2 +405681,2 +405682,2 +405683,2 +405684,2 +405685,2 +405686,14 +405687,14 +405688,14 +405689,14 +405690,14 +405691,14 +405692,14 +405693,14 +405694,14 +405695,14 +405696,14 +405697,14 +405698,14 +405699,14 +405700,14 +405701,28 +405702,28 +405703,28 +405704,28 +405705,28 +405706,28 +405707,28 +405708,4 +405709,4 +405710,4 +405711,4 +405712,4 +405713,4 +405714,4 +405715,4 +405716,27 +405717,27 +405718,27 +405719,27 +405720,27 +405721,27 +405722,16 +405723,16 +405724,16 +405725,16 +405726,16 +405727,16 +405728,18 +405729,18 +405730,18 +405731,18 +405732,16 +405733,25 +405734,25 +405735,25 +405736,25 +405737,25 +405738,25 +405739,25 +405740,25 +405741,25 +405742,25 +405743,25 +405744,25 +405745,25 +405746,25 +405747,25 +405748,3 +405749,3 +405750,3 +405751,3 +405752,3 +405753,3 +405754,3 +405755,3 +405756,2 +405757,2 +405758,2 +405759,2 +405760,2 +405761,2 +405762,2 +405763,2 +405764,2 +405765,2 +405766,2 +405767,2 +405768,2 +405769,2 +405770,2 +405771,30 +405772,30 +405773,30 +405774,30 +405775,26 +405776,26 +405777,31 +405778,31 +405779,31 +405780,31 +405781,31 +405782,31 +405783,5 +405784,5 +405785,5 +405786,5 +405787,5 +405788,5 +405789,5 +405790,5 +405791,5 +405792,31 +405793,28 +405794,28 +405795,36 +405796,36 +405797,0 +405798,0 +405799,0 +405800,36 +405801,36 +405802,36 +405803,36 +405804,36 +405805,36 +405806,36 +405807,36 +405808,36 +405809,5 +405810,5 +405811,5 +405812,5 +405813,5 +405814,4 +405815,4 +405816,4 +405817,4 +405818,4 +405819,4 +405820,4 +405821,4 +405822,27 +405823,27 +405824,31 +405825,27 +405826,27 +405827,27 +405828,27 +405829,27 +405830,27 +405831,27 +405832,27 +405833,4 +405834,4 +405835,4 +405836,4 +405837,4 +405838,4 +405839,4 +405840,4 +405841,4 +405842,4 +405843,4 +405844,4 +405845,4 +405846,4 +405847,4 +405848,40 +405849,40 +405850,40 +405851,40 +405852,40 +405853,40 +405854,28 +405855,28 +405856,28 +405857,28 +405858,28 +405859,32 +405860,32 +405861,32 +405862,32 +405863,32 +405864,31 +405865,31 +405866,31 +405867,31 +405868,31 +405869,30 +405870,30 +405871,30 +405872,30 +405873,9 +405874,9 +405875,9 +405876,9 +405877,9 +405878,30 +405879,31 +405880,9 +405881,9 +405882,9 +405883,9 +405884,9 +405885,9 +405886,24 +405887,29 +405888,29 +405889,29 +405890,29 +405891,29 +405892,29 +405893,29 +405894,29 +405895,29 +405896,31 +405897,31 +405898,31 +405899,31 +405900,31 +405901,31 +405902,30 +405903,30 +405904,30 +405905,30 +405906,30 +405907,30 +405908,30 +405909,30 +405910,30 +405911,9 +405912,9 +405913,9 +405914,9 +405915,9 +405916,9 +405917,9 +405918,9 +405919,9 +405920,9 +405921,9 +405922,9 +405923,9 +405924,9 +405925,9 +405926,9 +405927,9 +405928,9 +405929,37 +405930,37 +405931,37 +405932,37 +405933,37 +405934,19 +405935,19 +405936,19 +405937,19 +405938,19 +405939,19 +405940,19 +405941,19 +405942,25 +405943,25 +405944,25 +405945,25 +405946,25 +405947,0 +405948,0 +405949,0 +405950,0 +405951,0 +405952,0 +405953,0 +405954,0 +405955,0 +405956,0 +405957,0 +405958,0 +405959,0 +405960,0 +405961,0 +405962,0 +405963,0 +405964,0 +405965,0 +405966,0 +405967,0 +405968,0 +405969,0 +405970,0 +405971,0 +405972,0 +405973,0 +405974,0 +405975,0 +405976,0 +405977,0 +405978,0 +405979,0 +405980,29 +405981,29 +405982,29 +405983,29 +405984,40 +405985,40 +405986,40 +405987,40 +405988,4 +405989,4 +405990,4 +405991,31 +405992,12 +405993,12 +405994,12 +405995,12 +405996,12 +405997,12 +405998,25 +405999,25 +406000,25 +406001,25 +406002,25 +406003,25 +406004,37 +406005,25 +406006,25 +406007,37 +406008,37 +406009,40 +406010,40 +406011,40 +406012,40 +406013,40 +406014,40 +406015,40 +406016,40 +406017,40 +406018,40 +406019,8 +406020,8 +406021,8 +406022,8 +406023,8 +406024,8 +406025,8 +406026,8 +406027,8 +406028,8 +406029,39 +406030,39 +406031,39 +406032,39 +406033,39 +406034,39 +406035,39 +406036,39 +406037,39 +406038,39 +406039,39 +406040,39 +406041,36 +406042,36 +406043,36 +406044,36 +406045,36 +406046,36 +406047,36 +406048,36 +406049,36 +406050,36 +406051,36 +406052,36 +406053,36 +406054,36 +406055,19 +406056,19 +406057,19 +406058,19 +406059,19 +406060,19 +406061,19 +406062,27 +406063,27 +406064,27 +406065,27 +406066,27 +406067,27 +406068,27 +406069,4 +406070,4 +406071,4 +406072,4 +406073,4 +406074,4 +406075,4 +406076,4 +406077,4 +406078,4 +406079,4 +406080,14 +406081,14 +406082,14 +406083,14 +406084,14 +406085,14 +406086,14 +406087,14 +406088,14 +406089,14 +406090,14 +406091,14 +406092,14 +406093,11 +406094,11 +406095,11 +406096,11 +406097,11 +406098,11 +406099,11 +406100,11 +406101,11 +406102,11 +406103,31 +406104,31 +406105,31 +406106,5 +406107,5 +406108,5 +406109,5 +406110,5 +406111,5 +406112,5 +406113,5 +406114,31 +406115,31 +406116,31 +406117,31 +406118,31 +406119,31 +406120,31 +406121,31 +406122,31 +406123,24 +406124,24 +406125,24 +406126,15 +406127,29 +406128,31 +406129,31 +406130,31 +406131,31 +406132,31 +406133,31 +406134,2 +406135,2 +406136,2 +406137,2 +406138,2 +406139,2 +406140,2 +406141,2 +406142,2 +406143,2 +406144,2 +406145,2 +406146,40 +406147,40 +406148,40 +406149,40 +406150,40 +406151,40 +406152,40 +406153,40 +406154,25 +406155,25 +406156,25 +406157,32 +406158,32 +406159,19 +406160,4 +406161,4 +406162,19 +406163,19 +406164,19 +406165,4 +406166,4 +406167,4 +406168,19 +406169,19 +406170,16 +406171,16 +406172,12 +406173,12 +406174,12 +406175,12 +406176,12 +406177,12 +406178,12 +406179,12 +406180,31 +406181,31 +406182,31 +406183,31 +406184,31 +406185,31 +406186,8 +406187,8 +406188,8 +406189,8 +406190,2 +406191,2 +406192,2 +406193,2 +406194,2 +406195,2 +406196,2 +406197,2 +406198,2 +406199,2 +406200,2 +406201,2 +406202,2 +406203,2 +406204,2 +406205,2 +406206,2 +406207,0 +406208,0 +406209,0 +406210,0 +406211,0 +406212,0 +406213,0 +406214,0 +406215,19 +406216,4 +406217,4 +406218,4 +406219,27 +406220,27 +406221,27 +406222,27 +406223,8 +406224,8 +406225,8 +406226,8 +406227,8 +406228,8 +406229,6 +406230,6 +406231,6 +406232,6 +406233,6 +406234,6 +406235,6 +406236,6 +406237,6 +406238,6 +406239,12 +406240,12 +406241,12 +406242,12 +406243,12 +406244,12 +406245,12 +406246,12 +406247,12 +406248,10 +406249,10 +406250,10 +406251,10 +406252,10 +406253,10 +406254,10 +406255,10 +406256,10 +406257,10 +406258,10 +406259,26 +406260,26 +406261,4 +406262,4 +406263,4 +406264,4 +406265,4 +406266,4 +406267,4 +406268,4 +406269,4 +406270,27 +406271,27 +406272,27 +406273,27 +406274,27 +406275,13 +406276,13 +406277,13 +406278,13 +406279,13 +406280,13 +406281,13 +406282,13 +406283,13 +406284,13 +406285,13 +406286,13 +406287,13 +406288,13 +406289,36 +406290,36 +406291,36 +406292,36 +406293,36 +406294,36 +406295,36 +406296,36 +406297,36 +406298,40 +406299,40 +406300,5 +406301,5 +406302,5 +406303,5 +406304,5 +406305,5 +406306,5 +406307,5 +406308,5 +406309,5 +406310,19 +406311,19 +406312,19 +406313,19 +406314,19 +406315,19 +406316,19 +406317,4 +406318,4 +406319,4 +406320,31 +406321,31 +406322,31 +406323,31 +406324,31 +406325,31 +406326,31 +406327,15 +406328,15 +406329,18 +406330,18 +406331,15 +406332,15 +406333,15 +406334,18 +406335,18 +406336,18 +406337,18 +406338,18 +406339,18 +406340,18 +406341,18 +406342,18 +406343,18 +406344,40 +406345,40 +406346,40 +406347,40 +406348,40 +406349,40 +406350,40 +406351,40 +406352,40 +406353,6 +406354,6 +406355,6 +406356,6 +406357,6 +406358,6 +406359,6 +406360,11 +406361,11 +406362,11 +406363,11 +406364,16 +406365,16 +406366,16 +406367,16 +406368,16 +406369,31 +406370,31 +406371,31 +406372,31 +406373,31 +406374,31 +406375,31 +406376,31 +406377,31 +406378,15 +406379,15 +406380,15 +406381,15 +406382,15 +406383,15 +406384,15 +406385,31 +406386,31 +406387,31 +406388,30 +406389,30 +406390,30 +406391,30 +406392,30 +406393,30 +406394,30 +406395,30 +406396,30 +406397,30 +406398,30 +406399,30 +406400,30 +406401,30 +406402,30 +406403,30 +406404,30 +406405,30 +406406,0 +406407,0 +406408,0 +406409,0 +406410,0 +406411,0 +406412,0 +406413,0 +406414,0 +406415,0 +406416,0 +406417,0 +406418,0 +406419,0 +406420,0 +406421,0 +406422,0 +406423,0 +406424,0 +406425,0 +406426,0 +406427,0 +406428,0 +406429,0 +406430,0 +406431,26 +406432,26 +406433,26 +406434,26 +406435,9 +406436,9 +406437,9 +406438,9 +406439,9 +406440,9 +406441,26 +406442,26 +406443,26 +406444,26 +406445,26 +406446,26 +406447,26 +406448,26 +406449,26 +406450,26 +406451,26 +406452,32 +406453,32 +406454,32 +406455,32 +406456,32 +406457,32 +406458,32 +406459,22 +406460,22 +406461,22 +406462,19 +406463,31 +406464,19 +406465,19 +406466,19 +406467,19 +406468,19 +406469,19 +406470,19 +406471,19 +406472,19 +406473,19 +406474,27 +406475,27 +406476,27 +406477,27 +406478,27 +406479,27 +406480,27 +406481,27 +406482,27 +406483,11 +406484,11 +406485,11 +406486,11 +406487,11 +406488,11 +406489,11 +406490,11 +406491,11 +406492,11 +406493,31 +406494,31 +406495,31 +406496,31 +406497,5 +406498,5 +406499,5 +406500,5 +406501,5 +406502,5 +406503,5 +406504,5 +406505,5 +406506,5 +406507,8 +406508,8 +406509,8 +406510,8 +406511,8 +406512,8 +406513,8 +406514,8 +406515,8 +406516,8 +406517,8 +406518,2 +406519,2 +406520,2 +406521,2 +406522,2 +406523,2 +406524,2 +406525,0 +406526,0 +406527,0 +406528,0 +406529,0 +406530,0 +406531,0 +406532,0 +406533,0 +406534,0 +406535,0 +406536,0 +406537,0 +406538,0 +406539,0 +406540,0 +406541,0 +406542,0 +406543,0 +406544,0 +406545,0 +406546,0 +406547,0 +406548,0 +406549,0 +406550,0 +406551,0 +406552,0 +406553,0 +406554,0 +406555,0 +406556,0 +406557,0 +406558,0 +406559,0 +406560,0 +406561,0 +406562,0 +406563,0 +406564,0 +406565,0 +406566,0 +406567,0 +406568,0 +406569,0 +406570,0 +406571,0 +406572,0 +406573,0 +406574,0 +406575,0 +406576,0 +406577,0 +406578,0 +406579,0 +406580,0 +406581,0 +406582,0 +406583,0 +406584,0 +406585,12 +406586,12 +406587,12 +406588,12 +406589,12 +406590,12 +406591,12 +406592,12 +406593,12 +406594,12 +406595,31 +406596,31 +406597,31 +406598,31 +406599,31 +406600,31 +406601,4 +406602,4 +406603,4 +406604,4 +406605,4 +406606,4 +406607,4 +406608,4 +406609,4 +406610,4 +406611,4 +406612,4 +406613,4 +406614,7 +406615,7 +406616,7 +406617,7 +406618,7 +406619,7 +406620,7 +406621,7 +406622,7 +406623,3 +406624,3 +406625,3 +406626,3 +406627,3 +406628,3 +406629,3 +406630,3 +406631,3 +406632,3 +406633,3 +406634,6 +406635,6 +406636,6 +406637,6 +406638,6 +406639,6 +406640,6 +406641,6 +406642,6 +406643,6 +406644,6 +406645,6 +406646,6 +406647,36 +406648,36 +406649,36 +406650,36 +406651,10 +406652,10 +406653,10 +406654,10 +406655,10 +406656,10 +406657,10 +406658,10 +406659,10 +406660,10 +406661,10 +406662,10 +406663,10 +406664,23 +406665,23 +406666,23 +406667,23 +406668,23 +406669,23 +406670,23 +406671,23 +406672,23 +406673,23 +406674,23 +406675,34 +406676,34 +406677,34 +406678,34 +406679,9 +406680,9 +406681,9 +406682,9 +406683,9 +406684,37 +406685,37 +406686,37 +406687,37 +406688,37 +406689,37 +406690,37 +406691,37 +406692,5 +406693,5 +406694,5 +406695,5 +406696,5 +406697,5 +406698,29 +406699,29 +406700,29 +406701,27 +406702,27 +406703,27 +406704,27 +406705,27 +406706,3 +406707,3 +406708,3 +406709,3 +406710,19 +406711,19 +406712,19 +406713,19 +406714,19 +406715,19 +406716,19 +406717,19 +406718,19 +406719,40 +406720,40 +406721,31 +406722,31 +406723,40 +406724,40 +406725,40 +406726,40 +406727,40 +406728,24 +406729,19 +406730,19 +406731,19 +406732,31 +406733,31 +406734,23 +406735,23 +406736,23 +406737,23 +406738,23 +406739,23 +406740,23 +406741,23 +406742,23 +406743,23 +406744,3 +406745,3 +406746,3 +406747,3 +406748,3 +406749,3 +406750,3 +406751,3 +406752,3 +406753,3 +406754,3 +406755,3 +406756,3 +406757,3 +406758,3 +406759,3 +406760,3 +406761,3 +406762,3 +406763,3 +406764,3 +406765,3 +406766,3 +406767,3 +406768,3 +406769,3 +406770,3 +406771,33 +406772,33 +406773,33 +406774,33 +406775,25 +406776,25 +406777,25 +406778,25 +406779,0 +406780,0 +406781,0 +406782,0 +406783,0 +406784,0 +406785,0 +406786,0 +406787,0 +406788,0 +406789,0 +406790,0 +406791,0 +406792,0 +406793,0 +406794,0 +406795,0 +406796,0 +406797,0 +406798,0 +406799,0 +406800,0 +406801,0 +406802,0 +406803,0 +406804,0 +406805,0 +406806,0 +406807,0 +406808,0 +406809,0 +406810,0 +406811,0 +406812,0 +406813,0 +406814,0 +406815,0 +406816,0 +406817,0 +406818,0 +406819,0 +406820,0 +406821,0 +406822,0 +406823,0 +406824,0 +406825,0 +406826,0 +406827,0 +406828,0 +406829,0 +406830,0 +406831,0 +406832,0 +406833,0 +406834,0 +406835,0 +406836,27 +406837,27 +406838,27 +406839,7 +406840,3 +406841,3 +406842,3 +406843,3 +406844,3 +406845,3 +406846,3 +406847,3 +406848,3 +406849,3 +406850,3 +406851,23 +406852,23 +406853,23 +406854,23 +406855,23 +406856,23 +406857,23 +406858,23 +406859,23 +406860,25 +406861,25 +406862,25 +406863,25 +406864,25 +406865,25 +406866,25 +406867,25 +406868,25 +406869,25 +406870,19 +406871,19 +406872,25 +406873,25 +406874,5 +406875,5 +406876,5 +406877,5 +406878,5 +406879,5 +406880,5 +406881,5 +406882,5 +406883,39 +406884,39 +406885,39 +406886,39 +406887,39 +406888,28 +406889,28 +406890,28 +406891,28 +406892,28 +406893,28 +406894,28 +406895,28 +406896,23 +406897,23 +406898,23 +406899,23 +406900,40 +406901,40 +406902,40 +406903,40 +406904,40 +406905,40 +406906,40 +406907,40 +406908,37 +406909,37 +406910,37 +406911,37 +406912,37 +406913,37 +406914,37 +406915,37 +406916,37 +406917,39 +406918,39 +406919,39 +406920,39 +406921,39 +406922,39 +406923,5 +406924,5 +406925,5 +406926,5 +406927,5 +406928,5 +406929,5 +406930,5 +406931,5 +406932,5 +406933,5 +406934,5 +406935,28 +406936,26 +406937,26 +406938,26 +406939,9 +406940,9 +406941,9 +406942,31 +406943,26 +406944,26 +406945,26 +406946,26 +406947,26 +406948,26 +406949,26 +406950,26 +406951,31 +406952,31 +406953,31 +406954,16 +406955,16 +406956,16 +406957,16 +406958,16 +406959,16 +406960,16 +406961,16 +406962,11 +406963,11 +406964,18 +406965,2 +406966,2 +406967,2 +406968,4 +406969,16 +406970,2 +406971,2 +406972,16 +406973,16 +406974,16 +406975,16 +406976,0 +406977,0 +406978,0 +406979,0 +406980,0 +406981,0 +406982,0 +406983,0 +406984,0 +406985,0 +406986,0 +406987,0 +406988,0 +406989,0 +406990,0 +406991,0 +406992,0 +406993,0 +406994,0 +406995,0 +406996,0 +406997,0 +406998,0 +406999,0 +407000,0 +407001,0 +407002,0 +407003,0 +407004,0 +407005,0 +407006,0 +407007,0 +407008,0 +407009,0 +407010,0 +407011,0 +407012,0 +407013,0 +407014,0 +407015,0 +407016,0 +407017,0 +407018,0 +407019,0 +407020,0 +407021,0 +407022,0 +407023,0 +407024,0 +407025,0 +407026,0 +407027,0 +407028,0 +407029,0 +407030,0 +407031,0 +407032,0 +407033,0 +407034,28 +407035,28 +407036,28 +407037,28 +407038,28 +407039,28 +407040,28 +407041,28 +407042,28 +407043,10 +407044,10 +407045,10 +407046,10 +407047,10 +407048,10 +407049,10 +407050,10 +407051,10 +407052,7 +407053,7 +407054,7 +407055,7 +407056,7 +407057,7 +407058,7 +407059,7 +407060,7 +407061,3 +407062,10 +407063,10 +407064,7 +407065,31 +407066,26 +407067,26 +407068,26 +407069,9 +407070,9 +407071,26 +407072,26 +407073,10 +407074,10 +407075,5 +407076,27 +407077,27 +407078,5 +407079,13 +407080,5 +407081,5 +407082,5 +407083,5 +407084,5 +407085,5 +407086,28 +407087,28 +407088,28 +407089,28 +407090,28 +407091,28 +407092,28 +407093,40 +407094,40 +407095,40 +407096,40 +407097,40 +407098,40 +407099,40 +407100,40 +407101,40 +407102,40 +407103,40 +407104,40 +407105,40 +407106,40 +407107,40 +407108,5 +407109,5 +407110,5 +407111,5 +407112,5 +407113,5 +407114,5 +407115,5 +407116,36 +407117,36 +407118,36 +407119,36 +407120,36 +407121,36 +407122,36 +407123,36 +407124,35 +407125,36 +407126,36 +407127,36 +407128,36 +407129,36 +407130,36 +407131,36 +407132,36 +407133,36 +407134,24 +407135,24 +407136,24 +407137,24 +407138,24 +407139,24 +407140,24 +407141,2 +407142,2 +407143,2 +407144,2 +407145,2 +407146,2 +407147,2 +407148,2 +407149,2 +407150,2 +407151,2 +407152,2 +407153,2 +407154,2 +407155,31 +407156,31 +407157,31 +407158,31 +407159,31 +407160,31 +407161,28 +407162,28 +407163,28 +407164,28 +407165,28 +407166,28 +407167,4 +407168,32 +407169,4 +407170,4 +407171,4 +407172,4 +407173,4 +407174,4 +407175,4 +407176,4 +407177,2 +407178,4 +407179,10 +407180,10 +407181,10 +407182,10 +407183,10 +407184,10 +407185,10 +407186,10 +407187,10 +407188,10 +407189,10 +407190,10 +407191,10 +407192,10 +407193,10 +407194,10 +407195,28 +407196,28 +407197,28 +407198,28 +407199,28 +407200,28 +407201,28 +407202,28 +407203,2 +407204,2 +407205,2 +407206,2 +407207,2 +407208,2 +407209,2 +407210,2 +407211,2 +407212,4 +407213,4 +407214,4 +407215,4 +407216,4 +407217,4 +407218,4 +407219,4 +407220,4 +407221,27 +407222,27 +407223,27 +407224,14 +407225,14 +407226,14 +407227,14 +407228,14 +407229,6 +407230,6 +407231,6 +407232,6 +407233,6 +407234,6 +407235,6 +407236,31 +407237,31 +407238,31 +407239,31 +407240,31 +407241,5 +407242,5 +407243,5 +407244,5 +407245,12 +407246,12 +407247,12 +407248,12 +407249,12 +407250,32 +407251,32 +407252,32 +407253,32 +407254,32 +407255,32 +407256,32 +407257,32 +407258,32 +407259,9 +407260,9 +407261,9 +407262,9 +407263,9 +407264,9 +407265,9 +407266,37 +407267,37 +407268,37 +407269,37 +407270,37 +407271,37 +407272,37 +407273,37 +407274,2 +407275,2 +407276,2 +407277,2 +407278,2 +407279,2 +407280,2 +407281,2 +407282,2 +407283,2 +407284,2 +407285,27 +407286,27 +407287,27 +407288,27 +407289,27 +407290,27 +407291,8 +407292,8 +407293,8 +407294,8 +407295,8 +407296,8 +407297,8 +407298,8 +407299,31 +407300,31 +407301,31 +407302,31 +407303,31 +407304,31 +407305,31 +407306,27 +407307,28 +407308,28 +407309,28 +407310,28 +407311,28 +407312,28 +407313,28 +407314,28 +407315,28 +407316,28 +407317,28 +407318,7 +407319,7 +407320,7 +407321,7 +407322,7 +407323,3 +407324,3 +407325,3 +407326,3 +407327,3 +407328,3 +407329,3 +407330,3 +407331,3 +407332,3 +407333,3 +407334,30 +407335,30 +407336,30 +407337,30 +407338,30 +407339,30 +407340,30 +407341,30 +407342,30 +407343,30 +407344,8 +407345,8 +407346,2 +407347,8 +407348,8 +407349,2 +407350,2 +407351,2 +407352,8 +407353,23 +407354,23 +407355,23 +407356,23 +407357,25 +407358,25 +407359,31 +407360,31 +407361,25 +407362,28 +407363,28 +407364,28 +407365,28 +407366,29 +407367,5 +407368,5 +407369,5 +407370,5 +407371,5 +407372,31 +407373,31 +407374,31 +407375,31 +407376,31 +407377,31 +407378,31 +407379,31 +407380,12 +407381,12 +407382,12 +407383,12 +407384,12 +407385,12 +407386,12 +407387,12 +407388,12 +407389,12 +407390,10 +407391,10 +407392,10 +407393,10 +407394,10 +407395,10 +407396,10 +407397,10 +407398,10 +407399,10 +407400,10 +407401,10 +407402,10 +407403,10 +407404,4 +407405,4 +407406,4 +407407,4 +407408,4 +407409,4 +407410,4 +407411,4 +407412,4 +407413,4 +407414,2 +407415,2 +407416,2 +407417,2 +407418,2 +407419,2 +407420,2 +407421,2 +407422,2 +407423,2 +407424,2 +407425,2 +407426,2 +407427,2 +407428,2 +407429,2 +407430,2 +407431,2 +407432,2 +407433,2 +407434,2 +407435,2 +407436,2 +407437,0 +407438,0 +407439,2 +407440,2 +407441,2 +407442,2 +407443,0 +407444,0 +407445,0 +407446,0 +407447,0 +407448,2 +407449,0 +407450,0 +407451,0 +407452,0 +407453,0 +407454,0 +407455,0 +407456,0 +407457,0 +407458,0 +407459,0 +407460,0 +407461,0 +407462,0 +407463,0 +407464,0 +407465,0 +407466,0 +407467,0 +407468,0 +407469,0 +407470,0 +407471,0 +407472,0 +407473,0 +407474,0 +407475,0 +407476,0 +407477,29 +407478,29 +407479,29 +407480,29 +407481,29 +407482,29 +407483,29 +407484,29 +407485,29 +407486,29 +407487,29 +407488,29 +407489,31 +407490,31 +407491,31 +407492,29 +407493,29 +407494,15 +407495,29 +407496,29 +407497,15 +407498,29 +407499,15 +407500,27 +407501,27 +407502,27 +407503,27 +407504,27 +407505,14 +407506,14 +407507,14 +407508,14 +407509,19 +407510,19 +407511,19 +407512,19 +407513,21 +407514,21 +407515,21 +407516,12 +407517,12 +407518,12 +407519,12 +407520,12 +407521,12 +407522,17 +407523,17 +407524,17 +407525,17 +407526,31 +407527,5 +407528,5 +407529,13 +407530,28 +407531,27 +407532,27 +407533,27 +407534,27 +407535,27 +407536,27 +407537,27 +407538,27 +407539,27 +407540,5 +407541,5 +407542,5 +407543,5 +407544,5 +407545,19 +407546,19 +407547,19 +407548,19 +407549,19 +407550,3 +407551,3 +407552,3 +407553,3 +407554,3 +407555,3 +407556,3 +407557,3 +407558,3 +407559,3 +407560,2 +407561,2 +407562,2 +407563,2 +407564,2 +407565,2 +407566,2 +407567,2 +407568,2 +407569,2 +407570,27 +407571,27 +407572,27 +407573,27 +407574,27 +407575,27 +407576,27 +407577,8 +407578,8 +407579,8 +407580,8 +407581,8 +407582,8 +407583,8 +407584,8 +407585,8 +407586,32 +407587,32 +407588,32 +407589,32 +407590,32 +407591,32 +407592,32 +407593,30 +407594,30 +407595,30 +407596,30 +407597,30 +407598,36 +407599,36 +407600,36 +407601,36 +407602,36 +407603,36 +407604,36 +407605,36 +407606,36 +407607,36 +407608,36 +407609,36 +407610,36 +407611,8 +407612,8 +407613,8 +407614,8 +407615,8 +407616,8 +407617,8 +407618,8 +407619,28 +407620,28 +407621,28 +407622,28 +407623,28 +407624,28 +407625,28 +407626,31 +407627,31 +407628,31 +407629,31 +407630,31 +407631,31 +407632,31 +407633,31 +407634,4 +407635,4 +407636,4 +407637,4 +407638,4 +407639,4 +407640,10 +407641,10 +407642,36 +407643,36 +407644,36 +407645,36 +407646,36 +407647,36 +407648,6 +407649,6 +407650,6 +407651,6 +407652,6 +407653,6 +407654,4 +407655,4 +407656,4 +407657,4 +407658,4 +407659,31 +407660,31 +407661,31 +407662,31 +407663,24 +407664,24 +407665,24 +407666,24 +407667,24 +407668,27 +407669,27 +407670,27 +407671,27 +407672,31 +407673,27 +407674,4 +407675,4 +407676,4 +407677,4 +407678,4 +407679,4 +407680,39 +407681,3 +407682,3 +407683,3 +407684,39 +407685,39 +407686,39 +407687,39 +407688,39 +407689,39 +407690,39 +407691,39 +407692,39 +407693,39 +407694,39 +407695,39 +407696,39 +407697,39 +407698,39 +407699,39 +407700,39 +407701,0 +407702,0 +407703,0 +407704,0 +407705,0 +407706,0 +407707,0 +407708,0 +407709,0 +407710,0 +407711,0 +407712,0 +407713,0 +407714,0 +407715,0 +407716,0 +407717,0 +407718,0 +407719,0 +407720,0 +407721,0 +407722,0 +407723,0 +407724,0 +407725,0 +407726,0 +407727,0 +407728,0 +407729,0 +407730,0 +407731,29 +407732,29 +407733,29 +407734,29 +407735,33 +407736,33 +407737,33 +407738,33 +407739,33 +407740,33 +407741,30 +407742,30 +407743,30 +407744,30 +407745,30 +407746,30 +407747,31 +407748,31 +407749,31 +407750,31 +407751,31 +407752,31 +407753,22 +407754,22 +407755,31 +407756,31 +407757,31 +407758,31 +407759,31 +407760,31 +407761,31 +407762,30 +407763,30 +407764,30 +407765,30 +407766,12 +407767,12 +407768,12 +407769,12 +407770,12 +407771,12 +407772,12 +407773,12 +407774,31 +407775,31 +407776,31 +407777,31 +407778,5 +407779,5 +407780,13 +407781,13 +407782,13 +407783,5 +407784,13 +407785,13 +407786,13 +407787,13 +407788,26 +407789,26 +407790,26 +407791,26 +407792,26 +407793,26 +407794,9 +407795,9 +407796,9 +407797,9 +407798,9 +407799,9 +407800,9 +407801,9 +407802,9 +407803,9 +407804,9 +407805,37 +407806,37 +407807,37 +407808,37 +407809,37 +407810,37 +407811,23 +407812,23 +407813,23 +407814,23 +407815,23 +407816,23 +407817,23 +407818,23 +407819,23 +407820,10 +407821,10 +407822,10 +407823,10 +407824,10 +407825,10 +407826,10 +407827,10 +407828,10 +407829,10 +407830,10 +407831,10 +407832,10 +407833,10 +407834,10 +407835,10 +407836,2 +407837,2 +407838,2 +407839,2 +407840,2 +407841,2 +407842,2 +407843,2 +407844,31 +407845,31 +407846,31 +407847,31 +407848,27 +407849,27 +407850,4 +407851,4 +407852,4 +407853,4 +407854,4 +407855,4 +407856,4 +407857,4 +407858,4 +407859,4 +407860,19 +407861,19 +407862,19 +407863,0 +407864,0 +407865,0 +407866,0 +407867,0 +407868,0 +407869,0 +407870,0 +407871,0 +407872,0 +407873,0 +407874,0 +407875,0 +407876,0 +407877,0 +407878,0 +407879,0 +407880,0 +407881,0 +407882,0 +407883,0 +407884,0 +407885,0 +407886,0 +407887,0 +407888,0 +407889,0 +407890,0 +407891,0 +407892,0 +407893,0 +407894,0 +407895,0 +407896,0 +407897,0 +407898,0 +407899,0 +407900,0 +407901,0 +407902,0 +407903,0 +407904,0 +407905,0 +407906,36 +407907,36 +407908,36 +407909,36 +407910,19 +407911,19 +407912,5 +407913,5 +407914,19 +407915,19 +407916,31 +407917,31 +407918,31 +407919,31 +407920,31 +407921,31 +407922,31 +407923,5 +407924,4 +407925,4 +407926,4 +407927,4 +407928,4 +407929,4 +407930,4 +407931,4 +407932,4 +407933,4 +407934,4 +407935,4 +407936,4 +407937,4 +407938,4 +407939,10 +407940,10 +407941,10 +407942,10 +407943,10 +407944,10 +407945,10 +407946,10 +407947,10 +407948,10 +407949,10 +407950,10 +407951,10 +407952,5 +407953,5 +407954,5 +407955,5 +407956,31 +407957,31 +407958,31 +407959,31 +407960,31 +407961,24 +407962,24 +407963,24 +407964,24 +407965,24 +407966,24 +407967,24 +407968,24 +407969,0 +407970,32 +407971,32 +407972,32 +407973,32 +407974,32 +407975,32 +407976,32 +407977,32 +407978,32 +407979,32 +407980,32 +407981,32 +407982,32 +407983,32 +407984,32 +407985,32 +407986,25 +407987,25 +407988,25 +407989,25 +407990,25 +407991,25 +407992,25 +407993,23 +407994,23 +407995,23 +407996,23 +407997,23 +407998,23 +407999,23 +408000,27 +408001,27 +408002,27 +408003,27 +408004,27 +408005,27 +408006,27 +408007,6 +408008,6 +408009,6 +408010,6 +408011,6 +408012,6 +408013,4 +408014,4 +408015,4 +408016,4 +408017,4 +408018,4 +408019,6 +408020,6 +408021,6 +408022,6 +408023,6 +408024,6 +408025,22 +408026,22 +408027,22 +408028,22 +408029,22 +408030,19 +408031,19 +408032,19 +408033,19 +408034,19 +408035,19 +408036,23 +408037,23 +408038,23 +408039,23 +408040,23 +408041,23 +408042,23 +408043,23 +408044,23 +408045,23 +408046,40 +408047,40 +408048,40 +408049,40 +408050,40 +408051,40 +408052,30 +408053,30 +408054,30 +408055,30 +408056,30 +408057,30 +408058,30 +408059,30 +408060,30 +408061,27 +408062,27 +408063,27 +408064,27 +408065,27 +408066,27 +408067,27 +408068,11 +408069,11 +408070,11 +408071,11 +408072,11 +408073,11 +408074,11 +408075,11 +408076,11 +408077,11 +408078,11 +408079,11 +408080,11 +408081,11 +408082,33 +408083,33 +408084,33 +408085,33 +408086,33 +408087,22 +408088,22 +408089,22 +408090,33 +408091,33 +408092,33 +408093,33 +408094,33 +408095,0 +408096,0 +408097,0 +408098,0 +408099,0 +408100,0 +408101,0 +408102,0 +408103,0 +408104,0 +408105,0 +408106,0 +408107,0 +408108,0 +408109,0 +408110,0 +408111,0 +408112,0 +408113,0 +408114,0 +408115,0 +408116,0 +408117,0 +408118,0 +408119,0 +408120,0 +408121,0 +408122,0 +408123,0 +408124,0 +408125,0 +408126,0 +408127,0 +408128,0 +408129,0 +408130,0 +408131,0 +408132,0 +408133,0 +408134,0 +408135,0 +408136,0 +408137,0 +408138,0 +408139,0 +408140,0 +408141,0 +408142,9 +408143,35 +408144,35 +408145,35 +408146,35 +408147,35 +408148,35 +408149,35 +408150,35 +408151,35 +408152,35 +408153,12 +408154,12 +408155,31 +408156,31 +408157,31 +408158,24 +408159,24 +408160,24 +408161,35 +408162,35 +408163,35 +408164,35 +408165,35 +408166,35 +408167,35 +408168,36 +408169,36 +408170,36 +408171,36 +408172,36 +408173,36 +408174,8 +408175,8 +408176,8 +408177,8 +408178,8 +408179,8 +408180,8 +408181,15 +408182,32 +408183,32 +408184,32 +408185,32 +408186,32 +408187,22 +408188,22 +408189,22 +408190,22 +408191,22 +408192,22 +408193,6 +408194,6 +408195,6 +408196,6 +408197,6 +408198,6 +408199,6 +408200,6 +408201,6 +408202,6 +408203,6 +408204,6 +408205,6 +408206,6 +408207,6 +408208,31 +408209,31 +408210,31 +408211,31 +408212,31 +408213,34 +408214,34 +408215,34 +408216,34 +408217,34 +408218,34 +408219,34 +408220,5 +408221,5 +408222,5 +408223,5 +408224,5 +408225,5 +408226,4 +408227,4 +408228,4 +408229,4 +408230,4 +408231,4 +408232,31 +408233,31 +408234,31 +408235,31 +408236,31 +408237,31 +408238,31 +408239,33 +408240,31 +408241,23 +408242,23 +408243,23 +408244,23 +408245,35 +408246,35 +408247,39 +408248,7 +408249,7 +408250,7 +408251,7 +408252,7 +408253,7 +408254,7 +408255,7 +408256,7 +408257,3 +408258,3 +408259,3 +408260,3 +408261,3 +408262,3 +408263,3 +408264,3 +408265,3 +408266,3 +408267,3 +408268,3 +408269,3 +408270,3 +408271,3 +408272,3 +408273,9 +408274,9 +408275,9 +408276,9 +408277,9 +408278,9 +408279,9 +408280,9 +408281,9 +408282,9 +408283,9 +408284,9 +408285,9 +408286,9 +408287,30 +408288,30 +408289,30 +408290,30 +408291,29 +408292,29 +408293,29 +408294,29 +408295,29 +408296,29 +408297,29 +408298,39 +408299,39 +408300,39 +408301,39 +408302,39 +408303,39 +408304,39 +408305,39 +408306,39 +408307,39 +408308,39 +408309,39 +408310,8 +408311,8 +408312,8 +408313,8 +408314,8 +408315,8 +408316,8 +408317,8 +408318,8 +408319,8 +408320,19 +408321,19 +408322,4 +408323,4 +408324,4 +408325,4 +408326,4 +408327,14 +408328,14 +408329,14 +408330,14 +408331,14 +408332,14 +408333,14 +408334,14 +408335,14 +408336,14 +408337,14 +408338,14 +408339,14 +408340,14 +408341,14 +408342,14 +408343,14 +408344,14 +408345,14 +408346,14 +408347,14 +408348,14 +408349,14 +408350,14 +408351,14 +408352,8 +408353,8 +408354,8 +408355,8 +408356,8 +408357,8 +408358,8 +408359,8 +408360,8 +408361,8 +408362,8 +408363,0 +408364,0 +408365,0 +408366,0 +408367,0 +408368,0 +408369,0 +408370,0 +408371,0 +408372,0 +408373,0 +408374,0 +408375,0 +408376,0 +408377,0 +408378,0 +408379,0 +408380,0 +408381,0 +408382,0 +408383,0 +408384,0 +408385,0 +408386,0 +408387,0 +408388,0 +408389,0 +408390,0 +408391,0 +408392,0 +408393,0 +408394,0 +408395,0 +408396,0 +408397,0 +408398,0 +408399,11 +408400,11 +408401,11 +408402,11 +408403,11 +408404,11 +408405,11 +408406,11 +408407,11 +408408,11 +408409,11 +408410,11 +408411,39 +408412,39 +408413,39 +408414,39 +408415,39 +408416,39 +408417,39 +408418,39 +408419,39 +408420,6 +408421,6 +408422,6 +408423,6 +408424,6 +408425,6 +408426,6 +408427,14 +408428,14 +408429,14 +408430,14 +408431,14 +408432,14 +408433,14 +408434,14 +408435,28 +408436,28 +408437,28 +408438,28 +408439,28 +408440,28 +408441,5 +408442,5 +408443,5 +408444,5 +408445,23 +408446,23 +408447,38 +408448,38 +408449,38 +408450,38 +408451,23 +408452,23 +408453,38 +408454,23 +408455,23 +408456,38 +408457,38 +408458,38 +408459,23 +408460,23 +408461,9 +408462,9 +408463,9 +408464,9 +408465,9 +408466,9 +408467,9 +408468,9 +408469,9 +408470,9 +408471,9 +408472,9 +408473,9 +408474,9 +408475,4 +408476,4 +408477,4 +408478,4 +408479,4 +408480,4 +408481,4 +408482,32 +408483,23 +408484,23 +408485,23 +408486,23 +408487,23 +408488,23 +408489,23 +408490,23 +408491,23 +408492,9 +408493,31 +408494,31 +408495,30 +408496,30 +408497,30 +408498,30 +408499,30 +408500,30 +408501,30 +408502,30 +408503,30 +408504,30 +408505,30 +408506,30 +408507,30 +408508,30 +408509,30 +408510,30 +408511,30 +408512,30 +408513,30 +408514,35 +408515,36 +408516,36 +408517,36 +408518,36 +408519,36 +408520,36 +408521,31 +408522,31 +408523,31 +408524,5 +408525,5 +408526,5 +408527,5 +408528,5 +408529,5 +408530,5 +408531,5 +408532,5 +408533,28 +408534,28 +408535,28 +408536,28 +408537,28 +408538,28 +408539,28 +408540,28 +408541,10 +408542,28 +408543,26 +408544,26 +408545,26 +408546,26 +408547,26 +408548,4 +408549,4 +408550,4 +408551,4 +408552,4 +408553,25 +408554,25 +408555,25 +408556,25 +408557,25 +408558,25 +408559,25 +408560,25 +408561,19 +408562,19 +408563,19 +408564,19 +408565,19 +408566,19 +408567,12 +408568,12 +408569,12 +408570,12 +408571,12 +408572,12 +408573,12 +408574,12 +408575,12 +408576,12 +408577,12 +408578,12 +408579,12 +408580,12 +408581,12 +408582,12 +408583,25 +408584,25 +408585,25 +408586,25 +408587,25 +408588,25 +408589,25 +408590,25 +408591,25 +408592,25 +408593,25 +408594,25 +408595,25 +408596,19 +408597,19 +408598,19 +408599,19 +408600,19 +408601,19 +408602,19 +408603,19 +408604,19 +408605,8 +408606,8 +408607,8 +408608,8 +408609,8 +408610,2 +408611,2 +408612,2 +408613,2 +408614,2 +408615,2 +408616,2 +408617,2 +408618,2 +408619,2 +408620,2 +408621,2 +408622,2 +408623,2 +408624,2 +408625,8 +408626,8 +408627,8 +408628,0 +408629,0 +408630,0 +408631,0 +408632,0 +408633,0 +408634,0 +408635,0 +408636,0 +408637,0 +408638,0 +408639,0 +408640,0 +408641,0 +408642,0 +408643,0 +408644,0 +408645,0 +408646,0 +408647,0 +408648,0 +408649,0 +408650,0 +408651,0 +408652,0 +408653,0 +408654,0 +408655,0 +408656,0 +408657,0 +408658,0 +408659,0 +408660,0 +408661,0 +408662,0 +408663,0 +408664,0 +408665,0 +408666,0 +408667,0 +408668,0 +408669,0 +408670,0 +408671,0 +408672,0 +408673,0 +408674,0 +408675,0 +408676,0 +408677,0 +408678,0 +408679,0 +408680,0 +408681,0 +408682,0 +408683,0 +408684,0 +408685,0 +408686,0 +408687,2 +408688,2 +408689,2 +408690,2 +408691,2 +408692,2 +408693,2 +408694,2 +408695,2 +408696,2 +408697,2 +408698,2 +408699,2 +408700,2 +408701,31 +408702,31 +408703,31 +408704,31 +408705,31 +408706,28 +408707,28 +408708,28 +408709,28 +408710,28 +408711,28 +408712,28 +408713,28 +408714,4 +408715,4 +408716,4 +408717,4 +408718,4 +408719,4 +408720,4 +408721,4 +408722,4 +408723,10 +408724,10 +408725,10 +408726,10 +408727,10 +408728,10 +408729,10 +408730,31 +408731,10 +408732,5 +408733,5 +408734,28 +408735,28 +408736,28 +408737,28 +408738,28 +408739,28 +408740,28 +408741,28 +408742,28 +408743,2 +408744,2 +408745,2 +408746,8 +408747,8 +408748,8 +408749,8 +408750,8 +408751,32 +408752,4 +408753,32 +408754,32 +408755,4 +408756,4 +408757,4 +408758,4 +408759,4 +408760,4 +408761,4 +408762,27 +408763,27 +408764,27 +408765,27 +408766,27 +408767,37 +408768,37 +408769,37 +408770,37 +408771,37 +408772,37 +408773,37 +408774,37 +408775,37 +408776,37 +408777,2 +408778,2 +408779,2 +408780,2 +408781,2 +408782,2 +408783,6 +408784,6 +408785,6 +408786,6 +408787,6 +408788,6 +408789,6 +408790,6 +408791,14 +408792,14 +408793,14 +408794,14 +408795,14 +408796,14 +408797,14 +408798,14 +408799,14 +408800,14 +408801,28 +408802,28 +408803,28 +408804,28 +408805,28 +408806,28 +408807,28 +408808,4 +408809,4 +408810,4 +408811,4 +408812,4 +408813,4 +408814,4 +408815,3 +408816,3 +408817,3 +408818,3 +408819,3 +408820,3 +408821,12 +408822,12 +408823,12 +408824,12 +408825,12 +408826,12 +408827,12 +408828,12 +408829,25 +408830,25 +408831,25 +408832,25 +408833,25 +408834,25 +408835,25 +408836,25 +408837,31 +408838,31 +408839,10 +408840,10 +408841,10 +408842,10 +408843,10 +408844,10 +408845,10 +408846,10 +408847,10 +408848,10 +408849,10 +408850,10 +408851,10 +408852,10 +408853,10 +408854,10 +408855,10 +408856,10 +408857,10 +408858,10 +408859,10 +408860,8 +408861,8 +408862,8 +408863,8 +408864,8 +408865,8 +408866,2 +408867,2 +408868,2 +408869,2 +408870,2 +408871,2 +408872,2 +408873,2 +408874,2 +408875,2 +408876,2 +408877,2 +408878,2 +408879,2 +408880,2 +408881,2 +408882,2 +408883,2 +408884,2 +408885,2 +408886,8 +408887,8 +408888,0 +408889,0 +408890,0 +408891,0 +408892,0 +408893,0 +408894,0 +408895,0 +408896,0 +408897,0 +408898,0 +408899,0 +408900,0 +408901,0 +408902,0 +408903,0 +408904,0 +408905,0 +408906,0 +408907,0 +408908,0 +408909,0 +408910,0 +408911,0 +408912,0 +408913,0 +408914,0 +408915,0 +408916,0 +408917,0 +408918,0 +408919,0 +408920,0 +408921,0 +408922,0 +408923,0 +408924,0 +408925,0 +408926,0 +408927,0 +408928,0 +408929,0 +408930,0 +408931,0 +408932,0 +408933,0 +408934,0 +408935,0 +408936,0 +408937,0 +408938,0 +408939,0 +408940,35 +408941,35 +408942,35 +408943,35 +408944,35 +408945,35 +408946,33 +408947,12 +408948,12 +408949,12 +408950,33 +408951,12 +408952,31 +408953,31 +408954,31 +408955,5 +408956,5 +408957,5 +408958,5 +408959,5 +408960,5 +408961,5 +408962,2 +408963,2 +408964,2 +408965,2 +408966,2 +408967,2 +408968,2 +408969,2 +408970,2 +408971,27 +408972,27 +408973,27 +408974,27 +408975,27 +408976,27 +408977,27 +408978,27 +408979,28 +408980,28 +408981,28 +408982,28 +408983,28 +408984,5 +408985,5 +408986,19 +408987,19 +408988,19 +408989,19 +408990,39 +408991,39 +408992,39 +408993,39 +408994,39 +408995,39 +408996,39 +408997,39 +408998,39 +408999,39 +409000,39 +409001,39 +409002,39 +409003,19 +409004,19 +409005,19 +409006,10 +409007,10 +409008,10 +409009,10 +409010,1 +409011,1 +409012,10 +409013,10 +409014,10 +409015,10 +409016,10 +409017,4 +409018,4 +409019,4 +409020,4 +409021,4 +409022,4 +409023,4 +409024,10 +409025,4 +409026,4 +409027,4 +409028,4 +409029,19 +409030,0 +409031,0 +409032,0 +409033,0 +409034,0 +409035,19 +409036,19 +409037,19 +409038,27 +409039,27 +409040,27 +409041,27 +409042,27 +409043,27 +409044,27 +409045,19 +409046,19 +409047,19 +409048,19 +409049,19 +409050,19 +409051,35 +409052,35 +409053,35 +409054,35 +409055,35 +409056,35 +409057,35 +409058,35 +409059,36 +409060,36 +409061,34 +409062,34 +409063,34 +409064,34 +409065,34 +409066,34 +409067,31 +409068,31 +409069,31 +409070,31 +409071,31 +409072,31 +409073,31 +409074,31 +409075,31 +409076,31 +409077,25 +409078,23 +409079,23 +409080,23 +409081,23 +409082,23 +409083,23 +409084,23 +409085,23 +409086,23 +409087,23 +409088,37 +409089,37 +409090,37 +409091,37 +409092,37 +409093,37 +409094,40 +409095,40 +409096,40 +409097,40 +409098,40 +409099,36 +409100,36 +409101,31 +409102,37 +409103,37 +409104,37 +409105,5 +409106,5 +409107,5 +409108,5 +409109,5 +409110,5 +409111,5 +409112,5 +409113,5 +409114,5 +409115,5 +409116,5 +409117,19 +409118,19 +409119,19 +409120,19 +409121,19 +409122,19 +409123,19 +409124,19 +409125,19 +409126,19 +409127,19 +409128,19 +409129,19 +409130,0 +409131,0 +409132,0 +409133,0 +409134,0 +409135,0 +409136,0 +409137,0 +409138,0 +409139,0 +409140,0 +409141,0 +409142,0 +409143,0 +409144,0 +409145,0 +409146,0 +409147,0 +409148,0 +409149,0 +409150,0 +409151,0 +409152,0 +409153,0 +409154,0 +409155,0 +409156,0 +409157,0 +409158,0 +409159,0 +409160,0 +409161,0 +409162,0 +409163,0 +409164,0 +409165,0 +409166,0 +409167,0 +409168,0 +409169,0 +409170,0 +409171,0 +409172,0 +409173,0 +409174,0 +409175,0 +409176,0 +409177,0 +409178,0 +409179,0 +409180,0 +409181,0 +409182,0 +409183,0 +409184,0 +409185,0 +409186,0 +409187,0 +409188,0 +409189,0 +409190,0 +409191,0 +409192,0 +409193,0 +409194,27 +409195,27 +409196,27 +409197,27 +409198,27 +409199,27 +409200,27 +409201,2 +409202,2 +409203,2 +409204,2 +409205,2 +409206,2 +409207,2 +409208,2 +409209,4 +409210,2 +409211,2 +409212,2 +409213,27 +409214,27 +409215,27 +409216,27 +409217,27 +409218,27 +409219,19 +409220,19 +409221,19 +409222,19 +409223,19 +409224,19 +409225,19 +409226,31 +409227,31 +409228,26 +409229,26 +409230,26 +409231,26 +409232,36 +409233,36 +409234,36 +409235,36 +409236,36 +409237,36 +409238,36 +409239,36 +409240,36 +409241,36 +409242,36 +409243,36 +409244,36 +409245,4 +409246,4 +409247,4 +409248,4 +409249,4 +409250,4 +409251,4 +409252,4 +409253,4 +409254,4 +409255,32 +409256,32 +409257,32 +409258,32 +409259,32 +409260,31 +409261,31 +409262,31 +409263,31 +409264,31 +409265,31 +409266,31 +409267,31 +409268,21 +409269,21 +409270,21 +409271,21 +409272,21 +409273,21 +409274,37 +409275,37 +409276,37 +409277,37 +409278,37 +409279,37 +409280,37 +409281,37 +409282,37 +409283,37 +409284,39 +409285,39 +409286,39 +409287,39 +409288,39 +409289,39 +409290,39 +409291,39 +409292,39 +409293,39 +409294,39 +409295,24 +409296,24 +409297,24 +409298,24 +409299,24 +409300,24 +409301,24 +409302,40 +409303,40 +409304,40 +409305,37 +409306,37 +409307,37 +409308,37 +409309,37 +409310,37 +409311,37 +409312,37 +409313,37 +409314,37 +409315,37 +409316,37 +409317,37 +409318,39 +409319,39 +409320,39 +409321,39 +409322,39 +409323,39 +409324,39 +409325,39 +409326,12 +409327,12 +409328,12 +409329,12 +409330,12 +409331,12 +409332,12 +409333,12 +409334,12 +409335,12 +409336,10 +409337,10 +409338,10 +409339,40 +409340,40 +409341,40 +409342,40 +409343,40 +409344,30 +409345,10 +409346,30 +409347,30 +409348,30 +409349,30 +409350,30 +409351,30 +409352,30 +409353,30 +409354,30 +409355,12 +409356,12 +409357,30 +409358,30 +409359,31 +409360,30 +409361,30 +409362,30 +409363,30 +409364,30 +409365,30 +409366,38 +409367,38 +409368,38 +409369,38 +409370,38 +409371,38 +409372,38 +409373,38 +409374,38 +409375,31 +409376,31 +409377,31 +409378,31 +409379,31 +409380,24 +409381,24 +409382,24 +409383,24 +409384,24 +409385,24 +409386,30 +409387,30 +409388,30 +409389,30 +409390,30 +409391,36 +409392,36 +409393,36 +409394,36 +409395,36 +409396,36 +409397,36 +409398,36 +409399,34 +409400,4 +409401,4 +409402,4 +409403,4 +409404,4 +409405,4 +409406,4 +409407,4 +409408,4 +409409,36 +409410,25 +409411,4 +409412,4 +409413,4 +409414,4 +409415,4 +409416,4 +409417,4 +409418,4 +409419,4 +409420,4 +409421,4 +409422,4 +409423,3 +409424,3 +409425,3 +409426,3 +409427,3 +409428,3 +409429,3 +409430,3 +409431,3 +409432,3 +409433,19 +409434,19 +409435,19 +409436,31 +409437,31 +409438,31 +409439,31 +409440,31 +409441,24 +409442,24 +409443,24 +409444,24 +409445,24 +409446,24 +409447,24 +409448,26 +409449,26 +409450,26 +409451,26 +409452,26 +409453,26 +409454,26 +409455,26 +409456,26 +409457,26 +409458,26 +409459,26 +409460,26 +409461,26 +409462,37 +409463,37 +409464,37 +409465,37 +409466,37 +409467,37 +409468,37 +409469,37 +409470,37 +409471,37 +409472,19 +409473,19 +409474,19 +409475,19 +409476,19 +409477,19 +409478,19 +409479,19 +409480,21 +409481,40 +409482,40 +409483,40 +409484,40 +409485,40 +409486,40 +409487,36 +409488,36 +409489,36 +409490,19 +409491,19 +409492,19 +409493,19 +409494,19 +409495,19 +409496,19 +409497,19 +409498,19 +409499,19 +409500,19 +409501,19 +409502,37 +409503,37 +409504,37 +409505,37 +409506,37 +409507,37 +409508,37 +409509,37 +409510,40 +409511,40 +409512,40 +409513,40 +409514,40 +409515,40 +409516,40 +409517,6 +409518,6 +409519,6 +409520,6 +409521,6 +409522,6 +409523,6 +409524,6 +409525,6 +409526,31 +409527,27 +409528,27 +409529,31 +409530,5 +409531,5 +409532,5 +409533,5 +409534,5 +409535,5 +409536,27 +409537,27 +409538,27 +409539,27 +409540,27 +409541,27 +409542,27 +409543,13 +409544,13 +409545,13 +409546,13 +409547,13 +409548,13 +409549,13 +409550,13 +409551,13 +409552,13 +409553,13 +409554,13 +409555,13 +409556,13 +409557,13 +409558,13 +409559,13 +409560,13 +409561,13 +409562,13 +409563,13 +409564,13 +409565,0 +409566,0 +409567,0 +409568,0 +409569,0 +409570,0 +409571,0 +409572,0 +409573,0 +409574,0 +409575,0 +409576,0 +409577,0 +409578,0 +409579,0 +409580,0 +409581,0 +409582,0 +409583,0 +409584,0 +409585,0 +409586,0 +409587,0 +409588,0 +409589,0 +409590,0 +409591,29 +409592,29 +409593,29 +409594,31 +409595,31 +409596,31 +409597,31 +409598,30 +409599,30 +409600,30 +409601,30 +409602,30 +409603,30 +409604,30 +409605,30 +409606,30 +409607,30 +409608,30 +409609,30 +409610,36 +409611,36 +409612,36 +409613,36 +409614,36 +409615,36 +409616,36 +409617,36 +409618,10 +409619,10 +409620,10 +409621,36 +409622,36 +409623,23 +409624,23 +409625,23 +409626,23 +409627,23 +409628,23 +409629,23 +409630,23 +409631,23 +409632,4 +409633,4 +409634,4 +409635,4 +409636,0 +409637,0 +409638,19 +409639,19 +409640,19 +409641,19 +409642,19 +409643,19 +409644,0 +409645,0 +409646,0 +409647,0 +409648,0 +409649,0 +409650,0 +409651,0 +409652,0 +409653,0 +409654,0 +409655,0 +409656,0 +409657,0 +409658,0 +409659,0 +409660,0 +409661,0 +409662,0 +409663,0 +409664,0 +409665,0 +409666,0 +409667,0 +409668,0 +409669,0 +409670,0 +409671,0 +409672,0 +409673,0 +409674,0 +409675,0 +409676,0 +409677,0 +409678,0 +409679,0 +409680,0 +409681,0 +409682,0 +409683,0 +409684,0 +409685,0 +409686,0 +409687,0 +409688,0 +409689,0 +409690,0 +409691,0 +409692,0 +409693,0 +409694,36 +409695,36 +409696,36 +409697,36 +409698,36 +409699,36 +409700,36 +409701,36 +409702,36 +409703,36 +409704,36 +409705,8 +409706,8 +409707,8 +409708,8 +409709,8 +409710,8 +409711,8 +409712,8 +409713,8 +409714,8 +409715,8 +409716,12 +409717,12 +409718,12 +409719,12 +409720,12 +409721,12 +409722,12 +409723,12 +409724,12 +409725,12 +409726,12 +409727,12 +409728,12 +409729,12 +409730,31 +409731,31 +409732,31 +409733,31 +409734,5 +409735,5 +409736,5 +409737,5 +409738,5 +409739,5 +409740,5 +409741,5 +409742,5 +409743,35 +409744,35 +409745,35 +409746,35 +409747,35 +409748,35 +409749,35 +409750,35 +409751,35 +409752,25 +409753,25 +409754,25 +409755,25 +409756,25 +409757,25 +409758,25 +409759,5 +409760,5 +409761,5 +409762,5 +409763,5 +409764,5 +409765,28 +409766,5 +409767,5 +409768,3 +409769,3 +409770,3 +409771,3 +409772,3 +409773,3 +409774,3 +409775,3 +409776,3 +409777,27 +409778,27 +409779,27 +409780,27 +409781,27 +409782,27 +409783,37 +409784,27 +409785,3 +409786,3 +409787,3 +409788,3 +409789,3 +409790,3 +409791,3 +409792,3 +409793,3 +409794,3 +409795,3 +409796,3 +409797,3 +409798,3 +409799,3 +409800,3 +409801,3 +409802,3 +409803,3 +409804,3 +409805,0 +409806,0 +409807,0 +409808,0 +409809,0 +409810,0 +409811,0 +409812,0 +409813,0 +409814,0 +409815,0 +409816,0 +409817,0 +409818,0 +409819,0 +409820,0 +409821,0 +409822,0 +409823,0 +409824,0 +409825,0 +409826,0 +409827,0 +409828,0 +409829,0 +409830,0 +409831,0 +409832,0 +409833,0 +409834,0 +409835,0 +409836,0 +409837,0 +409838,0 +409839,0 +409840,0 +409841,0 +409842,0 +409843,0 +409844,0 +409845,0 +409846,0 +409847,0 +409848,0 +409849,0 +409850,0 +409851,0 +409852,0 +409853,0 +409854,0 +409855,0 +409856,0 +409857,0 +409858,0 +409859,0 +409860,0 +409861,0 +409862,0 +409863,0 +409864,0 +409865,0 +409866,0 +409867,0 +409868,0 +409869,0 +409870,0 +409871,0 +409872,0 +409873,0 +409874,0 +409875,0 +409876,0 +409877,0 +409878,0 +409879,0 +409880,0 +409881,0 +409882,0 +409883,0 +409884,0 +409885,0 +409886,0 +409887,0 +409888,0 +409889,0 +409890,0 +409891,0 +409892,0 +409893,0 +409894,0 +409895,0 +409896,0 +409897,0 +409898,0 +409899,0 +409900,0 +409901,0 +409902,0 +409903,0 +409904,0 +409905,0 +409906,0 +409907,0 +409908,0 +409909,0 +409910,0 +409911,0 +409912,0 +409913,0 +409914,0 +409915,0 +409916,0 +409917,0 +409918,0 +409919,0 +409920,0 +409921,0 +409922,2 +409923,2 +409924,2 +409925,2 +409926,2 +409927,2 +409928,2 +409929,2 +409930,2 +409931,2 +409932,2 +409933,2 +409934,2 +409935,2 +409936,33 +409937,33 +409938,33 +409939,33 +409940,33 +409941,33 +409942,33 +409943,33 +409944,33 +409945,33 +409946,33 +409947,19 +409948,19 +409949,19 +409950,19 +409951,12 +409952,12 +409953,12 +409954,12 +409955,12 +409956,12 +409957,12 +409958,12 +409959,12 +409960,12 +409961,12 +409962,27 +409963,27 +409964,35 +409965,35 +409966,35 +409967,35 +409968,35 +409969,36 +409970,36 +409971,27 +409972,8 +409973,8 +409974,8 +409975,8 +409976,8 +409977,8 +409978,8 +409979,8 +409980,8 +409981,8 +409982,8 +409983,8 +409984,8 +409985,2 +409986,4 +409987,4 +409988,4 +409989,4 +409990,4 +409991,4 +409992,4 +409993,4 +409994,36 +409995,36 +409996,36 +409997,36 +409998,36 +409999,36 +410000,36 +410001,36 +410002,36 +410003,36 +410004,36 +410005,4 +410006,4 +410007,4 +410008,4 +410009,4 +410010,4 +410011,4 +410012,4 +410013,4 +410014,32 +410015,0 +410016,0 +410017,0 +410018,0 +410019,0 +410020,0 +410021,0 +410022,0 +410023,0 +410024,0 +410025,0 +410026,0 +410027,27 +410028,27 +410029,27 +410030,27 +410031,27 +410032,27 +410033,27 +410034,5 +410035,5 +410036,5 +410037,5 +410038,5 +410039,29 +410040,29 +410041,29 +410042,29 +410043,31 +410044,31 +410045,27 +410046,27 +410047,27 +410048,2 +410049,2 +410050,2 +410051,2 +410052,2 +410053,2 +410054,2 +410055,2 +410056,2 +410057,32 +410058,32 +410059,32 +410060,32 +410061,32 +410062,32 +410063,32 +410064,14 +410065,14 +410066,14 +410067,14 +410068,14 +410069,14 +410070,14 +410071,14 +410072,14 +410073,14 +410074,2 +410075,2 +410076,2 +410077,2 +410078,2 +410079,2 +410080,2 +410081,2 +410082,2 +410083,2 +410084,31 +410085,31 +410086,31 +410087,24 +410088,24 +410089,24 +410090,24 +410091,24 +410092,24 +410093,24 +410094,40 +410095,40 +410096,40 +410097,40 +410098,5 +410099,5 +410100,5 +410101,5 +410102,5 +410103,5 +410104,5 +410105,5 +410106,26 +410107,26 +410108,26 +410109,26 +410110,26 +410111,26 +410112,26 +410113,26 +410114,36 +410115,36 +410116,36 +410117,36 +410118,34 +410119,34 +410120,34 +410121,34 +410122,34 +410123,34 +410124,34 +410125,34 +410126,34 +410127,34 +410128,34 +410129,34 +410130,34 +410131,25 +410132,25 +410133,25 +410134,25 +410135,25 +410136,25 +410137,25 +410138,25 +410139,25 +410140,25 +410141,25 +410142,25 +410143,25 +410144,25 +410145,25 +410146,25 +410147,25 +410148,25 +410149,25 +410150,25 +410151,0 +410152,0 +410153,0 +410154,0 +410155,0 +410156,0 +410157,0 +410158,0 +410159,0 +410160,0 +410161,0 +410162,0 +410163,0 +410164,0 +410165,0 +410166,0 +410167,0 +410168,0 +410169,0 +410170,0 +410171,0 +410172,0 +410173,0 +410174,0 +410175,0 +410176,29 +410177,29 +410178,29 +410179,29 +410180,14 +410181,14 +410182,14 +410183,14 +410184,14 +410185,14 +410186,14 +410187,6 +410188,6 +410189,6 +410190,6 +410191,6 +410192,6 +410193,6 +410194,6 +410195,6 +410196,6 +410197,6 +410198,14 +410199,14 +410200,14 +410201,14 +410202,14 +410203,14 +410204,14 +410205,14 +410206,14 +410207,14 +410208,14 +410209,28 +410210,28 +410211,28 +410212,28 +410213,28 +410214,28 +410215,28 +410216,28 +410217,31 +410218,4 +410219,31 +410220,31 +410221,31 +410222,31 +410223,31 +410224,31 +410225,31 +410226,31 +410227,31 +410228,31 +410229,31 +410230,15 +410231,15 +410232,15 +410233,15 +410234,15 +410235,15 +410236,15 +410237,15 +410238,15 +410239,15 +410240,37 +410241,37 +410242,37 +410243,37 +410244,40 +410245,40 +410246,40 +410247,40 +410248,40 +410249,40 +410250,32 +410251,32 +410252,32 +410253,32 +410254,32 +410255,32 +410256,32 +410257,32 +410258,32 +410259,32 +410260,32 +410261,32 +410262,32 +410263,30 +410264,30 +410265,30 +410266,30 +410267,39 +410268,39 +410269,39 +410270,39 +410271,39 +410272,39 +410273,39 +410274,3 +410275,3 +410276,4 +410277,4 +410278,19 +410279,19 +410280,19 +410281,19 +410282,19 +410283,19 +410284,34 +410285,34 +410286,34 +410287,34 +410288,34 +410289,34 +410290,34 +410291,34 +410292,34 +410293,34 +410294,34 +410295,34 +410296,5 +410297,4 +410298,4 +410299,4 +410300,4 +410301,31 +410302,31 +410303,31 +410304,31 +410305,31 +410306,31 +410307,31 +410308,31 +410309,31 +410310,30 +410311,30 +410312,31 +410313,27 +410314,27 +410315,27 +410316,27 +410317,4 +410318,4 +410319,4 +410320,4 +410321,4 +410322,31 +410323,31 +410324,31 +410325,31 +410326,31 +410327,30 +410328,30 +410329,30 +410330,30 +410331,30 +410332,30 +410333,30 +410334,30 +410335,30 +410336,30 +410337,30 +410338,30 +410339,30 +410340,30 +410341,30 +410342,30 +410343,14 +410344,14 +410345,14 +410346,14 +410347,14 +410348,14 +410349,14 +410350,14 +410351,14 +410352,14 +410353,14 +410354,14 +410355,14 +410356,14 +410357,14 +410358,14 +410359,28 +410360,28 +410361,28 +410362,28 +410363,28 +410364,19 +410365,19 +410366,19 +410367,19 +410368,19 +410369,0 +410370,0 +410371,0 +410372,0 +410373,0 +410374,0 +410375,0 +410376,23 +410377,23 +410378,23 +410379,23 +410380,23 +410381,23 +410382,23 +410383,23 +410384,11 +410385,31 +410386,31 +410387,31 +410388,31 +410389,31 +410390,31 +410391,30 +410392,30 +410393,30 +410394,30 +410395,30 +410396,30 +410397,30 +410398,30 +410399,30 +410400,30 +410401,30 +410402,4 +410403,4 +410404,4 +410405,4 +410406,4 +410407,4 +410408,4 +410409,4 +410410,4 +410411,4 +410412,4 +410413,27 +410414,27 +410415,27 +410416,27 +410417,30 +410418,30 +410419,30 +410420,30 +410421,30 +410422,30 +410423,30 +410424,30 +410425,30 +410426,30 +410427,30 +410428,38 +410429,38 +410430,38 +410431,0 +410432,29 +410433,29 +410434,29 +410435,31 +410436,31 +410437,31 +410438,31 +410439,31 +410440,31 +410441,31 +410442,31 +410443,31 +410444,32 +410445,32 +410446,32 +410447,32 +410448,32 +410449,32 +410450,32 +410451,32 +410452,32 +410453,32 +410454,32 +410455,32 +410456,26 +410457,26 +410458,26 +410459,26 +410460,26 +410461,26 +410462,26 +410463,26 +410464,9 +410465,29 +410466,29 +410467,5 +410468,5 +410469,5 +410470,29 +410471,29 +410472,29 +410473,29 +410474,29 +410475,31 +410476,31 +410477,31 +410478,31 +410479,31 +410480,2 +410481,2 +410482,2 +410483,2 +410484,2 +410485,2 +410486,2 +410487,2 +410488,2 +410489,2 +410490,2 +410491,2 +410492,39 +410493,39 +410494,39 +410495,39 +410496,39 +410497,39 +410498,39 +410499,39 +410500,39 +410501,39 +410502,39 +410503,39 +410504,39 +410505,39 +410506,39 +410507,39 +410508,39 +410509,39 +410510,39 +410511,39 +410512,39 +410513,39 +410514,39 +410515,39 +410516,39 +410517,39 +410518,39 +410519,39 +410520,39 +410521,39 +410522,39 +410523,39 +410524,0 +410525,0 +410526,0 +410527,0 +410528,0 +410529,0 +410530,0 +410531,0 +410532,0 +410533,0 +410534,0 +410535,0 +410536,0 +410537,0 +410538,0 +410539,0 +410540,0 +410541,0 +410542,0 +410543,0 +410544,0 +410545,0 +410546,0 +410547,0 +410548,0 +410549,0 +410550,0 +410551,0 +410552,0 +410553,0 +410554,0 +410555,0 +410556,0 +410557,0 +410558,0 +410559,0 +410560,0 +410561,0 +410562,0 +410563,0 +410564,36 +410565,36 +410566,35 +410567,35 +410568,35 +410569,35 +410570,35 +410571,35 +410572,35 +410573,35 +410574,35 +410575,35 +410576,35 +410577,35 +410578,35 +410579,39 +410580,39 +410581,39 +410582,39 +410583,39 +410584,39 +410585,12 +410586,12 +410587,12 +410588,12 +410589,12 +410590,31 +410591,31 +410592,31 +410593,8 +410594,8 +410595,8 +410596,8 +410597,8 +410598,8 +410599,8 +410600,2 +410601,2 +410602,2 +410603,19 +410604,4 +410605,4 +410606,4 +410607,4 +410608,4 +410609,40 +410610,40 +410611,40 +410612,40 +410613,40 +410614,40 +410615,40 +410616,2 +410617,2 +410618,2 +410619,2 +410620,2 +410621,2 +410622,4 +410623,4 +410624,4 +410625,4 +410626,4 +410627,4 +410628,4 +410629,27 +410630,27 +410631,27 +410632,27 +410633,27 +410634,5 +410635,5 +410636,5 +410637,5 +410638,5 +410639,5 +410640,5 +410641,5 +410642,5 +410643,4 +410644,4 +410645,4 +410646,4 +410647,4 +410648,31 +410649,31 +410650,31 +410651,31 +410652,31 +410653,27 +410654,4 +410655,4 +410656,4 +410657,4 +410658,4 +410659,4 +410660,4 +410661,4 +410662,4 +410663,4 +410664,4 +410665,4 +410666,4 +410667,4 +410668,3 +410669,27 +410670,27 +410671,27 +410672,15 +410673,15 +410674,15 +410675,15 +410676,15 +410677,15 +410678,39 +410679,39 +410680,39 +410681,39 +410682,39 +410683,35 +410684,35 +410685,6 +410686,6 +410687,6 +410688,6 +410689,6 +410690,6 +410691,6 +410692,6 +410693,31 +410694,31 +410695,31 +410696,31 +410697,31 +410698,34 +410699,28 +410700,28 +410701,5 +410702,28 +410703,5 +410704,5 +410705,5 +410706,5 +410707,31 +410708,31 +410709,31 +410710,31 +410711,31 +410712,31 +410713,31 +410714,28 +410715,28 +410716,28 +410717,28 +410718,28 +410719,28 +410720,28 +410721,28 +410722,28 +410723,28 +410724,9 +410725,9 +410726,9 +410727,9 +410728,9 +410729,9 +410730,9 +410731,9 +410732,9 +410733,2 +410734,2 +410735,2 +410736,2 +410737,2 +410738,2 +410739,2 +410740,2 +410741,2 +410742,2 +410743,2 +410744,2 +410745,2 +410746,2 +410747,2 +410748,2 +410749,2 +410750,2 +410751,37 +410752,37 +410753,25 +410754,25 +410755,25 +410756,25 +410757,25 +410758,25 +410759,28 +410760,28 +410761,28 +410762,28 +410763,28 +410764,28 +410765,28 +410766,28 +410767,28 +410768,28 +410769,26 +410770,26 +410771,26 +410772,26 +410773,37 +410774,37 +410775,37 +410776,37 +410777,37 +410778,37 +410779,37 +410780,6 +410781,6 +410782,6 +410783,6 +410784,6 +410785,6 +410786,31 +410787,31 +410788,31 +410789,31 +410790,30 +410791,12 +410792,12 +410793,15 +410794,30 +410795,30 +410796,30 +410797,30 +410798,31 +410799,31 +410800,31 +410801,31 +410802,30 +410803,30 +410804,30 +410805,9 +410806,2 +410807,2 +410808,2 +410809,2 +410810,2 +410811,2 +410812,2 +410813,2 +410814,2 +410815,2 +410816,2 +410817,2 +410818,2 +410819,2 +410820,39 +410821,39 +410822,39 +410823,39 +410824,39 +410825,39 +410826,25 +410827,25 +410828,25 +410829,25 +410830,25 +410831,25 +410832,25 +410833,25 +410834,25 +410835,25 +410836,37 +410837,37 +410838,26 +410839,26 +410840,26 +410841,26 +410842,26 +410843,26 +410844,26 +410845,26 +410846,26 +410847,26 +410848,26 +410849,32 +410850,32 +410851,32 +410852,32 +410853,32 +410854,32 +410855,37 +410856,37 +410857,37 +410858,25 +410859,25 +410860,37 +410861,37 +410862,25 +410863,25 +410864,25 +410865,25 +410866,25 +410867,25 +410868,25 +410869,25 +410870,25 +410871,0 +410872,0 +410873,0 +410874,0 +410875,0 +410876,0 +410877,0 +410878,0 +410879,0 +410880,0 +410881,0 +410882,0 +410883,0 +410884,0 +410885,0 +410886,0 +410887,0 +410888,0 +410889,0 +410890,0 +410891,0 +410892,0 +410893,0 +410894,0 +410895,0 +410896,0 +410897,0 +410898,0 +410899,0 +410900,0 +410901,0 +410902,0 +410903,0 +410904,0 +410905,0 +410906,0 +410907,0 +410908,0 +410909,0 +410910,0 +410911,0 +410912,0 +410913,0 +410914,0 +410915,0 +410916,0 +410917,0 +410918,0 +410919,0 +410920,0 +410921,0 +410922,0 +410923,0 +410924,0 +410925,0 +410926,0 +410927,0 +410928,0 +410929,0 +410930,0 +410931,0 +410932,0 +410933,0 +410934,0 +410935,0 +410936,0 +410937,0 +410938,0 +410939,0 +410940,35 +410941,35 +410942,35 +410943,7 +410944,7 +410945,7 +410946,35 +410947,35 +410948,35 +410949,35 +410950,12 +410951,12 +410952,12 +410953,12 +410954,31 +410955,31 +410956,31 +410957,27 +410958,8 +410959,8 +410960,8 +410961,8 +410962,8 +410963,8 +410964,8 +410965,8 +410966,9 +410967,9 +410968,9 +410969,9 +410970,9 +410971,9 +410972,9 +410973,9 +410974,9 +410975,9 +410976,9 +410977,9 +410978,9 +410979,9 +410980,9 +410981,23 +410982,23 +410983,23 +410984,23 +410985,23 +410986,23 +410987,23 +410988,23 +410989,25 +410990,25 +410991,25 +410992,25 +410993,25 +410994,25 +410995,25 +410996,4 +410997,4 +410998,4 +410999,38 +411000,38 +411001,29 +411002,29 +411003,24 +411004,27 +411005,31 +411006,31 +411007,6 +411008,6 +411009,6 +411010,6 +411011,6 +411012,6 +411013,6 +411014,6 +411015,6 +411016,6 +411017,6 +411018,28 +411019,28 +411020,28 +411021,28 +411022,32 +411023,28 +411024,28 +411025,28 +411026,28 +411027,28 +411028,28 +411029,28 +411030,36 +411031,36 +411032,36 +411033,36 +411034,36 +411035,36 +411036,36 +411037,36 +411038,36 +411039,36 +411040,36 +411041,36 +411042,36 +411043,36 +411044,36 +411045,36 +411046,5 +411047,5 +411048,5 +411049,5 +411050,5 +411051,19 +411052,19 +411053,19 +411054,19 +411055,31 +411056,31 +411057,31 +411058,31 +411059,31 +411060,31 +411061,31 +411062,31 +411063,24 +411064,24 +411065,24 +411066,24 +411067,24 +411068,24 +411069,27 +411070,27 +411071,27 +411072,27 +411073,27 +411074,27 +411075,11 +411076,11 +411077,11 +411078,11 +411079,11 +411080,11 +411081,11 +411082,11 +411083,11 +411084,11 +411085,11 +411086,11 +411087,11 +411088,11 +411089,27 +411090,27 +411091,27 +411092,27 +411093,27 +411094,27 +411095,27 +411096,27 +411097,27 +411098,4 +411099,4 +411100,4 +411101,4 +411102,0 +411103,0 +411104,0 +411105,0 +411106,0 +411107,32 +411108,35 +411109,0 +411110,0 +411111,0 +411112,0 +411113,0 +411114,0 +411115,0 +411116,12 +411117,12 +411118,12 +411119,12 +411120,12 +411121,12 +411122,27 +411123,27 +411124,27 +411125,38 +411126,38 +411127,38 +411128,38 +411129,38 +411130,31 +411131,31 +411132,31 +411133,31 +411134,31 +411135,31 +411136,31 +411137,12 +411138,12 +411139,12 +411140,12 +411141,12 +411142,12 +411143,12 +411144,12 +411145,10 +411146,31 +411147,31 +411148,31 +411149,31 +411150,40 +411151,30 +411152,30 +411153,33 +411154,33 +411155,33 +411156,30 +411157,30 +411158,33 +411159,30 +411160,30 +411161,26 +411162,26 +411163,26 +411164,34 +411165,34 +411166,34 +411167,34 +411168,34 +411169,9 +411170,26 +411171,26 +411172,26 +411173,26 +411174,26 +411175,26 +411176,37 +411177,37 +411178,37 +411179,37 +411180,37 +411181,37 +411182,37 +411183,37 +411184,37 +411185,4 +411186,38 +411187,38 +411188,4 +411189,38 +411190,38 +411191,38 +411192,23 +411193,38 +411194,38 +411195,38 +411196,38 +411197,38 +411198,38 +411199,38 +411200,38 +411201,38 +411202,38 +411203,37 +411204,37 +411205,37 +411206,37 +411207,37 +411208,37 +411209,37 +411210,37 +411211,3 +411212,3 +411213,3 +411214,3 +411215,33 +411216,33 +411217,3 +411218,3 +411219,3 +411220,3 +411221,3 +411222,31 +411223,31 +411224,31 +411225,31 +411226,31 +411227,31 +411228,31 +411229,24 +411230,24 +411231,24 +411232,24 +411233,24 +411234,24 +411235,28 +411236,28 +411237,28 +411238,28 +411239,28 +411240,28 +411241,28 +411242,28 +411243,28 +411244,25 +411245,25 +411246,31 +411247,31 +411248,31 +411249,31 +411250,31 +411251,31 +411252,31 +411253,25 +411254,25 +411255,25 +411256,25 +411257,25 +411258,25 +411259,25 +411260,14 +411261,14 +411262,14 +411263,39 +411264,39 +411265,39 +411266,39 +411267,39 +411268,39 +411269,39 +411270,5 +411271,5 +411272,5 +411273,5 +411274,5 +411275,5 +411276,5 +411277,5 +411278,13 +411279,2 +411280,2 +411281,2 +411282,2 +411283,2 +411284,2 +411285,2 +411286,2 +411287,2 +411288,2 +411289,2 +411290,2 +411291,36 +411292,36 +411293,36 +411294,36 +411295,36 +411296,36 +411297,36 +411298,36 +411299,36 +411300,36 +411301,24 +411302,24 +411303,24 +411304,24 +411305,24 +411306,24 +411307,27 +411308,31 +411309,31 +411310,4 +411311,4 +411312,4 +411313,18 +411314,18 +411315,18 +411316,18 +411317,31 +411318,31 +411319,31 +411320,31 +411321,31 +411322,31 +411323,31 +411324,31 +411325,31 +411326,31 +411327,31 +411328,31 +411329,2 +411330,2 +411331,2 +411332,2 +411333,2 +411334,2 +411335,2 +411336,2 +411337,2 +411338,2 +411339,2 +411340,2 +411341,2 +411342,2 +411343,2 +411344,8 +411345,8 +411346,8 +411347,8 +411348,0 +411349,0 +411350,0 +411351,0 +411352,0 +411353,0 +411354,0 +411355,0 +411356,0 +411357,0 +411358,0 +411359,0 +411360,0 +411361,0 +411362,0 +411363,0 +411364,0 +411365,0 +411366,0 +411367,0 +411368,0 +411369,0 +411370,0 +411371,0 +411372,0 +411373,0 +411374,0 +411375,0 +411376,0 +411377,0 +411378,0 +411379,0 +411380,0 +411381,0 +411382,0 +411383,0 +411384,0 +411385,27 +411386,27 +411387,27 +411388,27 +411389,27 +411390,2 +411391,2 +411392,2 +411393,2 +411394,2 +411395,2 +411396,2 +411397,2 +411398,2 +411399,2 +411400,2 +411401,2 +411402,25 +411403,2 +411404,25 +411405,25 +411406,25 +411407,25 +411408,25 +411409,25 +411410,25 +411411,25 +411412,25 +411413,4 +411414,4 +411415,4 +411416,4 +411417,4 +411418,4 +411419,4 +411420,31 +411421,31 +411422,27 +411423,27 +411424,27 +411425,30 +411426,30 +411427,30 +411428,30 +411429,30 +411430,30 +411431,30 +411432,30 +411433,30 +411434,30 +411435,30 +411436,39 +411437,39 +411438,39 +411439,39 +411440,39 +411441,39 +411442,12 +411443,12 +411444,12 +411445,12 +411446,12 +411447,12 +411448,40 +411449,40 +411450,40 +411451,40 +411452,5 +411453,5 +411454,5 +411455,31 +411456,31 +411457,27 +411458,27 +411459,27 +411460,27 +411461,27 +411462,38 +411463,38 +411464,38 +411465,2 +411466,2 +411467,2 +411468,38 +411469,25 +411470,25 +411471,25 +411472,31 +411473,31 +411474,32 +411475,32 +411476,32 +411477,32 +411478,32 +411479,32 +411480,32 +411481,32 +411482,32 +411483,32 +411484,32 +411485,37 +411486,37 +411487,37 +411488,37 +411489,27 +411490,27 +411491,27 +411492,27 +411493,27 +411494,19 +411495,19 +411496,19 +411497,19 +411498,39 +411499,39 +411500,39 +411501,39 +411502,39 +411503,39 +411504,39 +411505,39 +411506,31 +411507,31 +411508,31 +411509,31 +411510,2 +411511,2 +411512,2 +411513,2 +411514,2 +411515,2 +411516,2 +411517,2 +411518,2 +411519,2 +411520,2 +411521,2 +411522,2 +411523,2 +411524,2 +411525,2 +411526,2 +411527,2 +411528,2 +411529,2 +411530,2 +411531,2 +411532,2 +411533,2 +411534,2 +411535,2 +411536,32 +411537,32 +411538,32 +411539,32 +411540,32 +411541,32 +411542,32 +411543,32 +411544,32 +411545,26 +411546,26 +411547,26 +411548,26 +411549,26 +411550,26 +411551,26 +411552,26 +411553,26 +411554,26 +411555,26 +411556,26 +411557,26 +411558,26 +411559,26 +411560,26 +411561,4 +411562,4 +411563,4 +411564,4 +411565,4 +411566,4 +411567,4 +411568,4 +411569,2 +411570,2 +411571,4 +411572,2 +411573,2 +411574,2 +411575,2 +411576,2 +411577,2 +411578,2 +411579,2 +411580,8 +411581,8 +411582,8 +411583,8 +411584,8 +411585,8 +411586,8 +411587,8 +411588,8 +411589,0 +411590,0 +411591,0 +411592,0 +411593,0 +411594,0 +411595,0 +411596,0 +411597,0 +411598,0 +411599,0 +411600,0 +411601,0 +411602,0 +411603,0 +411604,0 +411605,0 +411606,0 +411607,0 +411608,0 +411609,0 +411610,0 +411611,0 +411612,0 +411613,0 +411614,0 +411615,0 +411616,0 +411617,0 +411618,0 +411619,0 +411620,0 +411621,0 +411622,0 +411623,0 +411624,0 +411625,0 +411626,0 +411627,0 +411628,0 +411629,0 +411630,0 +411631,0 +411632,0 +411633,0 +411634,0 +411635,0 +411636,0 +411637,0 +411638,0 +411639,0 +411640,0 +411641,0 +411642,0 +411643,0 +411644,0 +411645,0 +411646,31 +411647,31 +411648,31 +411649,31 +411650,31 +411651,31 +411652,31 +411653,31 +411654,31 +411655,5 +411656,5 +411657,5 +411658,19 +411659,19 +411660,19 +411661,5 +411662,5 +411663,5 +411664,12 +411665,12 +411666,12 +411667,12 +411668,12 +411669,12 +411670,12 +411671,12 +411672,12 +411673,12 +411674,12 +411675,12 +411676,12 +411677,12 +411678,12 +411679,12 +411680,25 +411681,25 +411682,25 +411683,37 +411684,37 +411685,37 +411686,37 +411687,25 +411688,2 +411689,2 +411690,2 +411691,2 +411692,2 +411693,2 +411694,2 +411695,2 +411696,4 +411697,4 +411698,4 +411699,4 +411700,4 +411701,31 +411702,31 +411703,31 +411704,31 +411705,31 +411706,31 +411707,24 +411708,24 +411709,24 +411710,24 +411711,24 +411712,24 +411713,9 +411714,9 +411715,9 +411716,9 +411717,9 +411718,9 +411719,9 +411720,9 +411721,9 +411722,9 +411723,9 +411724,9 +411725,9 +411726,9 +411727,9 +411728,9 +411729,30 +411730,30 +411731,30 +411732,30 +411733,30 +411734,30 +411735,30 +411736,30 +411737,30 +411738,30 +411739,30 +411740,35 +411741,35 +411742,35 +411743,35 +411744,35 +411745,35 +411746,35 +411747,35 +411748,35 +411749,35 +411750,35 +411751,34 +411752,34 +411753,34 +411754,34 +411755,34 +411756,34 +411757,34 +411758,34 +411759,34 +411760,34 +411761,32 +411762,32 +411763,32 +411764,32 +411765,33 +411766,33 +411767,33 +411768,33 +411769,33 +411770,33 +411771,0 +411772,24 +411773,24 +411774,32 +411775,32 +411776,32 +411777,32 +411778,0 +411779,31 +411780,31 +411781,32 +411782,32 +411783,32 +411784,32 +411785,32 +411786,32 +411787,32 +411788,35 +411789,33 +411790,33 +411791,33 +411792,30 +411793,30 +411794,30 +411795,30 +411796,30 +411797,30 +411798,30 +411799,30 +411800,30 +411801,30 +411802,30 +411803,4 +411804,4 +411805,0 +411806,0 +411807,0 +411808,0 +411809,4 +411810,4 +411811,4 +411812,4 +411813,4 +411814,4 +411815,4 +411816,4 +411817,4 +411818,37 +411819,37 +411820,37 +411821,37 +411822,37 +411823,39 +411824,39 +411825,39 +411826,39 +411827,39 +411828,39 +411829,39 +411830,39 +411831,39 +411832,39 +411833,39 +411834,39 +411835,39 +411836,39 +411837,39 +411838,39 +411839,39 +411840,39 +411841,39 +411842,39 +411843,39 +411844,39 +411845,0 +411846,0 +411847,0 +411848,0 +411849,0 +411850,0 +411851,0 +411852,0 +411853,0 +411854,0 +411855,0 +411856,0 +411857,0 +411858,0 +411859,0 +411860,0 +411861,0 +411862,0 +411863,0 +411864,0 +411865,0 +411866,0 +411867,0 +411868,0 +411869,0 +411870,0 +411871,0 +411872,0 +411873,0 +411874,0 +411875,0 +411876,0 +411877,0 +411878,0 +411879,0 +411880,0 +411881,0 +411882,0 +411883,0 +411884,0 +411885,0 +411886,0 +411887,0 +411888,0 +411889,0 +411890,0 +411891,0 +411892,0 +411893,0 +411894,0 +411895,0 +411896,0 +411897,0 +411898,0 +411899,0 +411900,0 +411901,0 +411902,0 +411903,0 +411904,0 +411905,0 +411906,0 +411907,31 +411908,31 +411909,31 +411910,31 +411911,31 +411912,31 +411913,31 +411914,31 +411915,31 +411916,31 +411917,31 +411918,31 +411919,31 +411920,31 +411921,31 +411922,5 +411923,5 +411924,5 +411925,5 +411926,5 +411927,5 +411928,5 +411929,5 +411930,5 +411931,5 +411932,5 +411933,5 +411934,5 +411935,5 +411936,5 +411937,5 +411938,5 +411939,5 +411940,5 +411941,5 +411942,5 +411943,29 +411944,29 +411945,5 +411946,5 +411947,5 +411948,5 +411949,30 +411950,30 +411951,30 +411952,30 +411953,30 +411954,30 +411955,30 +411956,30 +411957,30 +411958,30 +411959,27 +411960,27 +411961,27 +411962,27 +411963,27 +411964,27 +411965,27 +411966,4 +411967,4 +411968,4 +411969,4 +411970,4 +411971,4 +411972,4 +411973,4 +411974,4 +411975,4 +411976,4 +411977,27 +411978,27 +411979,27 +411980,3 +411981,3 +411982,3 +411983,3 +411984,3 +411985,3 +411986,37 +411987,37 +411988,37 +411989,37 +411990,37 +411991,37 +411992,37 +411993,27 +411994,40 +411995,40 +411996,37 +411997,37 +411998,37 +411999,37 +412000,37 +412001,37 +412002,37 +412003,37 +412004,37 +412005,37 +412006,37 +412007,37 +412008,37 +412009,37 +412010,37 +412011,37 +412012,37 +412013,37 +412014,39 +412015,39 +412016,39 +412017,39 +412018,39 +412019,39 +412020,39 +412021,39 +412022,39 +412023,39 +412024,39 +412025,39 +412026,39 +412027,39 +412028,39 +412029,39 +412030,39 +412031,39 +412032,39 +412033,39 +412034,0 +412035,39 +412036,39 +412037,0 +412038,0 +412039,0 +412040,0 +412041,0 +412042,0 +412043,0 +412044,0 +412045,0 +412046,0 +412047,0 +412048,0 +412049,0 +412050,0 +412051,0 +412052,0 +412053,0 +412054,0 +412055,0 +412056,0 +412057,0 +412058,0 +412059,0 +412060,0 +412061,0 +412062,0 +412063,0 +412064,0 +412065,0 +412066,0 +412067,0 +412068,0 +412069,0 +412070,0 +412071,0 +412072,0 +412073,0 +412074,0 +412075,0 +412076,0 +412077,0 +412078,0 +412079,0 +412080,0 +412081,0 +412082,0 +412083,0 +412084,0 +412085,0 +412086,0 +412087,6 +412088,6 +412089,6 +412090,6 +412091,6 +412092,6 +412093,6 +412094,6 +412095,6 +412096,6 +412097,6 +412098,6 +412099,6 +412100,35 +412101,35 +412102,35 +412103,26 +412104,26 +412105,26 +412106,26 +412107,26 +412108,26 +412109,26 +412110,26 +412111,5 +412112,28 +412113,28 +412114,28 +412115,28 +412116,31 +412117,31 +412118,31 +412119,31 +412120,31 +412121,31 +412122,5 +412123,5 +412124,5 +412125,5 +412126,5 +412127,5 +412128,5 +412129,5 +412130,32 +412131,32 +412132,32 +412133,32 +412134,32 +412135,32 +412136,32 +412137,32 +412138,30 +412139,30 +412140,30 +412141,30 +412142,30 +412143,14 +412144,14 +412145,14 +412146,14 +412147,14 +412148,14 +412149,14 +412150,17 +412151,17 +412152,2 +412153,2 +412154,2 +412155,2 +412156,2 +412157,2 +412158,2 +412159,2 +412160,2 +412161,2 +412162,2 +412163,31 +412164,31 +412165,31 +412166,31 +412167,31 +412168,12 +412169,12 +412170,12 +412171,12 +412172,12 +412173,12 +412174,12 +412175,12 +412176,31 +412177,31 +412178,31 +412179,31 +412180,5 +412181,5 +412182,5 +412183,5 +412184,9 +412185,9 +412186,9 +412187,9 +412188,9 +412189,9 +412190,9 +412191,9 +412192,9 +412193,9 +412194,9 +412195,9 +412196,9 +412197,30 +412198,30 +412199,30 +412200,30 +412201,30 +412202,30 +412203,30 +412204,30 +412205,30 +412206,30 +412207,30 +412208,15 +412209,15 +412210,15 +412211,15 +412212,15 +412213,15 +412214,15 +412215,39 +412216,39 +412217,39 +412218,39 +412219,39 +412220,39 +412221,39 +412222,39 +412223,39 +412224,39 +412225,39 +412226,39 +412227,39 +412228,39 +412229,39 +412230,39 +412231,39 +412232,39 +412233,39 +412234,39 +412235,39 +412236,39 +412237,39 +412238,39 +412239,39 +412240,39 +412241,39 +412242,39 +412243,0 +412244,0 +412245,0 +412246,0 +412247,0 +412248,0 +412249,0 +412250,0 +412251,0 +412252,0 +412253,0 +412254,0 +412255,0 +412256,0 +412257,0 +412258,0 +412259,0 +412260,0 +412261,0 +412262,0 +412263,0 +412264,0 +412265,0 +412266,0 +412267,0 +412268,0 +412269,0 +412270,0 +412271,0 +412272,0 +412273,0 +412274,0 +412275,0 +412276,0 +412277,0 +412278,0 +412279,0 +412280,0 +412281,0 +412282,0 +412283,0 +412284,0 +412285,0 +412286,0 +412287,0 +412288,0 +412289,0 +412290,0 +412291,0 +412292,0 +412293,0 +412294,0 +412295,0 +412296,0 +412297,0 +412298,0 +412299,0 +412300,0 +412301,5 +412302,5 +412303,5 +412304,5 +412305,5 +412306,5 +412307,5 +412308,5 +412309,5 +412310,5 +412311,5 +412312,5 +412313,5 +412314,5 +412315,5 +412316,5 +412317,27 +412318,27 +412319,27 +412320,27 +412321,27 +412322,27 +412323,27 +412324,27 +412325,27 +412326,27 +412327,4 +412328,4 +412329,4 +412330,4 +412331,4 +412332,4 +412333,4 +412334,4 +412335,29 +412336,29 +412337,29 +412338,29 +412339,29 +412340,29 +412341,25 +412342,25 +412343,25 +412344,25 +412345,25 +412346,27 +412347,27 +412348,27 +412349,31 +412350,27 +412351,27 +412352,27 +412353,8 +412354,8 +412355,8 +412356,8 +412357,8 +412358,8 +412359,8 +412360,8 +412361,8 +412362,30 +412363,30 +412364,30 +412365,30 +412366,30 +412367,30 +412368,30 +412369,40 +412370,40 +412371,40 +412372,40 +412373,40 +412374,40 +412375,40 +412376,40 +412377,40 +412378,40 +412379,23 +412380,23 +412381,23 +412382,23 +412383,23 +412384,23 +412385,23 +412386,23 +412387,4 +412388,4 +412389,4 +412390,4 +412391,4 +412392,4 +412393,4 +412394,31 +412395,31 +412396,31 +412397,31 +412398,29 +412399,29 +412400,29 +412401,29 +412402,29 +412403,29 +412404,29 +412405,29 +412406,39 +412407,14 +412408,14 +412409,14 +412410,14 +412411,14 +412412,39 +412413,39 +412414,39 +412415,39 +412416,39 +412417,40 +412418,40 +412419,40 +412420,40 +412421,40 +412422,37 +412423,37 +412424,37 +412425,37 +412426,37 +412427,37 +412428,37 +412429,37 +412430,37 +412431,37 +412432,25 +412433,5 +412434,5 +412435,5 +412436,5 +412437,37 +412438,37 +412439,4 +412440,4 +412441,4 +412442,4 +412443,5 +412444,5 +412445,38 +412446,38 +412447,4 +412448,2 +412449,2 +412450,2 +412451,2 +412452,2 +412453,2 +412454,2 +412455,2 +412456,2 +412457,2 +412458,2 +412459,0 +412460,0 +412461,0 +412462,0 +412463,0 +412464,0 +412465,0 +412466,0 +412467,0 +412468,0 +412469,0 +412470,0 +412471,0 +412472,0 +412473,0 +412474,0 +412475,0 +412476,0 +412477,0 +412478,0 +412479,0 +412480,0 +412481,0 +412482,0 +412483,0 +412484,0 +412485,0 +412486,0 +412487,0 +412488,0 +412489,0 +412490,0 +412491,0 +412492,0 +412493,0 +412494,0 +412495,0 +412496,0 +412497,0 +412498,0 +412499,0 +412500,14 +412501,14 +412502,14 +412503,14 +412504,14 +412505,14 +412506,14 +412507,14 +412508,14 +412509,14 +412510,14 +412511,14 +412512,14 +412513,14 +412514,14 +412515,14 +412516,14 +412517,4 +412518,4 +412519,4 +412520,4 +412521,4 +412522,4 +412523,4 +412524,4 +412525,4 +412526,4 +412527,4 +412528,4 +412529,4 +412530,4 +412531,4 +412532,4 +412533,39 +412534,39 +412535,39 +412536,39 +412537,39 +412538,39 +412539,39 +412540,5 +412541,5 +412542,5 +412543,5 +412544,5 +412545,13 +412546,13 +412547,13 +412548,38 +412549,38 +412550,38 +412551,38 +412552,38 +412553,38 +412554,38 +412555,37 +412556,37 +412557,37 +412558,37 +412559,37 +412560,37 +412561,37 +412562,37 +412563,37 +412564,37 +412565,37 +412566,25 +412567,33 +412568,33 +412569,33 +412570,33 +412571,33 +412572,33 +412573,33 +412574,33 +412575,33 +412576,33 +412577,33 +412578,33 +412579,33 +412580,33 +412581,33 +412582,33 +412583,33 +412584,33 +412585,33 +412586,33 +412587,33 +412588,30 +412589,30 +412590,30 +412591,30 +412592,30 +412593,30 +412594,30 +412595,30 +412596,30 +412597,0 +412598,0 +412599,0 +412600,0 +412601,0 +412602,0 +412603,0 +412604,0 +412605,0 +412606,0 +412607,0 +412608,0 +412609,0 +412610,0 +412611,0 +412612,0 +412613,0 +412614,0 +412615,0 +412616,0 +412617,0 +412618,0 +412619,0 +412620,0 +412621,0 +412622,0 +412623,0 +412624,0 +412625,0 +412626,0 +412627,0 +412628,0 +412629,0 +412630,0 +412631,0 +412632,0 +412633,0 +412634,0 +412635,0 +412636,0 +412637,0 +412638,0 +412639,0 +412640,0 +412641,0 +412642,0 +412643,0 +412644,0 +412645,0 +412646,0 +412647,0 +412648,0 +412649,0 +412650,0 +412651,0 +412652,0 +412653,0 +412654,0 +412655,0 +412656,0 +412657,0 +412658,0 +412659,0 +412660,0 +412661,0 +412662,0 +412663,0 +412664,0 +412665,0 +412666,0 +412667,0 +412668,0 +412669,0 +412670,0 +412671,0 +412672,0 +412673,0 +412674,2 +412675,2 +412676,2 +412677,2 +412678,2 +412679,2 +412680,2 +412681,2 +412682,2 +412683,2 +412684,2 +412685,2 +412686,2 +412687,2 +412688,2 +412689,2 +412690,2 +412691,2 +412692,2 +412693,39 +412694,39 +412695,39 +412696,39 +412697,39 +412698,39 +412699,39 +412700,39 +412701,39 +412702,39 +412703,39 +412704,39 +412705,39 +412706,39 +412707,39 +412708,39 +412709,39 +412710,39 +412711,39 +412712,39 +412713,39 +412714,5 +412715,5 +412716,5 +412717,5 +412718,5 +412719,5 +412720,5 +412721,5 +412722,37 +412723,37 +412724,5 +412725,3 +412726,3 +412727,3 +412728,3 +412729,3 +412730,3 +412731,3 +412732,3 +412733,3 +412734,16 +412735,2 +412736,2 +412737,2 +412738,4 +412739,4 +412740,4 +412741,4 +412742,4 +412743,4 +412744,4 +412745,4 +412746,4 +412747,8 +412748,8 +412749,8 +412750,8 +412751,8 +412752,8 +412753,0 +412754,0 +412755,0 +412756,5 +412757,5 +412758,0 +412759,0 +412760,0 +412761,0 +412762,0 +412763,28 +412764,28 +412765,28 +412766,28 +412767,28 +412768,28 +412769,28 +412770,28 +412771,28 +412772,28 +412773,14 +412774,14 +412775,14 +412776,14 +412777,14 +412778,14 +412779,14 +412780,14 +412781,14 +412782,6 +412783,6 +412784,6 +412785,6 +412786,6 +412787,6 +412788,6 +412789,12 +412790,12 +412791,12 +412792,12 +412793,12 +412794,12 +412795,12 +412796,12 +412797,12 +412798,12 +412799,12 +412800,12 +412801,12 +412802,31 +412803,31 +412804,31 +412805,31 +412806,31 +412807,31 +412808,31 +412809,5 +412810,5 +412811,5 +412812,5 +412813,5 +412814,5 +412815,5 +412816,5 +412817,31 +412818,5 +412819,5 +412820,5 +412821,29 +412822,29 +412823,29 +412824,29 +412825,29 +412826,29 +412827,29 +412828,31 +412829,31 +412830,31 +412831,24 +412832,24 +412833,24 +412834,24 +412835,24 +412836,24 +412837,24 +412838,27 +412839,27 +412840,27 +412841,27 +412842,21 +412843,21 +412844,21 +412845,21 +412846,21 +412847,21 +412848,21 +412849,21 +412850,21 +412851,40 +412852,40 +412853,40 +412854,40 +412855,40 +412856,40 +412857,40 +412858,40 +412859,5 +412860,5 +412861,5 +412862,5 +412863,5 +412864,5 +412865,5 +412866,5 +412867,5 +412868,5 +412869,5 +412870,5 +412871,5 +412872,5 +412873,5 +412874,5 +412875,5 +412876,5 +412877,0 +412878,0 +412879,0 +412880,0 +412881,0 +412882,0 +412883,0 +412884,0 +412885,0 +412886,0 +412887,0 +412888,0 +412889,0 +412890,0 +412891,30 +412892,30 +412893,30 +412894,30 +412895,30 +412896,0 +412897,0 +412898,0 +412899,0 +412900,0 +412901,0 +412902,0 +412903,0 +412904,0 +412905,0 +412906,0 +412907,0 +412908,0 +412909,0 +412910,0 +412911,0 +412912,0 +412913,0 +412914,0 +412915,0 +412916,0 +412917,0 +412918,0 +412919,0 +412920,0 +412921,0 +412922,0 +412923,0 +412924,0 +412925,0 +412926,0 +412927,0 +412928,0 +412929,0 +412930,0 +412931,0 +412932,0 +412933,0 +412934,0 +412935,0 +412936,0 +412937,0 +412938,0 +412939,0 +412940,0 +412941,0 +412942,0 +412943,0 +412944,0 +412945,0 +412946,0 +412947,0 +412948,0 +412949,0 +412950,0 +412951,0 +412952,0 +412953,0 +412954,0 +412955,0 +412956,0 +412957,0 +412958,0 +412959,0 +412960,0 +412961,0 +412962,0 +412963,0 +412964,0 +412965,0 +412966,0 +412967,0 +412968,0 +412969,0 +412970,0 +412971,0 +412972,0 +412973,0 +412974,0 +412975,5 +412976,5 +412977,5 +412978,5 +412979,5 +412980,5 +412981,5 +412982,5 +412983,5 +412984,5 +412985,5 +412986,27 +412987,27 +412988,27 +412989,27 +412990,27 +412991,27 +412992,27 +412993,27 +412994,27 +412995,27 +412996,7 +412997,7 +412998,10 +412999,10 +413000,4 +413001,4 +413002,4 +413003,4 +413004,4 +413005,4 +413006,4 +413007,4 +413008,4 +413009,4 +413010,4 +413011,4 +413012,4 +413013,4 +413014,4 +413015,4 +413016,39 +413017,39 +413018,39 +413019,39 +413020,39 +413021,39 +413022,39 +413023,5 +413024,5 +413025,13 +413026,5 +413027,5 +413028,5 +413029,13 +413030,13 +413031,38 +413032,38 +413033,38 +413034,38 +413035,38 +413036,38 +413037,23 +413038,23 +413039,25 +413040,37 +413041,31 +413042,31 +413043,31 +413044,31 +413045,37 +413046,25 +413047,25 +413048,31 +413049,31 +413050,25 +413051,25 +413052,33 +413053,33 +413054,33 +413055,33 +413056,33 +413057,37 +413058,37 +413059,37 +413060,33 +413061,33 +413062,33 +413063,33 +413064,33 +413065,33 +413066,33 +413067,33 +413068,33 +413069,33 +413070,33 +413071,33 +413072,33 +413073,33 +413074,33 +413075,33 +413076,33 +413077,33 +413078,30 +413079,30 +413080,30 +413081,30 +413082,30 +413083,30 +413084,0 +413085,0 +413086,0 +413087,0 +413088,0 +413089,0 +413090,0 +413091,0 +413092,0 +413093,0 +413094,0 +413095,0 +413096,0 +413097,0 +413098,0 +413099,0 +413100,0 +413101,0 +413102,0 +413103,0 +413104,0 +413105,0 +413106,0 +413107,0 +413108,0 +413109,0 +413110,0 +413111,0 +413112,0 +413113,0 +413114,0 +413115,0 +413116,0 +413117,0 +413118,0 +413119,0 +413120,0 +413121,0 +413122,23 +413123,0 +413124,0 +413125,0 +413126,0 +413127,0 +413128,0 +413129,0 +413130,0 +413131,0 +413132,0 +413133,0 +413134,0 +413135,0 +413136,0 +413137,0 +413138,0 +413139,0 +413140,0 +413141,0 +413142,0 +413143,0 +413144,0 +413145,0 +413146,0 +413147,0 +413148,0 +413149,0 +413150,0 +413151,28 +413152,28 +413153,28 +413154,28 +413155,28 +413156,28 +413157,28 +413158,28 +413159,28 +413160,28 +413161,28 +413162,28 +413163,28 +413164,28 +413165,28 +413166,14 +413167,14 +413168,14 +413169,14 +413170,14 +413171,14 +413172,14 +413173,14 +413174,14 +413175,14 +413176,14 +413177,6 +413178,6 +413179,6 +413180,6 +413181,6 +413182,6 +413183,6 +413184,6 +413185,6 +413186,6 +413187,6 +413188,12 +413189,12 +413190,12 +413191,12 +413192,12 +413193,12 +413194,12 +413195,12 +413196,12 +413197,12 +413198,12 +413199,12 +413200,31 +413201,31 +413202,37 +413203,37 +413204,37 +413205,37 +413206,37 +413207,37 +413208,37 +413209,37 +413210,37 +413211,37 +413212,37 +413213,37 +413214,37 +413215,5 +413216,5 +413217,5 +413218,5 +413219,5 +413220,5 +413221,5 +413222,5 +413223,5 +413224,5 +413225,5 +413226,5 +413227,5 +413228,5 +413229,5 +413230,5 +413231,5 +413232,5 +413233,5 +413234,5 +413235,5 +413236,5 +413237,5 +413238,5 +413239,0 +413240,0 +413241,0 +413242,0 +413243,0 +413244,0 +413245,0 +413246,0 +413247,0 +413248,0 +413249,0 +413250,0 +413251,0 +413252,0 +413253,0 +413254,0 +413255,0 +413256,0 +413257,0 +413258,0 +413259,0 +413260,0 +413261,0 +413262,0 +413263,0 +413264,0 +413265,0 +413266,0 +413267,0 +413268,0 +413269,0 +413270,0 +413271,0 +413272,0 +413273,0 +413274,0 +413275,0 +413276,0 +413277,0 +413278,0 +413279,0 +413280,0 +413281,0 +413282,0 +413283,35 +413284,35 +413285,35 +413286,35 +413287,35 +413288,35 +413289,35 +413290,35 +413291,35 +413292,35 +413293,10 +413294,10 +413295,10 +413296,10 +413297,10 +413298,10 +413299,10 +413300,10 +413301,10 +413302,10 +413303,10 +413304,10 +413305,10 +413306,14 +413307,14 +413308,14 +413309,14 +413310,14 +413311,14 +413312,14 +413313,14 +413314,2 +413315,2 +413316,2 +413317,2 +413318,2 +413319,2 +413320,2 +413321,2 +413322,2 +413323,2 +413324,2 +413325,27 +413326,27 +413327,27 +413328,27 +413329,27 +413330,27 +413331,27 +413332,5 +413333,5 +413334,5 +413335,5 +413336,5 +413337,5 +413338,5 +413339,5 +413340,4 +413341,4 +413342,4 +413343,3 +413344,4 +413345,4 +413346,4 +413347,12 +413348,12 +413349,12 +413350,12 +413351,12 +413352,22 +413353,22 +413354,22 +413355,22 +413356,19 +413357,19 +413358,19 +413359,19 +413360,15 +413361,15 +413362,15 +413363,15 +413364,15 +413365,27 +413366,27 +413367,27 +413368,39 +413369,39 +413370,39 +413371,21 +413372,21 +413373,21 +413374,21 +413375,21 +413376,21 +413377,21 +413378,21 +413379,21 +413380,21 +413381,33 +413382,33 +413383,33 +413384,33 +413385,33 +413386,33 +413387,33 +413388,30 +413389,30 +413390,30 +413391,33 +413392,27 +413393,27 +413394,27 +413395,27 +413396,27 +413397,27 +413398,27 +413399,13 +413400,13 +413401,13 +413402,13 +413403,13 +413404,13 +413405,13 +413406,13 +413407,36 +413408,36 +413409,36 +413410,36 +413411,36 +413412,36 +413413,15 +413414,15 +413415,32 +413416,32 +413417,32 +413418,32 +413419,32 +413420,32 +413421,32 +413422,32 +413423,27 +413424,31 +413425,31 +413426,5 +413427,5 +413428,5 +413429,5 +413430,5 +413431,5 +413432,5 +413433,5 +413434,21 +413435,21 +413436,21 +413437,21 +413438,21 +413439,14 +413440,14 +413441,14 +413442,14 +413443,14 +413444,15 +413445,15 +413446,15 +413447,24 +413448,24 +413449,27 +413450,27 +413451,27 +413452,27 +413453,13 +413454,13 +413455,13 +413456,13 +413457,13 +413458,13 +413459,28 +413460,28 +413461,28 +413462,28 +413463,28 +413464,28 +413465,28 +413466,28 +413467,28 +413468,28 +413469,40 +413470,40 +413471,40 +413472,40 +413473,40 +413474,40 +413475,40 +413476,37 +413477,37 +413478,37 +413479,37 +413480,37 +413481,37 +413482,37 +413483,37 +413484,39 +413485,39 +413486,39 +413487,39 +413488,39 +413489,39 +413490,39 +413491,39 +413492,39 +413493,19 +413494,19 +413495,19 +413496,19 +413497,19 +413498,19 +413499,19 +413500,19 +413501,19 +413502,2 +413503,2 +413504,2 +413505,2 +413506,2 +413507,2 +413508,2 +413509,2 +413510,2 +413511,2 +413512,2 +413513,2 +413514,2 +413515,14 +413516,14 +413517,14 +413518,14 +413519,14 +413520,14 +413521,3 +413522,3 +413523,12 +413524,1 +413525,3 +413526,3 +413527,3 +413528,3 +413529,3 +413530,3 +413531,3 +413532,5 +413533,5 +413534,5 +413535,5 +413536,28 +413537,28 +413538,28 +413539,13 +413540,13 +413541,13 +413542,13 +413543,13 +413544,5 +413545,28 +413546,28 +413547,28 +413548,28 +413549,28 +413550,28 +413551,28 +413552,0 +413553,0 +413554,0 +413555,0 +413556,0 +413557,0 +413558,0 +413559,0 +413560,0 +413561,0 +413562,0 +413563,0 +413564,0 +413565,0 +413566,0 +413567,0 +413568,0 +413569,0 +413570,0 +413571,0 +413572,0 +413573,0 +413574,0 +413575,0 +413576,0 +413577,0 +413578,0 +413579,0 +413580,0 +413581,0 +413582,0 +413583,0 +413584,0 +413585,0 +413586,0 +413587,0 +413588,0 +413589,33 +413590,30 +413591,30 +413592,30 +413593,30 +413594,30 +413595,30 +413596,30 +413597,30 +413598,30 +413599,30 +413600,30 +413601,30 +413602,30 +413603,30 +413604,10 +413605,10 +413606,10 +413607,10 +413608,10 +413609,10 +413610,10 +413611,10 +413612,10 +413613,10 +413614,10 +413615,10 +413616,10 +413617,10 +413618,23 +413619,23 +413620,23 +413621,23 +413622,23 +413623,23 +413624,23 +413625,23 +413626,23 +413627,23 +413628,23 +413629,23 +413630,31 +413631,31 +413632,31 +413633,31 +413634,31 +413635,31 +413636,31 +413637,15 +413638,15 +413639,15 +413640,15 +413641,15 +413642,15 +413643,39 +413644,39 +413645,39 +413646,39 +413647,39 +413648,39 +413649,39 +413650,39 +413651,39 +413652,39 +413653,33 +413654,33 +413655,33 +413656,33 +413657,33 +413658,33 +413659,33 +413660,33 +413661,33 +413662,33 +413663,33 +413664,33 +413665,33 +413666,33 +413667,33 +413668,40 +413669,33 +413670,33 +413671,33 +413672,33 +413673,30 +413674,30 +413675,30 +413676,30 +413677,30 +413678,30 +413679,5 +413680,5 +413681,5 +413682,5 +413683,5 +413684,5 +413685,5 +413686,5 +413687,5 +413688,30 +413689,30 +413690,30 +413691,30 +413692,14 +413693,14 +413694,14 +413695,14 +413696,14 +413697,14 +413698,14 +413699,14 +413700,14 +413701,14 +413702,14 +413703,14 +413704,14 +413705,28 +413706,28 +413707,28 +413708,28 +413709,28 +413710,7 +413711,7 +413712,7 +413713,7 +413714,7 +413715,7 +413716,7 +413717,7 +413718,25 +413719,25 +413720,25 +413721,25 +413722,25 +413723,25 +413724,25 +413725,25 +413726,37 +413727,37 +413728,25 +413729,25 +413730,25 +413731,14 +413732,14 +413733,14 +413734,14 +413735,14 +413736,14 +413737,14 +413738,14 +413739,14 +413740,14 +413741,14 +413742,30 +413743,30 +413744,30 +413745,30 +413746,30 +413747,30 +413748,30 +413749,30 +413750,14 +413751,14 +413752,14 +413753,14 +413754,14 +413755,39 +413756,39 +413757,39 +413758,31 +413759,31 +413760,31 +413761,31 +413762,31 +413763,31 +413764,29 +413765,29 +413766,29 +413767,29 +413768,29 +413769,29 +413770,29 +413771,40 +413772,40 +413773,40 +413774,40 +413775,40 +413776,40 +413777,40 +413778,40 +413779,40 +413780,40 +413781,40 +413782,40 +413783,40 +413784,40 +413785,40 +413786,40 +413787,40 +413788,40 +413789,5 +413790,5 +413791,5 +413792,5 +413793,5 +413794,5 +413795,5 +413796,5 +413797,5 +413798,5 +413799,5 +413800,5 +413801,5 +413802,5 +413803,5 +413804,5 +413805,5 +413806,0 +413807,0 +413808,5 +413809,0 +413810,0 +413811,0 +413812,0 +413813,0 +413814,0 +413815,0 +413816,31 +413817,31 +413818,31 +413819,31 +413820,31 +413821,31 +413822,31 +413823,31 +413824,31 +413825,13 +413826,5 +413827,13 +413828,13 +413829,13 +413830,13 +413831,5 +413832,5 +413833,30 +413834,30 +413835,30 +413836,30 +413837,30 +413838,40 +413839,40 +413840,40 +413841,40 +413842,40 +413843,40 +413844,40 +413845,40 +413846,40 +413847,40 +413848,40 +413849,40 +413850,31 +413851,31 +413852,31 +413853,31 +413854,2 +413855,2 +413856,2 +413857,2 +413858,2 +413859,2 +413860,2 +413861,2 +413862,2 +413863,2 +413864,2 +413865,2 +413866,2 +413867,2 +413868,2 +413869,2 +413870,2 +413871,2 +413872,2 +413873,2 +413874,2 +413875,2 +413876,0 +413877,0 +413878,0 +413879,0 +413880,0 +413881,0 +413882,0 +413883,0 +413884,0 +413885,0 +413886,0 +413887,0 +413888,0 +413889,0 +413890,0 +413891,0 +413892,0 +413893,0 +413894,0 +413895,0 +413896,0 +413897,0 +413898,0 +413899,0 +413900,0 +413901,0 +413902,0 +413903,0 +413904,0 +413905,0 +413906,0 +413907,0 +413908,0 +413909,0 +413910,0 +413911,0 +413912,0 +413913,0 +413914,0 +413915,0 +413916,0 +413917,0 +413918,0 +413919,0 +413920,0 +413921,0 +413922,0 +413923,0 +413924,0 +413925,11 +413926,11 +413927,11 +413928,11 +413929,11 +413930,11 +413931,11 +413932,11 +413933,11 +413934,11 +413935,11 +413936,11 +413937,11 +413938,11 +413939,11 +413940,11 +413941,11 +413942,11 +413943,22 +413944,22 +413945,22 +413946,22 +413947,22 +413948,19 +413949,19 +413950,35 +413951,18 +413952,4 +413953,27 +413954,27 +413955,27 +413956,27 +413957,27 +413958,27 +413959,27 +413960,27 +413961,27 +413962,27 +413963,37 +413964,37 +413965,37 +413966,37 +413967,37 +413968,37 +413969,37 +413970,37 +413971,37 +413972,37 +413973,27 +413974,27 +413975,27 +413976,27 +413977,27 +413978,27 +413979,27 +413980,27 +413981,2 +413982,2 +413983,2 +413984,2 +413985,2 +413986,2 +413987,2 +413988,2 +413989,2 +413990,2 +413991,2 +413992,6 +413993,6 +413994,6 +413995,6 +413996,6 +413997,6 +413998,14 +413999,14 +414000,14 +414001,14 +414002,14 +414003,14 +414004,14 +414005,14 +414006,14 +414007,14 +414008,14 +414009,14 +414010,14 +414011,32 +414012,4 +414013,4 +414014,4 +414015,4 +414016,4 +414017,4 +414018,0 +414019,0 +414020,2 +414021,2 +414022,2 +414023,2 +414024,2 +414025,2 +414026,2 +414027,2 +414028,2 +414029,2 +414030,2 +414031,2 +414032,2 +414033,2 +414034,2 +414035,2 +414036,2 +414037,2 +414038,2 +414039,2 +414040,2 +414041,0 +414042,0 +414043,0 +414044,0 +414045,0 +414046,0 +414047,0 +414048,0 +414049,0 +414050,0 +414051,0 +414052,0 +414053,0 +414054,0 +414055,0 +414056,0 +414057,0 +414058,0 +414059,0 +414060,0 +414061,0 +414062,0 +414063,0 +414064,0 +414065,0 +414066,0 +414067,0 +414068,0 +414069,0 +414070,0 +414071,0 +414072,0 +414073,0 +414074,0 +414075,36 +414076,36 +414077,36 +414078,5 +414079,5 +414080,5 +414081,5 +414082,19 +414083,19 +414084,19 +414085,19 +414086,19 +414087,27 +414088,27 +414089,27 +414090,27 +414091,27 +414092,27 +414093,27 +414094,27 +414095,4 +414096,4 +414097,4 +414098,4 +414099,4 +414100,4 +414101,4 +414102,4 +414103,4 +414104,4 +414105,14 +414106,14 +414107,14 +414108,14 +414109,14 +414110,14 +414111,14 +414112,6 +414113,6 +414114,6 +414115,6 +414116,6 +414117,6 +414118,6 +414119,31 +414120,31 +414121,31 +414122,33 +414123,33 +414124,33 +414125,33 +414126,33 +414127,33 +414128,31 +414129,31 +414130,12 +414131,12 +414132,12 +414133,12 +414134,12 +414135,12 +414136,12 +414137,14 +414138,14 +414139,14 +414140,14 +414141,14 +414142,14 +414143,14 +414144,14 +414145,14 +414146,39 +414147,23 +414148,23 +414149,23 +414150,23 +414151,23 +414152,23 +414153,23 +414154,23 +414155,25 +414156,25 +414157,25 +414158,25 +414159,25 +414160,28 +414161,28 +414162,28 +414163,28 +414164,28 +414165,28 +414166,28 +414167,31 +414168,31 +414169,31 +414170,31 +414171,31 +414172,31 +414173,31 +414174,31 +414175,31 +414176,2 +414177,2 +414178,2 +414179,2 +414180,2 +414181,2 +414182,2 +414183,2 +414184,2 +414185,31 +414186,31 +414187,31 +414188,5 +414189,5 +414190,31 +414191,31 +414192,31 +414193,31 +414194,5 +414195,32 +414196,32 +414197,32 +414198,32 +414199,32 +414200,32 +414201,32 +414202,32 +414203,22 +414204,22 +414205,22 +414206,22 +414207,22 +414208,22 +414209,4 +414210,4 +414211,4 +414212,4 +414213,15 +414214,15 +414215,15 +414216,15 +414217,15 +414218,15 +414219,15 +414220,15 +414221,15 +414222,15 +414223,36 +414224,36 +414225,36 +414226,36 +414227,36 +414228,36 +414229,36 +414230,36 +414231,36 +414232,36 +414233,36 +414234,36 +414235,6 +414236,6 +414237,6 +414238,6 +414239,6 +414240,6 +414241,6 +414242,6 +414243,6 +414244,31 +414245,31 +414246,31 +414247,31 +414248,5 +414249,5 +414250,5 +414251,5 +414252,5 +414253,35 +414254,35 +414255,35 +414256,35 +414257,27 +414258,2 +414259,2 +414260,2 +414261,2 +414262,2 +414263,2 +414264,2 +414265,32 +414266,32 +414267,32 +414268,32 +414269,32 +414270,32 +414271,32 +414272,32 +414273,26 +414274,26 +414275,26 +414276,26 +414277,26 +414278,26 +414279,26 +414280,26 +414281,26 +414282,26 +414283,26 +414284,26 +414285,26 +414286,6 +414287,6 +414288,6 +414289,6 +414290,6 +414291,6 +414292,6 +414293,6 +414294,6 +414295,6 +414296,6 +414297,2 +414298,2 +414299,2 +414300,2 +414301,2 +414302,2 +414303,2 +414304,2 +414305,2 +414306,2 +414307,2 +414308,2 +414309,0 +414310,0 +414311,0 +414312,0 +414313,0 +414314,0 +414315,0 +414316,0 +414317,0 +414318,0 +414319,0 +414320,0 +414321,0 +414322,0 +414323,0 +414324,0 +414325,0 +414326,0 +414327,0 +414328,0 +414329,0 +414330,0 +414331,0 +414332,0 +414333,0 +414334,0 +414335,0 +414336,0 +414337,0 +414338,0 +414339,0 +414340,0 +414341,0 +414342,0 +414343,0 +414344,0 +414345,0 +414346,0 +414347,0 +414348,0 +414349,0 +414350,0 +414351,0 +414352,0 +414353,0 +414354,0 +414355,0 +414356,0 +414357,0 +414358,19 +414359,29 +414360,29 +414361,29 +414362,29 +414363,29 +414364,29 +414365,29 +414366,4 +414367,29 +414368,29 +414369,29 +414370,29 +414371,31 +414372,31 +414373,31 +414374,31 +414375,28 +414376,28 +414377,28 +414378,28 +414379,28 +414380,28 +414381,28 +414382,28 +414383,40 +414384,40 +414385,40 +414386,40 +414387,40 +414388,40 +414389,40 +414390,40 +414391,5 +414392,5 +414393,5 +414394,5 +414395,5 +414396,5 +414397,19 +414398,19 +414399,19 +414400,19 +414401,27 +414402,27 +414403,27 +414404,27 +414405,27 +414406,19 +414407,19 +414408,19 +414409,19 +414410,19 +414411,19 +414412,19 +414413,19 +414414,19 +414415,19 +414416,34 +414417,10 +414418,10 +414419,34 +414420,34 +414421,10 +414422,10 +414423,10 +414424,10 +414425,10 +414426,10 +414427,4 +414428,4 +414429,4 +414430,4 +414431,4 +414432,31 +414433,31 +414434,31 +414435,31 +414436,31 +414437,31 +414438,31 +414439,30 +414440,30 +414441,30 +414442,30 +414443,36 +414444,35 +414445,35 +414446,35 +414447,35 +414448,36 +414449,34 +414450,36 +414451,36 +414452,36 +414453,36 +414454,36 +414455,36 +414456,36 +414457,36 +414458,24 +414459,24 +414460,24 +414461,24 +414462,24 +414463,27 +414464,27 +414465,27 +414466,27 +414467,27 +414468,27 +414469,27 +414470,8 +414471,2 +414472,2 +414473,2 +414474,8 +414475,8 +414476,8 +414477,8 +414478,8 +414479,12 +414480,12 +414481,12 +414482,12 +414483,12 +414484,12 +414485,12 +414486,12 +414487,31 +414488,31 +414489,8 +414490,8 +414491,8 +414492,8 +414493,8 +414494,8 +414495,8 +414496,8 +414497,8 +414498,4 +414499,4 +414500,4 +414501,4 +414502,4 +414503,4 +414504,4 +414505,27 +414506,27 +414507,27 +414508,27 +414509,15 +414510,15 +414511,15 +414512,15 +414513,15 +414514,39 +414515,39 +414516,39 +414517,39 +414518,39 +414519,39 +414520,39 +414521,19 +414522,19 +414523,19 +414524,19 +414525,19 +414526,19 +414527,19 +414528,19 +414529,19 +414530,31 +414531,31 +414532,31 +414533,31 +414534,31 +414535,31 +414536,31 +414537,31 +414538,31 +414539,31 +414540,31 +414541,31 +414542,31 +414543,31 +414544,31 +414545,31 +414546,31 +414547,31 +414548,31 +414549,31 +414550,31 +414551,31 +414552,31 +414553,5 +414554,5 +414555,5 +414556,5 +414557,5 +414558,5 +414559,5 +414560,5 +414561,5 +414562,5 +414563,5 +414564,5 +414565,5 +414566,5 +414567,5 +414568,5 +414569,5 +414570,5 +414571,0 +414572,0 +414573,0 +414574,0 +414575,0 +414576,0 +414577,0 +414578,0 +414579,0 +414580,0 +414581,0 +414582,0 +414583,0 +414584,0 +414585,0 +414586,0 +414587,0 +414588,0 +414589,0 +414590,0 +414591,0 +414592,0 +414593,0 +414594,0 +414595,0 +414596,0 +414597,0 +414598,0 +414599,0 +414600,0 +414601,0 +414602,0 +414603,0 +414604,18 +414605,18 +414606,18 +414607,18 +414608,18 +414609,18 +414610,0 +414611,18 +414612,18 +414613,18 +414614,18 +414615,11 +414616,11 +414617,11 +414618,11 +414619,11 +414620,16 +414621,16 +414622,16 +414623,16 +414624,14 +414625,14 +414626,14 +414627,14 +414628,14 +414629,14 +414630,14 +414631,14 +414632,6 +414633,6 +414634,6 +414635,6 +414636,6 +414637,6 +414638,6 +414639,27 +414640,27 +414641,27 +414642,27 +414643,27 +414644,27 +414645,13 +414646,39 +414647,28 +414648,28 +414649,28 +414650,28 +414651,28 +414652,28 +414653,28 +414654,28 +414655,28 +414656,40 +414657,40 +414658,40 +414659,40 +414660,40 +414661,40 +414662,37 +414663,37 +414664,37 +414665,37 +414666,37 +414667,37 +414668,37 +414669,37 +414670,25 +414671,35 +414672,35 +414673,35 +414674,35 +414675,35 +414676,35 +414677,35 +414678,36 +414679,40 +414680,40 +414681,40 +414682,40 +414683,40 +414684,40 +414685,40 +414686,40 +414687,40 +414688,40 +414689,40 +414690,19 +414691,19 +414692,19 +414693,19 +414694,19 +414695,19 +414696,2 +414697,2 +414698,2 +414699,2 +414700,2 +414701,2 +414702,33 +414703,33 +414704,33 +414705,33 +414706,33 +414707,33 +414708,33 +414709,33 +414710,24 +414711,24 +414712,24 +414713,24 +414714,24 +414715,24 +414716,24 +414717,25 +414718,25 +414719,25 +414720,25 +414721,25 +414722,25 +414723,25 +414724,14 +414725,40 +414726,40 +414727,40 +414728,40 +414729,40 +414730,40 +414731,40 +414732,40 +414733,40 +414734,40 +414735,27 +414736,8 +414737,8 +414738,8 +414739,8 +414740,8 +414741,8 +414742,8 +414743,8 +414744,8 +414745,8 +414746,26 +414747,26 +414748,26 +414749,9 +414750,9 +414751,9 +414752,26 +414753,26 +414754,26 +414755,26 +414756,26 +414757,26 +414758,26 +414759,26 +414760,26 +414761,24 +414762,24 +414763,24 +414764,24 +414765,24 +414766,24 +414767,24 +414768,2 +414769,2 +414770,2 +414771,2 +414772,2 +414773,2 +414774,2 +414775,2 +414776,2 +414777,2 +414778,2 +414779,2 +414780,27 +414781,27 +414782,27 +414783,5 +414784,5 +414785,5 +414786,5 +414787,5 +414788,31 +414789,31 +414790,31 +414791,31 +414792,31 +414793,31 +414794,31 +414795,4 +414796,4 +414797,4 +414798,5 +414799,5 +414800,5 +414801,5 +414802,2 +414803,2 +414804,2 +414805,2 +414806,2 +414807,2 +414808,2 +414809,2 +414810,2 +414811,39 +414812,39 +414813,39 +414814,39 +414815,39 +414816,39 +414817,39 +414818,39 +414819,39 +414820,39 +414821,39 +414822,30 +414823,39 +414824,39 +414825,12 +414826,12 +414827,12 +414828,12 +414829,12 +414830,12 +414831,12 +414832,40 +414833,40 +414834,40 +414835,40 +414836,40 +414837,40 +414838,40 +414839,40 +414840,40 +414841,40 +414842,23 +414843,23 +414844,23 +414845,23 +414846,23 +414847,23 +414848,23 +414849,23 +414850,24 +414851,4 +414852,4 +414853,4 +414854,4 +414855,4 +414856,4 +414857,4 +414858,4 +414859,4 +414860,4 +414861,4 +414862,35 +414863,27 +414864,27 +414865,27 +414866,27 +414867,27 +414868,27 +414869,27 +414870,27 +414871,28 +414872,28 +414873,28 +414874,28 +414875,28 +414876,28 +414877,28 +414878,28 +414879,28 +414880,28 +414881,28 +414882,28 +414883,28 +414884,28 +414885,28 +414886,28 +414887,28 +414888,5 +414889,4 +414890,4 +414891,4 +414892,4 +414893,4 +414894,4 +414895,4 +414896,4 +414897,4 +414898,3 +414899,3 +414900,3 +414901,3 +414902,3 +414903,35 +414904,35 +414905,35 +414906,35 +414907,27 +414908,27 +414909,27 +414910,27 +414911,27 +414912,8 +414913,8 +414914,8 +414915,8 +414916,8 +414917,8 +414918,8 +414919,8 +414920,8 +414921,8 +414922,8 +414923,23 +414924,23 +414925,23 +414926,23 +414927,23 +414928,23 +414929,14 +414930,14 +414931,14 +414932,14 +414933,14 +414934,14 +414935,14 +414936,14 +414937,14 +414938,39 +414939,14 +414940,14 +414941,14 +414942,14 +414943,14 +414944,14 +414945,14 +414946,14 +414947,4 +414948,4 +414949,4 +414950,4 +414951,4 +414952,4 +414953,4 +414954,4 +414955,4 +414956,0 +414957,0 +414958,0 +414959,0 +414960,0 +414961,0 +414962,0 +414963,0 +414964,6 +414965,0 +414966,0 +414967,0 +414968,0 +414969,0 +414970,0 +414971,0 +414972,0 +414973,0 +414974,0 +414975,0 +414976,0 +414977,0 +414978,0 +414979,0 +414980,0 +414981,0 +414982,0 +414983,0 +414984,0 +414985,0 +414986,0 +414987,0 +414988,0 +414989,0 +414990,0 +414991,0 +414992,0 +414993,0 +414994,0 +414995,0 +414996,0 +414997,0 +414998,0 +414999,0 +415000,0 +415001,0 +415002,0 +415003,0 +415004,0 +415005,0 +415006,0 +415007,0 +415008,0 +415009,0 +415010,0 +415011,0 +415012,0 +415013,0 +415014,0 +415015,0 +415016,0 +415017,0 +415018,0 +415019,0 +415020,0 +415021,0 +415022,0 +415023,0 +415024,0 +415025,0 +415026,0 +415027,0 +415028,0 +415029,29 +415030,29 +415031,29 +415032,29 +415033,31 +415034,31 +415035,31 +415036,23 +415037,23 +415038,23 +415039,23 +415040,23 +415041,23 +415042,23 +415043,23 +415044,36 +415045,36 +415046,36 +415047,36 +415048,36 +415049,36 +415050,36 +415051,36 +415052,36 +415053,36 +415054,36 +415055,36 +415056,36 +415057,36 +415058,36 +415059,4 +415060,4 +415061,4 +415062,4 +415063,4 +415064,4 +415065,32 +415066,32 +415067,32 +415068,35 +415069,12 +415070,12 +415071,12 +415072,12 +415073,12 +415074,12 +415075,12 +415076,12 +415077,31 +415078,31 +415079,31 +415080,31 +415081,31 +415082,31 +415083,31 +415084,31 +415085,40 +415086,40 +415087,40 +415088,31 +415089,31 +415090,31 +415091,31 +415092,31 +415093,40 +415094,40 +415095,40 +415096,31 +415097,31 +415098,31 +415099,31 +415100,8 +415101,8 +415102,8 +415103,8 +415104,8 +415105,8 +415106,8 +415107,8 +415108,8 +415109,8 +415110,8 +415111,8 +415112,8 +415113,31 +415114,40 +415115,40 +415116,40 +415117,19 +415118,19 +415119,19 +415120,19 +415121,19 +415122,19 +415123,29 +415124,31 +415125,31 +415126,31 +415127,31 +415128,31 +415129,32 +415130,32 +415131,32 +415132,32 +415133,32 +415134,32 +415135,32 +415136,32 +415137,27 +415138,27 +415139,27 +415140,27 +415141,27 +415142,27 +415143,27 +415144,27 +415145,6 +415146,6 +415147,6 +415148,6 +415149,6 +415150,31 +415151,31 +415152,31 +415153,31 +415154,27 +415155,31 +415156,27 +415157,4 +415158,4 +415159,4 +415160,4 +415161,4 +415162,4 +415163,4 +415164,4 +415165,4 +415166,4 +415167,4 +415168,40 +415169,40 +415170,40 +415171,40 +415172,40 +415173,40 +415174,40 +415175,19 +415176,19 +415177,5 +415178,5 +415179,5 +415180,5 +415181,5 +415182,5 +415183,30 +415184,3 +415185,3 +415186,3 +415187,3 +415188,3 +415189,3 +415190,3 +415191,3 +415192,22 +415193,22 +415194,22 +415195,3 +415196,29 +415197,19 +415198,19 +415199,19 +415200,5 +415201,5 +415202,2 +415203,2 +415204,2 +415205,19 +415206,19 +415207,19 +415208,19 +415209,19 +415210,19 +415211,19 +415212,19 +415213,19 +415214,21 +415215,21 +415216,21 +415217,40 +415218,40 +415219,40 +415220,40 +415221,40 +415222,40 +415223,40 +415224,28 +415225,28 +415226,28 +415227,28 +415228,28 +415229,28 +415230,31 +415231,31 +415232,31 +415233,31 +415234,31 +415235,31 +415236,6 +415237,6 +415238,6 +415239,6 +415240,6 +415241,6 +415242,6 +415243,6 +415244,37 +415245,37 +415246,37 +415247,36 +415248,36 +415249,36 +415250,36 +415251,36 +415252,36 +415253,36 +415254,36 +415255,36 +415256,36 +415257,4 +415258,4 +415259,4 +415260,4 +415261,6 +415262,4 +415263,4 +415264,4 +415265,2 +415266,2 +415267,2 +415268,2 +415269,2 +415270,2 +415271,31 +415272,31 +415273,31 +415274,2 +415275,2 +415276,2 +415277,2 +415278,2 +415279,2 +415280,2 +415281,2 +415282,2 +415283,2 +415284,4 +415285,4 +415286,4 +415287,4 +415288,4 +415289,4 +415290,40 +415291,40 +415292,40 +415293,40 +415294,40 +415295,36 +415296,40 +415297,40 +415298,40 +415299,40 +415300,40 +415301,36 +415302,36 +415303,36 +415304,32 +415305,32 +415306,32 +415307,32 +415308,32 +415309,32 +415310,32 +415311,32 +415312,0 +415313,0 +415314,0 +415315,0 +415316,0 +415317,0 +415318,0 +415319,0 +415320,0 +415321,0 +415322,0 +415323,0 +415324,0 +415325,0 +415326,0 +415327,0 +415328,0 +415329,0 +415330,0 +415331,0 +415332,0 +415333,0 +415334,0 +415335,0 +415336,0 +415337,0 +415338,0 +415339,0 +415340,0 +415341,0 +415342,0 +415343,0 +415344,0 +415345,0 +415346,0 +415347,0 +415348,0 +415349,0 +415350,0 +415351,0 +415352,0 +415353,0 +415354,0 +415355,0 +415356,0 +415357,0 +415358,0 +415359,0 +415360,0 +415361,0 +415362,0 +415363,0 +415364,0 +415365,0 +415366,0 +415367,0 +415368,0 +415369,0 +415370,0 +415371,36 +415372,36 +415373,36 +415374,36 +415375,36 +415376,36 +415377,36 +415378,36 +415379,36 +415380,36 +415381,36 +415382,36 +415383,36 +415384,36 +415385,36 +415386,5 +415387,5 +415388,5 +415389,35 +415390,35 +415391,35 +415392,35 +415393,35 +415394,35 +415395,35 +415396,35 +415397,35 +415398,35 +415399,35 +415400,25 +415401,25 +415402,25 +415403,25 +415404,25 +415405,6 +415406,6 +415407,6 +415408,6 +415409,6 +415410,6 +415411,6 +415412,6 +415413,6 +415414,6 +415415,31 +415416,31 +415417,31 +415418,31 +415419,31 +415420,31 +415421,31 +415422,28 +415423,28 +415424,28 +415425,28 +415426,28 +415427,27 +415428,27 +415429,27 +415430,27 +415431,13 +415432,27 +415433,13 +415434,13 +415435,13 +415436,13 +415437,13 +415438,13 +415439,13 +415440,13 +415441,13 +415442,13 +415443,13 +415444,13 +415445,27 +415446,27 +415447,27 +415448,27 +415449,27 +415450,27 +415451,27 +415452,27 +415453,5 +415454,5 +415455,5 +415456,5 +415457,19 +415458,19 +415459,19 +415460,19 +415461,19 +415462,31 +415463,31 +415464,31 +415465,19 +415466,29 +415467,29 +415468,29 +415469,29 +415470,29 +415471,29 +415472,31 +415473,31 +415474,31 +415475,31 +415476,31 +415477,31 +415478,31 +415479,31 +415480,16 +415481,16 +415482,16 +415483,16 +415484,16 +415485,16 +415486,16 +415487,16 +415488,16 +415489,16 +415490,16 +415491,16 +415492,16 +415493,16 +415494,16 +415495,14 +415496,14 +415497,14 +415498,14 +415499,14 +415500,14 +415501,14 +415502,14 +415503,14 +415504,14 +415505,5 +415506,5 +415507,5 +415508,5 +415509,28 +415510,15 +415511,15 +415512,15 +415513,15 +415514,40 +415515,40 +415516,25 +415517,25 +415518,25 +415519,25 +415520,25 +415521,25 +415522,25 +415523,25 +415524,25 +415525,25 +415526,25 +415527,25 +415528,25 +415529,25 +415530,25 +415531,25 +415532,25 +415533,25 +415534,25 +415535,25 +415536,25 +415537,0 +415538,0 +415539,0 +415540,0 +415541,0 +415542,0 +415543,0 +415544,0 +415545,0 +415546,29 +415547,29 +415548,29 +415549,31 +415550,31 +415551,31 +415552,31 +415553,31 +415554,31 +415555,2 +415556,2 +415557,2 +415558,2 +415559,2 +415560,2 +415561,2 +415562,2 +415563,2 +415564,2 +415565,2 +415566,2 +415567,2 +415568,2 +415569,27 +415570,27 +415571,27 +415572,27 +415573,27 +415574,5 +415575,5 +415576,5 +415577,19 +415578,19 +415579,19 +415580,19 +415581,27 +415582,27 +415583,27 +415584,27 +415585,27 +415586,27 +415587,6 +415588,6 +415589,6 +415590,6 +415591,6 +415592,6 +415593,6 +415594,2 +415595,2 +415596,2 +415597,2 +415598,2 +415599,2 +415600,2 +415601,2 +415602,12 +415603,12 +415604,12 +415605,12 +415606,12 +415607,12 +415608,12 +415609,12 +415610,12 +415611,12 +415612,10 +415613,10 +415614,10 +415615,10 +415616,10 +415617,10 +415618,10 +415619,10 +415620,10 +415621,10 +415622,10 +415623,10 +415624,23 +415625,23 +415626,23 +415627,23 +415628,24 +415629,23 +415630,24 +415631,32 +415632,6 +415633,24 +415634,24 +415635,32 +415636,32 +415637,32 +415638,32 +415639,32 +415640,32 +415641,32 +415642,32 +415643,37 +415644,37 +415645,37 +415646,37 +415647,37 +415648,37 +415649,37 +415650,26 +415651,36 +415652,36 +415653,36 +415654,36 +415655,36 +415656,36 +415657,36 +415658,26 +415659,26 +415660,2 +415661,2 +415662,2 +415663,2 +415664,2 +415665,2 +415666,2 +415667,2 +415668,2 +415669,2 +415670,2 +415671,4 +415672,4 +415673,4 +415674,4 +415675,4 +415676,4 +415677,4 +415678,37 +415679,37 +415680,37 +415681,37 +415682,14 +415683,14 +415684,14 +415685,14 +415686,14 +415687,14 +415688,27 +415689,14 +415690,19 +415691,19 +415692,19 +415693,27 +415694,27 +415695,27 +415696,27 +415697,27 +415698,4 +415699,4 +415700,19 +415701,35 +415702,35 +415703,35 +415704,35 +415705,35 +415706,35 +415707,35 +415708,35 +415709,35 +415710,25 +415711,25 +415712,25 +415713,25 +415714,25 +415715,25 +415716,25 +415717,8 +415718,8 +415719,8 +415720,8 +415721,8 +415722,2 +415723,2 +415724,2 +415725,2 +415726,2 +415727,2 +415728,2 +415729,2 +415730,2 +415731,2 +415732,40 +415733,40 +415734,40 +415735,40 +415736,40 +415737,40 +415738,40 +415739,40 +415740,30 +415741,30 +415742,30 +415743,30 +415744,30 +415745,30 +415746,30 +415747,32 +415748,32 +415749,32 +415750,32 +415751,32 +415752,32 +415753,32 +415754,32 +415755,32 +415756,39 +415757,39 +415758,39 +415759,39 +415760,39 +415761,39 +415762,39 +415763,39 +415764,23 +415765,23 +415766,23 +415767,23 +415768,23 +415769,23 +415770,23 +415771,23 +415772,23 +415773,23 +415774,23 +415775,23 +415776,9 +415777,9 +415778,9 +415779,9 +415780,9 +415781,9 +415782,9 +415783,9 +415784,9 +415785,37 +415786,37 +415787,37 +415788,37 +415789,37 +415790,37 +415791,35 +415792,35 +415793,35 +415794,35 +415795,35 +415796,35 +415797,35 +415798,35 +415799,35 +415800,35 +415801,25 +415802,25 +415803,25 +415804,25 +415805,25 +415806,25 +415807,25 +415808,25 +415809,25 +415810,25 +415811,25 +415812,25 +415813,25 +415814,25 +415815,25 +415816,25 +415817,25 +415818,25 +415819,0 +415820,0 +415821,0 +415822,0 +415823,0 +415824,0 +415825,0 +415826,0 +415827,0 +415828,0 +415829,0 +415830,0 +415831,0 +415832,0 +415833,0 +415834,0 +415835,0 +415836,0 +415837,0 +415838,0 +415839,0 +415840,0 +415841,0 +415842,0 +415843,0 +415844,0 +415845,0 +415846,0 +415847,0 +415848,0 +415849,0 +415850,0 +415851,0 +415852,0 +415853,0 +415854,0 +415855,0 +415856,0 +415857,0 +415858,0 +415859,0 +415860,0 +415861,0 +415862,0 +415863,0 +415864,10 +415865,10 +415866,10 +415867,10 +415868,10 +415869,10 +415870,10 +415871,10 +415872,6 +415873,6 +415874,6 +415875,6 +415876,6 +415877,6 +415878,27 +415879,27 +415880,27 +415881,14 +415882,4 +415883,19 +415884,19 +415885,19 +415886,4 +415887,4 +415888,2 +415889,2 +415890,2 +415891,2 +415892,2 +415893,2 +415894,2 +415895,2 +415896,2 +415897,2 +415898,2 +415899,2 +415900,2 +415901,2 +415902,39 +415903,39 +415904,39 +415905,39 +415906,39 +415907,39 +415908,39 +415909,39 +415910,39 +415911,39 +415912,39 +415913,39 +415914,39 +415915,39 +415916,39 +415917,30 +415918,30 +415919,30 +415920,30 +415921,30 +415922,17 +415923,17 +415924,5 +415925,5 +415926,28 +415927,5 +415928,28 +415929,28 +415930,30 +415931,30 +415932,39 +415933,39 +415934,39 +415935,39 +415936,39 +415937,39 +415938,39 +415939,6 +415940,6 +415941,6 +415942,6 +415943,6 +415944,6 +415945,6 +415946,6 +415947,6 +415948,6 +415949,6 +415950,6 +415951,6 +415952,6 +415953,26 +415954,26 +415955,26 +415956,26 +415957,26 +415958,26 +415959,37 +415960,37 +415961,37 +415962,37 +415963,37 +415964,37 +415965,19 +415966,19 +415967,4 +415968,25 +415969,25 +415970,25 +415971,25 +415972,25 +415973,25 +415974,25 +415975,25 +415976,25 +415977,25 +415978,25 +415979,25 +415980,25 +415981,25 +415982,25 +415983,25 +415984,25 +415985,25 +415986,25 +415987,0 +415988,0 +415989,0 +415990,0 +415991,0 +415992,0 +415993,0 +415994,0 +415995,0 +415996,0 +415997,0 +415998,0 +415999,0 +416000,0 +416001,0 +416002,0 +416003,0 +416004,0 +416005,0 +416006,0 +416007,15 +416008,15 +416009,15 +416010,15 +416011,15 +416012,36 +416013,36 +416014,36 +416015,34 +416016,36 +416017,10 +416018,10 +416019,10 +416020,10 +416021,10 +416022,10 +416023,35 +416024,35 +416025,35 +416026,35 +416027,35 +416028,35 +416029,35 +416030,35 +416031,35 +416032,35 +416033,35 +416034,35 +416035,25 +416036,25 +416037,25 +416038,25 +416039,25 +416040,25 +416041,25 +416042,25 +416043,25 +416044,29 +416045,29 +416046,19 +416047,19 +416048,29 +416049,29 +416050,29 +416051,31 +416052,31 +416053,31 +416054,28 +416055,28 +416056,28 +416057,28 +416058,28 +416059,28 +416060,28 +416061,28 +416062,28 +416063,28 +416064,25 +416065,25 +416066,25 +416067,25 +416068,25 +416069,37 +416070,37 +416071,37 +416072,25 +416073,28 +416074,28 +416075,37 +416076,37 +416077,37 +416078,37 +416079,37 +416080,37 +416081,28 +416082,28 +416083,31 +416084,27 +416085,27 +416086,27 +416087,27 +416088,27 +416089,27 +416090,13 +416091,5 +416092,5 +416093,5 +416094,5 +416095,5 +416096,5 +416097,13 +416098,5 +416099,23 +416100,23 +416101,23 +416102,23 +416103,23 +416104,24 +416105,24 +416106,24 +416107,24 +416108,17 +416109,17 +416110,17 +416111,17 +416112,17 +416113,17 +416114,17 +416115,17 +416116,17 +416117,17 +416118,17 +416119,17 +416120,17 +416121,17 +416122,17 +416123,17 +416124,17 +416125,17 +416126,2 +416127,2 +416128,2 +416129,2 +416130,2 +416131,2 +416132,2 +416133,2 +416134,2 +416135,2 +416136,2 +416137,2 +416138,2 +416139,31 +416140,31 +416141,31 +416142,31 +416143,31 +416144,31 +416145,31 +416146,31 +416147,4 +416148,4 +416149,4 +416150,4 +416151,4 +416152,4 +416153,4 +416154,26 +416155,26 +416156,26 +416157,26 +416158,26 +416159,26 +416160,26 +416161,32 +416162,32 +416163,32 +416164,32 +416165,32 +416166,32 +416167,32 +416168,4 +416169,4 +416170,4 +416171,25 +416172,25 +416173,25 +416174,25 +416175,25 +416176,23 +416177,23 +416178,23 +416179,23 +416180,23 +416181,23 +416182,23 +416183,23 +416184,23 +416185,23 +416186,23 +416187,36 +416188,36 +416189,36 +416190,36 +416191,36 +416192,14 +416193,36 +416194,36 +416195,36 +416196,36 +416197,13 +416198,13 +416199,13 +416200,13 +416201,13 +416202,13 +416203,13 +416204,13 +416205,13 +416206,6 +416207,6 +416208,6 +416209,6 +416210,6 +416211,6 +416212,6 +416213,6 +416214,6 +416215,6 +416216,0 +416217,0 +416218,0 +416219,0 +416220,0 +416221,0 +416222,0 +416223,0 +416224,0 +416225,0 +416226,0 +416227,0 +416228,0 +416229,0 +416230,0 +416231,0 +416232,0 +416233,0 +416234,0 +416235,0 +416236,0 +416237,0 +416238,0 +416239,0 +416240,0 +416241,0 +416242,0 +416243,0 +416244,0 +416245,0 +416246,0 +416247,0 +416248,0 +416249,0 +416250,0 +416251,0 +416252,0 +416253,0 +416254,0 +416255,0 +416256,0 +416257,0 +416258,0 +416259,0 +416260,0 +416261,0 +416262,0 +416263,0 +416264,0 +416265,0 +416266,0 +416267,0 +416268,0 +416269,0 +416270,0 +416271,0 +416272,0 +416273,0 +416274,0 +416275,0 +416276,31 +416277,31 +416278,31 +416279,31 +416280,31 +416281,31 +416282,31 +416283,31 +416284,5 +416285,5 +416286,19 +416287,19 +416288,19 +416289,19 +416290,19 +416291,28 +416292,19 +416293,12 +416294,12 +416295,12 +416296,12 +416297,12 +416298,12 +416299,12 +416300,33 +416301,33 +416302,33 +416303,33 +416304,15 +416305,15 +416306,15 +416307,12 +416308,12 +416309,12 +416310,12 +416311,12 +416312,12 +416313,12 +416314,31 +416315,31 +416316,31 +416317,31 +416318,8 +416319,8 +416320,8 +416321,8 +416322,8 +416323,8 +416324,8 +416325,8 +416326,8 +416327,10 +416328,10 +416329,10 +416330,10 +416331,10 +416332,10 +416333,10 +416334,10 +416335,10 +416336,10 +416337,10 +416338,10 +416339,10 +416340,10 +416341,10 +416342,10 +416343,10 +416344,10 +416345,10 +416346,10 +416347,10 +416348,10 +416349,10 +416350,10 +416351,10 +416352,10 +416353,10 +416354,10 +416355,10 +416356,10 +416357,10 +416358,36 +416359,36 +416360,36 +416361,36 +416362,36 +416363,36 +416364,36 +416365,36 +416366,0 +416367,0 +416368,0 +416369,0 +416370,0 +416371,0 +416372,0 +416373,0 +416374,0 +416375,0 +416376,0 +416377,0 +416378,0 +416379,0 +416380,0 +416381,0 +416382,0 +416383,0 +416384,0 +416385,0 +416386,0 +416387,0 +416388,0 +416389,0 +416390,0 +416391,0 +416392,0 +416393,0 +416394,0 +416395,0 +416396,0 +416397,0 +416398,0 +416399,0 +416400,0 +416401,0 +416402,0 +416403,0 +416404,31 +416405,31 +416406,31 +416407,31 +416408,31 +416409,31 +416410,31 +416411,31 +416412,31 +416413,31 +416414,24 +416415,24 +416416,24 +416417,24 +416418,24 +416419,24 +416420,24 +416421,24 +416422,28 +416423,28 +416424,28 +416425,28 +416426,28 +416427,28 +416428,28 +416429,28 +416430,10 +416431,10 +416432,10 +416433,10 +416434,10 +416435,10 +416436,10 +416437,10 +416438,10 +416439,10 +416440,10 +416441,4 +416442,4 +416443,4 +416444,4 +416445,4 +416446,4 +416447,4 +416448,4 +416449,4 +416450,4 +416451,4 +416452,4 +416453,37 +416454,37 +416455,37 +416456,37 +416457,37 +416458,39 +416459,14 +416460,14 +416461,14 +416462,14 +416463,39 +416464,39 +416465,14 +416466,14 +416467,14 +416468,14 +416469,14 +416470,14 +416471,14 +416472,14 +416473,14 +416474,14 +416475,11 +416476,11 +416477,11 +416478,11 +416479,11 +416480,11 +416481,11 +416482,11 +416483,11 +416484,11 +416485,11 +416486,11 +416487,11 +416488,11 +416489,11 +416490,31 +416491,31 +416492,31 +416493,31 +416494,5 +416495,5 +416496,5 +416497,5 +416498,5 +416499,5 +416500,5 +416501,5 +416502,5 +416503,5 +416504,5 +416505,5 +416506,5 +416507,5 +416508,5 +416509,5 +416510,5 +416511,5 +416512,5 +416513,0 +416514,0 +416515,0 +416516,0 +416517,0 +416518,0 +416519,0 +416520,0 +416521,0 +416522,0 +416523,36 +416524,36 +416525,36 +416526,36 +416527,27 +416528,36 +416529,27 +416530,5 +416531,5 +416532,5 +416533,5 +416534,5 +416535,6 +416536,6 +416537,6 +416538,6 +416539,6 +416540,6 +416541,6 +416542,6 +416543,6 +416544,37 +416545,37 +416546,37 +416547,37 +416548,37 +416549,37 +416550,37 +416551,37 +416552,14 +416553,14 +416554,14 +416555,14 +416556,39 +416557,39 +416558,39 +416559,39 +416560,39 +416561,39 +416562,14 +416563,14 +416564,14 +416565,4 +416566,4 +416567,4 +416568,4 +416569,25 +416570,25 +416571,25 +416572,25 +416573,25 +416574,25 +416575,25 +416576,25 +416577,25 +416578,25 +416579,25 +416580,25 +416581,34 +416582,34 +416583,33 +416584,33 +416585,33 +416586,33 +416587,33 +416588,10 +416589,12 +416590,12 +416591,12 +416592,12 +416593,12 +416594,12 +416595,12 +416596,12 +416597,31 +416598,31 +416599,31 +416600,8 +416601,8 +416602,8 +416603,8 +416604,8 +416605,8 +416606,8 +416607,36 +416608,36 +416609,36 +416610,36 +416611,36 +416612,36 +416613,36 +416614,36 +416615,36 +416616,36 +416617,36 +416618,36 +416619,32 +416620,32 +416621,32 +416622,4 +416623,4 +416624,4 +416625,4 +416626,2 +416627,2 +416628,2 +416629,2 +416630,2 +416631,31 +416632,31 +416633,31 +416634,3 +416635,30 +416636,30 +416637,30 +416638,30 +416639,30 +416640,30 +416641,30 +416642,30 +416643,30 +416644,3 +416645,3 +416646,3 +416647,3 +416648,3 +416649,3 +416650,3 +416651,3 +416652,30 +416653,30 +416654,30 +416655,30 +416656,30 +416657,30 +416658,30 +416659,39 +416660,39 +416661,39 +416662,39 +416663,39 +416664,39 +416665,39 +416666,39 +416667,39 +416668,14 +416669,14 +416670,14 +416671,14 +416672,14 +416673,14 +416674,14 +416675,14 +416676,5 +416677,5 +416678,5 +416679,5 +416680,5 +416681,5 +416682,5 +416683,5 +416684,5 +416685,5 +416686,5 +416687,25 +416688,25 +416689,25 +416690,25 +416691,31 +416692,31 +416693,31 +416694,31 +416695,31 +416696,31 +416697,31 +416698,31 +416699,27 +416700,27 +416701,27 +416702,27 +416703,27 +416704,4 +416705,4 +416706,4 +416707,4 +416708,4 +416709,4 +416710,4 +416711,0 +416712,0 +416713,4 +416714,0 +416715,0 +416716,0 +416717,0 +416718,0 +416719,0 +416720,0 +416721,0 +416722,0 +416723,0 +416724,0 +416725,0 +416726,0 +416727,0 +416728,0 +416729,0 +416730,0 +416731,0 +416732,0 +416733,0 +416734,0 +416735,0 +416736,0 +416737,0 +416738,0 +416739,0 +416740,0 +416741,0 +416742,0 +416743,0 +416744,0 +416745,0 +416746,0 +416747,0 +416748,0 +416749,0 +416750,0 +416751,0 +416752,0 +416753,0 +416754,0 +416755,0 +416756,0 +416757,0 +416758,0 +416759,0 +416760,0 +416761,0 +416762,0 +416763,0 +416764,0 +416765,0 +416766,0 +416767,0 +416768,0 +416769,0 +416770,0 +416771,0 +416772,0 +416773,0 +416774,0 +416775,0 +416776,0 +416777,0 +416778,0 +416779,0 +416780,0 +416781,0 +416782,0 +416783,0 +416784,29 +416785,29 +416786,29 +416787,29 +416788,29 +416789,29 +416790,31 +416791,31 +416792,31 +416793,4 +416794,4 +416795,4 +416796,4 +416797,10 +416798,34 +416799,34 +416800,34 +416801,34 +416802,34 +416803,34 +416804,5 +416805,5 +416806,5 +416807,5 +416808,5 +416809,5 +416810,5 +416811,5 +416812,5 +416813,5 +416814,3 +416815,3 +416816,3 +416817,3 +416818,3 +416819,3 +416820,3 +416821,3 +416822,3 +416823,3 +416824,3 +416825,3 +416826,3 +416827,3 +416828,29 +416829,29 +416830,29 +416831,29 +416832,29 +416833,29 +416834,29 +416835,29 +416836,31 +416837,31 +416838,31 +416839,4 +416840,4 +416841,4 +416842,4 +416843,4 +416844,4 +416845,10 +416846,10 +416847,10 +416848,10 +416849,10 +416850,10 +416851,31 +416852,10 +416853,10 +416854,32 +416855,32 +416856,32 +416857,32 +416858,32 +416859,32 +416860,32 +416861,32 +416862,32 +416863,27 +416864,27 +416865,27 +416866,27 +416867,8 +416868,8 +416869,8 +416870,8 +416871,8 +416872,8 +416873,2 +416874,2 +416875,2 +416876,40 +416877,40 +416878,40 +416879,40 +416880,40 +416881,40 +416882,40 +416883,40 +416884,2 +416885,2 +416886,2 +416887,2 +416888,2 +416889,2 +416890,2 +416891,2 +416892,2 +416893,2 +416894,2 +416895,2 +416896,5 +416897,5 +416898,5 +416899,5 +416900,5 +416901,5 +416902,33 +416903,33 +416904,33 +416905,33 +416906,33 +416907,33 +416908,33 +416909,33 +416910,30 +416911,30 +416912,30 +416913,30 +416914,28 +416915,28 +416916,28 +416917,28 +416918,28 +416919,28 +416920,28 +416921,31 +416922,31 +416923,31 +416924,31 +416925,31 +416926,31 +416927,31 +416928,31 +416929,5 +416930,5 +416931,5 +416932,5 +416933,5 +416934,39 +416935,39 +416936,39 +416937,39 +416938,39 +416939,39 +416940,39 +416941,39 +416942,39 +416943,39 +416944,39 +416945,39 +416946,39 +416947,39 +416948,39 +416949,39 +416950,39 +416951,39 +416952,39 +416953,39 +416954,39 +416955,39 +416956,0 +416957,0 +416958,0 +416959,0 +416960,0 +416961,0 +416962,0 +416963,0 +416964,0 +416965,5 +416966,5 +416967,5 +416968,5 +416969,5 +416970,5 +416971,5 +416972,5 +416973,5 +416974,33 +416975,33 +416976,33 +416977,33 +416978,33 +416979,33 +416980,33 +416981,33 +416982,33 +416983,33 +416984,33 +416985,33 +416986,23 +416987,23 +416988,23 +416989,23 +416990,23 +416991,23 +416992,23 +416993,23 +416994,23 +416995,23 +416996,37 +416997,37 +416998,37 +416999,37 +417000,40 +417001,40 +417002,40 +417003,40 +417004,40 +417005,40 +417006,40 +417007,40 +417008,40 +417009,40 +417010,5 +417011,5 +417012,5 +417013,5 +417014,5 +417015,5 +417016,5 +417017,5 +417018,5 +417019,5 +417020,5 +417021,5 +417022,8 +417023,8 +417024,8 +417025,8 +417026,8 +417027,8 +417028,8 +417029,8 +417030,8 +417031,8 +417032,8 +417033,2 +417034,2 +417035,2 +417036,2 +417037,2 +417038,2 +417039,2 +417040,2 +417041,0 +417042,0 +417043,0 +417044,0 +417045,0 +417046,0 +417047,0 +417048,0 +417049,0 +417050,0 +417051,5 +417052,5 +417053,5 +417054,5 +417055,5 +417056,5 +417057,5 +417058,5 +417059,33 +417060,33 +417061,33 +417062,33 +417063,33 +417064,33 +417065,6 +417066,6 +417067,6 +417068,6 +417069,6 +417070,6 +417071,6 +417072,6 +417073,6 +417074,6 +417075,6 +417076,10 +417077,10 +417078,10 +417079,26 +417080,10 +417081,26 +417082,26 +417083,5 +417084,5 +417085,5 +417086,5 +417087,19 +417088,19 +417089,19 +417090,19 +417091,19 +417092,19 +417093,19 +417094,19 +417095,32 +417096,32 +417097,32 +417098,32 +417099,32 +417100,32 +417101,32 +417102,32 +417103,32 +417104,32 +417105,32 +417106,32 +417107,37 +417108,37 +417109,37 +417110,37 +417111,26 +417112,26 +417113,26 +417114,26 +417115,26 +417116,26 +417117,26 +417118,26 +417119,32 +417120,32 +417121,32 +417122,32 +417123,32 +417124,32 +417125,32 +417126,32 +417127,32 +417128,32 +417129,25 +417130,25 +417131,25 +417132,19 +417133,19 +417134,19 +417135,19 +417136,19 +417137,39 +417138,39 +417139,39 +417140,39 +417141,39 +417142,39 +417143,39 +417144,39 +417145,39 +417146,39 +417147,39 +417148,39 +417149,39 +417150,39 +417151,39 +417152,0 +417153,0 +417154,0 +417155,0 +417156,0 +417157,0 +417158,0 +417159,0 +417160,0 +417161,0 +417162,0 +417163,0 +417164,0 +417165,0 +417166,0 +417167,0 +417168,0 +417169,0 +417170,0 +417171,0 +417172,0 +417173,0 +417174,0 +417175,0 +417176,0 +417177,0 +417178,0 +417179,0 +417180,0 +417181,0 +417182,0 +417183,0 +417184,0 +417185,0 +417186,0 +417187,0 +417188,0 +417189,0 +417190,0 +417191,0 +417192,0 +417193,0 +417194,0 +417195,0 +417196,0 +417197,0 +417198,0 +417199,0 +417200,0 +417201,0 +417202,0 +417203,0 +417204,0 +417205,0 +417206,0 +417207,0 +417208,0 +417209,0 +417210,0 +417211,0 +417212,0 +417213,0 +417214,0 +417215,0 +417216,0 +417217,0 +417218,0 +417219,27 +417220,27 +417221,27 +417222,27 +417223,27 +417224,27 +417225,27 +417226,27 +417227,27 +417228,27 +417229,27 +417230,8 +417231,8 +417232,8 +417233,8 +417234,8 +417235,8 +417236,8 +417237,8 +417238,8 +417239,27 +417240,27 +417241,27 +417242,27 +417243,5 +417244,28 +417245,28 +417246,28 +417247,28 +417248,5 +417249,5 +417250,24 +417251,24 +417252,24 +417253,24 +417254,24 +417255,24 +417256,25 +417257,25 +417258,25 +417259,25 +417260,25 +417261,10 +417262,10 +417263,10 +417264,10 +417265,10 +417266,19 +417267,1 +417268,1 +417269,19 +417270,19 +417271,19 +417272,19 +417273,1 +417274,1 +417275,1 +417276,31 +417277,31 +417278,31 +417279,31 +417280,31 +417281,1 +417282,1 +417283,31 +417284,31 +417285,31 +417286,31 +417287,25 +417288,25 +417289,31 +417290,31 +417291,37 +417292,6 +417293,6 +417294,6 +417295,6 +417296,6 +417297,6 +417298,6 +417299,6 +417300,6 +417301,6 +417302,32 +417303,32 +417304,32 +417305,28 +417306,28 +417307,28 +417308,28 +417309,28 +417310,28 +417311,28 +417312,7 +417313,7 +417314,7 +417315,7 +417316,7 +417317,3 +417318,3 +417319,39 +417320,39 +417321,39 +417322,39 +417323,39 +417324,39 +417325,39 +417326,39 +417327,39 +417328,39 +417329,39 +417330,6 +417331,6 +417332,6 +417333,6 +417334,6 +417335,6 +417336,6 +417337,6 +417338,6 +417339,14 +417340,14 +417341,14 +417342,14 +417343,14 +417344,14 +417345,14 +417346,14 +417347,14 +417348,14 +417349,14 +417350,14 +417351,14 +417352,11 +417353,11 +417354,11 +417355,11 +417356,11 +417357,11 +417358,11 +417359,11 +417360,11 +417361,11 +417362,11 +417363,11 +417364,31 +417365,31 +417366,31 +417367,31 +417368,30 +417369,30 +417370,30 +417371,30 +417372,30 +417373,30 +417374,4 +417375,4 +417376,4 +417377,30 +417378,30 +417379,27 +417380,27 +417381,27 +417382,15 +417383,15 +417384,32 +417385,32 +417386,32 +417387,32 +417388,32 +417389,29 +417390,31 +417391,31 +417392,31 +417393,2 +417394,2 +417395,2 +417396,2 +417397,2 +417398,2 +417399,2 +417400,2 +417401,2 +417402,2 +417403,2 +417404,2 +417405,4 +417406,4 +417407,4 +417408,4 +417409,4 +417410,4 +417411,26 +417412,26 +417413,26 +417414,26 +417415,26 +417416,26 +417417,26 +417418,26 +417419,26 +417420,26 +417421,37 +417422,37 +417423,37 +417424,37 +417425,37 +417426,37 +417427,39 +417428,39 +417429,39 +417430,39 +417431,39 +417432,39 +417433,15 +417434,15 +417435,15 +417436,15 +417437,15 +417438,15 +417439,15 +417440,10 +417441,10 +417442,10 +417443,10 +417444,10 +417445,10 +417446,10 +417447,10 +417448,26 +417449,26 +417450,26 +417451,26 +417452,26 +417453,26 +417454,26 +417455,4 +417456,4 +417457,4 +417458,39 +417459,39 +417460,39 +417461,39 +417462,39 +417463,5 +417464,13 +417465,13 +417466,39 +417467,13 +417468,39 +417469,39 +417470,39 +417471,39 +417472,39 +417473,8 +417474,8 +417475,8 +417476,8 +417477,8 +417478,8 +417479,8 +417480,8 +417481,8 +417482,8 +417483,2 +417484,2 +417485,2 +417486,2 +417487,2 +417488,2 +417489,2 +417490,2 +417491,2 +417492,2 +417493,2 +417494,2 +417495,2 +417496,2 +417497,2 +417498,2 +417499,2 +417500,2 +417501,2 +417502,0 +417503,0 +417504,0 +417505,0 +417506,0 +417507,0 +417508,0 +417509,0 +417510,0 +417511,0 +417512,0 +417513,0 +417514,0 +417515,0 +417516,0 +417517,0 +417518,0 +417519,0 +417520,0 +417521,0 +417522,0 +417523,0 +417524,0 +417525,0 +417526,0 +417527,0 +417528,0 +417529,0 +417530,0 +417531,0 +417532,0 +417533,0 +417534,0 +417535,0 +417536,0 +417537,0 +417538,0 +417539,0 +417540,0 +417541,0 +417542,10 +417543,10 +417544,10 +417545,10 +417546,10 +417547,10 +417548,10 +417549,10 +417550,10 +417551,10 +417552,10 +417553,10 +417554,10 +417555,19 +417556,19 +417557,19 +417558,19 +417559,19 +417560,19 +417561,19 +417562,39 +417563,39 +417564,14 +417565,14 +417566,14 +417567,39 +417568,39 +417569,27 +417570,14 +417571,27 +417572,27 +417573,27 +417574,27 +417575,14 +417576,14 +417577,8 +417578,8 +417579,8 +417580,8 +417581,8 +417582,8 +417583,8 +417584,31 +417585,31 +417586,31 +417587,31 +417588,31 +417589,29 +417590,29 +417591,29 +417592,29 +417593,29 +417594,29 +417595,31 +417596,31 +417597,31 +417598,31 +417599,31 +417600,28 +417601,28 +417602,28 +417603,28 +417604,28 +417605,28 +417606,28 +417607,28 +417608,28 +417609,26 +417610,26 +417611,26 +417612,26 +417613,26 +417614,26 +417615,26 +417616,26 +417617,26 +417618,26 +417619,26 +417620,26 +417621,26 +417622,26 +417623,26 +417624,29 +417625,29 +417626,29 +417627,29 +417628,29 +417629,29 +417630,29 +417631,31 +417632,31 +417633,31 +417634,31 +417635,6 +417636,6 +417637,6 +417638,6 +417639,6 +417640,6 +417641,6 +417642,6 +417643,6 +417644,14 +417645,14 +417646,14 +417647,14 +417648,14 +417649,14 +417650,14 +417651,14 +417652,14 +417653,14 +417654,14 +417655,14 +417656,2 +417657,2 +417658,2 +417659,2 +417660,2 +417661,2 +417662,2 +417663,2 +417664,2 +417665,27 +417666,27 +417667,27 +417668,27 +417669,27 +417670,27 +417671,31 +417672,31 +417673,8 +417674,8 +417675,8 +417676,8 +417677,8 +417678,24 +417679,24 +417680,24 +417681,24 +417682,24 +417683,24 +417684,29 +417685,29 +417686,31 +417687,31 +417688,31 +417689,35 +417690,35 +417691,35 +417692,35 +417693,35 +417694,35 +417695,35 +417696,35 +417697,35 +417698,35 +417699,39 +417700,39 +417701,39 +417702,39 +417703,39 +417704,3 +417705,3 +417706,3 +417707,3 +417708,3 +417709,3 +417710,3 +417711,3 +417712,3 +417713,31 +417714,31 +417715,31 +417716,31 +417717,31 +417718,5 +417719,5 +417720,5 +417721,5 +417722,5 +417723,5 +417724,15 +417725,15 +417726,15 +417727,15 +417728,15 +417729,15 +417730,26 +417731,26 +417732,26 +417733,26 +417734,26 +417735,26 +417736,26 +417737,10 +417738,26 +417739,26 +417740,26 +417741,26 +417742,26 +417743,26 +417744,37 +417745,37 +417746,37 +417747,39 +417748,39 +417749,7 +417750,39 +417751,10 +417752,39 +417753,39 +417754,39 +417755,39 +417756,39 +417757,26 +417758,26 +417759,26 +417760,26 +417761,26 +417762,26 +417763,26 +417764,26 +417765,26 +417766,26 +417767,26 +417768,26 +417769,26 +417770,26 +417771,26 +417772,26 +417773,26 +417774,26 +417775,26 +417776,26 +417777,26 +417778,37 +417779,37 +417780,37 +417781,37 +417782,37 +417783,37 +417784,37 +417785,37 +417786,37 +417787,37 +417788,37 +417789,6 +417790,6 +417791,11 +417792,11 +417793,11 +417794,11 +417795,11 +417796,11 +417797,11 +417798,11 +417799,16 +417800,16 +417801,16 +417802,16 +417803,4 +417804,4 +417805,4 +417806,4 +417807,4 +417808,4 +417809,4 +417810,6 +417811,4 +417812,4 +417813,37 +417814,37 +417815,37 +417816,37 +417817,27 +417818,27 +417819,27 +417820,27 +417821,6 +417822,6 +417823,6 +417824,6 +417825,6 +417826,6 +417827,6 +417828,6 +417829,6 +417830,30 +417831,30 +417832,30 +417833,30 +417834,30 +417835,39 +417836,39 +417837,39 +417838,39 +417839,6 +417840,6 +417841,2 +417842,2 +417843,2 +417844,2 +417845,2 +417846,2 +417847,2 +417848,2 +417849,2 +417850,2 +417851,2 +417852,2 +417853,32 +417854,32 +417855,32 +417856,32 +417857,32 +417858,32 +417859,15 +417860,39 +417861,39 +417862,39 +417863,39 +417864,39 +417865,39 +417866,39 +417867,39 +417868,39 +417869,39 +417870,39 +417871,39 +417872,6 +417873,6 +417874,6 +417875,6 +417876,6 +417877,6 +417878,6 +417879,6 +417880,27 +417881,27 +417882,27 +417883,27 +417884,27 +417885,27 +417886,27 +417887,27 +417888,27 +417889,27 +417890,27 +417891,13 +417892,13 +417893,13 +417894,13 +417895,13 +417896,13 +417897,13 +417898,13 +417899,5 +417900,5 +417901,5 +417902,0 +417903,0 +417904,0 +417905,0 +417906,0 +417907,0 +417908,0 +417909,0 +417910,0 +417911,0 +417912,0 +417913,0 +417914,0 +417915,0 +417916,0 +417917,0 +417918,0 +417919,0 +417920,0 +417921,0 +417922,0 +417923,0 +417924,0 +417925,0 +417926,0 +417927,0 +417928,0 +417929,0 +417930,0 +417931,0 +417932,0 +417933,0 +417934,0 +417935,0 +417936,0 +417937,0 +417938,0 +417939,0 +417940,0 +417941,0 +417942,0 +417943,0 +417944,0 +417945,0 +417946,0 +417947,0 +417948,0 +417949,0 +417950,0 +417951,0 +417952,0 +417953,0 +417954,0 +417955,0 +417956,0 +417957,0 +417958,0 +417959,0 +417960,0 +417961,2 +417962,2 +417963,2 +417964,2 +417965,2 +417966,2 +417967,2 +417968,2 +417969,2 +417970,33 +417971,30 +417972,30 +417973,30 +417974,33 +417975,28 +417976,30 +417977,30 +417978,30 +417979,30 +417980,30 +417981,30 +417982,30 +417983,30 +417984,32 +417985,32 +417986,32 +417987,15 +417988,15 +417989,34 +417990,34 +417991,34 +417992,34 +417993,10 +417994,10 +417995,10 +417996,10 +417997,34 +417998,34 +417999,12 +418000,12 +418001,12 +418002,12 +418003,12 +418004,12 +418005,12 +418006,12 +418007,12 +418008,12 +418009,31 +418010,31 +418011,31 +418012,31 +418013,31 +418014,32 +418015,32 +418016,4 +418017,4 +418018,32 +418019,32 +418020,32 +418021,32 +418022,32 +418023,32 +418024,32 +418025,32 +418026,32 +418027,32 +418028,32 +418029,30 +418030,30 +418031,30 +418032,30 +418033,30 +418034,14 +418035,14 +418036,14 +418037,14 +418038,14 +418039,14 +418040,17 +418041,17 +418042,2 +418043,2 +418044,2 +418045,2 +418046,2 +418047,2 +418048,4 +418049,4 +418050,4 +418051,4 +418052,4 +418053,4 +418054,27 +418055,27 +418056,27 +418057,27 +418058,5 +418059,5 +418060,5 +418061,5 +418062,5 +418063,5 +418064,5 +418065,5 +418066,5 +418067,2 +418068,2 +418069,2 +418070,2 +418071,2 +418072,2 +418073,2 +418074,2 +418075,2 +418076,2 +418077,2 +418078,14 +418079,14 +418080,14 +418081,14 +418082,14 +418083,14 +418084,14 +418085,14 +418086,14 +418087,14 +418088,14 +418089,23 +418090,23 +418091,24 +418092,24 +418093,23 +418094,23 +418095,24 +418096,24 +418097,35 +418098,32 +418099,35 +418100,35 +418101,35 +418102,39 +418103,39 +418104,39 +418105,39 +418106,39 +418107,39 +418108,39 +418109,39 +418110,39 +418111,35 +418112,4 +418113,35 +418114,39 +418115,39 +418116,39 +418117,0 +418118,0 +418119,0 +418120,0 +418121,0 +418122,0 +418123,0 +418124,0 +418125,0 +418126,0 +418127,0 +418128,0 +418129,0 +418130,0 +418131,0 +418132,0 +418133,0 +418134,0 +418135,0 +418136,0 +418137,0 +418138,0 +418139,0 +418140,0 +418141,0 +418142,0 +418143,0 +418144,0 +418145,0 +418146,0 +418147,35 +418148,35 +418149,35 +418150,35 +418151,0 +418152,35 +418153,35 +418154,35 +418155,35 +418156,39 +418157,39 +418158,39 +418159,39 +418160,39 +418161,39 +418162,39 +418163,39 +418164,39 +418165,35 +418166,35 +418167,35 +418168,35 +418169,35 +418170,36 +418171,36 +418172,36 +418173,36 +418174,36 +418175,14 +418176,2 +418177,2 +418178,2 +418179,2 +418180,2 +418181,2 +418182,2 +418183,2 +418184,2 +418185,2 +418186,2 +418187,2 +418188,2 +418189,2 +418190,32 +418191,32 +418192,32 +418193,32 +418194,32 +418195,32 +418196,40 +418197,40 +418198,40 +418199,40 +418200,40 +418201,5 +418202,5 +418203,5 +418204,5 +418205,5 +418206,5 +418207,5 +418208,4 +418209,2 +418210,2 +418211,2 +418212,2 +418213,2 +418214,25 +418215,31 +418216,31 +418217,31 +418218,31 +418219,5 +418220,5 +418221,5 +418222,29 +418223,29 +418224,29 +418225,28 +418226,28 +418227,10 +418228,10 +418229,10 +418230,10 +418231,10 +418232,10 +418233,10 +418234,10 +418235,10 +418236,10 +418237,10 +418238,4 +418239,4 +418240,4 +418241,24 +418242,24 +418243,27 +418244,27 +418245,27 +418246,27 +418247,27 +418248,5 +418249,5 +418250,5 +418251,5 +418252,5 +418253,5 +418254,5 +418255,5 +418256,15 +418257,15 +418258,15 +418259,15 +418260,15 +418261,37 +418262,37 +418263,37 +418264,37 +418265,27 +418266,27 +418267,27 +418268,27 +418269,13 +418270,13 +418271,13 +418272,13 +418273,13 +418274,13 +418275,27 +418276,27 +418277,27 +418278,27 +418279,27 +418280,27 +418281,27 +418282,27 +418283,27 +418284,13 +418285,13 +418286,13 +418287,5 +418288,5 +418289,5 +418290,5 +418291,13 +418292,13 +418293,13 +418294,28 +418295,14 +418296,14 +418297,14 +418298,14 +418299,14 +418300,39 +418301,14 +418302,14 +418303,14 +418304,14 +418305,14 +418306,14 +418307,14 +418308,14 +418309,28 +418310,28 +418311,5 +418312,5 +418313,5 +418314,5 +418315,5 +418316,5 +418317,5 +418318,25 +418319,25 +418320,25 +418321,25 +418322,25 +418323,25 +418324,25 +418325,25 +418326,25 +418327,25 +418328,25 +418329,25 +418330,25 +418331,25 +418332,25 +418333,25 +418334,2 +418335,2 +418336,2 +418337,2 +418338,2 +418339,2 +418340,2 +418341,2 +418342,8 +418343,8 +418344,2 +418345,2 +418346,8 +418347,8 +418348,28 +418349,3 +418350,28 +418351,3 +418352,3 +418353,3 +418354,3 +418355,3 +418356,3 +418357,2 +418358,2 +418359,2 +418360,2 +418361,2 +418362,2 +418363,32 +418364,32 +418365,32 +418366,32 +418367,32 +418368,32 +418369,32 +418370,32 +418371,32 +418372,32 +418373,37 +418374,37 +418375,37 +418376,37 +418377,31 +418378,31 +418379,31 +418380,31 +418381,31 +418382,8 +418383,8 +418384,8 +418385,8 +418386,8 +418387,8 +418388,8 +418389,31 +418390,31 +418391,31 +418392,5 +418393,5 +418394,5 +418395,5 +418396,5 +418397,5 +418398,2 +418399,2 +418400,2 +418401,2 +418402,8 +418403,8 +418404,31 +418405,31 +418406,31 +418407,31 +418408,31 +418409,31 +418410,31 +418411,30 +418412,30 +418413,30 +418414,30 +418415,30 +418416,30 +418417,30 +418418,30 +418419,30 +418420,30 +418421,30 +418422,30 +418423,9 +418424,9 +418425,9 +418426,9 +418427,9 +418428,9 +418429,9 +418430,9 +418431,9 +418432,9 +418433,9 +418434,9 +418435,9 +418436,9 +418437,9 +418438,9 +418439,5 +418440,5 +418441,5 +418442,5 +418443,5 +418444,5 +418445,27 +418446,27 +418447,27 +418448,27 +418449,27 +418450,27 +418451,27 +418452,8 +418453,8 +418454,8 +418455,8 +418456,8 +418457,8 +418458,14 +418459,27 +418460,14 +418461,14 +418462,14 +418463,14 +418464,14 +418465,14 +418466,14 +418467,15 +418468,15 +418469,30 +418470,15 +418471,15 +418472,31 +418473,31 +418474,31 +418475,30 +418476,31 +418477,27 +418478,30 +418479,30 +418480,38 +418481,38 +418482,38 +418483,38 +418484,38 +418485,38 +418486,38 +418487,38 +418488,31 +418489,31 +418490,31 +418491,31 +418492,25 +418493,31 +418494,37 +418495,37 +418496,31 +418497,37 +418498,37 +418499,37 +418500,37 +418501,25 +418502,25 +418503,25 +418504,25 +418505,37 +418506,14 +418507,14 +418508,14 +418509,14 +418510,14 +418511,14 +418512,39 +418513,39 +418514,39 +418515,8 +418516,8 +418517,8 +418518,8 +418519,8 +418520,8 +418521,8 +418522,28 +418523,28 +418524,28 +418525,28 +418526,28 +418527,39 +418528,39 +418529,39 +418530,39 +418531,39 +418532,39 +418533,23 +418534,23 +418535,23 +418536,23 +418537,23 +418538,23 +418539,23 +418540,23 +418541,23 +418542,9 +418543,9 +418544,25 +418545,25 +418546,25 +418547,28 +418548,28 +418549,28 +418550,28 +418551,28 +418552,28 +418553,28 +418554,10 +418555,10 +418556,10 +418557,10 +418558,10 +418559,10 +418560,10 +418561,10 +418562,6 +418563,6 +418564,6 +418565,6 +418566,6 +418567,6 +418568,6 +418569,6 +418570,6 +418571,6 +418572,6 +418573,34 +418574,34 +418575,34 +418576,34 +418577,34 +418578,34 +418579,34 +418580,34 +418581,34 +418582,34 +418583,34 +418584,34 +418585,34 +418586,34 +418587,34 +418588,34 +418589,6 +418590,6 +418591,6 +418592,6 +418593,6 +418594,6 +418595,11 +418596,11 +418597,11 +418598,6 +418599,11 +418600,11 +418601,11 +418602,11 +418603,11 +418604,16 +418605,0 +418606,0 +418607,0 +418608,16 +418609,16 +418610,16 +418611,32 +418612,0 +418613,0 +418614,0 +418615,0 +418616,0 +418617,0 +418618,0 +418619,0 +418620,0 +418621,0 +418622,0 +418623,0 +418624,0 +418625,0 +418626,0 +418627,0 +418628,0 +418629,0 +418630,0 +418631,0 +418632,0 +418633,0 +418634,0 +418635,0 +418636,0 +418637,0 +418638,0 +418639,0 +418640,0 +418641,0 +418642,0 +418643,0 +418644,0 +418645,0 +418646,0 +418647,0 +418648,0 +418649,0 +418650,0 +418651,0 +418652,0 +418653,0 +418654,0 +418655,0 +418656,0 +418657,0 +418658,0 +418659,0 +418660,0 +418661,0 +418662,0 +418663,0 +418664,0 +418665,0 +418666,0 +418667,0 +418668,0 +418669,0 +418670,0 +418671,0 +418672,0 +418673,0 +418674,0 +418675,0 +418676,0 +418677,0 +418678,0 +418679,0 +418680,0 +418681,0 +418682,29 +418683,29 +418684,29 +418685,15 +418686,15 +418687,27 +418688,27 +418689,27 +418690,27 +418691,39 +418692,27 +418693,27 +418694,27 +418695,27 +418696,27 +418697,27 +418698,27 +418699,27 +418700,21 +418701,6 +418702,6 +418703,6 +418704,6 +418705,6 +418706,6 +418707,2 +418708,2 +418709,2 +418710,2 +418711,2 +418712,2 +418713,2 +418714,2 +418715,2 +418716,32 +418717,32 +418718,32 +418719,32 +418720,37 +418721,37 +418722,37 +418723,40 +418724,40 +418725,40 +418726,40 +418727,40 +418728,11 +418729,11 +418730,11 +418731,11 +418732,11 +418733,11 +418734,11 +418735,11 +418736,11 +418737,11 +418738,11 +418739,31 +418740,31 +418741,31 +418742,5 +418743,5 +418744,5 +418745,5 +418746,29 +418747,29 +418748,31 +418749,31 +418750,31 +418751,31 +418752,31 +418753,31 +418754,30 +418755,30 +418756,31 +418757,31 +418758,31 +418759,29 +418760,29 +418761,29 +418762,31 +418763,31 +418764,31 +418765,31 +418766,31 +418767,30 +418768,30 +418769,30 +418770,30 +418771,30 +418772,30 +418773,30 +418774,30 +418775,30 +418776,14 +418777,14 +418778,14 +418779,14 +418780,14 +418781,14 +418782,4 +418783,4 +418784,4 +418785,4 +418786,4 +418787,27 +418788,27 +418789,27 +418790,27 +418791,27 +418792,27 +418793,27 +418794,2 +418795,2 +418796,8 +418797,8 +418798,8 +418799,8 +418800,8 +418801,6 +418802,6 +418803,6 +418804,6 +418805,6 +418806,6 +418807,6 +418808,6 +418809,6 +418810,34 +418811,34 +418812,34 +418813,34 +418814,34 +418815,34 +418816,34 +418817,34 +418818,34 +418819,34 +418820,5 +418821,5 +418822,5 +418823,4 +418824,4 +418825,4 +418826,4 +418827,4 +418828,4 +418829,31 +418830,31 +418831,28 +418832,28 +418833,28 +418834,28 +418835,28 +418836,27 +418837,29 +418838,27 +418839,27 +418840,27 +418841,27 +418842,31 +418843,31 +418844,5 +418845,4 +418846,4 +418847,5 +418848,2 +418849,2 +418850,2 +418851,2 +418852,2 +418853,2 +418854,2 +418855,2 +418856,2 +418857,2 +418858,16 +418859,16 +418860,16 +418861,16 +418862,16 +418863,16 +418864,16 +418865,16 +418866,16 +418867,16 +418868,16 +418869,16 +418870,14 +418871,14 +418872,14 +418873,14 +418874,14 +418875,14 +418876,14 +418877,14 +418878,14 +418879,14 +418880,14 +418881,14 +418882,14 +418883,14 +418884,5 +418885,5 +418886,5 +418887,5 +418888,5 +418889,5 +418890,5 +418891,11 +418892,11 +418893,11 +418894,11 +418895,11 +418896,11 +418897,11 +418898,11 +418899,11 +418900,11 +418901,11 +418902,4 +418903,11 +418904,4 +418905,4 +418906,4 +418907,4 +418908,4 +418909,4 +418910,0 +418911,0 +418912,0 +418913,0 +418914,4 +418915,0 +418916,0 +418917,0 +418918,0 +418919,0 +418920,0 +418921,0 +418922,0 +418923,0 +418924,0 +418925,0 +418926,0 +418927,0 +418928,0 +418929,0 +418930,0 +418931,0 +418932,0 +418933,0 +418934,0 +418935,0 +418936,0 +418937,0 +418938,0 +418939,0 +418940,0 +418941,0 +418942,0 +418943,0 +418944,0 +418945,0 +418946,0 +418947,0 +418948,0 +418949,0 +418950,0 +418951,0 +418952,0 +418953,0 +418954,0 +418955,0 +418956,0 +418957,0 +418958,0 +418959,0 +418960,0 +418961,0 +418962,0 +418963,0 +418964,0 +418965,0 +418966,0 +418967,0 +418968,0 +418969,10 +418970,10 +418971,10 +418972,10 +418973,10 +418974,10 +418975,10 +418976,10 +418977,10 +418978,10 +418979,10 +418980,10 +418981,10 +418982,26 +418983,26 +418984,26 +418985,26 +418986,26 +418987,26 +418988,26 +418989,26 +418990,26 +418991,26 +418992,26 +418993,26 +418994,26 +418995,26 +418996,26 +418997,26 +418998,26 +418999,26 +419000,26 +419001,26 +419002,26 +419003,26 +419004,26 +419005,26 +419006,26 +419007,26 +419008,26 +419009,26 +419010,26 +419011,26 +419012,26 +419013,26 +419014,26 +419015,26 +419016,26 +419017,26 +419018,26 +419019,26 +419020,26 +419021,26 +419022,0 +419023,0 +419024,0 +419025,0 +419026,0 +419027,0 +419028,0 +419029,0 +419030,0 +419031,0 +419032,0 +419033,0 +419034,36 +419035,36 +419036,36 +419037,36 +419038,36 +419039,36 +419040,36 +419041,36 +419042,36 +419043,36 +419044,36 +419045,36 +419046,36 +419047,36 +419048,36 +419049,36 +419050,36 +419051,36 +419052,36 +419053,5 +419054,5 +419055,5 +419056,5 +419057,5 +419058,5 +419059,5 +419060,5 +419061,5 +419062,19 +419063,19 +419064,19 +419065,19 +419066,19 +419067,27 +419068,27 +419069,27 +419070,27 +419071,27 +419072,27 +419073,27 +419074,27 +419075,27 +419076,20 +419077,20 +419078,20 +419079,19 +419080,20 +419081,20 +419082,20 +419083,20 +419084,20 +419085,35 +419086,35 +419087,35 +419088,35 +419089,32 +419090,32 +419091,32 +419092,3 +419093,3 +419094,3 +419095,3 +419096,3 +419097,3 +419098,3 +419099,3 +419100,3 +419101,3 +419102,3 +419103,3 +419104,3 +419105,3 +419106,3 +419107,3 +419108,3 +419109,3 +419110,3 +419111,3 +419112,3 +419113,3 +419114,3 +419115,3 +419116,3 +419117,3 +419118,3 +419119,3 +419120,3 +419121,3 +419122,3 +419123,3 +419124,3 +419125,3 +419126,3 +419127,12 +419128,12 +419129,12 +419130,12 +419131,12 +419132,12 +419133,12 +419134,12 +419135,12 +419136,27 +419137,27 +419138,27 +419139,27 +419140,29 +419141,30 +419142,30 +419143,30 +419144,30 +419145,30 +419146,30 +419147,30 +419148,30 +419149,30 +419150,30 +419151,30 +419152,27 +419153,39 +419154,39 +419155,39 +419156,39 +419157,39 +419158,39 +419159,2 +419160,2 +419161,2 +419162,2 +419163,2 +419164,2 +419165,2 +419166,2 +419167,2 +419168,2 +419169,2 +419170,2 +419171,27 +419172,27 +419173,27 +419174,27 +419175,27 +419176,27 +419177,27 +419178,27 +419179,5 +419180,5 +419181,5 +419182,5 +419183,5 +419184,5 +419185,5 +419186,5 +419187,5 +419188,4 +419189,4 +419190,4 +419191,4 +419192,4 +419193,4 +419194,4 +419195,4 +419196,4 +419197,4 +419198,4 +419199,4 +419200,12 +419201,12 +419202,12 +419203,12 +419204,12 +419205,12 +419206,40 +419207,31 +419208,31 +419209,31 +419210,33 +419211,33 +419212,33 +419213,35 +419214,35 +419215,35 +419216,35 +419217,35 +419218,35 +419219,35 +419220,35 +419221,35 +419222,35 +419223,35 +419224,35 +419225,35 +419226,35 +419227,35 +419228,33 +419229,33 +419230,33 +419231,33 +419232,33 +419233,33 +419234,33 +419235,33 +419236,33 +419237,32 +419238,32 +419239,32 +419240,32 +419241,32 +419242,32 +419243,32 +419244,32 +419245,31 +419246,30 +419247,30 +419248,30 +419249,30 +419250,31 +419251,31 +419252,27 +419253,27 +419254,27 +419255,27 +419256,31 +419257,2 +419258,2 +419259,2 +419260,2 +419261,2 +419262,2 +419263,2 +419264,2 +419265,2 +419266,2 +419267,2 +419268,2 +419269,2 +419270,2 +419271,2 +419272,2 +419273,4 +419274,4 +419275,4 +419276,4 +419277,4 +419278,4 +419279,9 +419280,9 +419281,9 +419282,9 +419283,9 +419284,9 +419285,9 +419286,9 +419287,9 +419288,37 +419289,37 +419290,37 +419291,37 +419292,37 +419293,37 +419294,37 +419295,27 +419296,27 +419297,27 +419298,27 +419299,27 +419300,27 +419301,27 +419302,30 +419303,30 +419304,30 +419305,30 +419306,30 +419307,30 +419308,10 +419309,10 +419310,10 +419311,10 +419312,10 +419313,10 +419314,10 +419315,10 +419316,10 +419317,10 +419318,10 +419319,21 +419320,21 +419321,21 +419322,21 +419323,21 +419324,21 +419325,13 +419326,13 +419327,13 +419328,13 +419329,13 +419330,13 +419331,5 +419332,5 +419333,5 +419334,29 +419335,29 +419336,29 +419337,29 +419338,36 +419339,36 +419340,36 +419341,36 +419342,36 +419343,36 +419344,36 +419345,36 +419346,36 +419347,36 +419348,36 +419349,36 +419350,36 +419351,36 +419352,36 +419353,36 +419354,36 +419355,36 +419356,36 +419357,36 +419358,36 +419359,36 +419360,4 +419361,4 +419362,4 +419363,4 +419364,4 +419365,4 +419366,4 +419367,4 +419368,4 +419369,4 +419370,4 +419371,4 +419372,4 +419373,4 +419374,4 +419375,4 +419376,0 +419377,0 +419378,0 +419379,0 +419380,0 +419381,0 +419382,0 +419383,0 +419384,0 +419385,0 +419386,0 +419387,0 +419388,0 +419389,0 +419390,0 +419391,0 +419392,0 +419393,0 +419394,0 +419395,0 +419396,0 +419397,0 +419398,0 +419399,0 +419400,0 +419401,0 +419402,0 +419403,0 +419404,0 +419405,0 +419406,0 +419407,0 +419408,0 +419409,0 +419410,0 +419411,0 +419412,0 +419413,0 +419414,0 +419415,15 +419416,15 +419417,9 +419418,9 +419419,9 +419420,9 +419421,30 +419422,30 +419423,30 +419424,30 +419425,30 +419426,30 +419427,9 +419428,9 +419429,30 +419430,30 +419431,30 +419432,8 +419433,8 +419434,8 +419435,8 +419436,8 +419437,8 +419438,33 +419439,33 +419440,33 +419441,33 +419442,33 +419443,33 +419444,33 +419445,33 +419446,33 +419447,33 +419448,33 +419449,33 +419450,33 +419451,15 +419452,15 +419453,15 +419454,15 +419455,15 +419456,37 +419457,37 +419458,37 +419459,37 +419460,37 +419461,37 +419462,37 +419463,37 +419464,37 +419465,29 +419466,29 +419467,29 +419468,31 +419469,31 +419470,31 +419471,31 +419472,31 +419473,5 +419474,5 +419475,5 +419476,5 +419477,5 +419478,28 +419479,28 +419480,28 +419481,28 +419482,10 +419483,10 +419484,10 +419485,10 +419486,10 +419487,10 +419488,10 +419489,10 +419490,10 +419491,10 +419492,10 +419493,10 +419494,10 +419495,10 +419496,5 +419497,5 +419498,5 +419499,5 +419500,5 +419501,5 +419502,5 +419503,5 +419504,5 +419505,0 +419506,0 +419507,0 +419508,0 +419509,0 +419510,0 +419511,0 +419512,0 +419513,27 +419514,27 +419515,27 +419516,27 +419517,27 +419518,27 +419519,27 +419520,27 +419521,27 +419522,27 +419523,27 +419524,27 +419525,27 +419526,27 +419527,5 +419528,5 +419529,5 +419530,5 +419531,5 +419532,5 +419533,5 +419534,5 +419535,5 +419536,5 +419537,5 +419538,5 +419539,5 +419540,5 +419541,8 +419542,8 +419543,2 +419544,2 +419545,2 +419546,2 +419547,36 +419548,36 +419549,36 +419550,36 +419551,40 +419552,40 +419553,40 +419554,40 +419555,40 +419556,40 +419557,40 +419558,40 +419559,40 +419560,8 +419561,8 +419562,8 +419563,8 +419564,8 +419565,8 +419566,27 +419567,27 +419568,27 +419569,27 +419570,27 +419571,27 +419572,27 +419573,27 +419574,23 +419575,23 +419576,23 +419577,23 +419578,23 +419579,23 +419580,23 +419581,23 +419582,23 +419583,15 +419584,23 +419585,10 +419586,10 +419587,10 +419588,10 +419589,10 +419590,10 +419591,10 +419592,10 +419593,10 +419594,10 +419595,28 +419596,28 +419597,28 +419598,28 +419599,28 +419600,28 +419601,28 +419602,28 +419603,28 +419604,36 +419605,36 +419606,36 +419607,36 +419608,36 +419609,36 +419610,36 +419611,36 +419612,36 +419613,36 +419614,36 +419615,36 +419616,36 +419617,36 +419618,18 +419619,18 +419620,18 +419621,18 +419622,18 +419623,18 +419624,18 +419625,18 +419626,27 +419627,27 +419628,27 +419629,27 +419630,27 +419631,27 +419632,27 +419633,27 +419634,25 +419635,25 +419636,25 +419637,25 +419638,27 +419639,6 +419640,6 +419641,6 +419642,6 +419643,6 +419644,6 +419645,6 +419646,6 +419647,6 +419648,6 +419649,6 +419650,6 +419651,6 +419652,6 +419653,0 +419654,0 +419655,0 +419656,0 +419657,0 +419658,0 +419659,0 +419660,0 +419661,0 +419662,0 +419663,0 +419664,0 +419665,0 +419666,0 +419667,0 +419668,0 +419669,0 +419670,0 +419671,0 +419672,0 +419673,0 +419674,0 +419675,0 +419676,0 +419677,0 +419678,0 +419679,0 +419680,0 +419681,0 +419682,15 +419683,15 +419684,15 +419685,25 +419686,25 +419687,25 +419688,25 +419689,25 +419690,25 +419691,25 +419692,25 +419693,25 +419694,11 +419695,11 +419696,11 +419697,11 +419698,11 +419699,11 +419700,11 +419701,11 +419702,11 +419703,26 +419704,9 +419705,9 +419706,9 +419707,9 +419708,9 +419709,9 +419710,9 +419711,9 +419712,9 +419713,23 +419714,23 +419715,23 +419716,23 +419717,23 +419718,23 +419719,23 +419720,23 +419721,7 +419722,7 +419723,7 +419724,7 +419725,7 +419726,7 +419727,25 +419728,25 +419729,25 +419730,25 +419731,25 +419732,25 +419733,15 +419734,15 +419735,15 +419736,15 +419737,15 +419738,15 +419739,15 +419740,15 +419741,3 +419742,3 +419743,3 +419744,3 +419745,3 +419746,3 +419747,3 +419748,3 +419749,3 +419750,19 +419751,19 +419752,19 +419753,19 +419754,19 +419755,19 +419756,19 +419757,2 +419758,2 +419759,18 +419760,18 +419761,18 +419762,18 +419763,18 +419764,18 +419765,18 +419766,4 +419767,4 +419768,18 +419769,18 +419770,40 +419771,40 +419772,40 +419773,40 +419774,40 +419775,40 +419776,40 +419777,31 +419778,2 +419779,2 +419780,2 +419781,2 +419782,2 +419783,2 +419784,2 +419785,2 +419786,2 +419787,2 +419788,2 +419789,2 +419790,2 +419791,2 +419792,25 +419793,25 +419794,25 +419795,25 +419796,25 +419797,19 +419798,19 +419799,19 +419800,19 +419801,19 +419802,19 +419803,14 +419804,14 +419805,14 +419806,14 +419807,14 +419808,14 +419809,14 +419810,14 +419811,14 +419812,14 +419813,14 +419814,14 +419815,14 +419816,23 +419817,23 +419818,23 +419819,23 +419820,23 +419821,23 +419822,23 +419823,23 +419824,23 +419825,23 +419826,25 +419827,25 +419828,25 +419829,25 +419830,28 +419831,28 +419832,28 +419833,28 +419834,28 +419835,28 +419836,28 +419837,28 +419838,29 +419839,29 +419840,31 +419841,31 +419842,31 +419843,31 +419844,31 +419845,32 +419846,32 +419847,32 +419848,32 +419849,32 +419850,32 +419851,32 +419852,32 +419853,32 +419854,32 +419855,14 +419856,14 +419857,14 +419858,14 +419859,14 +419860,14 +419861,14 +419862,14 +419863,14 +419864,14 +419865,14 +419866,14 +419867,24 +419868,24 +419869,24 +419870,24 +419871,24 +419872,24 +419873,28 +419874,28 +419875,28 +419876,28 +419877,28 +419878,31 +419879,31 +419880,5 +419881,5 +419882,5 +419883,5 +419884,5 +419885,31 +419886,31 +419887,31 +419888,31 +419889,31 +419890,31 +419891,31 +419892,31 +419893,32 +419894,32 +419895,32 +419896,32 +419897,32 +419898,32 +419899,32 +419900,32 +419901,32 +419902,32 +419903,32 +419904,32 +419905,32 +419906,32 +419907,32 +419908,32 +419909,40 +419910,40 +419911,40 +419912,40 +419913,40 +419914,40 +419915,40 +419916,37 +419917,37 +419918,37 +419919,37 +419920,37 +419921,37 +419922,37 +419923,37 +419924,37 +419925,37 +419926,37 +419927,31 +419928,40 +419929,31 +419930,31 +419931,40 +419932,40 +419933,40 +419934,40 +419935,40 +419936,31 +419937,31 +419938,2 +419939,2 +419940,2 +419941,2 +419942,2 +419943,2 +419944,2 +419945,2 +419946,2 +419947,2 +419948,2 +419949,2 +419950,2 +419951,2 +419952,2 +419953,2 +419954,2 +419955,2 +419956,2 +419957,2 +419958,0 +419959,0 +419960,0 +419961,0 +419962,0 +419963,0 +419964,0 +419965,0 +419966,0 +419967,0 +419968,0 +419969,0 +419970,0 +419971,0 +419972,0 +419973,0 +419974,0 +419975,0 +419976,0 +419977,0 +419978,0 +419979,0 +419980,0 +419981,0 +419982,0 +419983,0 +419984,0 +419985,0 +419986,0 +419987,0 +419988,0 +419989,0 +419990,0 +419991,0 +419992,36 +419993,36 +419994,36 +419995,36 +419996,36 +419997,36 +419998,36 +419999,36 +420000,36 +420001,36 +420002,36 +420003,36 +420004,36 +420005,5 +420006,5 +420007,19 +420008,19 +420009,5 +420010,5 +420011,19 +420012,19 +420013,19 +420014,19 +420015,12 +420016,12 +420017,12 +420018,12 +420019,12 +420020,12 +420021,12 +420022,12 +420023,31 +420024,31 +420025,31 +420026,8 +420027,8 +420028,8 +420029,8 +420030,8 +420031,8 +420032,8 +420033,15 +420034,15 +420035,15 +420036,15 +420037,15 +420038,15 +420039,15 +420040,15 +420041,24 +420042,24 +420043,24 +420044,24 +420045,7 +420046,7 +420047,7 +420048,7 +420049,7 +420050,3 +420051,3 +420052,3 +420053,3 +420054,3 +420055,3 +420056,3 +420057,3 +420058,30 +420059,30 +420060,31 +420061,31 +420062,31 +420063,31 +420064,31 +420065,31 +420066,31 +420067,23 +420068,23 +420069,23 +420070,23 +420071,23 +420072,23 +420073,23 +420074,23 +420075,30 +420076,30 +420077,30 +420078,30 +420079,30 +420080,30 +420081,27 +420082,27 +420083,27 +420084,27 +420085,27 +420086,27 +420087,27 +420088,27 +420089,27 +420090,19 +420091,19 +420092,19 +420093,19 +420094,19 +420095,19 +420096,19 +420097,19 +420098,19 +420099,19 +420100,19 +420101,19 +420102,19 +420103,19 +420104,19 +420105,40 +420106,40 +420107,40 +420108,40 +420109,40 +420110,40 +420111,40 +420112,40 +420113,40 +420114,40 +420115,6 +420116,6 +420117,6 +420118,6 +420119,6 +420120,6 +420121,31 +420122,31 +420123,31 +420124,31 +420125,31 +420126,31 +420127,31 +420128,31 +420129,31 +420130,25 +420131,25 +420132,25 +420133,25 +420134,25 +420135,25 +420136,14 +420137,14 +420138,14 +420139,14 +420140,14 +420141,14 +420142,14 +420143,14 +420144,39 +420145,39 +420146,39 +420147,39 +420148,31 +420149,14 +420150,14 +420151,14 +420152,14 +420153,14 +420154,14 +420155,39 +420156,39 +420157,39 +420158,4 +420159,4 +420160,4 +420161,4 +420162,0 +420163,0 +420164,0 +420165,0 +420166,0 +420167,0 +420168,0 +420169,0 +420170,0 +420171,0 +420172,0 +420173,0 +420174,0 +420175,0 +420176,0 +420177,0 +420178,0 +420179,0 +420180,0 +420181,0 +420182,0 +420183,0 +420184,0 +420185,0 +420186,0 +420187,0 +420188,0 +420189,0 +420190,0 +420191,0 +420192,0 +420193,12 +420194,12 +420195,12 +420196,12 +420197,12 +420198,12 +420199,27 +420200,27 +420201,27 +420202,38 +420203,38 +420204,38 +420205,38 +420206,38 +420207,38 +420208,38 +420209,28 +420210,28 +420211,28 +420212,28 +420213,28 +420214,28 +420215,28 +420216,28 +420217,28 +420218,39 +420219,39 +420220,39 +420221,39 +420222,39 +420223,39 +420224,37 +420225,37 +420226,37 +420227,37 +420228,37 +420229,37 +420230,37 +420231,37 +420232,37 +420233,25 +420234,25 +420235,30 +420236,30 +420237,30 +420238,30 +420239,30 +420240,33 +420241,32 +420242,32 +420243,32 +420244,32 +420245,32 +420246,32 +420247,32 +420248,32 +420249,32 +420250,32 +420251,32 +420252,32 +420253,6 +420254,14 +420255,14 +420256,14 +420257,14 +420258,14 +420259,14 +420260,14 +420261,14 +420262,14 +420263,14 +420264,14 +420265,14 +420266,5 +420267,5 +420268,5 +420269,13 +420270,13 +420271,13 +420272,13 +420273,13 +420274,13 +420275,13 +420276,13 +420277,13 +420278,13 +420279,13 +420280,13 +420281,13 +420282,13 +420283,13 +420284,8 +420285,8 +420286,8 +420287,8 +420288,8 +420289,8 +420290,8 +420291,27 +420292,27 +420293,27 +420294,27 +420295,27 +420296,28 +420297,5 +420298,5 +420299,5 +420300,5 +420301,5 +420302,5 +420303,28 +420304,28 +420305,28 +420306,5 +420307,28 +420308,28 +420309,31 +420310,31 +420311,31 +420312,12 +420313,12 +420314,12 +420315,12 +420316,12 +420317,12 +420318,12 +420319,12 +420320,31 +420321,31 +420322,31 +420323,8 +420324,8 +420325,8 +420326,8 +420327,8 +420328,8 +420329,8 +420330,8 +420331,8 +420332,8 +420333,8 +420334,8 +420335,14 +420336,14 +420337,14 +420338,14 +420339,14 +420340,14 +420341,14 +420342,14 +420343,14 +420344,14 +420345,14 +420346,14 +420347,14 +420348,14 +420349,14 +420350,14 +420351,14 +420352,14 +420353,14 +420354,6 +420355,6 +420356,6 +420357,6 +420358,6 +420359,6 +420360,6 +420361,6 +420362,6 +420363,6 +420364,6 +420365,2 +420366,2 +420367,2 +420368,2 +420369,2 +420370,2 +420371,2 +420372,2 +420373,2 +420374,2 +420375,2 +420376,2 +420377,2 +420378,2 +420379,2 +420380,2 +420381,2 +420382,0 +420383,0 +420384,0 +420385,0 +420386,0 +420387,0 +420388,0 +420389,0 +420390,0 +420391,0 +420392,0 +420393,0 +420394,0 +420395,0 +420396,0 +420397,0 +420398,0 +420399,0 +420400,0 +420401,0 +420402,0 +420403,0 +420404,0 +420405,0 +420406,0 +420407,0 +420408,0 +420409,0 +420410,0 +420411,0 +420412,0 +420413,0 +420414,0 +420415,0 +420416,0 +420417,0 +420418,0 +420419,0 +420420,0 +420421,0 +420422,10 +420423,10 +420424,10 +420425,10 +420426,10 +420427,10 +420428,10 +420429,10 +420430,10 +420431,10 +420432,10 +420433,10 +420434,10 +420435,10 +420436,10 +420437,10 +420438,10 +420439,10 +420440,4 +420441,4 +420442,4 +420443,4 +420444,0 +420445,0 +420446,0 +420447,0 +420448,0 +420449,0 +420450,0 +420451,0 +420452,0 +420453,0 +420454,0 +420455,0 +420456,0 +420457,0 +420458,0 +420459,0 +420460,0 +420461,0 +420462,0 +420463,0 +420464,0 +420465,0 +420466,0 +420467,0 +420468,0 +420469,0 +420470,0 +420471,0 +420472,0 +420473,0 +420474,0 +420475,0 +420476,0 +420477,0 +420478,0 +420479,0 +420480,0 +420481,0 +420482,0 +420483,0 +420484,0 +420485,0 +420486,0 +420487,0 +420488,0 +420489,0 +420490,0 +420491,0 +420492,0 +420493,0 +420494,0 +420495,0 +420496,0 +420497,0 +420498,0 +420499,0 +420500,0 +420501,0 +420502,0 +420503,0 +420504,0 +420505,0 +420506,0 +420507,0 +420508,0 +420509,0 +420510,0 +420511,0 +420512,0 +420513,0 +420514,0 +420515,0 +420516,0 +420517,0 +420518,0 +420519,0 +420520,0 +420521,0 +420522,0 +420523,0 +420524,0 +420525,0 +420526,0 +420527,0 +420528,0 +420529,0 +420530,0 +420531,0 +420532,0 +420533,0 +420534,0 +420535,0 +420536,0 +420537,0 +420538,0 +420539,0 +420540,0 +420541,0 +420542,0 +420543,0 +420544,0 +420545,0 +420546,0 +420547,0 +420548,0 +420549,0 +420550,0 +420551,0 +420552,0 +420553,2 +420554,2 +420555,2 +420556,2 +420557,2 +420558,2 +420559,6 +420560,6 +420561,6 +420562,6 +420563,6 +420564,6 +420565,6 +420566,6 +420567,26 +420568,26 +420569,26 +420570,26 +420571,26 +420572,26 +420573,26 +420574,26 +420575,26 +420576,26 +420577,34 +420578,34 +420579,34 +420580,10 +420581,10 +420582,34 +420583,34 +420584,10 +420585,10 +420586,34 +420587,10 +420588,10 +420589,10 +420590,10 +420591,10 +420592,10 +420593,10 +420594,5 +420595,5 +420596,5 +420597,5 +420598,5 +420599,5 +420600,4 +420601,19 +420602,19 +420603,4 +420604,19 +420605,19 +420606,19 +420607,19 +420608,19 +420609,3 +420610,3 +420611,3 +420612,3 +420613,3 +420614,3 +420615,3 +420616,3 +420617,3 +420618,3 +420619,3 +420620,3 +420621,3 +420622,3 +420623,3 +420624,3 +420625,3 +420626,3 +420627,4 +420628,4 +420629,4 +420630,4 +420631,4 +420632,4 +420633,4 +420634,4 +420635,4 +420636,4 +420637,4 +420638,37 +420639,37 +420640,37 +420641,37 +420642,37 +420643,37 +420644,40 +420645,40 +420646,40 +420647,40 +420648,2 +420649,2 +420650,2 +420651,2 +420652,2 +420653,2 +420654,2 +420655,2 +420656,2 +420657,2 +420658,2 +420659,2 +420660,4 +420661,4 +420662,4 +420663,4 +420664,4 +420665,4 +420666,4 +420667,4 +420668,4 +420669,3 +420670,3 +420671,3 +420672,3 +420673,3 +420674,3 +420675,3 +420676,3 +420677,3 +420678,3 +420679,3 +420680,3 +420681,3 +420682,3 +420683,3 +420684,3 +420685,3 +420686,3 +420687,3 +420688,0 +420689,0 +420690,0 +420691,0 +420692,0 +420693,0 +420694,0 +420695,0 +420696,0 +420697,0 +420698,0 +420699,0 +420700,0 +420701,0 +420702,0 +420703,0 +420704,0 +420705,0 +420706,0 +420707,0 +420708,0 +420709,0 +420710,0 +420711,0 +420712,0 +420713,0 +420714,0 +420715,0 +420716,0 +420717,0 +420718,0 +420719,0 +420720,0 +420721,0 +420722,0 +420723,0 +420724,0 +420725,0 +420726,0 +420727,0 +420728,37 +420729,37 +420730,37 +420731,37 +420732,37 +420733,37 +420734,37 +420735,37 +420736,37 +420737,37 +420738,37 +420739,39 +420740,39 +420741,39 +420742,39 +420743,39 +420744,27 +420745,27 +420746,27 +420747,27 +420748,27 +420749,27 +420750,27 +420751,27 +420752,27 +420753,27 +420754,30 +420755,39 +420756,39 +420757,39 +420758,39 +420759,39 +420760,39 +420761,39 +420762,39 +420763,35 +420764,35 +420765,35 +420766,35 +420767,35 +420768,35 +420769,14 +420770,36 +420771,36 +420772,4 +420773,19 +420774,4 +420775,19 +420776,19 +420777,19 +420778,19 +420779,3 +420780,3 +420781,3 +420782,3 +420783,3 +420784,3 +420785,3 +420786,3 +420787,3 +420788,3 +420789,3 +420790,3 +420791,3 +420792,3 +420793,3 +420794,3 +420795,3 +420796,0 +420797,0 +420798,0 +420799,0 +420800,0 +420801,0 +420802,0 +420803,0 +420804,0 +420805,0 +420806,0 +420807,0 +420808,0 +420809,0 +420810,0 +420811,0 +420812,0 +420813,0 +420814,0 +420815,0 +420816,0 +420817,0 +420818,0 +420819,0 +420820,0 +420821,0 +420822,0 +420823,0 +420824,0 +420825,0 +420826,0 +420827,0 +420828,0 +420829,0 +420830,0 +420831,0 +420832,0 +420833,0 +420834,0 +420835,0 +420836,0 +420837,0 +420838,0 +420839,0 +420840,0 +420841,0 +420842,0 +420843,0 +420844,0 +420845,0 +420846,0 +420847,15 +420848,15 +420849,31 +420850,31 +420851,31 +420852,31 +420853,31 +420854,32 +420855,32 +420856,32 +420857,32 +420858,4 +420859,4 +420860,32 +420861,32 +420862,10 +420863,10 +420864,9 +420865,9 +420866,35 +420867,35 +420868,35 +420869,33 +420870,30 +420871,30 +420872,33 +420873,9 +420874,9 +420875,9 +420876,9 +420877,9 +420878,33 +420879,33 +420880,33 +420881,2 +420882,2 +420883,2 +420884,2 +420885,2 +420886,2 +420887,2 +420888,2 +420889,2 +420890,2 +420891,27 +420892,27 +420893,27 +420894,27 +420895,27 +420896,27 +420897,27 +420898,13 +420899,13 +420900,13 +420901,13 +420902,13 +420903,13 +420904,13 +420905,13 +420906,13 +420907,13 +420908,13 +420909,13 +420910,27 +420911,27 +420912,27 +420913,27 +420914,27 +420915,27 +420916,27 +420917,27 +420918,27 +420919,27 +420920,27 +420921,27 +420922,8 +420923,8 +420924,8 +420925,2 +420926,2 +420927,2 +420928,2 +420929,27 +420930,27 +420931,27 +420932,27 +420933,27 +420934,28 +420935,28 +420936,28 +420937,28 +420938,28 +420939,28 +420940,28 +420941,28 +420942,28 +420943,28 +420944,28 +420945,28 +420946,26 +420947,10 +420948,10 +420949,10 +420950,10 +420951,10 +420952,10 +420953,10 +420954,10 +420955,34 +420956,34 +420957,34 +420958,5 +420959,5 +420960,5 +420961,5 +420962,5 +420963,4 +420964,4 +420965,4 +420966,4 +420967,31 +420968,31 +420969,31 +420970,31 +420971,31 +420972,31 +420973,4 +420974,4 +420975,4 +420976,4 +420977,4 +420978,4 +420979,4 +420980,4 +420981,4 +420982,4 +420983,4 +420984,34 +420985,34 +420986,40 +420987,40 +420988,40 +420989,40 +420990,40 +420991,34 +420992,34 +420993,34 +420994,34 +420995,34 +420996,34 +420997,34 +420998,34 +420999,34 +421000,34 +421001,34 +421002,34 +421003,34 +421004,34 +421005,34 +421006,34 +421007,34 +421008,34 +421009,34 +421010,34 +421011,0 +421012,0 +421013,0 +421014,0 +421015,0 +421016,0 +421017,0 +421018,0 +421019,0 +421020,0 +421021,0 +421022,0 +421023,0 +421024,0 +421025,0 +421026,0 +421027,0 +421028,0 +421029,0 +421030,0 +421031,0 +421032,0 +421033,0 +421034,0 +421035,0 +421036,0 +421037,0 +421038,0 +421039,0 +421040,0 +421041,0 +421042,0 +421043,0 +421044,0 +421045,0 +421046,0 +421047,0 +421048,0 +421049,0 +421050,0 +421051,0 +421052,0 +421053,0 +421054,0 +421055,0 +421056,0 +421057,0 +421058,0 +421059,0 +421060,0 +421061,0 +421062,0 +421063,0 +421064,0 +421065,0 +421066,0 +421067,0 +421068,0 +421069,0 +421070,0 +421071,0 +421072,0 +421073,0 +421074,0 +421075,0 +421076,0 +421077,0 +421078,0 +421079,0 +421080,0 +421081,0 +421082,0 +421083,0 +421084,0 +421085,0 +421086,0 +421087,0 +421088,0 +421089,0 +421090,0 +421091,0 +421092,0 +421093,0 +421094,0 +421095,0 +421096,0 +421097,0 +421098,0 +421099,0 +421100,0 +421101,0 +421102,0 +421103,0 +421104,0 +421105,0 +421106,0 +421107,0 +421108,0 +421109,0 +421110,0 +421111,0 +421112,0 +421113,0 +421114,0 +421115,29 +421116,29 +421117,29 +421118,29 +421119,31 +421120,31 +421121,31 +421122,31 +421123,31 +421124,2 +421125,2 +421126,2 +421127,2 +421128,2 +421129,2 +421130,2 +421131,2 +421132,2 +421133,2 +421134,2 +421135,2 +421136,2 +421137,2 +421138,10 +421139,10 +421140,10 +421141,10 +421142,10 +421143,10 +421144,10 +421145,10 +421146,10 +421147,28 +421148,28 +421149,28 +421150,28 +421151,28 +421152,28 +421153,28 +421154,28 +421155,28 +421156,28 +421157,27 +421158,27 +421159,27 +421160,25 +421161,25 +421162,25 +421163,25 +421164,25 +421165,25 +421166,27 +421167,27 +421168,32 +421169,32 +421170,32 +421171,32 +421172,32 +421173,32 +421174,32 +421175,32 +421176,6 +421177,6 +421178,6 +421179,6 +421180,6 +421181,6 +421182,6 +421183,6 +421184,6 +421185,6 +421186,6 +421187,9 +421188,3 +421189,3 +421190,3 +421191,3 +421192,3 +421193,3 +421194,3 +421195,3 +421196,3 +421197,3 +421198,3 +421199,30 +421200,30 +421201,30 +421202,3 +421203,30 +421204,30 +421205,30 +421206,30 +421207,30 +421208,30 +421209,30 +421210,30 +421211,30 +421212,30 +421213,2 +421214,2 +421215,2 +421216,2 +421217,2 +421218,2 +421219,2 +421220,40 +421221,40 +421222,40 +421223,24 +421224,24 +421225,24 +421226,24 +421227,24 +421228,24 +421229,24 +421230,24 +421231,25 +421232,25 +421233,25 +421234,25 +421235,25 +421236,25 +421237,25 +421238,25 +421239,25 +421240,25 +421241,25 +421242,25 +421243,25 +421244,26 +421245,26 +421246,26 +421247,26 +421248,26 +421249,26 +421250,10 +421251,26 +421252,26 +421253,10 +421254,26 +421255,10 +421256,10 +421257,10 +421258,10 +421259,10 +421260,10 +421261,10 +421262,10 +421263,10 +421264,10 +421265,10 +421266,10 +421267,10 +421268,10 +421269,8 +421270,8 +421271,8 +421272,2 +421273,2 +421274,2 +421275,2 +421276,2 +421277,2 +421278,2 +421279,2 +421280,9 +421281,9 +421282,9 +421283,37 +421284,37 +421285,37 +421286,37 +421287,37 +421288,11 +421289,11 +421290,11 +421291,11 +421292,11 +421293,11 +421294,11 +421295,11 +421296,11 +421297,11 +421298,11 +421299,11 +421300,11 +421301,11 +421302,16 +421303,10 +421304,25 +421305,10 +421306,25 +421307,25 +421308,10 +421309,27 +421310,27 +421311,10 +421312,10 +421313,5 +421314,5 +421315,5 +421316,5 +421317,5 +421318,5 +421319,27 +421320,27 +421321,27 +421322,27 +421323,27 +421324,13 +421325,13 +421326,13 +421327,13 +421328,13 +421329,13 +421330,8 +421331,8 +421332,8 +421333,8 +421334,0 +421335,0 +421336,8 +421337,8 +421338,8 +421339,0 +421340,0 +421341,0 +421342,0 +421343,0 +421344,0 +421345,0 +421346,0 +421347,0 +421348,0 +421349,0 +421350,0 +421351,0 +421352,0 +421353,0 +421354,0 +421355,0 +421356,0 +421357,0 +421358,0 +421359,0 +421360,0 +421361,0 +421362,0 +421363,0 +421364,0 +421365,0 +421366,0 +421367,0 +421368,0 +421369,0 +421370,0 +421371,0 +421372,0 +421373,0 +421374,0 +421375,0 +421376,0 +421377,0 +421378,0 +421379,0 +421380,0 +421381,0 +421382,0 +421383,0 +421384,0 +421385,0 +421386,0 +421387,0 +421388,0 +421389,0 +421390,0 +421391,0 +421392,0 +421393,0 +421394,0 +421395,0 +421396,0 +421397,0 +421398,35 +421399,35 +421400,35 +421401,35 +421402,35 +421403,35 +421404,12 +421405,12 +421406,12 +421407,12 +421408,25 +421409,25 +421410,25 +421411,25 +421412,25 +421413,25 +421414,4 +421415,4 +421416,4 +421417,4 +421418,4 +421419,4 +421420,32 +421421,6 +421422,6 +421423,4 +421424,4 +421425,4 +421426,27 +421427,27 +421428,27 +421429,27 +421430,27 +421431,27 +421432,27 +421433,2 +421434,2 +421435,2 +421436,2 +421437,2 +421438,2 +421439,2 +421440,2 +421441,2 +421442,2 +421443,2 +421444,27 +421445,27 +421446,27 +421447,27 +421448,27 +421449,27 +421450,18 +421451,18 +421452,18 +421453,18 +421454,18 +421455,18 +421456,18 +421457,18 +421458,31 +421459,31 +421460,31 +421461,31 +421462,5 +421463,28 +421464,28 +421465,28 +421466,28 +421467,19 +421468,19 +421469,35 +421470,35 +421471,35 +421472,35 +421473,35 +421474,35 +421475,40 +421476,40 +421477,36 +421478,36 +421479,36 +421480,15 +421481,15 +421482,15 +421483,15 +421484,24 +421485,24 +421486,24 +421487,39 +421488,39 +421489,39 +421490,39 +421491,39 +421492,39 +421493,39 +421494,15 +421495,15 +421496,15 +421497,15 +421498,15 +421499,31 +421500,31 +421501,31 +421502,31 +421503,31 +421504,31 +421505,31 +421506,5 +421507,5 +421508,5 +421509,5 +421510,5 +421511,5 +421512,32 +421513,32 +421514,32 +421515,32 +421516,32 +421517,32 +421518,32 +421519,32 +421520,32 +421521,30 +421522,30 +421523,30 +421524,30 +421525,30 +421526,39 +421527,39 +421528,39 +421529,39 +421530,39 +421531,39 +421532,39 +421533,39 +421534,39 +421535,39 +421536,8 +421537,8 +421538,8 +421539,8 +421540,8 +421541,8 +421542,8 +421543,8 +421544,8 +421545,8 +421546,8 +421547,31 +421548,31 +421549,31 +421550,25 +421551,25 +421552,6 +421553,6 +421554,6 +421555,6 +421556,6 +421557,6 +421558,6 +421559,6 +421560,31 +421561,31 +421562,31 +421563,31 +421564,31 +421565,31 +421566,31 +421567,31 +421568,28 +421569,28 +421570,28 +421571,28 +421572,28 +421573,28 +421574,28 +421575,28 +421576,4 +421577,4 +421578,4 +421579,4 +421580,4 +421581,4 +421582,4 +421583,4 +421584,4 +421585,3 +421586,3 +421587,3 +421588,3 +421589,3 +421590,3 +421591,3 +421592,3 +421593,3 +421594,37 +421595,3 +421596,37 +421597,37 +421598,37 +421599,37 +421600,2 +421601,2 +421602,2 +421603,2 +421604,2 +421605,2 +421606,2 +421607,2 +421608,2 +421609,2 +421610,2 +421611,40 +421612,40 +421613,40 +421614,40 +421615,40 +421616,40 +421617,40 +421618,40 +421619,19 +421620,4 +421621,4 +421622,35 +421623,35 +421624,35 +421625,35 +421626,35 +421627,35 +421628,35 +421629,39 +421630,39 +421631,39 +421632,39 +421633,39 +421634,39 +421635,39 +421636,39 +421637,39 +421638,39 +421639,39 +421640,39 +421641,39 +421642,39 +421643,39 +421644,39 +421645,39 +421646,39 +421647,39 +421648,0 +421649,0 +421650,0 +421651,0 +421652,0 +421653,0 +421654,0 +421655,0 +421656,0 +421657,0 +421658,0 +421659,0 +421660,0 +421661,0 +421662,0 +421663,0 +421664,0 +421665,0 +421666,0 +421667,0 +421668,0 +421669,0 +421670,0 +421671,0 +421672,0 +421673,0 +421674,0 +421675,0 +421676,0 +421677,0 +421678,0 +421679,0 +421680,0 +421681,0 +421682,0 +421683,0 +421684,0 +421685,0 +421686,0 +421687,0 +421688,0 +421689,0 +421690,0 +421691,0 +421692,0 +421693,0 +421694,0 +421695,0 +421696,0 +421697,37 +421698,37 +421699,0 +421700,37 +421701,37 +421702,37 +421703,37 +421704,37 +421705,37 +421706,37 +421707,37 +421708,33 +421709,33 +421710,33 +421711,33 +421712,33 +421713,2 +421714,2 +421715,2 +421716,2 +421717,2 +421718,4 +421719,4 +421720,4 +421721,4 +421722,8 +421723,31 +421724,31 +421725,33 +421726,31 +421727,31 +421728,24 +421729,24 +421730,24 +421731,24 +421732,2 +421733,2 +421734,2 +421735,2 +421736,2 +421737,2 +421738,2 +421739,2 +421740,2 +421741,2 +421742,2 +421743,2 +421744,4 +421745,4 +421746,4 +421747,4 +421748,4 +421749,9 +421750,9 +421751,9 +421752,9 +421753,9 +421754,26 +421755,26 +421756,26 +421757,26 +421758,26 +421759,26 +421760,26 +421761,26 +421762,26 +421763,26 +421764,26 +421765,26 +421766,26 +421767,32 +421768,32 +421769,32 +421770,32 +421771,32 +421772,32 +421773,32 +421774,32 +421775,32 +421776,32 +421777,32 +421778,32 +421779,4 +421780,4 +421781,4 +421782,4 +421783,4 +421784,4 +421785,4 +421786,4 +421787,4 +421788,4 +421789,0 +421790,0 +421791,0 +421792,0 +421793,0 +421794,0 +421795,0 +421796,0 +421797,0 +421798,0 +421799,0 +421800,0 +421801,0 +421802,0 +421803,0 +421804,0 +421805,0 +421806,0 +421807,0 +421808,0 +421809,0 +421810,0 +421811,0 +421812,0 +421813,0 +421814,0 +421815,0 +421816,0 +421817,0 +421818,0 +421819,0 +421820,0 +421821,0 +421822,0 +421823,0 +421824,0 +421825,0 +421826,0 +421827,0 +421828,0 +421829,0 +421830,0 +421831,0 +421832,0 +421833,0 +421834,0 +421835,0 +421836,0 +421837,29 +421838,29 +421839,29 +421840,29 +421841,36 +421842,36 +421843,36 +421844,4 +421845,4 +421846,4 +421847,4 +421848,12 +421849,4 +421850,12 +421851,12 +421852,3 +421853,22 +421854,22 +421855,22 +421856,19 +421857,19 +421858,19 +421859,19 +421860,19 +421861,19 +421862,19 +421863,3 +421864,3 +421865,3 +421866,3 +421867,3 +421868,3 +421869,3 +421870,3 +421871,3 +421872,3 +421873,3 +421874,3 +421875,3 +421876,3 +421877,3 +421878,23 +421879,35 +421880,35 +421881,35 +421882,35 +421883,35 +421884,35 +421885,35 +421886,35 +421887,35 +421888,35 +421889,35 +421890,3 +421891,3 +421892,3 +421893,3 +421894,3 +421895,3 +421896,12 +421897,31 +421898,33 +421899,33 +421900,31 +421901,8 +421902,8 +421903,8 +421904,29 +421905,29 +421906,29 +421907,29 +421908,29 +421909,29 +421910,29 +421911,31 +421912,31 +421913,31 +421914,31 +421915,31 +421916,31 +421917,4 +421918,4 +421919,4 +421920,4 +421921,4 +421922,4 +421923,4 +421924,4 +421925,4 +421926,4 +421927,3 +421928,3 +421929,3 +421930,3 +421931,3 +421932,3 +421933,29 +421934,29 +421935,29 +421936,29 +421937,29 +421938,29 +421939,29 +421940,29 +421941,2 +421942,14 +421943,14 +421944,14 +421945,14 +421946,27 +421947,14 +421948,14 +421949,14 +421950,14 +421951,2 +421952,2 +421953,28 +421954,28 +421955,28 +421956,28 +421957,28 +421958,28 +421959,10 +421960,10 +421961,10 +421962,10 +421963,10 +421964,10 +421965,10 +421966,28 +421967,28 +421968,28 +421969,28 +421970,28 +421971,28 +421972,36 +421973,36 +421974,36 +421975,36 +421976,36 +421977,36 +421978,36 +421979,36 +421980,36 +421981,36 +421982,36 +421983,36 +421984,2 +421985,2 +421986,2 +421987,2 +421988,2 +421989,2 +421990,2 +421991,2 +421992,2 +421993,2 +421994,2 +421995,25 +421996,25 +421997,25 +421998,25 +421999,35 +422000,35 +422001,35 +422002,35 +422003,35 +422004,35 +422005,35 +422006,36 +422007,14 +422008,14 +422009,14 +422010,14 +422011,14 +422012,14 +422013,14 +422014,14 +422015,14 +422016,40 +422017,40 +422018,40 +422019,14 +422020,14 +422021,36 +422022,35 +422023,36 +422024,36 +422025,36 +422026,36 +422027,19 +422028,19 +422029,19 +422030,19 +422031,19 +422032,19 +422033,0 +422034,0 +422035,0 +422036,0 +422037,0 +422038,0 +422039,0 +422040,0 +422041,0 +422042,0 +422043,0 +422044,0 +422045,0 +422046,0 +422047,0 +422048,0 +422049,0 +422050,0 +422051,0 +422052,0 +422053,0 +422054,0 +422055,0 +422056,0 +422057,0 +422058,0 +422059,0 +422060,0 +422061,0 +422062,0 +422063,0 +422064,0 +422065,0 +422066,0 +422067,0 +422068,0 +422069,0 +422070,0 +422071,0 +422072,0 +422073,0 +422074,27 +422075,27 +422076,27 +422077,27 +422078,27 +422079,27 +422080,27 +422081,27 +422082,4 +422083,31 +422084,4 +422085,16 +422086,4 +422087,4 +422088,4 +422089,16 +422090,16 +422091,16 +422092,4 +422093,4 +422094,4 +422095,4 +422096,4 +422097,12 +422098,37 +422099,37 +422100,37 +422101,37 +422102,37 +422103,37 +422104,37 +422105,37 +422106,36 +422107,36 +422108,36 +422109,36 +422110,36 +422111,5 +422112,5 +422113,5 +422114,5 +422115,5 +422116,4 +422117,32 +422118,32 +422119,32 +422120,32 +422121,32 +422122,32 +422123,25 +422124,25 +422125,37 +422126,37 +422127,37 +422128,37 +422129,37 +422130,37 +422131,37 +422132,37 +422133,37 +422134,10 +422135,10 +422136,10 +422137,10 +422138,10 +422139,26 +422140,26 +422141,9 +422142,9 +422143,9 +422144,37 +422145,37 +422146,37 +422147,37 +422148,37 +422149,37 +422150,2 +422151,2 +422152,2 +422153,2 +422154,2 +422155,2 +422156,31 +422157,31 +422158,31 +422159,31 +422160,31 +422161,31 +422162,31 +422163,31 +422164,31 +422165,31 +422166,31 +422167,31 +422168,8 +422169,8 +422170,8 +422171,8 +422172,8 +422173,8 +422174,8 +422175,8 +422176,8 +422177,8 +422178,8 +422179,2 +422180,2 +422181,8 +422182,8 +422183,8 +422184,8 +422185,8 +422186,8 +422187,8 +422188,0 +422189,0 +422190,0 +422191,0 +422192,0 +422193,0 +422194,0 +422195,0 +422196,0 +422197,0 +422198,0 +422199,0 +422200,0 +422201,0 +422202,0 +422203,0 +422204,0 +422205,0 +422206,0 +422207,0 +422208,0 +422209,0 +422210,0 +422211,0 +422212,0 +422213,0 +422214,0 +422215,0 +422216,0 +422217,0 +422218,0 +422219,0 +422220,0 +422221,0 +422222,0 +422223,0 +422224,0 +422225,9 +422226,9 +422227,9 +422228,9 +422229,9 +422230,9 +422231,9 +422232,0 +422233,9 +422234,9 +422235,9 +422236,9 +422237,9 +422238,9 +422239,9 +422240,30 +422241,30 +422242,30 +422243,30 +422244,30 +422245,30 +422246,30 +422247,30 +422248,30 +422249,19 +422250,19 +422251,19 +422252,19 +422253,19 +422254,19 +422255,19 +422256,19 +422257,30 +422258,33 +422259,33 +422260,33 +422261,33 +422262,33 +422263,33 +422264,33 +422265,33 +422266,33 +422267,30 +422268,12 +422269,12 +422270,12 +422271,12 +422272,12 +422273,12 +422274,12 +422275,27 +422276,27 +422277,27 +422278,27 +422279,27 +422280,4 +422281,4 +422282,4 +422283,4 +422284,4 +422285,4 +422286,4 +422287,4 +422288,28 +422289,28 +422290,28 +422291,28 +422292,28 +422293,28 +422294,28 +422295,28 +422296,14 +422297,14 +422298,14 +422299,14 +422300,14 +422301,14 +422302,14 +422303,14 +422304,14 +422305,14 +422306,14 +422307,14 +422308,14 +422309,6 +422310,6 +422311,6 +422312,6 +422313,6 +422314,6 +422315,6 +422316,6 +422317,6 +422318,6 +422319,31 +422320,31 +422321,31 +422322,31 +422323,5 +422324,5 +422325,5 +422326,5 +422327,5 +422328,5 +422329,5 +422330,5 +422331,4 +422332,4 +422333,4 +422334,4 +422335,4 +422336,4 +422337,4 +422338,4 +422339,4 +422340,4 +422341,27 +422342,27 +422343,27 +422344,27 +422345,27 +422346,27 +422347,27 +422348,27 +422349,27 +422350,5 +422351,5 +422352,5 +422353,5 +422354,5 +422355,5 +422356,5 +422357,7 +422358,7 +422359,7 +422360,7 +422361,7 +422362,7 +422363,3 +422364,3 +422365,3 +422366,3 +422367,3 +422368,3 +422369,3 +422370,3 +422371,3 +422372,3 +422373,3 +422374,3 +422375,3 +422376,3 +422377,3 +422378,3 +422379,4 +422380,4 +422381,4 +422382,4 +422383,4 +422384,4 +422385,4 +422386,4 +422387,4 +422388,4 +422389,4 +422390,22 +422391,22 +422392,22 +422393,22 +422394,22 +422395,22 +422396,31 +422397,4 +422398,4 +422399,4 +422400,4 +422401,4 +422402,4 +422403,4 +422404,4 +422405,4 +422406,16 +422407,4 +422408,4 +422409,4 +422410,4 +422411,4 +422412,4 +422413,4 +422414,4 +422415,32 +422416,32 +422417,4 +422418,25 +422419,25 +422420,25 +422421,25 +422422,25 +422423,25 +422424,25 +422425,25 +422426,25 +422427,25 +422428,25 +422429,25 +422430,25 +422431,25 +422432,5 +422433,5 +422434,5 +422435,5 +422436,5 +422437,10 +422438,10 +422439,34 +422440,34 +422441,34 +422442,34 +422443,34 +422444,34 +422445,34 +422446,34 +422447,34 +422448,34 +422449,34 +422450,34 +422451,34 +422452,34 +422453,34 +422454,34 +422455,34 +422456,34 +422457,34 +422458,34 +422459,4 +422460,4 +422461,4 +422462,4 +422463,4 +422464,4 +422465,4 +422466,4 +422467,4 +422468,4 +422469,0 +422470,0 +422471,0 +422472,0 +422473,0 +422474,0 +422475,0 +422476,0 +422477,0 +422478,0 +422479,0 +422480,0 +422481,0 +422482,0 +422483,0 +422484,0 +422485,0 +422486,0 +422487,0 +422488,0 +422489,0 +422490,0 +422491,0 +422492,0 +422493,0 +422494,0 +422495,0 +422496,0 +422497,0 +422498,0 +422499,0 +422500,0 +422501,29 +422502,29 +422503,29 +422504,29 +422505,29 +422506,33 +422507,33 +422508,33 +422509,33 +422510,33 +422511,33 +422512,33 +422513,33 +422514,33 +422515,33 +422516,2 +422517,2 +422518,2 +422519,2 +422520,2 +422521,2 +422522,2 +422523,2 +422524,2 +422525,2 +422526,2 +422527,2 +422528,2 +422529,2 +422530,2 +422531,2 +422532,2 +422533,2 +422534,2 +422535,2 +422536,2 +422537,2 +422538,2 +422539,2 +422540,2 +422541,2 +422542,14 +422543,14 +422544,14 +422545,14 +422546,14 +422547,14 +422548,14 +422549,14 +422550,14 +422551,14 +422552,14 +422553,14 +422554,14 +422555,14 +422556,14 +422557,39 +422558,39 +422559,39 +422560,39 +422561,39 +422562,39 +422563,39 +422564,28 +422565,28 +422566,28 +422567,28 +422568,28 +422569,28 +422570,32 +422571,32 +422572,32 +422573,32 +422574,32 +422575,32 +422576,32 +422577,32 +422578,32 +422579,32 +422580,32 +422581,32 +422582,37 +422583,37 +422584,37 +422585,37 +422586,37 +422587,26 +422588,26 +422589,26 +422590,9 +422591,26 +422592,26 +422593,26 +422594,26 +422595,26 +422596,26 +422597,26 +422598,26 +422599,26 +422600,4 +422601,4 +422602,4 +422603,4 +422604,31 +422605,4 +422606,4 +422607,25 +422608,25 +422609,31 +422610,40 +422611,40 +422612,25 +422613,31 +422614,40 +422615,40 +422616,40 +422617,40 +422618,40 +422619,6 +422620,6 +422621,6 +422622,6 +422623,6 +422624,6 +422625,6 +422626,6 +422627,6 +422628,6 +422629,4 +422630,4 +422631,0 +422632,0 +422633,0 +422634,0 +422635,0 +422636,0 +422637,0 +422638,0 +422639,0 +422640,0 +422641,0 +422642,0 +422643,0 +422644,0 +422645,0 +422646,0 +422647,0 +422648,0 +422649,0 +422650,0 +422651,0 +422652,0 +422653,0 +422654,0 +422655,0 +422656,0 +422657,0 +422658,0 +422659,0 +422660,0 +422661,0 +422662,0 +422663,0 +422664,0 +422665,0 +422666,0 +422667,0 +422668,0 +422669,0 +422670,0 +422671,0 +422672,0 +422673,0 +422674,0 +422675,0 +422676,0 +422677,0 +422678,0 +422679,0 +422680,0 +422681,0 +422682,0 +422683,0 +422684,0 +422685,0 +422686,0 +422687,0 +422688,0 +422689,0 +422690,25 +422691,25 +422692,25 +422693,0 +422694,0 +422695,0 +422696,0 +422697,0 +422698,35 +422699,35 +422700,35 +422701,35 +422702,35 +422703,35 +422704,25 +422705,25 +422706,25 +422707,25 +422708,25 +422709,24 +422710,24 +422711,24 +422712,24 +422713,24 +422714,24 +422715,24 +422716,24 +422717,24 +422718,24 +422719,24 +422720,24 +422721,24 +422722,24 +422723,24 +422724,24 +422725,24 +422726,24 +422727,17 +422728,17 +422729,17 +422730,17 +422731,17 +422732,17 +422733,17 +422734,17 +422735,17 +422736,17 +422737,17 +422738,17 +422739,17 +422740,17 +422741,17 +422742,17 +422743,17 +422744,17 +422745,17 +422746,17 +422747,17 +422748,17 +422749,17 +422750,17 +422751,17 +422752,17 +422753,14 +422754,2 +422755,2 +422756,2 +422757,2 +422758,2 +422759,2 +422760,2 +422761,2 +422762,2 +422763,8 +422764,8 +422765,2 +422766,8 +422767,35 +422768,35 +422769,35 +422770,35 +422771,35 +422772,35 +422773,35 +422774,35 +422775,35 +422776,35 +422777,36 +422778,36 +422779,36 +422780,36 +422781,36 +422782,36 +422783,19 +422784,19 +422785,4 +422786,4 +422787,4 +422788,4 +422789,27 +422790,27 +422791,3 +422792,3 +422793,3 +422794,27 +422795,27 +422796,27 +422797,27 +422798,12 +422799,12 +422800,3 +422801,3 +422802,3 +422803,3 +422804,12 +422805,12 +422806,12 +422807,12 +422808,12 +422809,12 +422810,12 +422811,12 +422812,12 +422813,12 +422814,12 +422815,12 +422816,12 +422817,19 +422818,12 +422819,12 +422820,12 +422821,12 +422822,12 +422823,27 +422824,27 +422825,27 +422826,5 +422827,5 +422828,5 +422829,5 +422830,5 +422831,5 +422832,5 +422833,5 +422834,5 +422835,5 +422836,5 +422837,5 +422838,5 +422839,5 +422840,5 +422841,5 +422842,5 +422843,5 +422844,5 +422845,5 +422846,5 +422847,5 +422848,5 +422849,5 +422850,5 +422851,5 +422852,15 +422853,15 +422854,40 +422855,40 +422856,40 +422857,40 +422858,40 +422859,40 +422860,40 +422861,40 +422862,40 +422863,2 +422864,8 +422865,8 +422866,2 +422867,2 +422868,2 +422869,2 +422870,2 +422871,2 +422872,31 +422873,27 +422874,31 +422875,31 +422876,5 +422877,5 +422878,5 +422879,5 +422880,5 +422881,5 +422882,5 +422883,5 +422884,5 +422885,31 +422886,31 +422887,31 +422888,31 +422889,31 +422890,31 +422891,5 +422892,5 +422893,5 +422894,5 +422895,5 +422896,5 +422897,5 +422898,5 +422899,5 +422900,5 +422901,5 +422902,5 +422903,5 +422904,5 +422905,5 +422906,2 +422907,2 +422908,2 +422909,2 +422910,2 +422911,2 +422912,8 +422913,8 +422914,8 +422915,2 +422916,2 +422917,2 +422918,2 +422919,2 +422920,2 +422921,2 +422922,0 +422923,0 +422924,0 +422925,0 +422926,0 +422927,0 +422928,0 +422929,0 +422930,0 +422931,36 +422932,36 +422933,36 +422934,36 +422935,36 +422936,36 +422937,36 +422938,36 +422939,36 +422940,36 +422941,36 +422942,36 +422943,36 +422944,5 +422945,5 +422946,5 +422947,5 +422948,5 +422949,5 +422950,5 +422951,36 +422952,36 +422953,36 +422954,36 +422955,36 +422956,21 +422957,13 +422958,13 +422959,13 +422960,10 +422961,10 +422962,10 +422963,0 +422964,21 +422965,21 +422966,21 +422967,21 +422968,21 +422969,21 +422970,0 +422971,0 +422972,0 +422973,0 +422974,21 +422975,21 +422976,21 +422977,21 +422978,33 +422979,33 +422980,33 +422981,33 +422982,33 +422983,33 +422984,33 +422985,33 +422986,33 +422987,33 +422988,33 +422989,33 +422990,33 +422991,33 +422992,33 +422993,33 +422994,2 +422995,2 +422996,2 +422997,2 +422998,2 +422999,2 +423000,2 +423001,2 +423002,2 +423003,2 +423004,2 +423005,2 +423006,4 +423007,4 +423008,4 +423009,2 +423010,4 +423011,4 +423012,4 +423013,4 +423014,4 +423015,4 +423016,4 +423017,32 +423018,32 +423019,32 +423020,0 +423021,31 +423022,31 +423023,0 +423024,31 +423025,31 +423026,31 +423027,31 +423028,31 +423029,31 +423030,31 +423031,31 +423032,31 +423033,31 +423034,31 +423035,31 +423036,24 +423037,24 +423038,24 +423039,24 +423040,24 +423041,31 +423042,31 +423043,27 +423044,27 +423045,27 +423046,31 +423047,30 +423048,30 +423049,30 +423050,30 +423051,30 +423052,30 +423053,30 +423054,30 +423055,30 +423056,30 +423057,30 +423058,30 +423059,30 +423060,27 +423061,27 +423062,27 +423063,27 +423064,27 +423065,27 +423066,27 +423067,27 +423068,2 +423069,2 +423070,2 +423071,2 +423072,2 +423073,2 +423074,2 +423075,2 +423076,2 +423077,2 +423078,2 +423079,2 +423080,2 +423081,2 +423082,2 +423083,2 +423084,2 +423085,2 +423086,2 +423087,2 +423088,2 +423089,2 +423090,2 +423091,2 +423092,2 +423093,32 +423094,4 +423095,4 +423096,4 +423097,4 +423098,4 +423099,4 +423100,4 +423101,4 +423102,4 +423103,4 +423104,4 +423105,4 +423106,4 +423107,0 +423108,0 +423109,0 +423110,0 +423111,0 +423112,0 +423113,0 +423114,0 +423115,0 +423116,0 +423117,0 +423118,0 +423119,0 +423120,0 +423121,0 +423122,0 +423123,0 +423124,0 +423125,0 +423126,0 +423127,0 +423128,0 +423129,0 +423130,0 +423131,0 +423132,0 +423133,0 +423134,0 +423135,0 +423136,0 +423137,0 +423138,0 +423139,0 +423140,0 +423141,0 +423142,0 +423143,0 +423144,0 +423145,0 +423146,0 +423147,0 +423148,0 +423149,0 +423150,0 +423151,0 +423152,0 +423153,0 +423154,0 +423155,0 +423156,0 +423157,0 +423158,0 +423159,0 +423160,0 +423161,0 +423162,0 +423163,0 +423164,0 +423165,0 +423166,0 +423167,0 +423168,0 +423169,0 +423170,0 +423171,27 +423172,27 +423173,27 +423174,27 +423175,27 +423176,27 +423177,27 +423178,27 +423179,23 +423180,23 +423181,23 +423182,23 +423183,23 +423184,29 +423185,29 +423186,23 +423187,23 +423188,29 +423189,29 +423190,29 +423191,31 +423192,31 +423193,31 +423194,31 +423195,31 +423196,6 +423197,6 +423198,6 +423199,6 +423200,6 +423201,6 +423202,6 +423203,6 +423204,6 +423205,6 +423206,6 +423207,6 +423208,6 +423209,6 +423210,6 +423211,6 +423212,6 +423213,37 +423214,37 +423215,37 +423216,37 +423217,37 +423218,37 +423219,37 +423220,37 +423221,33 +423222,33 +423223,33 +423224,33 +423225,33 +423226,33 +423227,25 +423228,25 +423229,25 +423230,31 +423231,33 +423232,33 +423233,33 +423234,30 +423235,30 +423236,30 +423237,30 +423238,30 +423239,30 +423240,32 +423241,32 +423242,32 +423243,32 +423244,32 +423245,32 +423246,32 +423247,32 +423248,32 +423249,32 +423250,32 +423251,32 +423252,32 +423253,32 +423254,32 +423255,32 +423256,26 +423257,26 +423258,34 +423259,34 +423260,34 +423261,34 +423262,34 +423263,34 +423264,34 +423265,34 +423266,34 +423267,34 +423268,34 +423269,34 +423270,34 +423271,34 +423272,34 +423273,34 +423274,34 +423275,34 +423276,25 +423277,25 +423278,25 +423279,37 +423280,37 +423281,37 +423282,37 +423283,25 +423284,25 +423285,25 +423286,25 +423287,25 +423288,25 +423289,25 +423290,25 +423291,25 +423292,29 +423293,29 +423294,29 +423295,29 +423296,29 +423297,31 +423298,31 +423299,31 +423300,31 +423301,31 +423302,4 +423303,4 +423304,4 +423305,4 +423306,27 +423307,27 +423308,27 +423309,27 +423310,27 +423311,27 +423312,27 +423313,27 +423314,19 +423315,19 +423316,19 +423317,19 +423318,19 +423319,6 +423320,6 +423321,6 +423322,4 +423323,4 +423324,4 +423325,4 +423326,4 +423327,4 +423328,4 +423329,4 +423330,4 +423331,4 +423332,4 +423333,4 +423334,37 +423335,37 +423336,37 +423337,37 +423338,37 +423339,37 +423340,37 +423341,37 +423342,37 +423343,39 +423344,39 +423345,39 +423346,39 +423347,39 +423348,39 +423349,39 +423350,14 +423351,14 +423352,14 +423353,14 +423354,14 +423355,14 +423356,14 +423357,14 +423358,14 +423359,14 +423360,14 +423361,4 +423362,4 +423363,4 +423364,27 +423365,27 +423366,27 +423367,27 +423368,27 +423369,27 +423370,27 +423371,27 +423372,27 +423373,27 +423374,27 +423375,27 +423376,27 +423377,19 +423378,19 +423379,19 +423380,19 +423381,19 +423382,19 +423383,19 +423384,19 +423385,19 +423386,35 +423387,35 +423388,35 +423389,35 +423390,35 +423391,35 +423392,35 +423393,35 +423394,35 +423395,35 +423396,35 +423397,27 +423398,27 +423399,27 +423400,27 +423401,27 +423402,27 +423403,27 +423404,28 +423405,28 +423406,28 +423407,28 +423408,28 +423409,28 +423410,28 +423411,28 +423412,28 +423413,28 +423414,28 +423415,2 +423416,2 +423417,2 +423418,2 +423419,8 +423420,2 +423421,2 +423422,8 +423423,8 +423424,8 +423425,8 +423426,8 +423427,8 +423428,23 +423429,23 +423430,23 +423431,23 +423432,23 +423433,23 +423434,23 +423435,23 +423436,23 +423437,23 +423438,23 +423439,23 +423440,25 +423441,25 +423442,25 +423443,25 +423444,25 +423445,25 +423446,25 +423447,25 +423448,25 +423449,25 +423450,2 +423451,2 +423452,2 +423453,2 +423454,2 +423455,2 +423456,2 +423457,2 +423458,2 +423459,2 +423460,2 +423461,2 +423462,2 +423463,2 +423464,2 +423465,2 +423466,2 +423467,2 +423468,31 +423469,31 +423470,31 +423471,31 +423472,31 +423473,31 +423474,31 +423475,31 +423476,16 +423477,16 +423478,16 +423479,16 +423480,16 +423481,16 +423482,16 +423483,16 +423484,16 +423485,18 +423486,18 +423487,18 +423488,18 +423489,28 +423490,28 +423491,28 +423492,28 +423493,28 +423494,28 +423495,28 +423496,28 +423497,28 +423498,28 +423499,27 +423500,27 +423501,27 +423502,27 +423503,27 +423504,27 +423505,27 +423506,27 +423507,8 +423508,8 +423509,8 +423510,8 +423511,8 +423512,8 +423513,8 +423514,8 +423515,8 +423516,8 +423517,8 +423518,8 +423519,8 +423520,8 +423521,8 +423522,25 +423523,37 +423524,37 +423525,37 +423526,37 +423527,37 +423528,37 +423529,25 +423530,37 +423531,37 +423532,39 +423533,39 +423534,39 +423535,39 +423536,39 +423537,39 +423538,39 +423539,39 +423540,39 +423541,39 +423542,39 +423543,39 +423544,39 +423545,39 +423546,39 +423547,39 +423548,39 +423549,0 +423550,0 +423551,0 +423552,0 +423553,0 +423554,0 +423555,0 +423556,0 +423557,0 +423558,0 +423559,0 +423560,0 +423561,35 +423562,35 +423563,35 +423564,35 +423565,35 +423566,35 +423567,35 +423568,35 +423569,35 +423570,35 +423571,3 +423572,3 +423573,3 +423574,3 +423575,3 +423576,3 +423577,33 +423578,33 +423579,33 +423580,33 +423581,3 +423582,3 +423583,3 +423584,3 +423585,31 +423586,3 +423587,3 +423588,3 +423589,3 +423590,0 +423591,0 +423592,0 +423593,0 +423594,36 +423595,36 +423596,36 +423597,36 +423598,40 +423599,36 +423600,36 +423601,40 +423602,40 +423603,40 +423604,40 +423605,40 +423606,40 +423607,24 +423608,24 +423609,24 +423610,24 +423611,24 +423612,24 +423613,24 +423614,24 +423615,24 +423616,24 +423617,25 +423618,25 +423619,25 +423620,25 +423621,25 +423622,25 +423623,25 +423624,25 +423625,25 +423626,25 +423627,25 +423628,25 +423629,25 +423630,25 +423631,25 +423632,25 +423633,25 +423634,25 +423635,25 +423636,25 +423637,25 +423638,25 +423639,25 +423640,25 +423641,0 +423642,0 +423643,0 +423644,0 +423645,0 +423646,13 +423647,13 +423648,12 +423649,12 +423650,12 +423651,12 +423652,12 +423653,12 +423654,12 +423655,12 +423656,12 +423657,12 +423658,12 +423659,12 +423660,12 +423661,12 +423662,12 +423663,12 +423664,12 +423665,12 +423666,12 +423667,12 +423668,12 +423669,12 +423670,12 +423671,31 +423672,31 +423673,31 +423674,31 +423675,31 +423676,31 +423677,31 +423678,4 +423679,4 +423680,4 +423681,4 +423682,4 +423683,4 +423684,4 +423685,4 +423686,4 +423687,4 +423688,40 +423689,40 +423690,40 +423691,40 +423692,40 +423693,40 +423694,36 +423695,36 +423696,36 +423697,40 +423698,40 +423699,40 +423700,40 +423701,24 +423702,24 +423703,24 +423704,24 +423705,24 +423706,24 +423707,24 +423708,24 +423709,23 +423710,23 +423711,24 +423712,23 +423713,25 +423714,25 +423715,25 +423716,25 +423717,25 +423718,25 +423719,25 +423720,25 +423721,25 +423722,25 +423723,25 +423724,25 +423725,25 +423726,25 +423727,37 +423728,25 +423729,12 +423730,12 +423731,12 +423732,12 +423733,12 +423734,12 +423735,12 +423736,12 +423737,12 +423738,12 +423739,12 +423740,12 +423741,40 +423742,40 +423743,40 +423744,40 +423745,40 +423746,40 +423747,40 +423748,40 +423749,40 +423750,40 +423751,40 +423752,40 +423753,40 +423754,37 +423755,37 +423756,37 +423757,37 +423758,37 +423759,37 +423760,37 +423761,37 +423762,37 +423763,25 +423764,25 +423765,37 +423766,37 +423767,40 +423768,40 +423769,40 +423770,40 +423771,40 +423772,40 +423773,36 +423774,36 +423775,36 +423776,36 +423777,36 +423778,40 +423779,24 +423780,24 +423781,24 +423782,24 +423783,24 +423784,24 +423785,24 +423786,24 +423787,24 +423788,25 +423789,25 +423790,25 +423791,25 +423792,35 +423793,35 +423794,35 +423795,35 +423796,35 +423797,35 +423798,35 +423799,35 +423800,35 +423801,35 +423802,35 +423803,35 +423804,39 +423805,39 +423806,39 +423807,39 +423808,39 +423809,39 +423810,39 +423811,39 +423812,28 +423813,28 +423814,28 +423815,28 +423816,28 +423817,28 +423818,28 +423819,28 +423820,10 +423821,10 +423822,10 +423823,10 +423824,10 +423825,10 +423826,10 +423827,10 +423828,10 +423829,10 +423830,10 +423831,4 +423832,4 +423833,4 +423834,4 +423835,4 +423836,4 +423837,32 +423838,32 +423839,32 +423840,32 +423841,32 +423842,15 +423843,32 +423844,32 +423845,32 +423846,39 +423847,39 +423848,39 +423849,39 +423850,39 +423851,39 +423852,39 +423853,39 +423854,39 +423855,39 +423856,39 +423857,39 +423858,39 +423859,39 +423860,39 +423861,39 +423862,39 +423863,39 +423864,39 +423865,39 +423866,39 +423867,39 +423868,39 +423869,39 +423870,39 +423871,39 +423872,39 +423873,39 +423874,39 +423875,39 +423876,0 +423877,0 +423878,0 +423879,0 +423880,0 +423881,0 +423882,0 +423883,0 +423884,0 +423885,0 +423886,0 +423887,0 +423888,0 +423889,0 +423890,0 +423891,0 +423892,0 +423893,0 +423894,0 +423895,0 +423896,0 +423897,0 +423898,0 +423899,0 +423900,0 +423901,0 +423902,0 +423903,0 +423904,0 +423905,0 +423906,0 +423907,0 +423908,0 +423909,0 +423910,0 +423911,0 +423912,0 +423913,0 +423914,0 +423915,0 +423916,0 +423917,0 +423918,0 +423919,0 +423920,0 +423921,0 +423922,0 +423923,0 +423924,0 +423925,0 +423926,0 +423927,0 +423928,0 +423929,0 +423930,0 +423931,0 +423932,0 +423933,0 +423934,0 +423935,0 +423936,0 +423937,0 +423938,0 +423939,29 +423940,29 +423941,29 +423942,29 +423943,14 +423944,14 +423945,14 +423946,14 +423947,14 +423948,14 +423949,6 +423950,6 +423951,6 +423952,6 +423953,6 +423954,6 +423955,6 +423956,6 +423957,6 +423958,6 +423959,6 +423960,2 +423961,2 +423962,2 +423963,2 +423964,2 +423965,2 +423966,2 +423967,2 +423968,2 +423969,32 +423970,32 +423971,32 +423972,32 +423973,32 +423974,32 +423975,32 +423976,32 +423977,37 +423978,37 +423979,37 +423980,40 +423981,40 +423982,40 +423983,40 +423984,40 +423985,40 +423986,40 +423987,40 +423988,11 +423989,11 +423990,11 +423991,11 +423992,11 +423993,11 +423994,11 +423995,11 +423996,11 +423997,11 +423998,11 +423999,11 +424000,11 +424001,31 +424002,5 +424003,31 +424004,31 +424005,5 +424006,5 +424007,31 +424008,28 +424009,28 +424010,28 +424011,28 +424012,28 +424013,15 +424014,15 +424015,15 +424016,27 +424017,31 +424018,31 +424019,31 +424020,31 +424021,31 +424022,31 +424023,8 +424024,8 +424025,8 +424026,8 +424027,8 +424028,8 +424029,8 +424030,8 +424031,8 +424032,8 +424033,8 +424034,26 +424035,26 +424036,26 +424037,26 +424038,10 +424039,10 +424040,10 +424041,10 +424042,10 +424043,10 +424044,10 +424045,10 +424046,10 +424047,10 +424048,10 +424049,10 +424050,10 +424051,10 +424052,10 +424053,10 +424054,10 +424055,10 +424056,10 +424057,10 +424058,10 +424059,10 +424060,6 +424061,6 +424062,6 +424063,6 +424064,6 +424065,6 +424066,6 +424067,6 +424068,6 +424069,6 +424070,6 +424071,6 +424072,6 +424073,6 +424074,6 +424075,6 +424076,6 +424077,26 +424078,26 +424079,26 +424080,26 +424081,26 +424082,26 +424083,26 +424084,26 +424085,26 +424086,5 +424087,5 +424088,5 +424089,5 +424090,4 +424091,4 +424092,4 +424093,4 +424094,4 +424095,4 +424096,4 +424097,27 +424098,27 +424099,27 +424100,27 +424101,27 +424102,19 +424103,19 +424104,19 +424105,19 +424106,19 +424107,19 +424108,19 +424109,19 +424110,19 +424111,19 +424112,27 +424113,27 +424114,27 +424115,27 +424116,27 +424117,27 +424118,27 +424119,6 +424120,6 +424121,6 +424122,6 +424123,6 +424124,6 +424125,6 +424126,4 +424127,4 +424128,4 +424129,4 +424130,27 +424131,14 +424132,14 +424133,14 +424134,14 +424135,14 +424136,24 +424137,24 +424138,24 +424139,24 +424140,24 +424141,24 +424142,24 +424143,27 +424144,27 +424145,27 +424146,27 +424147,27 +424148,27 +424149,27 +424150,27 +424151,27 +424152,8 +424153,8 +424154,8 +424155,8 +424156,8 +424157,8 +424158,8 +424159,8 +424160,8 +424161,8 +424162,8 +424163,23 +424164,23 +424165,23 +424166,23 +424167,23 +424168,23 +424169,23 +424170,23 +424171,23 +424172,23 +424173,27 +424174,39 +424175,39 +424176,39 +424177,27 +424178,27 +424179,39 +424180,39 +424181,6 +424182,6 +424183,4 +424184,4 +424185,6 +424186,40 +424187,40 +424188,27 +424189,37 +424190,37 +424191,37 +424192,37 +424193,37 +424194,37 +424195,37 +424196,37 +424197,31 +424198,27 +424199,27 +424200,27 +424201,27 +424202,27 +424203,4 +424204,4 +424205,4 +424206,4 +424207,4 +424208,4 +424209,4 +424210,4 +424211,4 +424212,4 +424213,3 +424214,3 +424215,3 +424216,3 +424217,3 +424218,3 +424219,3 +424220,27 +424221,27 +424222,25 +424223,29 +424224,29 +424225,29 +424226,29 +424227,29 +424228,29 +424229,29 +424230,29 +424231,31 +424232,31 +424233,22 +424234,31 +424235,31 +424236,31 +424237,15 +424238,15 +424239,15 +424240,15 +424241,15 +424242,15 +424243,15 +424244,15 +424245,15 +424246,15 +424247,15 +424248,15 +424249,33 +424250,33 +424251,33 +424252,33 +424253,33 +424254,33 +424255,33 +424256,33 +424257,33 +424258,33 +424259,33 +424260,33 +424261,33 +424262,2 +424263,2 +424264,2 +424265,2 +424266,2 +424267,2 +424268,2 +424269,2 +424270,2 +424271,2 +424272,23 +424273,23 +424274,23 +424275,23 +424276,23 +424277,23 +424278,31 +424279,31 +424280,31 +424281,30 +424282,30 +424283,30 +424284,30 +424285,30 +424286,30 +424287,30 +424288,30 +424289,30 +424290,30 +424291,30 +424292,30 +424293,10 +424294,10 +424295,10 +424296,10 +424297,10 +424298,10 +424299,10 +424300,10 +424301,10 +424302,10 +424303,10 +424304,10 +424305,10 +424306,28 +424307,28 +424308,28 +424309,28 +424310,28 +424311,21 +424312,21 +424313,21 +424314,21 +424315,21 +424316,21 +424317,12 +424318,12 +424319,12 +424320,12 +424321,12 +424322,22 +424323,22 +424324,22 +424325,14 +424326,17 +424327,27 +424328,27 +424329,18 +424330,18 +424331,18 +424332,18 +424333,18 +424334,18 +424335,18 +424336,18 +424337,18 +424338,18 +424339,18 +424340,18 +424341,18 +424342,18 +424343,18 +424344,18 +424345,18 +424346,18 +424347,18 +424348,0 +424349,0 +424350,0 +424351,0 +424352,0 +424353,0 +424354,0 +424355,0 +424356,0 +424357,0 +424358,0 +424359,0 +424360,0 +424361,0 +424362,0 +424363,0 +424364,0 +424365,0 +424366,0 +424367,0 +424368,0 +424369,0 +424370,0 +424371,0 +424372,0 +424373,0 +424374,0 +424375,0 +424376,0 +424377,0 +424378,0 +424379,0 +424380,0 +424381,0 +424382,0 +424383,0 +424384,0 +424385,0 +424386,0 +424387,0 +424388,0 +424389,0 +424390,0 +424391,0 +424392,0 +424393,0 +424394,0 +424395,0 +424396,0 +424397,0 +424398,0 +424399,0 +424400,0 +424401,0 +424402,0 +424403,0 +424404,0 +424405,0 +424406,0 +424407,0 +424408,0 +424409,0 +424410,0 +424411,0 +424412,0 +424413,0 +424414,0 +424415,0 +424416,0 +424417,0 +424418,0 +424419,40 +424420,40 +424421,40 +424422,40 +424423,36 +424424,40 +424425,36 +424426,36 +424427,36 +424428,36 +424429,5 +424430,27 +424431,27 +424432,4 +424433,4 +424434,4 +424435,4 +424436,4 +424437,4 +424438,4 +424439,2 +424440,2 +424441,2 +424442,2 +424443,2 +424444,2 +424445,2 +424446,2 +424447,2 +424448,2 +424449,2 +424450,2 +424451,2 +424452,2 +424453,2 +424454,2 +424455,2 +424456,14 +424457,14 +424458,14 +424459,14 +424460,14 +424461,14 +424462,14 +424463,14 +424464,14 +424465,14 +424466,14 +424467,14 +424468,5 +424469,5 +424470,5 +424471,5 +424472,5 +424473,5 +424474,13 +424475,13 +424476,13 +424477,2 +424478,2 +424479,2 +424480,2 +424481,2 +424482,2 +424483,2 +424484,2 +424485,4 +424486,4 +424487,4 +424488,4 +424489,4 +424490,4 +424491,4 +424492,4 +424493,31 +424494,31 +424495,31 +424496,31 +424497,15 +424498,15 +424499,15 +424500,15 +424501,15 +424502,15 +424503,15 +424504,15 +424505,15 +424506,39 +424507,39 +424508,39 +424509,39 +424510,39 +424511,39 +424512,39 +424513,39 +424514,39 +424515,39 +424516,39 +424517,39 +424518,39 +424519,39 +424520,39 +424521,39 +424522,39 +424523,31 +424524,31 +424525,31 +424526,31 +424527,31 +424528,31 +424529,15 +424530,15 +424531,15 +424532,15 +424533,15 +424534,15 +424535,15 +424536,15 +424537,15 +424538,15 +424539,15 +424540,15 +424541,15 +424542,14 +424543,14 +424544,14 +424545,14 +424546,14 +424547,14 +424548,14 +424549,14 +424550,14 +424551,14 +424552,14 +424553,14 +424554,14 +424555,14 +424556,14 +424557,14 +424558,27 +424559,27 +424560,27 +424561,27 +424562,4 +424563,4 +424564,4 +424565,39 +424566,39 +424567,0 +424568,0 +424569,0 +424570,32 +424571,32 +424572,32 +424573,0 +424574,0 +424575,0 +424576,0 +424577,29 +424578,29 +424579,29 +424580,29 +424581,29 +424582,29 +424583,25 +424584,25 +424585,31 +424586,31 +424587,31 +424588,31 +424589,31 +424590,31 +424591,31 +424592,31 +424593,31 +424594,24 +424595,24 +424596,24 +424597,24 +424598,24 +424599,24 +424600,24 +424601,29 +424602,29 +424603,19 +424604,31 +424605,31 +424606,31 +424607,31 +424608,33 +424609,33 +424610,40 +424611,30 +424612,31 +424613,31 +424614,24 +424615,24 +424616,24 +424617,24 +424618,31 +424619,31 +424620,31 +424621,31 +424622,31 +424623,30 +424624,30 +424625,30 +424626,30 +424627,30 +424628,30 +424629,30 +424630,30 +424631,30 +424632,30 +424633,30 +424634,30 +424635,30 +424636,30 +424637,30 +424638,30 +424639,30 +424640,30 +424641,30 +424642,30 +424643,14 +424644,14 +424645,14 +424646,14 +424647,14 +424648,14 +424649,14 +424650,14 +424651,14 +424652,14 +424653,14 +424654,14 +424655,14 +424656,14 +424657,14 +424658,14 +424659,5 +424660,5 +424661,5 +424662,5 +424663,5 +424664,5 +424665,5 +424666,5 +424667,8 +424668,8 +424669,8 +424670,8 +424671,8 +424672,8 +424673,2 +424674,2 +424675,2 +424676,2 +424677,2 +424678,2 +424679,2 +424680,4 +424681,4 +424682,4 +424683,4 +424684,4 +424685,4 +424686,4 +424687,31 +424688,31 +424689,31 +424690,5 +424691,28 +424692,28 +424693,28 +424694,28 +424695,28 +424696,28 +424697,28 +424698,28 +424699,28 +424700,28 +424701,14 +424702,14 +424703,14 +424704,14 +424705,14 +424706,14 +424707,14 +424708,14 +424709,14 +424710,14 +424711,14 +424712,14 +424713,14 +424714,14 +424715,14 +424716,14 +424717,27 +424718,27 +424719,27 +424720,27 +424721,27 +424722,27 +424723,27 +424724,28 +424725,28 +424726,28 +424727,28 +424728,28 +424729,28 +424730,28 +424731,28 +424732,28 +424733,36 +424734,36 +424735,36 +424736,36 +424737,36 +424738,36 +424739,36 +424740,36 +424741,36 +424742,36 +424743,36 +424744,36 +424745,36 +424746,5 +424747,5 +424748,5 +424749,5 +424750,5 +424751,5 +424752,5 +424753,5 +424754,5 +424755,5 +424756,5 +424757,5 +424758,5 +424759,5 +424760,3 +424761,30 +424762,30 +424763,3 +424764,3 +424765,3 +424766,3 +424767,3 +424768,3 +424769,3 +424770,3 +424771,3 +424772,3 +424773,3 +424774,3 +424775,8 +424776,8 +424777,8 +424778,8 +424779,8 +424780,8 +424781,8 +424782,8 +424783,8 +424784,8 +424785,31 +424786,31 +424787,31 +424788,31 +424789,31 +424790,31 +424791,31 +424792,31 +424793,25 +424794,25 +424795,37 +424796,32 +424797,32 +424798,32 +424799,32 +424800,32 +424801,32 +424802,32 +424803,32 +424804,32 +424805,32 +424806,32 +424807,37 +424808,37 +424809,37 +424810,37 +424811,37 +424812,37 +424813,37 +424814,37 +424815,40 +424816,36 +424817,36 +424818,36 +424819,11 +424820,11 +424821,11 +424822,11 +424823,11 +424824,11 +424825,11 +424826,11 +424827,11 +424828,11 +424829,11 +424830,11 +424831,31 +424832,31 +424833,31 +424834,31 +424835,2 +424836,2 +424837,2 +424838,2 +424839,2 +424840,2 +424841,2 +424842,2 +424843,2 +424844,8 +424845,4 +424846,4 +424847,4 +424848,4 +424849,4 +424850,4 +424851,4 +424852,4 +424853,4 +424854,4 +424855,10 +424856,10 +424857,10 +424858,10 +424859,10 +424860,10 +424861,10 +424862,34 +424863,10 +424864,10 +424865,10 +424866,10 +424867,10 +424868,10 +424869,10 +424870,10 +424871,10 +424872,10 +424873,10 +424874,10 +424875,10 +424876,10 +424877,28 +424878,5 +424879,28 +424880,28 +424881,28 +424882,5 +424883,5 +424884,5 +424885,5 +424886,5 +424887,5 +424888,5 +424889,5 +424890,0 +424891,0 +424892,0 +424893,0 +424894,0 +424895,0 +424896,0 +424897,0 +424898,0 +424899,0 +424900,0 +424901,0 +424902,0 +424903,0 +424904,0 +424905,0 +424906,0 +424907,0 +424908,0 +424909,0 +424910,0 +424911,0 +424912,0 +424913,0 +424914,0 +424915,0 +424916,0 +424917,0 +424918,0 +424919,0 +424920,0 +424921,0 +424922,0 +424923,0 +424924,0 +424925,0 +424926,0 +424927,0 +424928,0 +424929,0 +424930,0 +424931,0 +424932,0 +424933,0 +424934,0 +424935,0 +424936,0 +424937,0 +424938,29 +424939,29 +424940,29 +424941,29 +424942,29 +424943,29 +424944,29 +424945,29 +424946,31 +424947,31 +424948,31 +424949,31 +424950,31 +424951,31 +424952,31 +424953,31 +424954,5 +424955,5 +424956,5 +424957,5 +424958,5 +424959,28 +424960,28 +424961,28 +424962,28 +424963,28 +424964,28 +424965,28 +424966,28 +424967,28 +424968,36 +424969,36 +424970,36 +424971,36 +424972,36 +424973,40 +424974,40 +424975,40 +424976,40 +424977,40 +424978,40 +424979,40 +424980,5 +424981,5 +424982,5 +424983,5 +424984,5 +424985,5 +424986,5 +424987,5 +424988,5 +424989,5 +424990,5 +424991,5 +424992,5 +424993,5 +424994,5 +424995,5 +424996,5 +424997,5 +424998,5 +424999,0 +425000,0 +425001,0 +425002,31 +425003,31 +425004,31 +425005,31 +425006,31 +425007,31 +425008,31 +425009,31 +425010,31 +425011,31 +425012,24 +425013,24 +425014,24 +425015,24 +425016,29 +425017,29 +425018,29 +425019,29 +425020,31 +425021,31 +425022,31 +425023,31 +425024,31 +425025,31 +425026,37 +425027,37 +425028,37 +425029,24 +425030,24 +425031,24 +425032,37 +425033,40 +425034,40 +425035,40 +425036,40 +425037,40 +425038,40 +425039,40 +425040,24 +425041,24 +425042,24 +425043,24 +425044,24 +425045,24 +425046,30 +425047,30 +425048,30 +425049,30 +425050,30 +425051,30 +425052,30 +425053,30 +425054,27 +425055,27 +425056,27 +425057,27 +425058,27 +425059,27 +425060,27 +425061,27 +425062,27 +425063,11 +425064,11 +425065,11 +425066,11 +425067,11 +425068,11 +425069,11 +425070,11 +425071,11 +425072,11 +425073,11 +425074,11 +425075,11 +425076,11 +425077,31 +425078,31 +425079,31 +425080,31 +425081,5 +425082,5 +425083,5 +425084,5 +425085,5 +425086,9 +425087,9 +425088,9 +425089,9 +425090,9 +425091,9 +425092,9 +425093,9 +425094,9 +425095,9 +425096,9 +425097,9 +425098,26 +425099,26 +425100,26 +425101,9 +425102,9 +425103,9 +425104,9 +425105,9 +425106,9 +425107,9 +425108,2 +425109,2 +425110,2 +425111,2 +425112,2 +425113,2 +425114,2 +425115,2 +425116,2 +425117,2 +425118,2 +425119,2 +425120,2 +425121,2 +425122,2 +425123,2 +425124,2 +425125,33 +425126,33 +425127,33 +425128,33 +425129,33 +425130,33 +425131,33 +425132,33 +425133,33 +425134,33 +425135,21 +425136,21 +425137,21 +425138,21 +425139,21 +425140,21 +425141,25 +425142,37 +425143,22 +425144,22 +425145,37 +425146,37 +425147,37 +425148,37 +425149,37 +425150,37 +425151,37 +425152,14 +425153,14 +425154,14 +425155,14 +425156,14 +425157,14 +425158,14 +425159,14 +425160,14 +425161,14 +425162,14 +425163,14 +425164,4 +425165,4 +425166,4 +425167,4 +425168,4 +425169,4 +425170,4 +425171,4 +425172,4 +425173,4 +425174,4 +425175,2 +425176,2 +425177,2 +425178,2 +425179,2 +425180,2 +425181,2 +425182,2 +425183,2 +425184,2 +425185,0 +425186,0 +425187,0 +425188,0 +425189,0 +425190,0 +425191,0 +425192,0 +425193,0 +425194,0 +425195,0 +425196,0 +425197,0 +425198,0 +425199,0 +425200,0 +425201,0 +425202,0 +425203,0 +425204,0 +425205,0 +425206,0 +425207,0 +425208,0 +425209,29 +425210,29 +425211,29 +425212,29 +425213,29 +425214,29 +425215,40 +425216,40 +425217,36 +425218,36 +425219,40 +425220,40 +425221,40 +425222,6 +425223,32 +425224,4 +425225,6 +425226,4 +425227,4 +425228,4 +425229,4 +425230,4 +425231,4 +425232,4 +425233,29 +425234,29 +425235,29 +425236,14 +425237,14 +425238,14 +425239,14 +425240,14 +425241,14 +425242,14 +425243,14 +425244,14 +425245,14 +425246,14 +425247,14 +425248,14 +425249,14 +425250,14 +425251,14 +425252,14 +425253,35 +425254,35 +425255,35 +425256,35 +425257,35 +425258,35 +425259,35 +425260,35 +425261,35 +425262,35 +425263,36 +425264,36 +425265,36 +425266,36 +425267,36 +425268,36 +425269,36 +425270,36 +425271,36 +425272,24 +425273,24 +425274,24 +425275,24 +425276,24 +425277,24 +425278,29 +425279,29 +425280,29 +425281,31 +425282,31 +425283,31 +425284,31 +425285,31 +425286,31 +425287,31 +425288,32 +425289,32 +425290,32 +425291,32 +425292,32 +425293,32 +425294,32 +425295,32 +425296,32 +425297,32 +425298,37 +425299,37 +425300,37 +425301,37 +425302,40 +425303,40 +425304,40 +425305,40 +425306,40 +425307,40 +425308,40 +425309,2 +425310,2 +425311,2 +425312,2 +425313,2 +425314,2 +425315,2 +425316,2 +425317,2 +425318,2 +425319,2 +425320,2 +425321,2 +425322,2 +425323,2 +425324,2 +425325,2 +425326,39 +425327,39 +425328,39 +425329,39 +425330,39 +425331,39 +425332,39 +425333,39 +425334,39 +425335,39 +425336,39 +425337,39 +425338,39 +425339,39 +425340,39 +425341,14 +425342,14 +425343,14 +425344,14 +425345,14 +425346,14 +425347,11 +425348,11 +425349,11 +425350,11 +425351,11 +425352,11 +425353,11 +425354,11 +425355,11 +425356,11 +425357,11 +425358,11 +425359,31 +425360,31 +425361,31 +425362,31 +425363,31 +425364,31 +425365,31 +425366,31 +425367,31 +425368,31 +425369,31 +425370,31 +425371,31 +425372,31 +425373,24 +425374,24 +425375,24 +425376,24 +425377,24 +425378,24 +425379,29 +425380,29 +425381,29 +425382,14 +425383,14 +425384,14 +425385,14 +425386,14 +425387,14 +425388,14 +425389,14 +425390,14 +425391,14 +425392,14 +425393,14 +425394,14 +425395,14 +425396,14 +425397,14 +425398,14 +425399,14 +425400,14 +425401,14 +425402,14 +425403,14 +425404,14 +425405,14 +425406,16 +425407,16 +425408,16 +425409,16 +425410,16 +425411,16 +425412,16 +425413,16 +425414,16 +425415,16 +425416,27 +425417,27 +425418,27 +425419,27 +425420,27 +425421,27 +425422,27 +425423,27 +425424,27 +425425,27 +425426,27 +425427,27 +425428,27 +425429,8 +425430,8 +425431,8 +425432,8 +425433,8 +425434,8 +425435,8 +425436,2 +425437,8 +425438,8 +425439,2 +425440,2 +425441,2 +425442,0 +425443,0 +425444,0 +425445,0 +425446,0 +425447,0 +425448,0 +425449,0 +425450,0 +425451,0 +425452,0 +425453,0 +425454,0 +425455,0 +425456,0 +425457,0 +425458,0 +425459,31 +425460,31 +425461,31 +425462,31 +425463,31 +425464,31 +425465,31 +425466,31 +425467,31 +425468,29 +425469,30 +425470,10 +425471,10 +425472,10 +425473,10 +425474,10 +425475,10 +425476,10 +425477,10 +425478,10 +425479,10 +425480,10 +425481,6 +425482,6 +425483,6 +425484,6 +425485,6 +425486,6 +425487,6 +425488,6 +425489,6 +425490,6 +425491,6 +425492,6 +425493,6 +425494,6 +425495,6 +425496,6 +425497,6 +425498,14 +425499,14 +425500,14 +425501,14 +425502,14 +425503,14 +425504,14 +425505,14 +425506,14 +425507,14 +425508,14 +425509,14 +425510,14 +425511,14 +425512,14 +425513,32 +425514,32 +425515,32 +425516,32 +425517,32 +425518,6 +425519,0 +425520,0 +425521,0 +425522,35 +425523,4 +425524,4 +425525,4 +425526,4 +425527,33 +425528,33 +425529,33 +425530,33 +425531,33 +425532,30 +425533,30 +425534,31 +425535,30 +425536,30 +425537,30 +425538,30 +425539,30 +425540,30 +425541,30 +425542,30 +425543,30 +425544,30 +425545,30 +425546,39 +425547,39 +425548,0 +425549,0 +425550,0 +425551,0 +425552,0 +425553,0 +425554,0 +425555,0 +425556,0 +425557,0 +425558,0 +425559,0 +425560,0 +425561,0 +425562,0 +425563,0 +425564,0 +425565,0 +425566,0 +425567,0 +425568,0 +425569,0 +425570,0 +425571,0 +425572,0 +425573,0 +425574,0 +425575,0 +425576,0 +425577,0 +425578,0 +425579,29 +425580,29 +425581,29 +425582,29 +425583,29 +425584,29 +425585,39 +425586,39 +425587,39 +425588,39 +425589,39 +425590,39 +425591,7 +425592,7 +425593,7 +425594,7 +425595,3 +425596,3 +425597,3 +425598,3 +425599,3 +425600,3 +425601,3 +425602,3 +425603,3 +425604,3 +425605,3 +425606,23 +425607,23 +425608,23 +425609,23 +425610,23 +425611,23 +425612,23 +425613,23 +425614,15 +425615,15 +425616,15 +425617,15 +425618,15 +425619,15 +425620,15 +425621,39 +425622,39 +425623,39 +425624,39 +425625,39 +425626,39 +425627,39 +425628,39 +425629,39 +425630,39 +425631,40 +425632,40 +425633,39 +425634,40 +425635,40 +425636,40 +425637,40 +425638,40 +425639,40 +425640,40 +425641,40 +425642,40 +425643,40 +425644,36 +425645,36 +425646,36 +425647,36 +425648,36 +425649,36 +425650,36 +425651,5 +425652,5 +425653,5 +425654,5 +425655,5 +425656,5 +425657,5 +425658,5 +425659,5 +425660,5 +425661,5 +425662,5 +425663,5 +425664,26 +425665,26 +425666,26 +425667,26 +425668,26 +425669,26 +425670,26 +425671,26 +425672,26 +425673,26 +425674,4 +425675,4 +425676,4 +425677,4 +425678,4 +425679,4 +425680,29 +425681,29 +425682,29 +425683,29 +425684,29 +425685,31 +425686,31 +425687,31 +425688,32 +425689,32 +425690,32 +425691,32 +425692,32 +425693,32 +425694,32 +425695,32 +425696,32 +425697,32 +425698,32 +425699,32 +425700,32 +425701,32 +425702,30 +425703,30 +425704,30 +425705,30 +425706,30 +425707,30 +425708,40 +425709,40 +425710,40 +425711,40 +425712,10 +425713,10 +425714,10 +425715,14 +425716,14 +425717,10 +425718,10 +425719,10 +425720,10 +425721,14 +425722,14 +425723,14 +425724,14 +425725,14 +425726,14 +425727,14 +425728,14 +425729,14 +425730,14 +425731,14 +425732,14 +425733,14 +425734,14 +425735,39 +425736,39 +425737,39 +425738,39 +425739,0 +425740,0 +425741,0 +425742,0 +425743,0 +425744,0 +425745,0 +425746,0 +425747,0 +425748,0 +425749,0 +425750,0 +425751,0 +425752,0 +425753,0 +425754,0 +425755,0 +425756,0 +425757,0 +425758,0 +425759,0 +425760,0 +425761,0 +425762,0 +425763,0 +425764,0 +425765,0 +425766,0 +425767,0 +425768,0 +425769,0 +425770,0 +425771,0 +425772,0 +425773,0 +425774,0 +425775,0 +425776,0 +425777,0 +425778,0 +425779,0 +425780,0 +425781,15 +425782,15 +425783,30 +425784,30 +425785,30 +425786,30 +425787,30 +425788,4 +425789,4 +425790,4 +425791,4 +425792,4 +425793,4 +425794,4 +425795,19 +425796,19 +425797,19 +425798,9 +425799,33 +425800,33 +425801,33 +425802,33 +425803,33 +425804,33 +425805,9 +425806,31 +425807,9 +425808,9 +425809,9 +425810,9 +425811,9 +425812,9 +425813,31 +425814,4 +425815,4 +425816,4 +425817,4 +425818,4 +425819,4 +425820,25 +425821,25 +425822,25 +425823,25 +425824,25 +425825,25 +425826,25 +425827,25 +425828,25 +425829,2 +425830,2 +425831,2 +425832,2 +425833,2 +425834,2 +425835,2 +425836,2 +425837,2 +425838,2 +425839,2 +425840,2 +425841,2 +425842,2 +425843,2 +425844,34 +425845,34 +425846,34 +425847,34 +425848,34 +425849,34 +425850,34 +425851,34 +425852,34 +425853,34 +425854,34 +425855,34 +425856,34 +425857,34 +425858,34 +425859,34 +425860,34 +425861,34 +425862,34 +425863,34 +425864,34 +425865,34 +425866,5 +425867,5 +425868,5 +425869,5 +425870,5 +425871,5 +425872,5 +425873,5 +425874,5 +425875,5 +425876,2 +425877,2 +425878,2 +425879,2 +425880,2 +425881,2 +425882,2 +425883,2 +425884,8 +425885,8 +425886,2 +425887,2 +425888,2 +425889,2 +425890,0 +425891,0 +425892,0 +425893,0 +425894,0 +425895,29 +425896,29 +425897,29 +425898,29 +425899,36 +425900,36 +425901,36 +425902,36 +425903,36 +425904,36 +425905,4 +425906,4 +425907,4 +425908,4 +425909,4 +425910,4 +425911,12 +425912,12 +425913,12 +425914,12 +425915,12 +425916,12 +425917,12 +425918,12 +425919,12 +425920,12 +425921,12 +425922,12 +425923,12 +425924,12 +425925,25 +425926,25 +425927,37 +425928,37 +425929,37 +425930,37 +425931,37 +425932,37 +425933,37 +425934,25 +425935,25 +425936,25 +425937,28 +425938,28 +425939,28 +425940,28 +425941,28 +425942,28 +425943,28 +425944,28 +425945,28 +425946,28 +425947,28 +425948,15 +425949,31 +425950,31 +425951,31 +425952,31 +425953,31 +425954,5 +425955,5 +425956,5 +425957,5 +425958,5 +425959,5 +425960,5 +425961,26 +425962,26 +425963,26 +425964,26 +425965,26 +425966,26 +425967,26 +425968,26 +425969,26 +425970,26 +425971,26 +425972,26 +425973,26 +425974,5 +425975,5 +425976,5 +425977,5 +425978,5 +425979,5 +425980,5 +425981,5 +425982,5 +425983,5 +425984,5 +425985,5 +425986,27 +425987,27 +425988,27 +425989,27 +425990,27 +425991,27 +425992,27 +425993,27 +425994,27 +425995,27 +425996,27 +425997,2 +425998,2 +425999,2 +426000,2 +426001,2 +426002,2 +426003,2 +426004,2 +426005,2 +426006,2 +426007,2 +426008,2 +426009,2 +426010,2 +426011,2 +426012,2 +426013,2 +426014,2 +426015,2 +426016,2 +426017,2 +426018,2 +426019,2 +426020,0 +426021,0 +426022,0 +426023,0 +426024,0 +426025,0 +426026,0 +426027,0 +426028,0 +426029,0 +426030,31 +426031,31 +426032,31 +426033,31 +426034,31 +426035,31 +426036,31 +426037,31 +426038,31 +426039,5 +426040,5 +426041,5 +426042,5 +426043,5 +426044,5 +426045,5 +426046,5 +426047,5 +426048,5 +426049,29 +426050,29 +426051,5 +426052,5 +426053,29 +426054,39 +426055,7 +426056,7 +426057,7 +426058,7 +426059,7 +426060,7 +426061,7 +426062,39 +426063,3 +426064,3 +426065,3 +426066,3 +426067,29 +426068,29 +426069,29 +426070,25 +426071,25 +426072,40 +426073,40 +426074,40 +426075,37 +426076,37 +426077,37 +426078,37 +426079,37 +426080,37 +426081,31 +426082,37 +426083,31 +426084,25 +426085,25 +426086,25 +426087,31 +426088,31 +426089,31 +426090,31 +426091,27 +426092,27 +426093,27 +426094,8 +426095,8 +426096,8 +426097,8 +426098,8 +426099,8 +426100,8 +426101,8 +426102,8 +426103,8 +426104,40 +426105,40 +426106,40 +426107,40 +426108,40 +426109,40 +426110,40 +426111,40 +426112,28 +426113,28 +426114,28 +426115,28 +426116,28 +426117,28 +426118,28 +426119,28 +426120,28 +426121,28 +426122,28 +426123,28 +426124,27 +426125,27 +426126,27 +426127,27 +426128,27 +426129,27 +426130,13 +426131,13 +426132,13 +426133,13 +426134,13 +426135,13 +426136,13 +426137,13 +426138,29 +426139,31 +426140,31 +426141,31 +426142,31 +426143,35 +426144,35 +426145,35 +426146,35 +426147,35 +426148,35 +426149,35 +426150,35 +426151,35 +426152,35 +426153,35 +426154,35 +426155,35 +426156,26 +426157,26 +426158,26 +426159,26 +426160,26 +426161,26 +426162,26 +426163,37 +426164,37 +426165,37 +426166,37 +426167,28 +426168,28 +426169,28 +426170,28 +426171,28 +426172,28 +426173,31 +426174,31 +426175,31 +426176,31 +426177,5 +426178,5 +426179,5 +426180,39 +426181,39 +426182,39 +426183,7 +426184,39 +426185,39 +426186,39 +426187,39 +426188,39 +426189,39 +426190,39 +426191,31 +426192,31 +426193,31 +426194,31 +426195,24 +426196,24 +426197,24 +426198,24 +426199,24 +426200,24 +426201,24 +426202,29 +426203,29 +426204,29 +426205,39 +426206,39 +426207,39 +426208,39 +426209,39 +426210,39 +426211,17 +426212,33 +426213,17 +426214,17 +426215,17 +426216,17 +426217,17 +426218,17 +426219,17 +426220,17 +426221,17 +426222,30 +426223,30 +426224,30 +426225,30 +426226,30 +426227,28 +426228,28 +426229,28 +426230,28 +426231,28 +426232,29 +426233,29 +426234,29 +426235,36 +426236,36 +426237,36 +426238,36 +426239,36 +426240,36 +426241,36 +426242,36 +426243,36 +426244,36 +426245,36 +426246,36 +426247,5 +426248,5 +426249,5 +426250,5 +426251,5 +426252,5 +426253,8 +426254,8 +426255,8 +426256,8 +426257,8 +426258,8 +426259,8 +426260,31 +426261,31 +426262,31 +426263,31 +426264,31 +426265,31 +426266,31 +426267,31 +426268,5 +426269,5 +426270,5 +426271,5 +426272,5 +426273,16 +426274,16 +426275,16 +426276,16 +426277,16 +426278,16 +426279,11 +426280,11 +426281,16 +426282,16 +426283,16 +426284,16 +426285,16 +426286,16 +426287,16 +426288,11 +426289,11 +426290,4 +426291,4 +426292,4 +426293,4 +426294,16 +426295,37 +426296,37 +426297,37 +426298,37 +426299,28 +426300,28 +426301,28 +426302,28 +426303,28 +426304,36 +426305,36 +426306,36 +426307,36 +426308,36 +426309,36 +426310,36 +426311,36 +426312,5 +426313,5 +426314,5 +426315,5 +426316,5 +426317,5 +426318,5 +426319,5 +426320,5 +426321,5 +426322,5 +426323,0 +426324,0 +426325,0 +426326,0 +426327,0 +426328,0 +426329,0 +426330,0 +426331,0 +426332,0 +426333,0 +426334,0 +426335,0 +426336,0 +426337,0 +426338,0 +426339,0 +426340,0 +426341,0 +426342,0 +426343,0 +426344,0 +426345,0 +426346,0 +426347,0 +426348,0 +426349,0 +426350,0 +426351,0 +426352,0 +426353,0 +426354,0 +426355,0 +426356,0 +426357,0 +426358,0 +426359,0 +426360,0 +426361,0 +426362,0 +426363,0 +426364,0 +426365,0 +426366,0 +426367,0 +426368,0 +426369,0 +426370,0 +426371,35 +426372,35 +426373,35 +426374,35 +426375,35 +426376,35 +426377,12 +426378,12 +426379,12 +426380,12 +426381,12 +426382,12 +426383,12 +426384,25 +426385,25 +426386,25 +426387,37 +426388,25 +426389,25 +426390,37 +426391,29 +426392,29 +426393,29 +426394,29 +426395,31 +426396,31 +426397,31 +426398,31 +426399,31 +426400,31 +426401,2 +426402,2 +426403,2 +426404,2 +426405,2 +426406,2 +426407,2 +426408,2 +426409,2 +426410,2 +426411,2 +426412,2 +426413,2 +426414,9 +426415,9 +426416,9 +426417,9 +426418,9 +426419,9 +426420,33 +426421,33 +426422,9 +426423,9 +426424,9 +426425,9 +426426,13 +426427,13 +426428,13 +426429,13 +426430,13 +426431,13 +426432,13 +426433,13 +426434,8 +426435,8 +426436,8 +426437,8 +426438,8 +426439,8 +426440,31 +426441,31 +426442,31 +426443,31 +426444,31 +426445,24 +426446,24 +426447,31 +426448,24 +426449,24 +426450,29 +426451,31 +426452,31 +426453,31 +426454,15 +426455,15 +426456,15 +426457,15 +426458,15 +426459,15 +426460,15 +426461,15 +426462,15 +426463,15 +426464,15 +426465,25 +426466,25 +426467,25 +426468,25 +426469,25 +426470,25 +426471,25 +426472,25 +426473,25 +426474,25 +426475,25 +426476,25 +426477,25 +426478,25 +426479,25 +426480,25 +426481,25 +426482,25 +426483,25 +426484,25 +426485,25 +426486,25 +426487,25 +426488,25 +426489,25 +426490,19 +426491,19 +426492,19 +426493,19 +426494,19 +426495,19 +426496,19 +426497,8 +426498,8 +426499,8 +426500,8 +426501,8 +426502,8 +426503,8 +426504,8 +426505,8 +426506,8 +426507,0 +426508,0 +426509,0 +426510,0 +426511,0 +426512,0 +426513,0 +426514,0 +426515,0 +426516,0 +426517,0 +426518,0 +426519,0 +426520,0 +426521,0 +426522,0 +426523,0 +426524,0 +426525,0 +426526,0 +426527,0 +426528,0 +426529,0 +426530,0 +426531,0 +426532,0 +426533,0 +426534,0 +426535,0 +426536,0 +426537,0 +426538,0 +426539,0 +426540,0 +426541,0 +426542,0 +426543,0 +426544,0 +426545,0 +426546,0 +426547,0 +426548,0 +426549,0 +426550,0 +426551,0 +426552,0 +426553,0 +426554,0 +426555,0 +426556,0 +426557,0 +426558,0 +426559,0 +426560,0 +426561,0 +426562,0 +426563,0 +426564,0 +426565,28 +426566,28 +426567,28 +426568,28 +426569,29 +426570,28 +426571,28 +426572,28 +426573,28 +426574,28 +426575,29 +426576,29 +426577,29 +426578,40 +426579,40 +426580,40 +426581,40 +426582,40 +426583,40 +426584,40 +426585,40 +426586,40 +426587,5 +426588,5 +426589,5 +426590,5 +426591,5 +426592,5 +426593,5 +426594,5 +426595,5 +426596,29 +426597,29 +426598,31 +426599,31 +426600,31 +426601,31 +426602,31 +426603,31 +426604,31 +426605,4 +426606,4 +426607,4 +426608,4 +426609,4 +426610,4 +426611,4 +426612,4 +426613,4 +426614,4 +426615,4 +426616,40 +426617,40 +426618,40 +426619,40 +426620,40 +426621,40 +426622,40 +426623,40 +426624,5 +426625,5 +426626,5 +426627,5 +426628,5 +426629,5 +426630,5 +426631,5 +426632,5 +426633,5 +426634,5 +426635,5 +426636,5 +426637,5 +426638,5 +426639,5 +426640,5 +426641,5 +426642,5 +426643,10 +426644,10 +426645,10 +426646,10 +426647,10 +426648,10 +426649,10 +426650,10 +426651,10 +426652,10 +426653,10 +426654,10 +426655,10 +426656,5 +426657,5 +426658,5 +426659,5 +426660,13 +426661,38 +426662,38 +426663,38 +426664,38 +426665,2 +426666,2 +426667,2 +426668,2 +426669,31 +426670,31 +426671,31 +426672,31 +426673,24 +426674,24 +426675,24 +426676,24 +426677,29 +426678,29 +426679,29 +426680,29 +426681,25 +426682,25 +426683,25 +426684,25 +426685,25 +426686,31 +426687,31 +426688,31 +426689,31 +426690,37 +426691,37 +426692,37 +426693,37 +426694,37 +426695,37 +426696,37 +426697,37 +426698,37 +426699,37 +426700,34 +426701,34 +426702,34 +426703,34 +426704,34 +426705,34 +426706,34 +426707,34 +426708,34 +426709,34 +426710,34 +426711,34 +426712,34 +426713,34 +426714,34 +426715,34 +426716,34 +426717,34 +426718,5 +426719,13 +426720,5 +426721,13 +426722,13 +426723,13 +426724,13 +426725,13 +426726,13 +426727,4 +426728,4 +426729,4 +426730,4 +426731,4 +426732,4 +426733,4 +426734,4 +426735,4 +426736,4 +426737,14 +426738,14 +426739,14 +426740,14 +426741,14 +426742,14 +426743,14 +426744,14 +426745,15 +426746,15 +426747,15 +426748,32 +426749,32 +426750,32 +426751,32 +426752,31 +426753,31 +426754,31 +426755,31 +426756,30 +426757,30 +426758,30 +426759,30 +426760,30 +426761,30 +426762,30 +426763,30 +426764,30 +426765,30 +426766,4 +426767,4 +426768,4 +426769,4 +426770,4 +426771,4 +426772,4 +426773,4 +426774,4 +426775,4 +426776,4 +426777,37 +426778,37 +426779,37 +426780,37 +426781,37 +426782,37 +426783,37 +426784,37 +426785,37 +426786,37 +426787,37 +426788,37 +426789,37 +426790,37 +426791,37 +426792,3 +426793,3 +426794,3 +426795,3 +426796,3 +426797,3 +426798,30 +426799,30 +426800,30 +426801,30 +426802,30 +426803,30 +426804,30 +426805,27 +426806,27 +426807,27 +426808,40 +426809,40 +426810,40 +426811,40 +426812,40 +426813,37 +426814,37 +426815,37 +426816,37 +426817,25 +426818,37 +426819,37 +426820,2 +426821,2 +426822,2 +426823,2 +426824,2 +426825,2 +426826,2 +426827,2 +426828,2 +426829,2 +426830,2 +426831,2 +426832,2 +426833,2 +426834,2 +426835,2 +426836,2 +426837,2 +426838,2 +426839,2 +426840,2 +426841,9 +426842,9 +426843,9 +426844,9 +426845,9 +426846,9 +426847,9 +426848,9 +426849,9 +426850,9 +426851,9 +426852,9 +426853,9 +426854,9 +426855,9 +426856,9 +426857,9 +426858,37 +426859,37 +426860,37 +426861,37 +426862,37 +426863,37 +426864,37 +426865,40 +426866,40 +426867,40 +426868,40 +426869,19 +426870,19 +426871,19 +426872,19 +426873,19 +426874,19 +426875,19 +426876,19 +426877,19 +426878,2 +426879,2 +426880,2 +426881,2 +426882,2 +426883,2 +426884,2 +426885,2 +426886,2 +426887,2 +426888,2 +426889,2 +426890,2 +426891,2 +426892,2 +426893,0 +426894,0 +426895,0 +426896,0 +426897,0 +426898,0 +426899,0 +426900,0 +426901,0 +426902,0 +426903,0 +426904,0 +426905,0 +426906,0 +426907,0 +426908,0 +426909,0 +426910,0 +426911,0 +426912,0 +426913,0 +426914,0 +426915,0 +426916,0 +426917,0 +426918,0 +426919,0 +426920,0 +426921,0 +426922,0 +426923,0 +426924,0 +426925,29 +426926,29 +426927,29 +426928,29 +426929,29 +426930,29 +426931,29 +426932,29 +426933,39 +426934,39 +426935,39 +426936,39 +426937,39 +426938,39 +426939,39 +426940,39 +426941,39 +426942,39 +426943,31 +426944,31 +426945,31 +426946,31 +426947,31 +426948,31 +426949,29 +426950,29 +426951,29 +426952,29 +426953,29 +426954,25 +426955,25 +426956,25 +426957,25 +426958,25 +426959,25 +426960,25 +426961,25 +426962,39 +426963,39 +426964,39 +426965,32 +426966,32 +426967,32 +426968,32 +426969,32 +426970,32 +426971,32 +426972,26 +426973,26 +426974,26 +426975,26 +426976,26 +426977,26 +426978,26 +426979,37 +426980,37 +426981,37 +426982,37 +426983,27 +426984,39 +426985,39 +426986,27 +426987,27 +426988,39 +426989,39 +426990,39 +426991,27 +426992,37 +426993,37 +426994,37 +426995,37 +426996,37 +426997,37 +426998,37 +426999,37 +427000,37 +427001,37 +427002,37 +427003,37 +427004,37 +427005,37 +427006,37 +427007,37 +427008,37 +427009,37 +427010,9 +427011,9 +427012,9 +427013,9 +427014,9 +427015,9 +427016,9 +427017,5 +427018,5 +427019,5 +427020,5 +427021,5 +427022,31 +427023,31 +427024,31 +427025,31 +427026,31 +427027,5 +427028,5 +427029,5 +427030,5 +427031,5 +427032,38 +427033,38 +427034,38 +427035,38 +427036,38 +427037,38 +427038,38 +427039,38 +427040,34 +427041,34 +427042,34 +427043,40 +427044,40 +427045,40 +427046,31 +427047,31 +427048,12 +427049,12 +427050,12 +427051,12 +427052,12 +427053,12 +427054,5 +427055,5 +427056,5 +427057,28 +427058,28 +427059,28 +427060,28 +427061,12 +427062,12 +427063,12 +427064,12 +427065,12 +427066,27 +427067,27 +427068,27 +427069,4 +427070,4 +427071,4 +427072,4 +427073,4 +427074,24 +427075,29 +427076,29 +427077,29 +427078,29 +427079,40 +427080,40 +427081,40 +427082,40 +427083,40 +427084,37 +427085,37 +427086,37 +427087,37 +427088,37 +427089,37 +427090,37 +427091,37 +427092,8 +427093,8 +427094,8 +427095,8 +427096,2 +427097,2 +427098,2 +427099,2 +427100,2 +427101,2 +427102,2 +427103,2 +427104,2 +427105,2 +427106,2 +427107,2 +427108,2 +427109,32 +427110,32 +427111,32 +427112,32 +427113,32 +427114,32 +427115,32 +427116,27 +427117,27 +427118,27 +427119,27 +427120,27 +427121,27 +427122,27 +427123,27 +427124,27 +427125,27 +427126,37 +427127,37 +427128,37 +427129,37 +427130,37 +427131,37 +427132,37 +427133,37 +427134,25 +427135,25 +427136,25 +427137,25 +427138,25 +427139,25 +427140,25 +427141,25 +427142,25 +427143,25 +427144,25 +427145,25 +427146,25 +427147,8 +427148,8 +427149,8 +427150,8 +427151,8 +427152,8 +427153,8 +427154,8 +427155,8 +427156,8 +427157,8 +427158,8 +427159,8 +427160,2 +427161,2 +427162,2 +427163,2 +427164,2 +427165,0 +427166,0 +427167,0 +427168,0 +427169,0 +427170,0 +427171,0 +427172,0 +427173,0 +427174,0 +427175,0 +427176,0 +427177,0 +427178,0 +427179,0 +427180,0 +427181,0 +427182,0 +427183,0 +427184,0 +427185,0 +427186,0 +427187,0 +427188,0 +427189,0 +427190,0 +427191,0 +427192,0 +427193,0 +427194,0 +427195,0 +427196,0 +427197,0 +427198,0 +427199,0 +427200,0 +427201,0 +427202,0 +427203,15 +427204,0 +427205,0 +427206,0 +427207,0 +427208,31 +427209,27 +427210,27 +427211,35 +427212,27 +427213,27 +427214,4 +427215,19 +427216,19 +427217,4 +427218,4 +427219,4 +427220,4 +427221,4 +427222,4 +427223,4 +427224,4 +427225,4 +427226,31 +427227,31 +427228,31 +427229,31 +427230,31 +427231,8 +427232,8 +427233,8 +427234,8 +427235,8 +427236,8 +427237,8 +427238,8 +427239,28 +427240,28 +427241,28 +427242,28 +427243,28 +427244,28 +427245,31 +427246,31 +427247,31 +427248,31 +427249,31 +427250,31 +427251,31 +427252,31 +427253,16 +427254,16 +427255,16 +427256,16 +427257,16 +427258,16 +427259,16 +427260,16 +427261,16 +427262,16 +427263,16 +427264,16 +427265,11 +427266,11 +427267,11 +427268,11 +427269,11 +427270,11 +427271,11 +427272,11 +427273,11 +427274,11 +427275,11 +427276,11 +427277,11 +427278,11 +427279,11 +427280,11 +427281,11 +427282,11 +427283,11 +427284,11 +427285,11 +427286,11 +427287,9 +427288,9 +427289,9 +427290,9 +427291,9 +427292,9 +427293,9 +427294,9 +427295,37 +427296,37 +427297,37 +427298,37 +427299,37 +427300,37 +427301,4 +427302,4 +427303,4 +427304,4 +427305,4 +427306,4 +427307,4 +427308,25 +427309,25 +427310,25 +427311,25 +427312,25 +427313,25 +427314,25 +427315,25 +427316,25 +427317,37 +427318,25 +427319,36 +427320,36 +427321,36 +427322,36 +427323,36 +427324,36 +427325,5 +427326,5 +427327,5 +427328,19 +427329,19 +427330,19 +427331,19 +427332,19 +427333,12 +427334,12 +427335,12 +427336,12 +427337,27 +427338,27 +427339,27 +427340,38 +427341,38 +427342,38 +427343,38 +427344,38 +427345,38 +427346,36 +427347,36 +427348,36 +427349,36 +427350,36 +427351,34 +427352,36 +427353,34 +427354,5 +427355,5 +427356,5 +427357,5 +427358,4 +427359,4 +427360,4 +427361,4 +427362,4 +427363,31 +427364,31 +427365,31 +427366,31 +427367,6 +427368,6 +427369,6 +427370,6 +427371,6 +427372,6 +427373,6 +427374,6 +427375,6 +427376,6 +427377,26 +427378,26 +427379,26 +427380,26 +427381,26 +427382,26 +427383,26 +427384,26 +427385,30 +427386,30 +427387,9 +427388,9 +427389,9 +427390,9 +427391,9 +427392,30 +427393,30 +427394,30 +427395,30 +427396,30 +427397,30 +427398,25 +427399,25 +427400,25 +427401,25 +427402,25 +427403,25 +427404,25 +427405,25 +427406,25 +427407,25 +427408,25 +427409,25 +427410,25 +427411,25 +427412,25 +427413,25 +427414,25 +427415,25 +427416,37 +427417,37 +427418,0 +427419,0 +427420,0 +427421,0 +427422,0 +427423,0 +427424,0 +427425,0 +427426,0 +427427,0 +427428,0 +427429,0 +427430,0 +427431,0 +427432,0 +427433,0 +427434,0 +427435,0 +427436,0 +427437,0 +427438,0 +427439,0 +427440,0 +427441,0 +427442,0 +427443,0 +427444,0 +427445,0 +427446,0 +427447,0 +427448,0 +427449,0 +427450,0 +427451,0 +427452,0 +427453,0 +427454,0 +427455,0 +427456,0 +427457,0 +427458,0 +427459,0 +427460,29 +427461,29 +427462,29 +427463,29 +427464,29 +427465,29 +427466,40 +427467,40 +427468,40 +427469,27 +427470,31 +427471,24 +427472,24 +427473,24 +427474,24 +427475,24 +427476,24 +427477,24 +427478,24 +427479,27 +427480,27 +427481,27 +427482,27 +427483,27 +427484,27 +427485,27 +427486,27 +427487,27 +427488,2 +427489,2 +427490,2 +427491,2 +427492,2 +427493,2 +427494,2 +427495,2 +427496,27 +427497,27 +427498,31 +427499,31 +427500,21 +427501,21 +427502,21 +427503,21 +427504,21 +427505,21 +427506,21 +427507,21 +427508,21 +427509,19 +427510,26 +427511,26 +427512,26 +427513,26 +427514,26 +427515,26 +427516,26 +427517,26 +427518,26 +427519,26 +427520,26 +427521,26 +427522,10 +427523,10 +427524,10 +427525,10 +427526,9 +427527,26 +427528,4 +427529,4 +427530,4 +427531,4 +427532,4 +427533,4 +427534,2 +427535,2 +427536,2 +427537,2 +427538,2 +427539,2 +427540,2 +427541,2 +427542,2 +427543,2 +427544,2 +427545,2 +427546,10 +427547,10 +427548,10 +427549,36 +427550,10 +427551,10 +427552,10 +427553,10 +427554,36 +427555,36 +427556,36 +427557,36 +427558,4 +427559,4 +427560,4 +427561,4 +427562,4 +427563,4 +427564,4 +427565,4 +427566,4 +427567,4 +427568,4 +427569,4 +427570,4 +427571,4 +427572,31 +427573,31 +427574,5 +427575,5 +427576,5 +427577,19 +427578,19 +427579,19 +427580,19 +427581,19 +427582,19 +427583,19 +427584,19 +427585,19 +427586,19 +427587,19 +427588,19 +427589,19 +427590,19 +427591,19 +427592,19 +427593,19 +427594,19 +427595,40 +427596,40 +427597,40 +427598,40 +427599,40 +427600,40 +427601,40 +427602,40 +427603,40 +427604,40 +427605,40 +427606,40 +427607,40 +427608,40 +427609,38 +427610,38 +427611,38 +427612,38 +427613,38 +427614,38 +427615,38 +427616,38 +427617,38 +427618,31 +427619,31 +427620,27 +427621,31 +427622,31 +427623,31 +427624,31 +427625,31 +427626,24 +427627,30 +427628,30 +427629,30 +427630,24 +427631,24 +427632,24 +427633,24 +427634,24 +427635,24 +427636,24 +427637,24 +427638,24 +427639,24 +427640,24 +427641,23 +427642,23 +427643,23 +427644,2 +427645,0 +427646,0 +427647,0 +427648,0 +427649,0 +427650,0 +427651,0 +427652,0 +427653,0 +427654,0 +427655,0 +427656,0 +427657,0 +427658,0 +427659,0 +427660,0 +427661,0 +427662,0 +427663,0 +427664,0 +427665,0 +427666,0 +427667,0 +427668,0 +427669,0 +427670,0 +427671,0 +427672,0 +427673,0 +427674,0 +427675,0 +427676,0 +427677,0 +427678,0 +427679,0 +427680,0 +427681,0 +427682,0 +427683,0 +427684,0 +427685,0 +427686,0 +427687,0 +427688,0 +427689,0 +427690,0 +427691,0 +427692,0 +427693,0 +427694,0 +427695,0 +427696,0 +427697,0 +427698,0 +427699,0 +427700,0 +427701,0 +427702,0 +427703,0 +427704,0 +427705,0 +427706,0 +427707,0 +427708,0 +427709,0 +427710,0 +427711,0 +427712,0 +427713,0 +427714,35 +427715,35 +427716,35 +427717,35 +427718,35 +427719,35 +427720,35 +427721,35 +427722,35 +427723,35 +427724,35 +427725,35 +427726,35 +427727,39 +427728,39 +427729,39 +427730,39 +427731,39 +427732,39 +427733,39 +427734,39 +427735,39 +427736,39 +427737,39 +427738,39 +427739,28 +427740,28 +427741,28 +427742,3 +427743,3 +427744,3 +427745,34 +427746,33 +427747,30 +427748,33 +427749,33 +427750,33 +427751,40 +427752,40 +427753,40 +427754,33 +427755,40 +427756,40 +427757,31 +427758,31 +427759,31 +427760,31 +427761,31 +427762,31 +427763,31 +427764,31 +427765,31 +427766,31 +427767,2 +427768,2 +427769,8 +427770,8 +427771,8 +427772,8 +427773,8 +427774,8 +427775,8 +427776,8 +427777,0 +427778,0 +427779,0 +427780,0 +427781,0 +427782,0 +427783,27 +427784,27 +427785,27 +427786,27 +427787,27 +427788,27 +427789,27 +427790,27 +427791,27 +427792,5 +427793,5 +427794,5 +427795,5 +427796,5 +427797,5 +427798,40 +427799,40 +427800,40 +427801,40 +427802,40 +427803,40 +427804,40 +427805,21 +427806,21 +427807,21 +427808,21 +427809,21 +427810,21 +427811,21 +427812,21 +427813,21 +427814,21 +427815,21 +427816,21 +427817,21 +427818,8 +427819,2 +427820,2 +427821,2 +427822,2 +427823,8 +427824,2 +427825,2 +427826,2 +427827,2 +427828,2 +427829,2 +427830,2 +427831,9 +427832,9 +427833,9 +427834,9 +427835,9 +427836,9 +427837,9 +427838,9 +427839,9 +427840,9 +427841,9 +427842,26 +427843,26 +427844,26 +427845,26 +427846,26 +427847,26 +427848,6 +427849,6 +427850,6 +427851,2 +427852,2 +427853,2 +427854,2 +427855,2 +427856,4 +427857,4 +427858,4 +427859,4 +427860,4 +427861,4 +427862,4 +427863,4 +427864,4 +427865,31 +427866,31 +427867,31 +427868,31 +427869,31 +427870,31 +427871,32 +427872,32 +427873,30 +427874,5 +427875,30 +427876,0 +427877,0 +427878,30 +427879,30 +427880,30 +427881,30 +427882,30 +427883,30 +427884,30 +427885,30 +427886,30 +427887,30 +427888,30 +427889,39 +427890,39 +427891,39 +427892,39 +427893,39 +427894,39 +427895,39 +427896,39 +427897,39 +427898,15 +427899,24 +427900,24 +427901,24 +427902,12 +427903,24 +427904,24 +427905,24 +427906,24 +427907,24 +427908,24 +427909,24 +427910,24 +427911,24 +427912,24 +427913,15 +427914,26 +427915,26 +427916,26 +427917,26 +427918,26 +427919,26 +427920,26 +427921,9 +427922,26 +427923,26 +427924,26 +427925,26 +427926,26 +427927,26 +427928,26 +427929,26 +427930,30 +427931,30 +427932,30 +427933,30 +427934,33 +427935,30 +427936,30 +427937,30 +427938,30 +427939,30 +427940,30 +427941,30 +427942,30 +427943,7 +427944,7 +427945,7 +427946,7 +427947,39 +427948,3 +427949,3 +427950,31 +427951,31 +427952,31 +427953,31 +427954,31 +427955,31 +427956,4 +427957,4 +427958,4 +427959,4 +427960,4 +427961,32 +427962,30 +427963,30 +427964,30 +427965,30 +427966,30 +427967,30 +427968,30 +427969,30 +427970,30 +427971,30 +427972,30 +427973,30 +427974,30 +427975,30 +427976,30 +427977,30 +427978,30 +427979,30 +427980,30 +427981,30 +427982,30 +427983,30 +427984,30 +427985,0 +427986,0 +427987,0 +427988,0 +427989,0 +427990,0 +427991,0 +427992,0 +427993,0 +427994,0 +427995,0 +427996,0 +427997,0 +427998,0 +427999,0 +428000,0 +428001,0 +428002,0 +428003,0 +428004,0 +428005,0 +428006,0 +428007,0 +428008,0 +428009,0 +428010,0 +428011,0 +428012,0 +428013,0 +428014,0 +428015,0 +428016,0 +428017,0 +428018,0 +428019,0 +428020,0 +428021,0 +428022,0 +428023,0 +428024,0 +428025,0 +428026,0 +428027,0 +428028,0 +428029,0 +428030,0 +428031,0 +428032,0 +428033,0 +428034,0 +428035,0 +428036,0 +428037,0 +428038,0 +428039,0 +428040,0 +428041,0 +428042,0 +428043,0 +428044,0 +428045,0 +428046,0 +428047,0 +428048,0 +428049,0 +428050,0 +428051,0 +428052,0 +428053,0 +428054,0 +428055,0 +428056,0 +428057,0 +428058,0 +428059,0 +428060,0 +428061,0 +428062,0 +428063,0 +428064,0 +428065,0 +428066,0 +428067,0 +428068,0 +428069,0 +428070,0 +428071,31 +428072,31 +428073,31 +428074,31 +428075,31 +428076,31 +428077,31 +428078,31 +428079,31 +428080,31 +428081,31 +428082,34 +428083,31 +428084,31 +428085,31 +428086,31 +428087,31 +428088,15 +428089,15 +428090,21 +428091,21 +428092,21 +428093,21 +428094,15 +428095,15 +428096,30 +428097,15 +428098,15 +428099,15 +428100,26 +428101,26 +428102,26 +428103,26 +428104,30 +428105,10 +428106,10 +428107,10 +428108,10 +428109,10 +428110,10 +428111,10 +428112,10 +428113,10 +428114,10 +428115,10 +428116,10 +428117,10 +428118,10 +428119,10 +428120,10 +428121,10 +428122,10 +428123,15 +428124,15 +428125,15 +428126,15 +428127,15 +428128,15 +428129,15 +428130,15 +428131,33 +428132,33 +428133,33 +428134,33 +428135,33 +428136,33 +428137,33 +428138,33 +428139,30 +428140,30 +428141,30 +428142,30 +428143,12 +428144,12 +428145,12 +428146,12 +428147,12 +428148,12 +428149,12 +428150,12 +428151,25 +428152,25 +428153,25 +428154,25 +428155,29 +428156,29 +428157,29 +428158,29 +428159,29 +428160,31 +428161,31 +428162,31 +428163,31 +428164,31 +428165,31 +428166,31 +428167,15 +428168,15 +428169,15 +428170,15 +428171,15 +428172,15 +428173,15 +428174,15 +428175,15 +428176,15 +428177,15 +428178,15 +428179,19 +428180,15 +428181,27 +428182,27 +428183,27 +428184,27 +428185,27 +428186,27 +428187,27 +428188,27 +428189,27 +428190,27 +428191,27 +428192,27 +428193,19 +428194,19 +428195,19 +428196,19 +428197,19 +428198,19 +428199,19 +428200,19 +428201,6 +428202,6 +428203,6 +428204,6 +428205,6 +428206,6 +428207,6 +428208,6 +428209,6 +428210,6 +428211,6 +428212,6 +428213,6 +428214,6 +428215,6 +428216,31 +428217,31 +428218,31 +428219,26 +428220,26 +428221,31 +428222,31 +428223,36 +428224,36 +428225,36 +428226,36 +428227,36 +428228,36 +428229,36 +428230,36 +428231,36 +428232,36 +428233,36 +428234,34 +428235,34 +428236,34 +428237,34 +428238,34 +428239,34 +428240,34 +428241,34 +428242,34 +428243,34 +428244,34 +428245,34 +428246,34 +428247,34 +428248,34 +428249,34 +428250,34 +428251,34 +428252,4 +428253,4 +428254,4 +428255,4 +428256,4 +428257,4 +428258,4 +428259,4 +428260,4 +428261,4 +428262,4 +428263,4 +428264,4 +428265,4 +428266,4 +428267,4 +428268,4 +428269,4 +428270,4 +428271,4 +428272,4 +428273,4 +428274,4 +428275,4 +428276,0 +428277,0 +428278,0 +428279,0 +428280,0 +428281,0 +428282,0 +428283,0 +428284,0 +428285,0 +428286,0 +428287,0 +428288,0 +428289,0 +428290,0 +428291,0 +428292,0 +428293,0 +428294,0 +428295,0 +428296,0 +428297,0 +428298,0 +428299,0 +428300,0 +428301,0 +428302,0 +428303,0 +428304,0 +428305,37 +428306,37 +428307,37 +428308,37 +428309,37 +428310,39 +428311,39 +428312,39 +428313,39 +428314,39 +428315,39 +428316,39 +428317,39 +428318,39 +428319,39 +428320,39 +428321,4 +428322,4 +428323,4 +428324,4 +428325,4 +428326,4 +428327,4 +428328,4 +428329,4 +428330,4 +428331,4 +428332,4 +428333,4 +428334,25 +428335,25 +428336,25 +428337,25 +428338,25 +428339,25 +428340,25 +428341,25 +428342,25 +428343,25 +428344,25 +428345,25 +428346,25 +428347,25 +428348,5 +428349,5 +428350,5 +428351,5 +428352,5 +428353,5 +428354,2 +428355,2 +428356,2 +428357,2 +428358,2 +428359,2 +428360,2 +428361,2 +428362,2 +428363,2 +428364,2 +428365,2 +428366,2 +428367,2 +428368,33 +428369,33 +428370,27 +428371,33 +428372,30 +428373,30 +428374,30 +428375,30 +428376,31 +428377,33 +428378,33 +428379,15 +428380,15 +428381,15 +428382,15 +428383,24 +428384,24 +428385,24 +428386,12 +428387,25 +428388,25 +428389,25 +428390,25 +428391,25 +428392,19 +428393,19 +428394,19 +428395,19 +428396,19 +428397,19 +428398,19 +428399,19 +428400,19 +428401,40 +428402,27 +428403,27 +428404,31 +428405,31 +428406,31 +428407,25 +428408,31 +428409,31 +428410,31 +428411,31 +428412,25 +428413,25 +428414,25 +428415,25 +428416,25 +428417,25 +428418,10 +428419,10 +428420,10 +428421,10 +428422,10 +428423,10 +428424,10 +428425,10 +428426,10 +428427,10 +428428,10 +428429,10 +428430,10 +428431,2 +428432,2 +428433,2 +428434,2 +428435,2 +428436,2 +428437,2 +428438,2 +428439,2 +428440,2 +428441,31 +428442,31 +428443,31 +428444,31 +428445,24 +428446,24 +428447,24 +428448,24 +428449,24 +428450,24 +428451,24 +428452,30 +428453,30 +428454,30 +428455,30 +428456,30 +428457,30 +428458,30 +428459,30 +428460,39 +428461,39 +428462,39 +428463,39 +428464,39 +428465,39 +428466,39 +428467,39 +428468,39 +428469,39 +428470,39 +428471,39 +428472,39 +428473,39 +428474,0 +428475,0 +428476,0 +428477,0 +428478,0 +428479,0 +428480,0 +428481,0 +428482,0 +428483,0 +428484,0 +428485,0 +428486,0 +428487,0 +428488,0 +428489,0 +428490,0 +428491,0 +428492,0 +428493,0 +428494,0 +428495,0 +428496,0 +428497,0 +428498,0 +428499,28 +428500,28 +428501,28 +428502,5 +428503,5 +428504,5 +428505,5 +428506,5 +428507,5 +428508,5 +428509,5 +428510,5 +428511,5 +428512,5 +428513,5 +428514,26 +428515,26 +428516,26 +428517,26 +428518,26 +428519,26 +428520,26 +428521,26 +428522,26 +428523,26 +428524,10 +428525,10 +428526,10 +428527,10 +428528,10 +428529,10 +428530,10 +428531,4 +428532,4 +428533,4 +428534,39 +428535,39 +428536,19 +428537,19 +428538,19 +428539,27 +428540,27 +428541,27 +428542,27 +428543,27 +428544,27 +428545,14 +428546,27 +428547,27 +428548,27 +428549,27 +428550,6 +428551,6 +428552,6 +428553,6 +428554,4 +428555,6 +428556,4 +428557,4 +428558,4 +428559,2 +428560,2 +428561,4 +428562,4 +428563,4 +428564,4 +428565,4 +428566,4 +428567,4 +428568,4 +428569,4 +428570,4 +428571,4 +428572,4 +428573,4 +428574,4 +428575,4 +428576,4 +428577,0 +428578,0 +428579,0 +428580,0 +428581,0 +428582,0 +428583,0 +428584,0 +428585,0 +428586,0 +428587,0 +428588,0 +428589,0 +428590,0 +428591,0 +428592,0 +428593,0 +428594,0 +428595,0 +428596,0 +428597,0 +428598,0 +428599,0 +428600,0 +428601,0 +428602,0 +428603,0 +428604,0 +428605,0 +428606,0 +428607,0 +428608,0 +428609,0 +428610,0 +428611,0 +428612,0 +428613,0 +428614,0 +428615,0 +428616,0 +428617,0 +428618,0 +428619,0 +428620,0 +428621,0 +428622,0 +428623,0 +428624,0 +428625,0 +428626,0 +428627,0 +428628,0 +428629,0 +428630,0 +428631,0 +428632,11 +428633,11 +428634,11 +428635,11 +428636,11 +428637,11 +428638,11 +428639,11 +428640,11 +428641,11 +428642,11 +428643,11 +428644,11 +428645,39 +428646,39 +428647,39 +428648,39 +428649,39 +428650,39 +428651,39 +428652,2 +428653,2 +428654,2 +428655,2 +428656,2 +428657,2 +428658,2 +428659,2 +428660,2 +428661,2 +428662,40 +428663,40 +428664,40 +428665,40 +428666,40 +428667,5 +428668,5 +428669,5 +428670,5 +428671,5 +428672,5 +428673,4 +428674,4 +428675,4 +428676,4 +428677,4 +428678,4 +428679,4 +428680,4 +428681,27 +428682,27 +428683,27 +428684,27 +428685,28 +428686,5 +428687,5 +428688,5 +428689,5 +428690,5 +428691,5 +428692,5 +428693,5 +428694,30 +428695,30 +428696,30 +428697,30 +428698,30 +428699,30 +428700,10 +428701,10 +428702,10 +428703,10 +428704,10 +428705,10 +428706,10 +428707,14 +428708,14 +428709,14 +428710,6 +428711,6 +428712,6 +428713,6 +428714,6 +428715,6 +428716,6 +428717,6 +428718,12 +428719,12 +428720,12 +428721,12 +428722,9 +428723,9 +428724,12 +428725,12 +428726,12 +428727,10 +428728,10 +428729,10 +428730,10 +428731,10 +428732,10 +428733,10 +428734,10 +428735,10 +428736,10 +428737,10 +428738,10 +428739,10 +428740,10 +428741,10 +428742,10 +428743,10 +428744,10 +428745,10 +428746,8 +428747,8 +428748,8 +428749,8 +428750,8 +428751,8 +428752,8 +428753,8 +428754,8 +428755,8 +428756,12 +428757,12 +428758,12 +428759,12 +428760,12 +428761,12 +428762,12 +428763,12 +428764,12 +428765,12 +428766,40 +428767,40 +428768,31 +428769,5 +428770,5 +428771,5 +428772,5 +428773,5 +428774,5 +428775,5 +428776,5 +428777,5 +428778,29 +428779,29 +428780,29 +428781,29 +428782,29 +428783,29 +428784,29 +428785,31 +428786,31 +428787,31 +428788,31 +428789,31 +428790,23 +428791,23 +428792,23 +428793,23 +428794,23 +428795,23 +428796,23 +428797,23 +428798,23 +428799,23 +428800,23 +428801,23 +428802,23 +428803,23 +428804,23 +428805,10 +428806,10 +428807,10 +428808,10 +428809,10 +428810,10 +428811,10 +428812,5 +428813,5 +428814,5 +428815,5 +428816,5 +428817,5 +428818,5 +428819,5 +428820,31 +428821,31 +428822,27 +428823,27 +428824,27 +428825,27 +428826,8 +428827,8 +428828,8 +428829,8 +428830,8 +428831,4 +428832,4 +428833,4 +428834,4 +428835,4 +428836,4 +428837,4 +428838,4 +428839,4 +428840,4 +428841,4 +428842,4 +428843,3 +428844,9 +428845,9 +428846,3 +428847,3 +428848,3 +428849,3 +428850,3 +428851,3 +428852,9 +428853,9 +428854,33 +428855,9 +428856,33 +428857,33 +428858,8 +428859,8 +428860,8 +428861,8 +428862,2 +428863,2 +428864,2 +428865,2 +428866,2 +428867,2 +428868,27 +428869,27 +428870,27 +428871,27 +428872,27 +428873,8 +428874,8 +428875,8 +428876,8 +428877,8 +428878,8 +428879,8 +428880,27 +428881,27 +428882,27 +428883,27 +428884,27 +428885,27 +428886,5 +428887,5 +428888,5 +428889,1 +428890,5 +428891,4 +428892,4 +428893,9 +428894,9 +428895,9 +428896,9 +428897,9 +428898,9 +428899,9 +428900,9 +428901,9 +428902,9 +428903,9 +428904,9 +428905,9 +428906,9 +428907,9 +428908,9 +428909,30 +428910,30 +428911,30 +428912,30 +428913,30 +428914,30 +428915,32 +428916,32 +428917,32 +428918,32 +428919,32 +428920,32 +428921,32 +428922,32 +428923,32 +428924,32 +428925,32 +428926,32 +428927,25 +428928,25 +428929,25 +428930,25 +428931,25 +428932,25 +428933,25 +428934,25 +428935,25 +428936,25 +428937,25 +428938,8 +428939,8 +428940,8 +428941,8 +428942,8 +428943,8 +428944,8 +428945,8 +428946,8 +428947,18 +428948,31 +428949,31 +428950,31 +428951,31 +428952,31 +428953,31 +428954,25 +428955,25 +428956,25 +428957,25 +428958,25 +428959,25 +428960,10 +428961,0 +428962,0 +428963,0 +428964,0 +428965,0 +428966,0 +428967,0 +428968,35 +428969,35 +428970,0 +428971,0 +428972,0 +428973,0 +428974,0 +428975,0 +428976,0 +428977,0 +428978,0 +428979,0 +428980,0 +428981,0 +428982,0 +428983,0 +428984,0 +428985,0 +428986,0 +428987,0 +428988,0 +428989,0 +428990,0 +428991,0 +428992,0 +428993,0 +428994,0 +428995,0 +428996,0 +428997,0 +428998,0 +428999,0 +429000,0 +429001,0 +429002,0 +429003,0 +429004,0 +429005,0 +429006,0 +429007,0 +429008,0 +429009,0 +429010,0 +429011,0 +429012,0 +429013,0 +429014,0 +429015,0 +429016,0 +429017,0 +429018,0 +429019,0 +429020,0 +429021,0 +429022,0 +429023,0 +429024,0 +429025,0 +429026,0 +429027,0 +429028,0 +429029,0 +429030,0 +429031,0 +429032,0 +429033,0 +429034,0 +429035,0 +429036,0 +429037,0 +429038,0 +429039,0 +429040,0 +429041,0 +429042,0 +429043,0 +429044,0 +429045,0 +429046,0 +429047,0 +429048,0 +429049,0 +429050,28 +429051,28 +429052,28 +429053,28 +429054,28 +429055,28 +429056,28 +429057,28 +429058,28 +429059,28 +429060,28 +429061,25 +429062,37 +429063,25 +429064,37 +429065,37 +429066,37 +429067,37 +429068,37 +429069,25 +429070,36 +429071,36 +429072,36 +429073,36 +429074,36 +429075,36 +429076,36 +429077,36 +429078,36 +429079,36 +429080,4 +429081,4 +429082,4 +429083,4 +429084,31 +429085,31 +429086,31 +429087,31 +429088,31 +429089,15 +429090,15 +429091,15 +429092,15 +429093,15 +429094,15 +429095,15 +429096,15 +429097,36 +429098,36 +429099,36 +429100,36 +429101,36 +429102,36 +429103,36 +429104,36 +429105,36 +429106,36 +429107,36 +429108,36 +429109,36 +429110,36 +429111,36 +429112,36 +429113,36 +429114,19 +429115,19 +429116,19 +429117,19 +429118,19 +429119,19 +429120,19 +429121,19 +429122,39 +429123,39 +429124,39 +429125,39 +429126,39 +429127,39 +429128,39 +429129,39 +429130,39 +429131,27 +429132,5 +429133,5 +429134,5 +429135,5 +429136,5 +429137,5 +429138,19 +429139,19 +429140,19 +429141,19 +429142,39 +429143,39 +429144,39 +429145,39 +429146,39 +429147,39 +429148,39 +429149,39 +429150,27 +429151,31 +429152,31 +429153,31 +429154,31 +429155,31 +429156,31 +429157,31 +429158,31 +429159,31 +429160,31 +429161,31 +429162,31 +429163,19 +429164,19 +429165,31 +429166,0 +429167,0 +429168,0 +429169,0 +429170,0 +429171,0 +429172,0 +429173,0 +429174,0 +429175,0 +429176,0 +429177,0 +429178,0 +429179,0 +429180,0 +429181,0 +429182,0 +429183,0 +429184,0 +429185,0 +429186,0 +429187,0 +429188,0 +429189,0 +429190,0 +429191,0 +429192,4 +429193,4 +429194,4 +429195,4 +429196,4 +429197,27 +429198,27 +429199,27 +429200,27 +429201,30 +429202,30 +429203,33 +429204,33 +429205,33 +429206,33 +429207,30 +429208,30 +429209,30 +429210,30 +429211,30 +429212,30 +429213,10 +429214,10 +429215,10 +429216,10 +429217,10 +429218,10 +429219,10 +429220,10 +429221,10 +429222,10 +429223,10 +429224,10 +429225,4 +429226,4 +429227,4 +429228,4 +429229,4 +429230,4 +429231,4 +429232,4 +429233,4 +429234,4 +429235,4 +429236,12 +429237,12 +429238,12 +429239,12 +429240,12 +429241,12 +429242,40 +429243,40 +429244,40 +429245,5 +429246,5 +429247,27 +429248,27 +429249,27 +429250,39 +429251,39 +429252,39 +429253,39 +429254,39 +429255,39 +429256,39 +429257,39 +429258,27 +429259,39 +429260,39 +429261,39 +429262,39 +429263,39 +429264,39 +429265,39 +429266,39 +429267,39 +429268,38 +429269,38 +429270,38 +429271,38 +429272,38 +429273,38 +429274,0 +429275,38 +429276,0 +429277,0 +429278,0 +429279,0 +429280,0 +429281,0 +429282,0 +429283,0 +429284,0 +429285,0 +429286,0 +429287,0 +429288,0 +429289,0 +429290,0 +429291,0 +429292,0 +429293,0 +429294,0 +429295,0 +429296,0 +429297,0 +429298,0 +429299,0 +429300,0 +429301,0 +429302,0 +429303,14 +429304,35 +429305,35 +429306,35 +429307,35 +429308,35 +429309,35 +429310,39 +429311,39 +429312,39 +429313,39 +429314,39 +429315,39 +429316,39 +429317,39 +429318,39 +429319,39 +429320,39 +429321,39 +429322,39 +429323,39 +429324,4 +429325,4 +429326,4 +429327,4 +429328,4 +429329,4 +429330,4 +429331,4 +429332,39 +429333,39 +429334,39 +429335,39 +429336,39 +429337,5 +429338,5 +429339,5 +429340,5 +429341,5 +429342,5 +429343,5 +429344,4 +429345,4 +429346,4 +429347,4 +429348,4 +429349,4 +429350,4 +429351,12 +429352,12 +429353,12 +429354,12 +429355,12 +429356,40 +429357,40 +429358,40 +429359,5 +429360,5 +429361,5 +429362,14 +429363,14 +429364,14 +429365,14 +429366,14 +429367,14 +429368,27 +429369,5 +429370,5 +429371,5 +429372,5 +429373,5 +429374,5 +429375,5 +429376,31 +429377,31 +429378,31 +429379,31 +429380,31 +429381,31 +429382,31 +429383,31 +429384,31 +429385,31 +429386,31 +429387,10 +429388,10 +429389,10 +429390,10 +429391,10 +429392,10 +429393,10 +429394,10 +429395,10 +429396,10 +429397,10 +429398,10 +429399,10 +429400,14 +429401,14 +429402,14 +429403,14 +429404,14 +429405,14 +429406,14 +429407,39 +429408,39 +429409,19 +429410,5 +429411,5 +429412,5 +429413,5 +429414,5 +429415,5 +429416,5 +429417,5 +429418,0 +429419,0 +429420,0 +429421,0 +429422,0 +429423,0 +429424,0 +429425,0 +429426,0 +429427,0 +429428,0 +429429,0 +429430,0 +429431,0 +429432,0 +429433,0 +429434,0 +429435,0 +429436,0 +429437,0 +429438,0 +429439,0 +429440,0 +429441,0 +429442,0 +429443,0 +429444,0 +429445,0 +429446,0 +429447,0 +429448,0 +429449,0 +429450,0 +429451,0 +429452,0 +429453,0 +429454,0 +429455,0 +429456,0 +429457,0 +429458,0 +429459,0 +429460,0 +429461,0 +429462,0 +429463,0 +429464,0 +429465,0 +429466,10 +429467,10 +429468,10 +429469,10 +429470,10 +429471,10 +429472,10 +429473,10 +429474,10 +429475,10 +429476,10 +429477,10 +429478,10 +429479,10 +429480,10 +429481,10 +429482,10 +429483,35 +429484,35 +429485,35 +429486,35 +429487,35 +429488,35 +429489,35 +429490,35 +429491,40 +429492,40 +429493,40 +429494,40 +429495,36 +429496,36 +429497,24 +429498,24 +429499,24 +429500,24 +429501,24 +429502,2 +429503,2 +429504,2 +429505,2 +429506,2 +429507,2 +429508,2 +429509,2 +429510,2 +429511,2 +429512,2 +429513,2 +429514,14 +429515,14 +429516,14 +429517,14 +429518,14 +429519,14 +429520,14 +429521,40 +429522,40 +429523,40 +429524,40 +429525,40 +429526,36 +429527,36 +429528,36 +429529,36 +429530,36 +429531,19 +429532,19 +429533,19 +429534,19 +429535,19 +429536,7 +429537,39 +429538,39 +429539,39 +429540,39 +429541,39 +429542,39 +429543,35 +429544,35 +429545,36 +429546,36 +429547,31 +429548,4 +429549,4 +429550,4 +429551,4 +429552,4 +429553,12 +429554,12 +429555,12 +429556,12 +429557,12 +429558,12 +429559,12 +429560,12 +429561,12 +429562,12 +429563,12 +429564,12 +429565,12 +429566,12 +429567,31 +429568,31 +429569,31 +429570,31 +429571,31 +429572,31 +429573,31 +429574,28 +429575,28 +429576,28 +429577,28 +429578,28 +429579,28 +429580,28 +429581,28 +429582,38 +429583,38 +429584,38 +429585,38 +429586,38 +429587,38 +429588,38 +429589,38 +429590,29 +429591,14 +429592,14 +429593,27 +429594,27 +429595,27 +429596,27 +429597,27 +429598,27 +429599,27 +429600,27 +429601,39 +429602,27 +429603,13 +429604,13 +429605,13 +429606,13 +429607,13 +429608,13 +429609,13 +429610,10 +429611,10 +429612,10 +429613,10 +429614,10 +429615,10 +429616,10 +429617,10 +429618,10 +429619,12 +429620,12 +429621,12 +429622,12 +429623,12 +429624,12 +429625,30 +429626,33 +429627,33 +429628,33 +429629,33 +429630,33 +429631,33 +429632,33 +429633,33 +429634,30 +429635,30 +429636,30 +429637,30 +429638,36 +429639,36 +429640,36 +429641,36 +429642,36 +429643,36 +429644,36 +429645,36 +429646,36 +429647,36 +429648,36 +429649,36 +429650,36 +429651,36 +429652,36 +429653,36 +429654,36 +429655,36 +429656,36 +429657,36 +429658,36 +429659,36 +429660,36 +429661,36 +429662,36 +429663,36 +429664,19 +429665,19 +429666,19 +429667,19 +429668,19 +429669,19 +429670,19 +429671,19 +429672,0 +429673,0 +429674,0 +429675,0 +429676,0 +429677,0 +429678,0 +429679,0 +429680,0 +429681,0 +429682,0 +429683,0 +429684,0 +429685,29 +429686,29 +429687,29 +429688,29 +429689,29 +429690,31 +429691,31 +429692,31 +429693,31 +429694,31 +429695,31 +429696,4 +429697,4 +429698,4 +429699,4 +429700,4 +429701,4 +429702,4 +429703,4 +429704,4 +429705,27 +429706,27 +429707,27 +429708,27 +429709,27 +429710,27 +429711,27 +429712,2 +429713,2 +429714,2 +429715,2 +429716,2 +429717,2 +429718,2 +429719,2 +429720,4 +429721,4 +429722,4 +429723,4 +429724,4 +429725,4 +429726,4 +429727,10 +429728,10 +429729,10 +429730,10 +429731,36 +429732,36 +429733,36 +429734,36 +429735,36 +429736,21 +429737,21 +429738,21 +429739,21 +429740,21 +429741,25 +429742,25 +429743,25 +429744,25 +429745,25 +429746,25 +429747,25 +429748,23 +429749,23 +429750,23 +429751,23 +429752,23 +429753,23 +429754,23 +429755,23 +429756,23 +429757,25 +429758,25 +429759,25 +429760,25 +429761,25 +429762,25 +429763,25 +429764,25 +429765,25 +429766,8 +429767,8 +429768,8 +429769,8 +429770,8 +429771,8 +429772,8 +429773,8 +429774,27 +429775,27 +429776,27 +429777,27 +429778,27 +429779,27 +429780,27 +429781,27 +429782,6 +429783,6 +429784,6 +429785,6 +429786,6 +429787,6 +429788,6 +429789,27 +429790,27 +429791,27 +429792,27 +429793,27 +429794,27 +429795,27 +429796,27 +429797,27 +429798,27 +429799,27 +429800,27 +429801,8 +429802,8 +429803,8 +429804,8 +429805,8 +429806,8 +429807,8 +429808,8 +429809,8 +429810,8 +429811,24 +429812,24 +429813,24 +429814,24 +429815,24 +429816,24 +429817,24 +429818,24 +429819,40 +429820,40 +429821,40 +429822,40 +429823,40 +429824,40 +429825,40 +429826,40 +429827,40 +429828,37 +429829,37 +429830,37 +429831,37 +429832,37 +429833,37 +429834,37 +429835,37 +429836,37 +429837,37 +429838,37 +429839,37 +429840,39 +429841,39 +429842,39 +429843,39 +429844,39 +429845,39 +429846,28 +429847,28 +429848,28 +429849,28 +429850,28 +429851,28 +429852,28 +429853,28 +429854,28 +429855,28 +429856,31 +429857,31 +429858,26 +429859,26 +429860,26 +429861,26 +429862,26 +429863,26 +429864,26 +429865,26 +429866,26 +429867,26 +429868,4 +429869,4 +429870,4 +429871,25 +429872,25 +429873,25 +429874,25 +429875,25 +429876,25 +429877,37 +429878,37 +429879,25 +429880,25 +429881,25 +429882,25 +429883,25 +429884,4 +429885,4 +429886,4 +429887,4 +429888,4 +429889,4 +429890,4 +429891,30 +429892,30 +429893,30 +429894,30 +429895,30 +429896,30 +429897,30 +429898,30 +429899,30 +429900,39 +429901,39 +429902,39 +429903,39 +429904,39 +429905,39 +429906,39 +429907,39 +429908,39 +429909,39 +429910,39 +429911,39 +429912,39 +429913,39 +429914,39 +429915,39 +429916,39 +429917,36 +429918,36 +429919,36 +429920,36 +429921,36 +429922,36 +429923,36 +429924,5 +429925,5 +429926,5 +429927,5 +429928,5 +429929,31 +429930,31 +429931,31 +429932,24 +429933,24 +429934,24 +429935,19 +429936,19 +429937,19 +429938,35 +429939,24 +429940,24 +429941,24 +429942,24 +429943,24 +429944,24 +429945,24 +429946,24 +429947,24 +429948,31 +429949,28 +429950,28 +429951,10 +429952,10 +429953,10 +429954,10 +429955,10 +429956,10 +429957,10 +429958,10 +429959,10 +429960,10 +429961,10 +429962,10 +429963,10 +429964,10 +429965,10 +429966,10 +429967,8 +429968,8 +429969,8 +429970,8 +429971,8 +429972,8 +429973,8 +429974,8 +429975,8 +429976,31 +429977,31 +429978,31 +429979,31 +429980,31 +429981,31 +429982,4 +429983,4 +429984,4 +429985,4 +429986,4 +429987,30 +429988,30 +429989,30 +429990,30 +429991,30 +429992,30 +429993,30 +429994,30 +429995,30 +429996,30 +429997,39 +429998,39 +429999,39 +430000,39 +430001,39 +430002,39 +430003,39 +430004,39 +430005,39 +430006,4 +430007,39 +430008,4 +430009,4 +430010,4 +430011,4 +430012,4 +430013,4 +430014,4 +430015,4 +430016,4 +430017,4 +430018,31 +430019,31 +430020,31 +430021,24 +430022,24 +430023,24 +430024,24 +430025,24 +430026,27 +430027,27 +430028,27 +430029,27 +430030,27 +430031,27 +430032,27 +430033,7 +430034,7 +430035,7 +430036,7 +430037,7 +430038,7 +430039,7 +430040,7 +430041,7 +430042,7 +430043,3 +430044,3 +430045,3 +430046,3 +430047,3 +430048,3 +430049,3 +430050,3 +430051,3 +430052,3 +430053,3 +430054,3 +430055,3 +430056,3 +430057,3 +430058,3 +430059,3 +430060,3 +430061,3 +430062,3 +430063,3 +430064,3 +430065,3 +430066,3 +430067,3 +430068,3 +430069,3 +430070,3 +430071,3 +430072,8 +430073,8 +430074,8 +430075,2 +430076,2 +430077,2 +430078,2 +430079,2 +430080,2 +430081,2 +430082,8 +430083,8 +430084,2 +430085,2 +430086,2 +430087,2 +430088,0 +430089,0 +430090,0 +430091,0 +430092,0 +430093,0 +430094,0 +430095,0 +430096,0 +430097,0 +430098,0 +430099,0 +430100,0 +430101,0 +430102,0 +430103,0 +430104,0 +430105,0 +430106,0 +430107,0 +430108,0 +430109,0 +430110,0 +430111,0 +430112,0 +430113,0 +430114,0 +430115,0 +430116,0 +430117,0 +430118,0 +430119,12 +430120,12 +430121,12 +430122,12 +430123,12 +430124,12 +430125,27 +430126,27 +430127,27 +430128,27 +430129,27 +430130,16 +430131,16 +430132,18 +430133,23 +430134,23 +430135,23 +430136,23 +430137,4 +430138,31 +430139,31 +430140,31 +430141,31 +430142,31 +430143,8 +430144,8 +430145,8 +430146,8 +430147,8 +430148,8 +430149,8 +430150,8 +430151,8 +430152,32 +430153,32 +430154,32 +430155,32 +430156,32 +430157,32 +430158,32 +430159,32 +430160,32 +430161,37 +430162,37 +430163,37 +430164,37 +430165,37 +430166,37 +430167,37 +430168,37 +430169,26 +430170,26 +430171,26 +430172,32 +430173,32 +430174,32 +430175,32 +430176,32 +430177,4 +430178,1 +430179,6 +430180,6 +430181,6 +430182,6 +430183,6 +430184,30 +430185,30 +430186,30 +430187,30 +430188,14 +430189,14 +430190,14 +430191,14 +430192,14 +430193,14 +430194,14 +430195,14 +430196,14 +430197,14 +430198,14 +430199,6 +430200,6 +430201,6 +430202,6 +430203,6 +430204,6 +430205,6 +430206,2 +430207,2 +430208,2 +430209,2 +430210,2 +430211,2 +430212,2 +430213,40 +430214,40 +430215,40 +430216,40 +430217,40 +430218,40 +430219,40 +430220,32 +430221,32 +430222,32 +430223,32 +430224,32 +430225,32 +430226,32 +430227,32 +430228,4 +430229,4 +430230,4 +430231,4 +430232,4 +430233,4 +430234,31 +430235,31 +430236,31 +430237,31 +430238,31 +430239,31 +430240,19 +430241,19 +430242,19 +430243,19 +430244,19 +430245,19 +430246,19 +430247,19 +430248,19 +430249,19 +430250,19 +430251,19 +430252,19 +430253,0 +430254,0 +430255,0 +430256,0 +430257,0 +430258,0 +430259,0 +430260,0 +430261,0 +430262,0 +430263,0 +430264,0 +430265,0 +430266,0 +430267,0 +430268,0 +430269,0 +430270,0 +430271,0 +430272,0 +430273,0 +430274,0 +430275,0 +430276,0 +430277,0 +430278,0 +430279,0 +430280,0 +430281,0 +430282,0 +430283,0 +430284,0 +430285,0 +430286,0 +430287,0 +430288,0 +430289,0 +430290,0 +430291,0 +430292,0 +430293,0 +430294,0 +430295,0 +430296,0 +430297,0 +430298,0 +430299,0 +430300,0 +430301,0 +430302,0 +430303,0 +430304,0 +430305,0 +430306,0 +430307,0 +430308,0 +430309,0 +430310,0 +430311,0 +430312,0 +430313,0 +430314,0 +430315,0 +430316,0 +430317,0 +430318,0 +430319,0 +430320,0 +430321,0 +430322,0 +430323,0 +430324,0 +430325,0 +430326,0 +430327,0 +430328,0 +430329,0 +430330,0 +430331,0 +430332,0 +430333,0 +430334,0 +430335,0 +430336,0 +430337,0 +430338,0 +430339,0 +430340,0 +430341,0 +430342,29 +430343,29 +430344,31 +430345,31 +430346,31 +430347,31 +430348,31 +430349,6 +430350,6 +430351,6 +430352,6 +430353,6 +430354,6 +430355,6 +430356,6 +430357,6 +430358,31 +430359,31 +430360,31 +430361,31 +430362,28 +430363,28 +430364,28 +430365,28 +430366,14 +430367,14 +430368,14 +430369,14 +430370,14 +430371,14 +430372,14 +430373,14 +430374,14 +430375,14 +430376,14 +430377,14 +430378,14 +430379,19 +430380,19 +430381,39 +430382,14 +430383,14 +430384,14 +430385,14 +430386,39 +430387,39 +430388,39 +430389,39 +430390,39 +430391,39 +430392,39 +430393,36 +430394,31 +430395,27 +430396,27 +430397,27 +430398,5 +430399,5 +430400,13 +430401,5 +430402,28 +430403,5 +430404,5 +430405,5 +430406,5 +430407,5 +430408,21 +430409,21 +430410,21 +430411,21 +430412,21 +430413,21 +430414,26 +430415,26 +430416,26 +430417,26 +430418,26 +430419,26 +430420,9 +430421,26 +430422,26 +430423,9 +430424,9 +430425,4 +430426,4 +430427,4 +430428,4 +430429,27 +430430,27 +430431,27 +430432,27 +430433,27 +430434,27 +430435,27 +430436,27 +430437,5 +430438,5 +430439,5 +430440,5 +430441,19 +430442,19 +430443,19 +430444,19 +430445,19 +430446,3 +430447,31 +430448,31 +430449,31 +430450,31 +430451,31 +430452,31 +430453,31 +430454,31 +430455,27 +430456,27 +430457,27 +430458,27 +430459,27 +430460,27 +430461,27 +430462,8 +430463,8 +430464,8 +430465,8 +430466,8 +430467,8 +430468,8 +430469,8 +430470,31 +430471,31 +430472,31 +430473,31 +430474,31 +430475,31 +430476,5 +430477,5 +430478,5 +430479,5 +430480,19 +430481,19 +430482,19 +430483,19 +430484,31 +430485,31 +430486,31 +430487,31 +430488,31 +430489,31 +430490,31 +430491,12 +430492,12 +430493,12 +430494,12 +430495,12 +430496,12 +430497,12 +430498,12 +430499,12 +430500,12 +430501,26 +430502,26 +430503,9 +430504,9 +430505,4 +430506,4 +430507,4 +430508,4 +430509,4 +430510,4 +430511,25 +430512,37 +430513,37 +430514,25 +430515,25 +430516,6 +430517,6 +430518,6 +430519,6 +430520,6 +430521,6 +430522,6 +430523,6 +430524,6 +430525,6 +430526,6 +430527,6 +430528,26 +430529,26 +430530,26 +430531,26 +430532,26 +430533,26 +430534,26 +430535,26 +430536,26 +430537,2 +430538,2 +430539,2 +430540,2 +430541,2 +430542,2 +430543,2 +430544,2 +430545,2 +430546,2 +430547,2 +430548,4 +430549,4 +430550,4 +430551,4 +430552,4 +430553,3 +430554,3 +430555,3 +430556,3 +430557,3 +430558,3 +430559,3 +430560,3 +430561,3 +430562,3 +430563,28 +430564,28 +430565,28 +430566,28 +430567,28 +430568,31 +430569,28 +430570,27 +430571,27 +430572,27 +430573,27 +430574,27 +430575,5 +430576,5 +430577,5 +430578,5 +430579,12 +430580,12 +430581,12 +430582,12 +430583,12 +430584,12 +430585,12 +430586,12 +430587,31 +430588,31 +430589,31 +430590,8 +430591,8 +430592,8 +430593,8 +430594,8 +430595,8 +430596,8 +430597,8 +430598,8 +430599,8 +430600,15 +430601,15 +430602,15 +430603,15 +430604,37 +430605,37 +430606,37 +430607,37 +430608,37 +430609,37 +430610,40 +430611,40 +430612,40 +430613,40 +430614,40 +430615,19 +430616,19 +430617,19 +430618,19 +430619,19 +430620,39 +430621,39 +430622,39 +430623,39 +430624,14 +430625,39 +430626,27 +430627,39 +430628,39 +430629,39 +430630,39 +430631,39 +430632,39 +430633,31 +430634,31 +430635,31 +430636,31 +430637,31 +430638,31 +430639,31 +430640,31 +430641,2 +430642,2 +430643,2 +430644,2 +430645,2 +430646,2 +430647,2 +430648,2 +430649,2 +430650,2 +430651,2 +430652,2 +430653,2 +430654,2 +430655,2 +430656,2 +430657,2 +430658,2 +430659,3 +430660,3 +430661,3 +430662,3 +430663,3 +430664,3 +430665,3 +430666,3 +430667,3 +430668,3 +430669,5 +430670,5 +430671,5 +430672,5 +430673,27 +430674,27 +430675,27 +430676,27 +430677,27 +430678,27 +430679,27 +430680,8 +430681,8 +430682,8 +430683,8 +430684,8 +430685,8 +430686,8 +430687,8 +430688,8 +430689,27 +430690,27 +430691,27 +430692,27 +430693,27 +430694,27 +430695,27 +430696,27 +430697,2 +430698,8 +430699,8 +430700,8 +430701,8 +430702,8 +430703,8 +430704,8 +430705,8 +430706,23 +430707,23 +430708,23 +430709,23 +430710,23 +430711,23 +430712,40 +430713,40 +430714,40 +430715,40 +430716,40 +430717,30 +430718,30 +430719,30 +430720,33 +430721,33 +430722,33 +430723,33 +430724,33 +430725,33 +430726,33 +430727,33 +430728,33 +430729,33 +430730,33 +430731,33 +430732,33 +430733,12 +430734,33 +430735,33 +430736,24 +430737,24 +430738,12 +430739,12 +430740,12 +430741,12 +430742,12 +430743,12 +430744,12 +430745,25 +430746,25 +430747,25 +430748,25 +430749,25 +430750,25 +430751,25 +430752,6 +430753,6 +430754,6 +430755,6 +430756,6 +430757,6 +430758,6 +430759,6 +430760,6 +430761,6 +430762,25 +430763,25 +430764,25 +430765,25 +430766,25 +430767,25 +430768,25 +430769,25 +430770,8 +430771,8 +430772,8 +430773,8 +430774,8 +430775,8 +430776,8 +430777,8 +430778,8 +430779,8 +430780,8 +430781,8 +430782,2 +430783,2 +430784,2 +430785,2 +430786,2 +430787,2 +430788,2 +430789,2 +430790,0 +430791,0 +430792,0 +430793,0 +430794,0 +430795,0 +430796,0 +430797,0 +430798,0 +430799,0 +430800,0 +430801,0 +430802,0 +430803,0 +430804,0 +430805,0 +430806,0 +430807,0 +430808,0 +430809,0 +430810,0 +430811,0 +430812,0 +430813,0 +430814,0 +430815,0 +430816,0 +430817,0 +430818,0 +430819,0 +430820,0 +430821,0 +430822,0 +430823,0 +430824,0 +430825,0 +430826,0 +430827,0 +430828,0 +430829,0 +430830,0 +430831,0 +430832,0 +430833,0 +430834,0 +430835,0 +430836,0 +430837,0 +430838,0 +430839,31 +430840,31 +430841,31 +430842,31 +430843,31 +430844,31 +430845,19 +430846,19 +430847,28 +430848,28 +430849,28 +430850,10 +430851,10 +430852,10 +430853,10 +430854,10 +430855,10 +430856,10 +430857,10 +430858,10 +430859,10 +430860,24 +430861,28 +430862,28 +430863,28 +430864,6 +430865,28 +430866,28 +430867,13 +430868,13 +430869,5 +430870,5 +430871,13 +430872,5 +430873,5 +430874,5 +430875,5 +430876,5 +430877,0 +430878,0 +430879,0 +430880,0 +430881,0 +430882,0 +430883,0 +430884,0 +430885,0 +430886,35 +430887,35 +430888,35 +430889,35 +430890,35 +430891,35 +430892,32 +430893,32 +430894,35 +430895,35 +430896,35 +430897,35 +430898,35 +430899,35 +430900,35 +430901,35 +430902,35 +430903,35 +430904,35 +430905,35 +430906,35 +430907,35 +430908,35 +430909,35 +430910,25 +430911,25 +430912,25 +430913,25 +430914,25 +430915,25 +430916,25 +430917,25 +430918,25 +430919,25 +430920,25 +430921,25 +430922,25 +430923,25 +430924,4 +430925,4 +430926,4 +430927,4 +430928,4 +430929,25 +430930,25 +430931,7 +430932,7 +430933,7 +430934,7 +430935,7 +430936,7 +430937,7 +430938,7 +430939,7 +430940,3 +430941,3 +430942,3 +430943,3 +430944,3 +430945,3 +430946,3 +430947,3 +430948,3 +430949,3 +430950,30 +430951,30 +430952,30 +430953,30 +430954,30 +430955,30 +430956,30 +430957,30 +430958,10 +430959,10 +430960,10 +430961,10 +430962,10 +430963,10 +430964,10 +430965,10 +430966,10 +430967,10 +430968,10 +430969,10 +430970,4 +430971,4 +430972,4 +430973,4 +430974,6 +430975,6 +430976,6 +430977,6 +430978,30 +430979,30 +430980,30 +430981,30 +430982,30 +430983,30 +430984,27 +430985,27 +430986,27 +430987,27 +430988,27 +430989,27 +430990,27 +430991,27 +430992,27 +430993,27 +430994,27 +430995,27 +430996,8 +430997,8 +430998,8 +430999,31 +431000,2 +431001,2 +431002,2 +431003,2 +431004,2 +431005,2 +431006,2 +431007,2 +431008,2 +431009,2 +431010,2 +431011,2 +431012,2 +431013,2 +431014,2 +431015,2 +431016,2 +431017,2 +431018,2 +431019,2 +431020,2 +431021,2 +431022,2 +431023,2 +431024,2 +431025,2 +431026,0 +431027,0 +431028,0 +431029,0 +431030,0 +431031,0 +431032,0 +431033,0 +431034,0 +431035,0 +431036,0 +431037,0 +431038,0 +431039,0 +431040,0 +431041,0 +431042,0 +431043,0 +431044,0 +431045,0 +431046,0 +431047,0 +431048,0 +431049,0 +431050,0 +431051,0 +431052,0 +431053,0 +431054,0 +431055,0 +431056,0 +431057,0 +431058,0 +431059,0 +431060,0 +431061,0 +431062,0 +431063,0 +431064,0 +431065,0 +431066,0 +431067,0 +431068,0 +431069,0 +431070,0 +431071,0 +431072,0 +431073,0 +431074,0 +431075,0 +431076,0 +431077,0 +431078,0 +431079,0 +431080,0 +431081,0 +431082,0 +431083,0 +431084,0 +431085,0 +431086,0 +431087,0 +431088,0 +431089,0 +431090,0 +431091,0 +431092,0 +431093,0 +431094,0 +431095,0 +431096,0 +431097,0 +431098,12 +431099,12 +431100,12 +431101,12 +431102,12 +431103,12 +431104,27 +431105,27 +431106,27 +431107,27 +431108,39 +431109,38 +431110,38 +431111,38 +431112,38 +431113,38 +431114,38 +431115,38 +431116,38 +431117,38 +431118,38 +431119,38 +431120,26 +431121,26 +431122,9 +431123,9 +431124,9 +431125,9 +431126,9 +431127,9 +431128,9 +431129,4 +431130,4 +431131,4 +431132,4 +431133,4 +431134,4 +431135,29 +431136,29 +431137,29 +431138,31 +431139,31 +431140,31 +431141,31 +431142,31 +431143,24 +431144,24 +431145,24 +431146,19 +431147,29 +431148,29 +431149,14 +431150,14 +431151,14 +431152,14 +431153,14 +431154,14 +431155,14 +431156,14 +431157,14 +431158,28 +431159,28 +431160,28 +431161,28 +431162,28 +431163,28 +431164,28 +431165,27 +431166,27 +431167,27 +431168,27 +431169,27 +431170,27 +431171,2 +431172,2 +431173,2 +431174,8 +431175,8 +431176,8 +431177,8 +431178,4 +431179,4 +431180,4 +431181,4 +431182,4 +431183,4 +431184,4 +431185,31 +431186,31 +431187,31 +431188,31 +431189,31 +431190,31 +431191,31 +431192,15 +431193,15 +431194,15 +431195,6 +431196,6 +431197,6 +431198,6 +431199,6 +431200,6 +431201,6 +431202,4 +431203,4 +431204,0 +431205,4 +431206,4 +431207,4 +431208,4 +431209,4 +431210,4 +431211,4 +431212,3 +431213,3 +431214,3 +431215,3 +431216,3 +431217,3 +431218,3 +431219,3 +431220,3 +431221,3 +431222,3 +431223,3 +431224,35 +431225,31 +431226,3 +431227,37 +431228,37 +431229,37 +431230,37 +431231,31 +431232,31 +431233,31 +431234,31 +431235,31 +431236,4 +431237,4 +431238,2 +431239,2 +431240,2 +431241,4 +431242,4 +431243,4 +431244,4 +431245,4 +431246,4 +431247,37 +431248,37 +431249,37 +431250,37 +431251,39 +431252,39 +431253,39 +431254,39 +431255,39 +431256,39 +431257,39 +431258,39 +431259,39 +431260,39 +431261,31 +431262,31 +431263,31 +431264,31 +431265,24 +431266,24 +431267,24 +431268,24 +431269,29 +431270,29 +431271,29 +431272,39 +431273,39 +431274,39 +431275,39 +431276,39 +431277,39 +431278,39 +431279,39 +431280,39 +431281,26 +431282,26 +431283,26 +431284,26 +431285,26 +431286,9 +431287,9 +431288,9 +431289,9 +431290,9 +431291,26 +431292,9 +431293,26 +431294,9 +431295,23 +431296,23 +431297,23 +431298,23 +431299,23 +431300,23 +431301,23 +431302,23 +431303,31 +431304,31 +431305,31 +431306,31 +431307,2 +431308,2 +431309,2 +431310,2 +431311,2 +431312,2 +431313,2 +431314,2 +431315,2 +431316,8 +431317,25 +431318,2 +431319,25 +431320,25 +431321,25 +431322,25 +431323,25 +431324,25 +431325,25 +431326,25 +431327,25 +431328,25 +431329,8 +431330,8 +431331,8 +431332,8 +431333,2 +431334,2 +431335,8 +431336,8 +431337,8 +431338,8 +431339,8 +431340,8 +431341,0 +431342,0 +431343,0 +431344,0 +431345,0 +431346,0 +431347,0 +431348,0 +431349,0 +431350,0 +431351,0 +431352,0 +431353,0 +431354,0 +431355,0 +431356,0 +431357,0 +431358,0 +431359,0 +431360,0 +431361,33 +431362,33 +431363,0 +431364,0 +431365,35 +431366,35 +431367,35 +431368,35 +431369,3 +431370,3 +431371,3 +431372,3 +431373,3 +431374,3 +431375,3 +431376,3 +431377,3 +431378,3 +431379,3 +431380,3 +431381,3 +431382,3 +431383,3 +431384,3 +431385,37 +431386,37 +431387,37 +431388,31 +431389,31 +431390,31 +431391,37 +431392,37 +431393,37 +431394,37 +431395,37 +431396,37 +431397,37 +431398,37 +431399,37 +431400,36 +431401,36 +431402,36 +431403,36 +431404,36 +431405,36 +431406,36 +431407,36 +431408,36 +431409,29 +431410,29 +431411,29 +431412,29 +431413,29 +431414,29 +431415,25 +431416,25 +431417,25 +431418,25 +431419,25 +431420,25 +431421,25 +431422,25 +431423,11 +431424,11 +431425,11 +431426,11 +431427,11 +431428,11 +431429,11 +431430,11 +431431,11 +431432,11 +431433,11 +431434,11 +431435,11 +431436,11 +431437,11 +431438,11 +431439,9 +431440,9 +431441,9 +431442,9 +431443,9 +431444,37 +431445,37 +431446,37 +431447,37 +431448,35 +431449,35 +431450,4 +431451,4 +431452,4 +431453,4 +431454,4 +431455,25 +431456,25 +431457,25 +431458,25 +431459,25 +431460,25 +431461,25 +431462,25 +431463,25 +431464,25 +431465,25 +431466,27 +431467,27 +431468,27 +431469,27 +431470,27 +431471,5 +431472,5 +431473,5 +431474,5 +431475,19 +431476,19 +431477,19 +431478,19 +431479,23 +431480,23 +431481,23 +431482,23 +431483,23 +431484,23 +431485,23 +431486,23 +431487,23 +431488,2 +431489,2 +431490,23 +431491,40 +431492,40 +431493,40 +431494,40 +431495,40 +431496,40 +431497,40 +431498,40 +431499,40 +431500,37 +431501,37 +431502,37 +431503,37 +431504,37 +431505,37 +431506,37 +431507,37 +431508,37 +431509,37 +431510,37 +431511,37 +431512,37 +431513,37 +431514,37 +431515,37 +431516,37 +431517,37 +431518,37 +431519,37 +431520,37 +431521,37 +431522,37 +431523,37 +431524,37 +431525,25 +431526,0 +431527,0 +431528,0 +431529,0 +431530,0 +431531,0 +431532,0 +431533,0 +431534,0 +431535,0 +431536,0 +431537,0 +431538,0 +431539,0 +431540,0 +431541,0 +431542,0 +431543,0 +431544,0 +431545,0 +431546,29 +431547,29 +431548,29 +431549,29 +431550,29 +431551,29 +431552,29 +431553,29 +431554,33 +431555,33 +431556,33 +431557,33 +431558,33 +431559,33 +431560,33 +431561,33 +431562,33 +431563,33 +431564,33 +431565,33 +431566,33 +431567,33 +431568,33 +431569,33 +431570,33 +431571,33 +431572,33 +431573,33 +431574,33 +431575,19 +431576,19 +431577,19 +431578,19 +431579,19 +431580,19 +431581,19 +431582,19 +431583,19 +431584,9 +431585,9 +431586,9 +431587,9 +431588,9 +431589,9 +431590,9 +431591,9 +431592,9 +431593,9 +431594,9 +431595,26 +431596,26 +431597,5 +431598,5 +431599,5 +431600,5 +431601,5 +431602,5 +431603,24 +431604,24 +431605,24 +431606,24 +431607,24 +431608,27 +431609,27 +431610,27 +431611,27 +431612,27 +431613,27 +431614,38 +431615,38 +431616,38 +431617,38 +431618,38 +431619,38 +431620,30 +431621,30 +431622,30 +431623,30 +431624,30 +431625,30 +431626,30 +431627,30 +431628,30 +431629,30 +431630,30 +431631,26 +431632,26 +431633,26 +431634,26 +431635,26 +431636,26 +431637,26 +431638,26 +431639,26 +431640,26 +431641,37 +431642,37 +431643,37 +431644,37 +431645,37 +431646,37 +431647,18 +431648,18 +431649,18 +431650,18 +431651,18 +431652,19 +431653,19 +431654,19 +431655,19 +431656,19 +431657,19 +431658,19 +431659,19 +431660,19 +431661,19 +431662,19 +431663,19 +431664,15 +431665,15 +431666,15 +431667,39 +431668,27 +431669,27 +431670,27 +431671,27 +431672,27 +431673,27 +431674,27 +431675,27 +431676,27 +431677,27 +431678,27 +431679,37 +431680,37 +431681,37 +431682,37 +431683,37 +431684,37 +431685,37 +431686,37 +431687,37 +431688,37 +431689,25 +431690,19 +431691,19 +431692,19 +431693,19 +431694,19 +431695,19 +431696,19 +431697,19 +431698,2 +431699,2 +431700,2 +431701,2 +431702,2 +431703,2 +431704,2 +431705,2 +431706,2 +431707,2 +431708,2 +431709,2 +431710,2 +431711,2 +431712,2 +431713,2 +431714,0 +431715,0 +431716,0 +431717,0 +431718,0 +431719,0 +431720,0 +431721,0 +431722,0 +431723,0 +431724,0 +431725,0 +431726,0 +431727,0 +431728,0 +431729,0 +431730,0 +431731,0 +431732,0 +431733,0 +431734,0 +431735,0 +431736,0 +431737,0 +431738,0 +431739,0 +431740,0 +431741,0 +431742,0 +431743,2 +431744,23 +431745,23 +431746,23 +431747,23 +431748,23 +431749,23 +431750,23 +431751,23 +431752,23 +431753,23 +431754,23 +431755,25 +431756,25 +431757,25 +431758,25 +431759,25 +431760,25 +431761,25 +431762,25 +431763,25 +431764,25 +431765,29 +431766,29 +431767,29 +431768,31 +431769,31 +431770,31 +431771,30 +431772,30 +431773,30 +431774,30 +431775,30 +431776,30 +431777,30 +431778,30 +431779,30 +431780,30 +431781,30 +431782,30 +431783,14 +431784,14 +431785,14 +431786,14 +431787,14 +431788,14 +431789,14 +431790,14 +431791,14 +431792,14 +431793,14 +431794,19 +431795,19 +431796,19 +431797,39 +431798,39 +431799,39 +431800,39 +431801,39 +431802,39 +431803,39 +431804,39 +431805,39 +431806,39 +431807,8 +431808,8 +431809,8 +431810,8 +431811,8 +431812,8 +431813,31 +431814,31 +431815,31 +431816,31 +431817,31 +431818,31 +431819,24 +431820,24 +431821,24 +431822,24 +431823,25 +431824,25 +431825,25 +431826,25 +431827,25 +431828,25 +431829,25 +431830,25 +431831,37 +431832,37 +431833,37 +431834,37 +431835,37 +431836,32 +431837,32 +431838,32 +431839,32 +431840,32 +431841,32 +431842,32 +431843,32 +431844,32 +431845,32 +431846,32 +431847,32 +431848,26 +431849,26 +431850,26 +431851,26 +431852,26 +431853,37 +431854,37 +431855,37 +431856,37 +431857,37 +431858,37 +431859,19 +431860,19 +431861,19 +431862,19 +431863,39 +431864,39 +431865,39 +431866,39 +431867,39 +431868,39 +431869,39 +431870,39 +431871,39 +431872,39 +431873,39 +431874,39 +431875,39 +431876,39 +431877,39 +431878,39 +431879,39 +431880,0 +431881,0 +431882,0 +431883,0 +431884,0 +431885,0 +431886,0 +431887,0 +431888,0 +431889,0 +431890,0 +431891,0 +431892,0 +431893,0 +431894,0 +431895,0 +431896,0 +431897,0 +431898,0 +431899,0 +431900,0 +431901,0 +431902,0 +431903,0 +431904,0 +431905,0 +431906,0 +431907,0 +431908,0 +431909,0 +431910,0 +431911,0 +431912,0 +431913,0 +431914,0 +431915,0 +431916,0 +431917,0 +431918,0 +431919,0 +431920,0 +431921,0 +431922,0 +431923,0 +431924,0 +431925,0 +431926,0 +431927,0 +431928,0 +431929,0 +431930,0 +431931,0 +431932,0 +431933,0 +431934,0 +431935,0 +431936,0 +431937,0 +431938,28 +431939,28 +431940,28 +431941,28 +431942,28 +431943,28 +431944,28 +431945,28 +431946,27 +431947,27 +431948,27 +431949,27 +431950,27 +431951,2 +431952,2 +431953,2 +431954,2 +431955,2 +431956,2 +431957,2 +431958,2 +431959,2 +431960,2 +431961,27 +431962,31 +431963,31 +431964,31 +431965,27 +431966,27 +431967,27 +431968,2 +431969,2 +431970,2 +431971,2 +431972,2 +431973,2 +431974,2 +431975,4 +431976,30 +431977,31 +431978,4 +431979,4 +431980,30 +431981,30 +431982,31 +431983,31 +431984,31 +431985,31 +431986,31 +431987,31 +431988,31 +431989,31 +431990,31 +431991,31 +431992,31 +431993,29 +431994,29 +431995,29 +431996,29 +431997,29 +431998,29 +431999,29 +432000,29 +432001,29 +432002,31 +432003,33 +432004,33 +432005,33 +432006,33 +432007,33 +432008,33 +432009,33 +432010,33 +432011,33 +432012,33 +432013,33 +432014,33 +432015,33 +432016,8 +432017,8 +432018,8 +432019,8 +432020,8 +432021,8 +432022,8 +432023,2 +432024,2 +432025,2 +432026,2 +432027,28 +432028,28 +432029,28 +432030,28 +432031,28 +432032,28 +432033,40 +432034,40 +432035,40 +432036,40 +432037,5 +432038,5 +432039,5 +432040,5 +432041,5 +432042,4 +432043,4 +432044,4 +432045,4 +432046,4 +432047,31 +432048,31 +432049,31 +432050,31 +432051,31 +432052,31 +432053,31 +432054,31 +432055,28 +432056,28 +432057,28 +432058,28 +432059,28 +432060,28 +432061,28 +432062,10 +432063,10 +432064,10 +432065,10 +432066,10 +432067,10 +432068,10 +432069,10 +432070,10 +432071,10 +432072,11 +432073,11 +432074,11 +432075,11 +432076,11 +432077,11 +432078,11 +432079,11 +432080,11 +432081,11 +432082,11 +432083,11 +432084,31 +432085,31 +432086,31 +432087,31 +432088,31 +432089,31 +432090,5 +432091,5 +432092,5 +432093,5 +432094,5 +432095,5 +432096,5 +432097,8 +432098,8 +432099,8 +432100,8 +432101,8 +432102,8 +432103,8 +432104,12 +432105,12 +432106,12 +432107,12 +432108,12 +432109,25 +432110,25 +432111,25 +432112,25 +432113,25 +432114,2 +432115,2 +432116,2 +432117,2 +432118,2 +432119,2 +432120,2 +432121,31 +432122,31 +432123,31 +432124,31 +432125,31 +432126,23 +432127,23 +432128,23 +432129,23 +432130,23 +432131,23 +432132,23 +432133,23 +432134,23 +432135,23 +432136,27 +432137,27 +432138,27 +432139,27 +432140,11 +432141,11 +432142,11 +432143,11 +432144,11 +432145,11 +432146,11 +432147,11 +432148,11 +432149,31 +432150,31 +432151,31 +432152,5 +432153,5 +432154,5 +432155,5 +432156,5 +432157,5 +432158,5 +432159,19 +432160,5 +432161,5 +432162,30 +432163,30 +432164,14 +432165,14 +432166,39 +432167,39 +432168,39 +432169,39 +432170,24 +432171,24 +432172,24 +432173,24 +432174,40 +432175,40 +432176,40 +432177,40 +432178,40 +432179,40 +432180,40 +432181,40 +432182,37 +432183,37 +432184,37 +432185,37 +432186,37 +432187,37 +432188,37 +432189,37 +432190,37 +432191,39 +432192,39 +432193,39 +432194,39 +432195,39 +432196,39 +432197,39 +432198,39 +432199,31 +432200,31 +432201,31 +432202,31 +432203,31 +432204,31 +432205,27 +432206,27 +432207,27 +432208,31 +432209,31 +432210,31 +432211,31 +432212,31 +432213,2 +432214,2 +432215,2 +432216,2 +432217,2 +432218,2 +432219,2 +432220,2 +432221,2 +432222,2 +432223,2 +432224,2 +432225,2 +432226,2 +432227,2 +432228,2 +432229,2 +432230,2 +432231,2 +432232,2 +432233,2 +432234,2 +432235,2 +432236,2 +432237,2 +432238,0 +432239,0 +432240,0 +432241,0 +432242,0 +432243,0 +432244,0 +432245,0 +432246,0 +432247,0 +432248,0 +432249,0 +432250,0 +432251,0 +432252,0 +432253,0 +432254,0 +432255,0 +432256,0 +432257,0 +432258,0 +432259,0 +432260,0 +432261,0 +432262,0 +432263,0 +432264,0 +432265,0 +432266,0 +432267,0 +432268,0 +432269,0 +432270,0 +432271,0 +432272,0 +432273,0 +432274,0 +432275,0 +432276,0 +432277,0 +432278,0 +432279,0 +432280,0 +432281,0 +432282,0 +432283,0 +432284,0 +432285,0 +432286,0 +432287,0 +432288,0 +432289,0 +432290,0 +432291,0 +432292,0 +432293,0 +432294,0 +432295,0 +432296,0 +432297,0 +432298,0 +432299,0 +432300,0 +432301,0 +432302,0 +432303,0 +432304,0 +432305,0 +432306,0 +432307,0 +432308,0 +432309,0 +432310,0 +432311,0 +432312,0 +432313,0 +432314,0 +432315,0 +432316,0 +432317,0 +432318,0 +432319,0 +432320,0 +432321,0 +432322,0 +432323,0 +432324,0 +432325,0 +432326,0 +432327,0 +432328,0 +432329,0 +432330,0 +432331,0 +432332,0 +432333,0 +432334,0 +432335,0 +432336,0 +432337,0 +432338,0 +432339,0 +432340,0 +432341,36 +432342,36 +432343,36 +432344,36 +432345,36 +432346,5 +432347,5 +432348,19 +432349,19 +432350,19 +432351,19 +432352,19 +432353,2 +432354,2 +432355,2 +432356,2 +432357,2 +432358,2 +432359,2 +432360,8 +432361,15 +432362,15 +432363,15 +432364,32 +432365,32 +432366,15 +432367,10 +432368,10 +432369,10 +432370,10 +432371,10 +432372,10 +432373,10 +432374,10 +432375,10 +432376,10 +432377,19 +432378,19 +432379,19 +432380,19 +432381,31 +432382,31 +432383,31 +432384,31 +432385,24 +432386,24 +432387,24 +432388,24 +432389,24 +432390,24 +432391,27 +432392,27 +432393,27 +432394,27 +432395,27 +432396,8 +432397,8 +432398,8 +432399,8 +432400,8 +432401,8 +432402,8 +432403,6 +432404,6 +432405,6 +432406,6 +432407,6 +432408,6 +432409,6 +432410,6 +432411,6 +432412,6 +432413,6 +432414,25 +432415,25 +432416,25 +432417,25 +432418,25 +432419,25 +432420,25 +432421,25 +432422,25 +432423,25 +432424,25 +432425,19 +432426,19 +432427,11 +432428,11 +432429,11 +432430,11 +432431,11 +432432,11 +432433,11 +432434,11 +432435,39 +432436,39 +432437,39 +432438,39 +432439,39 +432440,6 +432441,6 +432442,6 +432443,6 +432444,6 +432445,6 +432446,6 +432447,27 +432448,27 +432449,27 +432450,27 +432451,27 +432452,4 +432453,4 +432454,4 +432455,4 +432456,39 +432457,39 +432458,39 +432459,39 +432460,39 +432461,39 +432462,39 +432463,39 +432464,39 +432465,39 +432466,39 +432467,39 +432468,39 +432469,39 +432470,39 +432471,5 +432472,4 +432473,5 +432474,5 +432475,5 +432476,5 +432477,5 +432478,33 +432479,33 +432480,33 +432481,33 +432482,33 +432483,33 +432484,33 +432485,30 +432486,30 +432487,30 +432488,30 +432489,30 +432490,30 +432491,30 +432492,30 +432493,30 +432494,30 +432495,30 +432496,30 +432497,31 +432498,31 +432499,31 +432500,31 +432501,31 +432502,31 +432503,5 +432504,5 +432505,5 +432506,5 +432507,5 +432508,5 +432509,11 +432510,11 +432511,11 +432512,11 +432513,11 +432514,11 +432515,11 +432516,11 +432517,11 +432518,11 +432519,31 +432520,31 +432521,31 +432522,5 +432523,5 +432524,5 +432525,5 +432526,5 +432527,5 +432528,29 +432529,29 +432530,40 +432531,40 +432532,40 +432533,40 +432534,40 +432535,40 +432536,4 +432537,4 +432538,4 +432539,4 +432540,4 +432541,4 +432542,4 +432543,28 +432544,28 +432545,28 +432546,28 +432547,40 +432548,27 +432549,40 +432550,40 +432551,40 +432552,40 +432553,40 +432554,37 +432555,37 +432556,37 +432557,37 +432558,37 +432559,30 +432560,30 +432561,30 +432562,30 +432563,30 +432564,30 +432565,39 +432566,39 +432567,39 +432568,39 +432569,39 +432570,39 +432571,2 +432572,2 +432573,2 +432574,2 +432575,2 +432576,2 +432577,2 +432578,2 +432579,2 +432580,2 +432581,2 +432582,2 +432583,2 +432584,2 +432585,2 +432586,27 +432587,27 +432588,27 +432589,4 +432590,4 +432591,32 +432592,32 +432593,4 +432594,4 +432595,4 +432596,4 +432597,4 +432598,4 +432599,0 +432600,32 +432601,38 +432602,32 +432603,32 +432604,27 +432605,31 +432606,31 +432607,31 +432608,31 +432609,31 +432610,8 +432611,8 +432612,6 +432613,6 +432614,6 +432615,6 +432616,6 +432617,34 +432618,26 +432619,26 +432620,26 +432621,26 +432622,26 +432623,26 +432624,26 +432625,26 +432626,26 +432627,26 +432628,9 +432629,9 +432630,9 +432631,2 +432632,2 +432633,2 +432634,2 +432635,2 +432636,2 +432637,2 +432638,2 +432639,2 +432640,2 +432641,2 +432642,2 +432643,2 +432644,2 +432645,31 +432646,31 +432647,31 +432648,31 +432649,24 +432650,24 +432651,24 +432652,24 +432653,24 +432654,24 +432655,24 +432656,12 +432657,12 +432658,12 +432659,12 +432660,12 +432661,9 +432662,30 +432663,30 +432664,9 +432665,9 +432666,9 +432667,10 +432668,10 +432669,10 +432670,10 +432671,10 +432672,10 +432673,10 +432674,10 +432675,10 +432676,10 +432677,10 +432678,10 +432679,10 +432680,10 +432681,10 +432682,10 +432683,5 +432684,5 +432685,5 +432686,5 +432687,5 +432688,5 +432689,5 +432690,5 +432691,5 +432692,5 +432693,0 +432694,0 +432695,0 +432696,0 +432697,0 +432698,0 +432699,0 +432700,0 +432701,0 +432702,0 +432703,0 +432704,0 +432705,0 +432706,0 +432707,0 +432708,0 +432709,0 +432710,0 +432711,0 +432712,0 +432713,0 +432714,0 +432715,0 +432716,0 +432717,0 +432718,0 +432719,0 +432720,0 +432721,0 +432722,0 +432723,0 +432724,0 +432725,0 +432726,0 +432727,0 +432728,0 +432729,0 +432730,0 +432731,0 +432732,0 +432733,0 +432734,0 +432735,0 +432736,0 +432737,0 +432738,0 +432739,0 +432740,0 +432741,0 +432742,0 +432743,0 +432744,0 +432745,0 +432746,0 +432747,0 +432748,2 +432749,2 +432750,2 +432751,2 +432752,2 +432753,2 +432754,2 +432755,2 +432756,2 +432757,2 +432758,2 +432759,2 +432760,2 +432761,2 +432762,2 +432763,9 +432764,9 +432765,9 +432766,9 +432767,9 +432768,9 +432769,9 +432770,9 +432771,9 +432772,9 +432773,9 +432774,9 +432775,9 +432776,9 +432777,9 +432778,26 +432779,13 +432780,13 +432781,13 +432782,13 +432783,13 +432784,6 +432785,6 +432786,6 +432787,6 +432788,6 +432789,31 +432790,31 +432791,31 +432792,31 +432793,31 +432794,30 +432795,30 +432796,30 +432797,30 +432798,30 +432799,30 +432800,30 +432801,30 +432802,18 +432803,18 +432804,18 +432805,18 +432806,18 +432807,18 +432808,18 +432809,18 +432810,18 +432811,26 +432812,26 +432813,26 +432814,26 +432815,26 +432816,26 +432817,26 +432818,26 +432819,26 +432820,26 +432821,26 +432822,26 +432823,5 +432824,5 +432825,5 +432826,5 +432827,5 +432828,5 +432829,30 +432830,31 +432831,31 +432832,31 +432833,31 +432834,30 +432835,30 +432836,30 +432837,30 +432838,30 +432839,30 +432840,30 +432841,30 +432842,26 +432843,9 +432844,9 +432845,9 +432846,9 +432847,9 +432848,9 +432849,26 +432850,37 +432851,37 +432852,37 +432853,37 +432854,28 +432855,28 +432856,28 +432857,28 +432858,28 +432859,29 +432860,29 +432861,29 +432862,35 +432863,35 +432864,27 +432865,27 +432866,27 +432867,27 +432868,27 +432869,27 +432870,27 +432871,8 +432872,8 +432873,8 +432874,27 +432875,27 +432876,27 +432877,27 +432878,27 +432879,27 +432880,27 +432881,27 +432882,27 +432883,8 +432884,8 +432885,8 +432886,8 +432887,8 +432888,8 +432889,8 +432890,32 +432891,32 +432892,32 +432893,32 +432894,32 +432895,32 +432896,32 +432897,32 +432898,32 +432899,32 +432900,32 +432901,32 +432902,32 +432903,34 +432904,34 +432905,34 +432906,34 +432907,34 +432908,34 +432909,34 +432910,34 +432911,34 +432912,30 +432913,30 +432914,30 +432915,30 +432916,30 +432917,25 +432918,25 +432919,25 +432920,25 +432921,25 +432922,25 +432923,25 +432924,25 +432925,31 +432926,31 +432927,31 +432928,31 +432929,31 +432930,31 +432931,31 +432932,5 +432933,5 +432934,5 +432935,5 +432936,5 +432937,2 +432938,2 +432939,2 +432940,2 +432941,2 +432942,2 +432943,2 +432944,2 +432945,2 +432946,2 +432947,2 +432948,31 +432949,31 +432950,31 +432951,31 +432952,27 +432953,2 +432954,2 +432955,2 +432956,2 +432957,2 +432958,2 +432959,2 +432960,2 +432961,2 +432962,4 +432963,4 +432964,4 +432965,4 +432966,4 +432967,4 +432968,31 +432969,31 +432970,31 +432971,31 +432972,4 +432973,24 +432974,24 +432975,24 +432976,24 +432977,24 +432978,29 +432979,29 +432980,29 +432981,31 +432982,31 +432983,31 +432984,31 +432985,31 +432986,35 +432987,35 +432988,35 +432989,35 +432990,35 +432991,35 +432992,35 +432993,39 +432994,39 +432995,39 +432996,27 +432997,39 +432998,39 +432999,4 +433000,4 +433001,4 +433002,4 +433003,4 +433004,4 +433005,4 +433006,4 +433007,4 +433008,14 +433009,14 +433010,14 +433011,14 +433012,14 +433013,14 +433014,14 +433015,6 +433016,6 +433017,6 +433018,6 +433019,6 +433020,6 +433021,6 +433022,6 +433023,31 +433024,31 +433025,31 +433026,31 +433027,31 +433028,2 +433029,2 +433030,2 +433031,2 +433032,2 +433033,2 +433034,2 +433035,2 +433036,2 +433037,2 +433038,2 +433039,2 +433040,2 +433041,39 +433042,39 +433043,39 +433044,39 +433045,39 +433046,39 +433047,39 +433048,39 +433049,39 +433050,4 +433051,4 +433052,4 +433053,27 +433054,27 +433055,27 +433056,27 +433057,27 +433058,27 +433059,28 +433060,28 +433061,28 +433062,28 +433063,28 +433064,28 +433065,27 +433066,31 +433067,31 +433068,6 +433069,6 +433070,6 +433071,6 +433072,6 +433073,6 +433074,6 +433075,6 +433076,6 +433077,6 +433078,6 +433079,6 +433080,6 +433081,40 +433082,40 +433083,40 +433084,40 +433085,40 +433086,40 +433087,37 +433088,37 +433089,37 +433090,37 +433091,37 +433092,37 +433093,37 +433094,25 +433095,25 +433096,37 +433097,25 +433098,25 +433099,25 +433100,25 +433101,25 +433102,25 +433103,18 +433104,18 +433105,18 +433106,18 +433107,18 +433108,18 +433109,18 +433110,18 +433111,31 +433112,31 +433113,31 +433114,31 +433115,31 +433116,31 +433117,31 +433118,29 +433119,29 +433120,29 +433121,29 +433122,29 +433123,29 +433124,29 +433125,29 +433126,31 +433127,31 +433128,31 +433129,37 +433130,37 +433131,37 +433132,37 +433133,37 +433134,37 +433135,37 +433136,37 +433137,37 +433138,39 +433139,39 +433140,39 +433141,39 +433142,4 +433143,4 +433144,4 +433145,4 +433146,4 +433147,4 +433148,4 +433149,4 +433150,4 +433151,4 +433152,4 +433153,4 +433154,4 +433155,4 +433156,25 +433157,25 +433158,25 +433159,25 +433160,25 +433161,25 +433162,25 +433163,25 +433164,25 +433165,5 +433166,5 +433167,21 +433168,21 +433169,21 +433170,18 +433171,18 +433172,18 +433173,18 +433174,18 +433175,18 +433176,18 +433177,25 +433178,25 +433179,25 +433180,25 +433181,25 +433182,25 +433183,25 +433184,25 +433185,25 +433186,25 +433187,25 +433188,19 +433189,19 +433190,19 +433191,19 +433192,19 +433193,19 +433194,39 +433195,39 +433196,39 +433197,39 +433198,39 +433199,39 +433200,39 +433201,39 +433202,39 +433203,39 +433204,39 +433205,39 +433206,0 +433207,0 +433208,0 +433209,0 +433210,0 +433211,0 +433212,0 +433213,0 +433214,0 +433215,0 +433216,0 +433217,0 +433218,0 +433219,0 +433220,0 +433221,0 +433222,0 +433223,0 +433224,0 +433225,0 +433226,0 +433227,0 +433228,0 +433229,0 +433230,0 +433231,0 +433232,0 +433233,0 +433234,0 +433235,0 +433236,0 +433237,0 +433238,0 +433239,0 +433240,0 +433241,0 +433242,0 +433243,0 +433244,0 +433245,0 +433246,0 +433247,0 +433248,0 +433249,0 +433250,0 +433251,0 +433252,0 +433253,0 +433254,0 +433255,0 +433256,0 +433257,0 +433258,0 +433259,0 +433260,0 +433261,0 +433262,0 +433263,0 +433264,0 +433265,0 +433266,0 +433267,0 +433268,0 +433269,0 +433270,0 +433271,0 +433272,0 +433273,31 +433274,31 +433275,31 +433276,31 +433277,31 +433278,31 +433279,31 +433280,31 +433281,6 +433282,6 +433283,6 +433284,6 +433285,6 +433286,6 +433287,6 +433288,6 +433289,6 +433290,6 +433291,6 +433292,31 +433293,31 +433294,26 +433295,26 +433296,26 +433297,26 +433298,26 +433299,28 +433300,28 +433301,28 +433302,28 +433303,38 +433304,38 +433305,38 +433306,38 +433307,38 +433308,38 +433309,38 +433310,31 +433311,31 +433312,31 +433313,31 +433314,31 +433315,5 +433316,5 +433317,5 +433318,5 +433319,5 +433320,5 +433321,7 +433322,7 +433323,7 +433324,39 +433325,39 +433326,39 +433327,39 +433328,39 +433329,39 +433330,39 +433331,39 +433332,39 +433333,39 +433334,39 +433335,39 +433336,15 +433337,15 +433338,15 +433339,15 +433340,15 +433341,15 +433342,15 +433343,15 +433344,15 +433345,10 +433346,10 +433347,10 +433348,10 +433349,10 +433350,10 +433351,10 +433352,10 +433353,10 +433354,34 +433355,4 +433356,4 +433357,4 +433358,4 +433359,4 +433360,4 +433361,9 +433362,9 +433363,9 +433364,9 +433365,9 +433366,9 +433367,9 +433368,9 +433369,9 +433370,9 +433371,9 +433372,9 +433373,9 +433374,9 +433375,9 +433376,9 +433377,30 +433378,30 +433379,30 +433380,30 +433381,30 +433382,30 +433383,30 +433384,30 +433385,2 +433386,23 +433387,23 +433388,23 +433389,2 +433390,30 +433391,30 +433392,30 +433393,30 +433394,30 +433395,30 +433396,30 +433397,30 +433398,30 +433399,30 +433400,30 +433401,30 +433402,30 +433403,30 +433404,30 +433405,39 +433406,39 +433407,39 +433408,39 +433409,39 +433410,39 +433411,39 +433412,39 +433413,39 +433414,27 +433415,27 +433416,27 +433417,27 +433418,27 +433419,27 +433420,27 +433421,13 +433422,13 +433423,13 +433424,13 +433425,13 +433426,13 +433427,13 +433428,13 +433429,13 +433430,28 +433431,28 +433432,28 +433433,28 +433434,28 +433435,28 +433436,28 +433437,36 +433438,36 +433439,36 +433440,40 +433441,40 +433442,36 +433443,36 +433444,36 +433445,36 +433446,36 +433447,5 +433448,5 +433449,5 +433450,5 +433451,5 +433452,31 +433453,31 +433454,31 +433455,31 +433456,31 +433457,24 +433458,24 +433459,24 +433460,24 +433461,24 +433462,24 +433463,29 +433464,29 +433465,29 +433466,29 +433467,29 +433468,31 +433469,31 +433470,31 +433471,31 +433472,4 +433473,19 +433474,4 +433475,4 +433476,19 +433477,19 +433478,19 +433479,19 +433480,19 +433481,19 +433482,40 +433483,14 +433484,14 +433485,14 +433486,14 +433487,14 +433488,14 +433489,14 +433490,14 +433491,14 +433492,14 +433493,14 +433494,14 +433495,14 +433496,14 +433497,14 +433498,14 +433499,14 +433500,14 +433501,14 +433502,14 +433503,14 +433504,14 +433505,14 +433506,14 +433507,14 +433508,4 +433509,4 +433510,4 +433511,4 +433512,4 +433513,4 +433514,4 +433515,29 +433516,29 +433517,29 +433518,29 +433519,29 +433520,31 +433521,31 +433522,31 +433523,15 +433524,15 +433525,15 +433526,15 +433527,15 +433528,15 +433529,15 +433530,15 +433531,15 +433532,15 +433533,26 +433534,26 +433535,26 +433536,9 +433537,9 +433538,9 +433539,9 +433540,9 +433541,26 +433542,26 +433543,26 +433544,26 +433545,26 +433546,26 +433547,26 +433548,26 +433549,26 +433550,26 +433551,26 +433552,26 +433553,37 +433554,37 +433555,37 +433556,37 +433557,37 +433558,37 +433559,37 +433560,37 +433561,37 +433562,25 +433563,25 +433564,25 +433565,25 +433566,25 +433567,25 +433568,25 +433569,25 +433570,0 +433571,0 +433572,0 +433573,0 +433574,0 +433575,0 +433576,5 +433577,0 +433578,0 +433579,0 +433580,0 +433581,0 +433582,0 +433583,0 +433584,27 +433585,27 +433586,27 +433587,27 +433588,27 +433589,27 +433590,27 +433591,27 +433592,27 +433593,27 +433594,27 +433595,5 +433596,5 +433597,5 +433598,5 +433599,5 +433600,5 +433601,5 +433602,5 +433603,5 +433604,5 +433605,5 +433606,30 +433607,29 +433608,29 +433609,29 +433610,29 +433611,29 +433612,29 +433613,29 +433614,29 +433615,29 +433616,25 +433617,25 +433618,25 +433619,25 +433620,25 +433621,25 +433622,25 +433623,25 +433624,25 +433625,25 +433626,25 +433627,25 +433628,16 +433629,16 +433630,16 +433631,16 +433632,16 +433633,16 +433634,16 +433635,16 +433636,16 +433637,16 +433638,16 +433639,16 +433640,16 +433641,16 +433642,11 +433643,16 +433644,16 +433645,16 +433646,25 +433647,25 +433648,25 +433649,25 +433650,25 +433651,25 +433652,25 +433653,25 +433654,25 +433655,25 +433656,25 +433657,25 +433658,25 +433659,25 +433660,25 +433661,25 +433662,25 +433663,25 +433664,25 +433665,25 +433666,25 +433667,25 +433668,25 +433669,25 +433670,0 +433671,0 +433672,0 +433673,0 +433674,0 +433675,0 +433676,0 +433677,0 +433678,0 +433679,9 +433680,9 +433681,9 +433682,9 +433683,9 +433684,9 +433685,9 +433686,9 +433687,9 +433688,9 +433689,9 +433690,9 +433691,37 +433692,37 +433693,37 +433694,37 +433695,37 +433696,37 +433697,37 +433698,37 +433699,29 +433700,29 +433701,29 +433702,29 +433703,29 +433704,29 +433705,39 +433706,39 +433707,39 +433708,39 +433709,39 +433710,39 +433711,39 +433712,39 +433713,39 +433714,26 +433715,26 +433716,26 +433717,26 +433718,26 +433719,26 +433720,26 +433721,26 +433722,26 +433723,26 +433724,26 +433725,37 +433726,37 +433727,37 +433728,37 +433729,37 +433730,37 +433731,37 +433732,28 +433733,28 +433734,28 +433735,28 +433736,28 +433737,28 +433738,28 +433739,39 +433740,39 +433741,39 +433742,39 +433743,39 +433744,39 +433745,39 +433746,39 +433747,39 +433748,39 +433749,39 +433750,39 +433751,39 +433752,39 +433753,39 +433754,39 +433755,39 +433756,39 +433757,39 +433758,39 +433759,39 +433760,39 +433761,0 +433762,0 +433763,0 +433764,0 +433765,0 +433766,0 +433767,0 +433768,0 +433769,0 +433770,0 +433771,0 +433772,0 +433773,0 +433774,0 +433775,0 +433776,0 +433777,0 +433778,0 +433779,0 +433780,0 +433781,0 +433782,0 +433783,0 +433784,0 +433785,0 +433786,0 +433787,0 +433788,0 +433789,0 +433790,0 +433791,0 +433792,0 +433793,0 +433794,0 +433795,0 +433796,0 +433797,0 +433798,40 +433799,40 +433800,40 +433801,40 +433802,40 +433803,40 +433804,40 +433805,40 +433806,40 +433807,40 +433808,8 +433809,8 +433810,8 +433811,8 +433812,8 +433813,8 +433814,8 +433815,8 +433816,15 +433817,15 +433818,15 +433819,15 +433820,14 +433821,14 +433822,14 +433823,14 +433824,14 +433825,14 +433826,14 +433827,14 +433828,14 +433829,14 +433830,14 +433831,14 +433832,14 +433833,14 +433834,14 +433835,14 +433836,35 +433837,35 +433838,35 +433839,35 +433840,35 +433841,35 +433842,35 +433843,35 +433844,35 +433845,35 +433846,25 +433847,25 +433848,25 +433849,25 +433850,25 +433851,25 +433852,25 +433853,37 +433854,37 +433855,37 +433856,37 +433857,37 +433858,37 +433859,37 +433860,37 +433861,37 +433862,37 +433863,37 +433864,39 +433865,39 +433866,39 +433867,39 +433868,39 +433869,39 +433870,39 +433871,39 +433872,19 +433873,19 +433874,19 +433875,19 +433876,19 +433877,19 +433878,9 +433879,9 +433880,9 +433881,9 +433882,9 +433883,9 +433884,9 +433885,9 +433886,9 +433887,9 +433888,9 +433889,9 +433890,9 +433891,9 +433892,9 +433893,9 +433894,9 +433895,9 +433896,9 +433897,9 +433898,9 +433899,9 +433900,23 +433901,23 +433902,23 +433903,23 +433904,23 +433905,23 +433906,23 +433907,23 +433908,23 +433909,23 +433910,23 +433911,23 +433912,2 +433913,2 +433914,2 +433915,2 +433916,2 +433917,2 +433918,0 +433919,0 +433920,0 +433921,0 +433922,0 +433923,0 +433924,0 +433925,0 +433926,0 +433927,0 +433928,0 +433929,0 +433930,0 +433931,0 +433932,0 +433933,0 +433934,0 +433935,0 +433936,0 +433937,0 +433938,0 +433939,0 +433940,0 +433941,0 +433942,0 +433943,0 +433944,0 +433945,0 +433946,0 +433947,0 +433948,0 +433949,0 +433950,0 +433951,0 +433952,0 +433953,0 +433954,0 +433955,0 +433956,0 +433957,0 +433958,0 +433959,0 +433960,0 +433961,0 +433962,0 +433963,0 +433964,15 +433965,15 +433966,15 +433967,31 +433968,31 +433969,31 +433970,31 +433971,31 +433972,4 +433973,4 +433974,4 +433975,4 +433976,4 +433977,4 +433978,4 +433979,5 +433980,5 +433981,5 +433982,5 +433983,5 +433984,5 +433985,26 +433986,26 +433987,26 +433988,26 +433989,26 +433990,26 +433991,26 +433992,26 +433993,26 +433994,26 +433995,4 +433996,4 +433997,4 +433998,4 +433999,4 +434000,4 +434001,4 +434002,4 +434003,15 +434004,15 +434005,15 +434006,27 +434007,27 +434008,27 +434009,27 +434010,27 +434011,23 +434012,23 +434013,23 +434014,23 +434015,23 +434016,23 +434017,23 +434018,23 +434019,23 +434020,23 +434021,9 +434022,9 +434023,9 +434024,9 +434025,9 +434026,9 +434027,37 +434028,37 +434029,37 +434030,37 +434031,37 +434032,37 +434033,15 +434034,15 +434035,15 +434036,15 +434037,15 +434038,15 +434039,15 +434040,15 +434041,31 +434042,31 +434043,31 +434044,30 +434045,30 +434046,30 +434047,31 +434048,31 +434049,31 +434050,31 +434051,31 +434052,31 +434053,31 +434054,31 +434055,31 +434056,31 +434057,31 +434058,31 +434059,23 +434060,23 +434061,38 +434062,38 +434063,23 +434064,23 +434065,23 +434066,23 +434067,23 +434068,23 +434069,23 +434070,4 +434071,4 +434072,4 +434073,4 +434074,36 +434075,36 +434076,36 +434077,36 +434078,36 +434079,5 +434080,5 +434081,5 +434082,5 +434083,5 +434084,5 +434085,5 +434086,5 +434087,5 +434088,5 +434089,18 +434090,18 +434091,18 +434092,18 +434093,18 +434094,18 +434095,18 +434096,18 +434097,18 +434098,18 +434099,40 +434100,40 +434101,40 +434102,40 +434103,40 +434104,40 +434105,40 +434106,37 +434107,37 +434108,37 +434109,37 +434110,37 +434111,37 +434112,37 +434113,37 +434114,37 +434115,37 +434116,39 +434117,14 +434118,14 +434119,14 +434120,14 +434121,14 +434122,14 +434123,14 +434124,14 +434125,35 +434126,35 +434127,35 +434128,35 +434129,35 +434130,35 +434131,35 +434132,36 +434133,36 +434134,36 +434135,36 +434136,19 +434137,19 +434138,19 +434139,19 +434140,19 +434141,19 +434142,19 +434143,19 +434144,19 +434145,19 +434146,19 +434147,19 +434148,19 +434149,19 +434150,19 +434151,19 +434152,26 +434153,26 +434154,26 +434155,26 +434156,26 +434157,26 +434158,26 +434159,26 +434160,37 +434161,37 +434162,37 +434163,37 +434164,37 +434165,37 +434166,4 +434167,4 +434168,4 +434169,4 +434170,27 +434171,27 +434172,27 +434173,27 +434174,31 +434175,31 +434176,19 +434177,19 +434178,19 +434179,19 +434180,19 +434181,19 +434182,27 +434183,27 +434184,27 +434185,27 +434186,27 +434187,5 +434188,5 +434189,5 +434190,5 +434191,5 +434192,5 +434193,5 +434194,5 +434195,5 +434196,5 +434197,2 +434198,2 +434199,2 +434200,2 +434201,2 +434202,2 +434203,2 +434204,2 +434205,2 +434206,10 +434207,10 +434208,10 +434209,10 +434210,10 +434211,10 +434212,10 +434213,10 +434214,10 +434215,10 +434216,10 +434217,10 +434218,10 +434219,19 +434220,19 +434221,19 +434222,19 +434223,19 +434224,19 +434225,19 +434226,29 +434227,29 +434228,29 +434229,31 +434230,31 +434231,31 +434232,31 +434233,4 +434234,4 +434235,4 +434236,4 +434237,4 +434238,4 +434239,4 +434240,4 +434241,4 +434242,4 +434243,4 +434244,4 +434245,36 +434246,36 +434247,36 +434248,36 +434249,36 +434250,36 +434251,36 +434252,36 +434253,36 +434254,24 +434255,24 +434256,24 +434257,24 +434258,24 +434259,24 +434260,24 +434261,31 +434262,31 +434263,31 +434264,31 +434265,31 +434266,31 +434267,27 +434268,27 +434269,31 +434270,27 +434271,28 +434272,28 +434273,5 +434274,28 +434275,28 +434276,28 +434277,28 +434278,28 +434279,28 +434280,28 +434281,36 +434282,36 +434283,36 +434284,36 +434285,36 +434286,36 +434287,36 +434288,36 +434289,36 +434290,36 +434291,36 +434292,36 +434293,36 +434294,36 +434295,5 +434296,5 +434297,5 +434298,5 +434299,5 +434300,5 +434301,5 +434302,25 +434303,19 +434304,37 +434305,37 +434306,37 +434307,37 +434308,37 +434309,37 +434310,37 +434311,37 +434312,37 +434313,39 +434314,39 +434315,39 +434316,39 +434317,39 +434318,39 +434319,39 +434320,39 +434321,39 +434322,39 +434323,31 +434324,31 +434325,31 +434326,31 +434327,31 +434328,31 +434329,32 +434330,32 +434331,32 +434332,32 +434333,32 +434334,32 +434335,32 +434336,32 +434337,39 +434338,39 +434339,39 +434340,39 +434341,39 +434342,39 +434343,39 +434344,39 +434345,27 +434346,27 +434347,27 +434348,27 +434349,27 +434350,27 +434351,27 +434352,27 +434353,37 +434354,37 +434355,37 +434356,37 +434357,37 +434358,37 +434359,37 +434360,37 +434361,25 +434362,25 +434363,25 +434364,25 +434365,19 +434366,19 +434367,19 +434368,19 +434369,19 +434370,19 +434371,19 +434372,19 +434373,21 +434374,21 +434375,21 +434376,21 +434377,6 +434378,6 +434379,6 +434380,40 +434381,40 +434382,40 +434383,40 +434384,40 +434385,40 +434386,40 +434387,40 +434388,37 +434389,37 +434390,37 +434391,37 +434392,37 +434393,37 +434394,37 +434395,37 +434396,37 +434397,37 +434398,37 +434399,39 +434400,39 +434401,39 +434402,39 +434403,39 +434404,39 +434405,27 +434406,27 +434407,27 +434408,27 +434409,27 +434410,27 +434411,27 +434412,27 +434413,13 +434414,13 +434415,13 +434416,13 +434417,13 +434418,13 +434419,13 +434420,13 +434421,13 +434422,13 +434423,13 +434424,13 +434425,29 +434426,29 +434427,29 +434428,29 +434429,40 +434430,40 +434431,40 +434432,40 +434433,40 +434434,37 +434435,37 +434436,37 +434437,37 +434438,37 +434439,37 +434440,25 +434441,21 +434442,21 +434443,21 +434444,21 +434445,21 +434446,21 +434447,21 +434448,21 +434449,21 +434450,26 +434451,26 +434452,26 +434453,26 +434454,26 +434455,26 +434456,26 +434457,26 +434458,34 +434459,34 +434460,5 +434461,5 +434462,5 +434463,5 +434464,5 +434465,5 +434466,5 +434467,5 +434468,5 +434469,5 +434470,5 +434471,28 +434472,28 +434473,28 +434474,28 +434475,28 +434476,28 +434477,8 +434478,8 +434479,8 +434480,8 +434481,8 +434482,8 +434483,8 +434484,8 +434485,8 +434486,8 +434487,8 +434488,8 +434489,8 +434490,0 +434491,0 +434492,0 +434493,0 +434494,0 +434495,0 +434496,0 +434497,0 +434498,0 +434499,0 +434500,0 +434501,0 +434502,0 +434503,0 +434504,0 +434505,0 +434506,0 +434507,0 +434508,0 +434509,0 +434510,0 +434511,0 +434512,0 +434513,0 +434514,0 +434515,0 +434516,0 +434517,0 +434518,0 +434519,0 +434520,0 +434521,0 +434522,0 +434523,0 +434524,0 +434525,0 +434526,0 +434527,0 +434528,0 +434529,0 +434530,0 +434531,0 +434532,0 +434533,0 +434534,0 +434535,0 +434536,0 +434537,0 +434538,0 +434539,0 +434540,0 +434541,0 +434542,0 +434543,0 +434544,0 +434545,0 +434546,30 +434547,30 +434548,30 +434549,30 +434550,30 +434551,30 +434552,30 +434553,30 +434554,30 +434555,30 +434556,30 +434557,30 +434558,5 +434559,5 +434560,31 +434561,31 +434562,5 +434563,5 +434564,5 +434565,5 +434566,5 +434567,5 +434568,5 +434569,5 +434570,5 +434571,5 +434572,30 +434573,30 +434574,30 +434575,30 +434576,39 +434577,39 +434578,39 +434579,39 +434580,39 +434581,39 +434582,39 +434583,6 +434584,6 +434585,6 +434586,6 +434587,6 +434588,6 +434589,6 +434590,6 +434591,6 +434592,6 +434593,31 +434594,31 +434595,31 +434596,31 +434597,28 +434598,28 +434599,28 +434600,28 +434601,28 +434602,5 +434603,5 +434604,28 +434605,28 +434606,23 +434607,23 +434608,23 +434609,23 +434610,23 +434611,23 +434612,23 +434613,26 +434614,26 +434615,26 +434616,26 +434617,10 +434618,10 +434619,10 +434620,10 +434621,10 +434622,10 +434623,10 +434624,10 +434625,10 +434626,10 +434627,10 +434628,10 +434629,10 +434630,10 +434631,10 +434632,10 +434633,10 +434634,10 +434635,10 +434636,10 +434637,10 +434638,10 +434639,10 +434640,10 +434641,10 +434642,10 +434643,19 +434644,19 +434645,19 +434646,19 +434647,19 +434648,4 +434649,37 +434650,37 +434651,37 +434652,37 +434653,37 +434654,37 +434655,37 +434656,37 +434657,37 +434658,37 +434659,37 +434660,37 +434661,4 +434662,4 +434663,4 +434664,4 +434665,4 +434666,4 +434667,4 +434668,4 +434669,4 +434670,4 +434671,4 +434672,4 +434673,37 +434674,37 +434675,37 +434676,26 +434677,26 +434678,26 +434679,26 +434680,26 +434681,26 +434682,26 +434683,15 +434684,15 +434685,15 +434686,15 +434687,15 +434688,15 +434689,31 +434690,31 +434691,31 +434692,31 +434693,31 +434694,30 +434695,30 +434696,30 +434697,30 +434698,30 +434699,30 +434700,27 +434701,27 +434702,27 +434703,27 +434704,27 +434705,27 +434706,27 +434707,27 +434708,27 +434709,5 +434710,5 +434711,5 +434712,5 +434713,5 +434714,5 +434715,5 +434716,5 +434717,5 +434718,5 +434719,5 +434720,28 +434721,28 +434722,28 +434723,28 +434724,39 +434725,39 +434726,39 +434727,39 +434728,39 +434729,39 +434730,39 +434731,39 +434732,39 +434733,39 +434734,39 +434735,39 +434736,39 +434737,39 +434738,39 +434739,39 +434740,39 +434741,39 +434742,39 +434743,39 +434744,39 +434745,39 +434746,39 +434747,39 +434748,39 +434749,39 +434750,39 +434751,39 +434752,39 +434753,39 +434754,39 +434755,39 +434756,39 +434757,39 +434758,39 +434759,39 +434760,39 +434761,39 +434762,39 +434763,39 +434764,39 +434765,39 +434766,39 +434767,39 +434768,0 +434769,0 +434770,0 +434771,0 +434772,0 +434773,0 +434774,0 +434775,0 +434776,0 +434777,0 +434778,0 +434779,0 +434780,0 +434781,0 +434782,0 +434783,0 +434784,0 +434785,0 +434786,0 +434787,0 +434788,0 +434789,0 +434790,0 +434791,0 +434792,0 +434793,0 +434794,0 +434795,0 +434796,0 +434797,0 +434798,0 +434799,0 +434800,0 +434801,0 +434802,0 +434803,0 +434804,0 +434805,0 +434806,0 +434807,0 +434808,0 +434809,0 +434810,0 +434811,0 +434812,0 +434813,0 +434814,0 +434815,0 +434816,0 +434817,0 +434818,0 +434819,0 +434820,0 +434821,0 +434822,0 +434823,0 +434824,0 +434825,0 +434826,0 +434827,0 +434828,0 +434829,0 +434830,0 +434831,0 +434832,29 +434833,29 +434834,14 +434835,14 +434836,14 +434837,14 +434838,14 +434839,14 +434840,14 +434841,14 +434842,14 +434843,14 +434844,37 +434845,37 +434846,37 +434847,37 +434848,37 +434849,37 +434850,37 +434851,37 +434852,37 +434853,39 +434854,39 +434855,39 +434856,39 +434857,39 +434858,39 +434859,19 +434860,19 +434861,19 +434862,19 +434863,19 +434864,29 +434865,29 +434866,31 +434867,31 +434868,31 +434869,31 +434870,31 +434871,35 +434872,35 +434873,35 +434874,35 +434875,35 +434876,35 +434877,33 +434878,33 +434879,33 +434880,33 +434881,33 +434882,33 +434883,33 +434884,30 +434885,30 +434886,30 +434887,30 +434888,30 +434889,30 +434890,30 +434891,30 +434892,30 +434893,30 +434894,30 +434895,30 +434896,30 +434897,23 +434898,23 +434899,23 +434900,23 +434901,23 +434902,23 +434903,38 +434904,38 +434905,38 +434906,38 +434907,36 +434908,36 +434909,36 +434910,36 +434911,13 +434912,13 +434913,13 +434914,13 +434915,13 +434916,13 +434917,13 +434918,13 +434919,13 +434920,13 +434921,23 +434922,23 +434923,23 +434924,23 +434925,23 +434926,23 +434927,23 +434928,25 +434929,25 +434930,25 +434931,5 +434932,5 +434933,5 +434934,28 +434935,28 +434936,31 +434937,6 +434938,6 +434939,6 +434940,6 +434941,6 +434942,6 +434943,6 +434944,6 +434945,6 +434946,26 +434947,31 +434948,31 +434949,31 +434950,31 +434951,40 +434952,37 +434953,40 +434954,24 +434955,24 +434956,24 +434957,24 +434958,24 +434959,37 +434960,37 +434961,37 +434962,4 +434963,4 +434964,27 +434965,31 +434966,31 +434967,31 +434968,31 +434969,6 +434970,6 +434971,6 +434972,6 +434973,6 +434974,6 +434975,6 +434976,6 +434977,6 +434978,6 +434979,6 +434980,31 +434981,31 +434982,31 +434983,31 +434984,31 +434985,31 +434986,31 +434987,31 +434988,31 +434989,31 +434990,31 +434991,24 +434992,24 +434993,24 +434994,24 +434995,24 +434996,24 +434997,25 +434998,25 +434999,25 +435000,25 +435001,25 +435002,25 +435003,25 +435004,25 +435005,25 +435006,25 +435007,29 +435008,29 +435009,29 +435010,29 +435011,29 +435012,5 +435013,5 +435014,5 +435015,14 +435016,14 +435017,14 +435018,14 +435019,14 +435020,14 +435021,14 +435022,14 +435023,15 +435024,15 +435025,15 +435026,15 +435027,15 +435028,15 +435029,15 +435030,17 +435031,17 +435032,19 +435033,33 +435034,33 +435035,30 +435036,30 +435037,30 +435038,30 +435039,30 +435040,30 +435041,30 +435042,30 +435043,30 +435044,30 +435045,30 +435046,19 +435047,19 +435048,19 +435049,19 +435050,19 +435051,19 +435052,31 +435053,31 +435054,31 +435055,31 +435056,31 +435057,31 +435058,31 +435059,31 +435060,31 +435061,32 +435062,32 +435063,32 +435064,32 +435065,32 +435066,32 +435067,32 +435068,32 +435069,32 +435070,32 +435071,9 +435072,9 +435073,9 +435074,9 +435075,26 +435076,9 +435077,9 +435078,9 +435079,9 +435080,9 +435081,9 +435082,9 +435083,9 +435084,9 +435085,5 +435086,5 +435087,5 +435088,31 +435089,31 +435090,31 +435091,31 +435092,31 +435093,31 +435094,4 +435095,4 +435096,4 +435097,4 +435098,4 +435099,4 +435100,4 +435101,36 +435102,36 +435103,36 +435104,36 +435105,36 +435106,36 +435107,36 +435108,36 +435109,36 +435110,5 +435111,5 +435112,5 +435113,5 +435114,5 +435115,5 +435116,31 +435117,31 +435118,31 +435119,31 +435120,31 +435121,6 +435122,6 +435123,6 +435124,6 +435125,6 +435126,6 +435127,6 +435128,6 +435129,6 +435130,4 +435131,9 +435132,9 +435133,9 +435134,9 +435135,9 +435136,9 +435137,9 +435138,37 +435139,37 +435140,37 +435141,37 +435142,37 +435143,37 +435144,37 +435145,2 +435146,2 +435147,2 +435148,2 +435149,2 +435150,2 +435151,2 +435152,2 +435153,31 +435154,31 +435155,31 +435156,31 +435157,24 +435158,24 +435159,24 +435160,24 +435161,24 +435162,24 +435163,24 +435164,39 +435165,39 +435166,39 +435167,39 +435168,39 +435169,39 +435170,39 +435171,39 +435172,39 +435173,39 +435174,39 +435175,39 +435176,25 +435177,25 +435178,25 +435179,25 +435180,25 +435181,25 +435182,25 +435183,25 +435184,25 +435185,25 +435186,8 +435187,8 +435188,8 +435189,8 +435190,8 +435191,8 +435192,31 +435193,31 +435194,31 +435195,31 +435196,31 +435197,31 +435198,31 +435199,31 +435200,37 +435201,37 +435202,37 +435203,37 +435204,37 +435205,37 +435206,37 +435207,37 +435208,14 +435209,14 +435210,14 +435211,14 +435212,14 +435213,14 +435214,14 +435215,14 +435216,14 +435217,14 +435218,5 +435219,5 +435220,5 +435221,5 +435222,5 +435223,18 +435224,18 +435225,18 +435226,18 +435227,18 +435228,18 +435229,18 +435230,18 +435231,31 +435232,31 +435233,24 +435234,24 +435235,24 +435236,24 +435237,24 +435238,27 +435239,27 +435240,27 +435241,27 +435242,27 +435243,6 +435244,6 +435245,6 +435246,6 +435247,6 +435248,6 +435249,6 +435250,6 +435251,6 +435252,6 +435253,6 +435254,6 +435255,6 +435256,6 +435257,6 +435258,12 +435259,12 +435260,12 +435261,12 +435262,12 +435263,10 +435264,10 +435265,10 +435266,10 +435267,10 +435268,10 +435269,10 +435270,10 +435271,10 +435272,25 +435273,25 +435274,25 +435275,25 +435276,25 +435277,25 +435278,25 +435279,28 +435280,28 +435281,28 +435282,28 +435283,28 +435284,28 +435285,28 +435286,36 +435287,31 +435288,5 +435289,5 +435290,5 +435291,4 +435292,38 +435293,38 +435294,38 +435295,38 +435296,38 +435297,38 +435298,27 +435299,27 +435300,27 +435301,27 +435302,35 +435303,12 +435304,12 +435305,12 +435306,12 +435307,12 +435308,12 +435309,12 +435310,27 +435311,27 +435312,27 +435313,27 +435314,32 +435315,32 +435316,32 +435317,32 +435318,32 +435319,32 +435320,32 +435321,32 +435322,22 +435323,22 +435324,22 +435325,22 +435326,22 +435327,22 +435328,22 +435329,22 +435330,22 +435331,22 +435332,22 +435333,22 +435334,22 +435335,6 +435336,6 +435337,6 +435338,6 +435339,6 +435340,6 +435341,6 +435342,6 +435343,6 +435344,6 +435345,6 +435346,6 +435347,6 +435348,6 +435349,9 +435350,9 +435351,26 +435352,26 +435353,26 +435354,26 +435355,26 +435356,26 +435357,26 +435358,30 +435359,30 +435360,30 +435361,30 +435362,30 +435363,31 +435364,31 +435365,31 +435366,27 +435367,27 +435368,27 +435369,16 +435370,16 +435371,16 +435372,16 +435373,16 +435374,16 +435375,16 +435376,16 +435377,32 +435378,32 +435379,32 +435380,32 +435381,32 +435382,32 +435383,32 +435384,32 +435385,32 +435386,32 +435387,32 +435388,37 +435389,37 +435390,37 +435391,40 +435392,40 +435393,40 +435394,40 +435395,40 +435396,40 +435397,8 +435398,8 +435399,8 +435400,8 +435401,31 +435402,4 +435403,4 +435404,4 +435405,4 +435406,4 +435407,4 +435408,4 +435409,31 +435410,31 +435411,31 +435412,31 +435413,5 +435414,5 +435415,5 +435416,5 +435417,5 +435418,5 +435419,4 +435420,4 +435421,4 +435422,4 +435423,4 +435424,4 +435425,31 +435426,31 +435427,31 +435428,29 +435429,29 +435430,29 +435431,29 +435432,8 +435433,12 +435434,31 +435435,31 +435436,31 +435437,15 +435438,15 +435439,15 +435440,15 +435441,15 +435442,15 +435443,15 +435444,15 +435445,30 +435446,30 +435447,30 +435448,30 +435449,30 +435450,30 +435451,30 +435452,30 +435453,10 +435454,31 +435455,31 +435456,31 +435457,10 +435458,10 +435459,10 +435460,10 +435461,11 +435462,11 +435463,11 +435464,11 +435465,11 +435466,11 +435467,11 +435468,11 +435469,11 +435470,11 +435471,11 +435472,11 +435473,11 +435474,11 +435475,11 +435476,11 +435477,11 +435478,11 +435479,11 +435480,11 +435481,11 +435482,11 +435483,11 +435484,11 +435485,11 +435486,11 +435487,11 +435488,0 +435489,0 +435490,0 +435491,0 +435492,0 +435493,0 +435494,0 +435495,0 +435496,0 +435497,0 +435498,0 +435499,0 +435500,0 +435501,0 +435502,0 +435503,0 +435504,0 +435505,0 +435506,0 +435507,0 +435508,0 +435509,0 +435510,0 +435511,0 +435512,0 +435513,0 +435514,0 +435515,0 +435516,0 +435517,0 +435518,0 +435519,0 +435520,0 +435521,0 +435522,0 +435523,0 +435524,0 +435525,0 +435526,0 +435527,0 +435528,0 +435529,0 +435530,0 +435531,0 +435532,0 +435533,7 +435534,7 +435535,7 +435536,7 +435537,7 +435538,0 +435539,0 +435540,19 +435541,19 +435542,19 +435543,7 +435544,19 +435545,27 +435546,27 +435547,27 +435548,27 +435549,27 +435550,27 +435551,19 +435552,19 +435553,19 +435554,3 +435555,3 +435556,19 +435557,19 +435558,19 +435559,19 +435560,19 +435561,19 +435562,0 +435563,0 +435564,0 +435565,0 +435566,19 +435567,19 +435568,19 +435569,19 +435570,19 +435571,26 +435572,9 +435573,9 +435574,9 +435575,37 +435576,37 +435577,37 +435578,37 +435579,37 +435580,19 +435581,19 +435582,19 +435583,19 +435584,39 +435585,39 +435586,39 +435587,27 +435588,27 +435589,27 +435590,27 +435591,27 +435592,27 +435593,6 +435594,6 +435595,6 +435596,6 +435597,6 +435598,6 +435599,6 +435600,10 +435601,34 +435602,34 +435603,34 +435604,34 +435605,34 +435606,34 +435607,34 +435608,34 +435609,34 +435610,34 +435611,34 +435612,34 +435613,12 +435614,12 +435615,12 +435616,12 +435617,12 +435618,9 +435619,9 +435620,9 +435621,9 +435622,5 +435623,5 +435624,5 +435625,5 +435626,5 +435627,5 +435628,5 +435629,19 +435630,19 +435631,19 +435632,33 +435633,33 +435634,31 +435635,31 +435636,31 +435637,31 +435638,33 +435639,33 +435640,33 +435641,33 +435642,33 +435643,33 +435644,31 +435645,31 +435646,31 +435647,31 +435648,31 +435649,31 +435650,31 +435651,28 +435652,28 +435653,28 +435654,28 +435655,28 +435656,28 +435657,28 +435658,28 +435659,28 +435660,10 +435661,10 +435662,10 +435663,10 +435664,10 +435665,10 +435666,10 +435667,10 +435668,10 +435669,10 +435670,10 +435671,5 +435672,5 +435673,5 +435674,5 +435675,5 +435676,5 +435677,19 +435678,19 +435679,19 +435680,19 +435681,19 +435682,19 +435683,19 +435684,19 +435685,15 +435686,15 +435687,15 +435688,15 +435689,15 +435690,15 +435691,15 +435692,19 +435693,15 +435694,22 +435695,22 +435696,22 +435697,33 +435698,33 +435699,33 +435700,22 +435701,3 +435702,6 +435703,37 +435704,37 +435705,37 +435706,37 +435707,37 +435708,39 +435709,39 +435710,39 +435711,39 +435712,39 +435713,39 +435714,39 +435715,39 +435716,39 +435717,39 +435718,39 +435719,39 +435720,39 +435721,39 +435722,39 +435723,39 +435724,39 +435725,39 +435726,39 +435727,27 +435728,27 +435729,27 +435730,27 +435731,27 +435732,31 +435733,31 +435734,5 +435735,5 +435736,28 +435737,5 +435738,5 +435739,4 +435740,4 +435741,4 +435742,4 +435743,27 +435744,27 +435745,27 +435746,27 +435747,27 +435748,27 +435749,27 +435750,27 +435751,27 +435752,27 +435753,27 +435754,27 +435755,31 +435756,27 +435757,2 +435758,2 +435759,2 +435760,2 +435761,2 +435762,2 +435763,2 +435764,2 +435765,2 +435766,2 +435767,2 +435768,2 +435769,2 +435770,39 +435771,39 +435772,39 +435773,39 +435774,39 +435775,39 +435776,39 +435777,39 +435778,14 +435779,14 +435780,14 +435781,14 +435782,39 +435783,39 +435784,39 +435785,39 +435786,39 +435787,39 +435788,39 +435789,39 +435790,39 +435791,39 +435792,39 +435793,39 +435794,39 +435795,39 +435796,39 +435797,39 +435798,39 +435799,39 +435800,39 +435801,39 +435802,0 +435803,0 +435804,0 +435805,0 +435806,0 +435807,0 +435808,0 +435809,0 +435810,0 +435811,0 +435812,0 +435813,0 +435814,0 +435815,0 +435816,0 +435817,0 +435818,0 +435819,0 +435820,0 +435821,0 +435822,0 +435823,0 +435824,0 +435825,0 +435826,0 +435827,0 +435828,0 +435829,0 +435830,0 +435831,0 +435832,0 +435833,0 +435834,0 +435835,0 +435836,0 +435837,0 +435838,0 +435839,0 +435840,0 +435841,0 +435842,0 +435843,0 +435844,0 +435845,0 +435846,0 +435847,0 +435848,0 +435849,0 +435850,0 +435851,0 +435852,0 +435853,0 +435854,0 +435855,0 +435856,0 +435857,0 +435858,0 +435859,0 +435860,0 +435861,0 +435862,0 +435863,0 +435864,0 +435865,0 +435866,0 +435867,0 +435868,0 +435869,0 +435870,0 +435871,0 +435872,0 +435873,0 +435874,0 +435875,0 +435876,0 +435877,35 +435878,35 +435879,35 +435880,35 +435881,35 +435882,36 +435883,36 +435884,36 +435885,19 +435886,19 +435887,19 +435888,19 +435889,19 +435890,19 +435891,19 +435892,19 +435893,29 +435894,29 +435895,40 +435896,40 +435897,40 +435898,40 +435899,40 +435900,40 +435901,40 +435902,40 +435903,5 +435904,5 +435905,5 +435906,5 +435907,5 +435908,5 +435909,5 +435910,19 +435911,19 +435912,19 +435913,19 +435914,19 +435915,27 +435916,27 +435917,27 +435918,27 +435919,27 +435920,2 +435921,2 +435922,2 +435923,2 +435924,2 +435925,2 +435926,2 +435927,2 +435928,2 +435929,2 +435930,2 +435931,2 +435932,32 +435933,32 +435934,32 +435935,32 +435936,32 +435937,32 +435938,36 +435939,36 +435940,36 +435941,36 +435942,36 +435943,36 +435944,36 +435945,36 +435946,36 +435947,36 +435948,36 +435949,36 +435950,36 +435951,16 +435952,16 +435953,16 +435954,16 +435955,16 +435956,16 +435957,16 +435958,16 +435959,16 +435960,16 +435961,16 +435962,16 +435963,16 +435964,16 +435965,19 +435966,19 +435967,19 +435968,19 +435969,19 +435970,27 +435971,27 +435972,27 +435973,27 +435974,27 +435975,5 +435976,5 +435977,5 +435978,5 +435979,5 +435980,5 +435981,5 +435982,5 +435983,23 +435984,23 +435985,23 +435986,23 +435987,23 +435988,23 +435989,23 +435990,23 +435991,23 +435992,23 +435993,23 +435994,37 +435995,37 +435996,37 +435997,37 +435998,37 +435999,31 +436000,31 +436001,26 +436002,26 +436003,26 +436004,31 +436005,31 +436006,31 +436007,31 +436008,4 +436009,4 +436010,4 +436011,4 +436012,32 +436013,32 +436014,32 +436015,32 +436016,32 +436017,4 +436018,4 +436019,4 +436020,4 +436021,27 +436022,27 +436023,27 +436024,27 +436025,27 +436026,27 +436027,19 +436028,19 +436029,19 +436030,19 +436031,19 +436032,19 +436033,19 +436034,3 +436035,3 +436036,3 +436037,3 +436038,3 +436039,3 +436040,3 +436041,3 +436042,3 +436043,3 +436044,3 +436045,35 +436046,35 +436047,35 +436048,35 +436049,35 +436050,35 +436051,35 +436052,27 +436053,27 +436054,27 +436055,27 +436056,27 +436057,27 +436058,27 +436059,8 +436060,8 +436061,8 +436062,8 +436063,8 +436064,8 +436065,8 +436066,8 +436067,8 +436068,15 +436069,15 +436070,15 +436071,15 +436072,15 +436073,15 +436074,15 +436075,40 +436076,40 +436077,40 +436078,40 +436079,40 +436080,40 +436081,40 +436082,40 +436083,40 +436084,40 +436085,40 +436086,2 +436087,2 +436088,2 +436089,2 +436090,2 +436091,2 +436092,2 +436093,2 +436094,2 +436095,4 +436096,4 +436097,4 +436098,4 +436099,31 +436100,31 +436101,31 +436102,31 +436103,30 +436104,30 +436105,30 +436106,30 +436107,30 +436108,30 +436109,30 +436110,30 +436111,30 +436112,30 +436113,30 +436114,9 +436115,9 +436116,9 +436117,9 +436118,26 +436119,26 +436120,26 +436121,9 +436122,33 +436123,33 +436124,9 +436125,34 +436126,34 +436127,34 +436128,9 +436129,9 +436130,9 +436131,33 +436132,33 +436133,33 +436134,33 +436135,33 +436136,33 +436137,33 +436138,33 +436139,5 +436140,33 +436141,33 +436142,33 +436143,13 +436144,13 +436145,0 +436146,0 +436147,0 +436148,0 +436149,0 +436150,0 +436151,0 +436152,0 +436153,0 +436154,0 +436155,0 +436156,0 +436157,0 +436158,0 +436159,0 +436160,0 +436161,0 +436162,0 +436163,0 +436164,0 +436165,0 +436166,0 +436167,0 +436168,0 +436169,0 +436170,0 +436171,0 +436172,0 +436173,0 +436174,0 +436175,0 +436176,0 +436177,0 +436178,0 +436179,0 +436180,0 +436181,0 +436182,0 +436183,0 +436184,0 +436185,0 +436186,0 +436187,0 +436188,0 +436189,0 +436190,0 +436191,0 +436192,0 +436193,0 +436194,0 +436195,0 +436196,0 +436197,0 +436198,0 +436199,0 +436200,0 +436201,0 +436202,0 +436203,0 +436204,0 +436205,0 +436206,0 +436207,0 +436208,0 +436209,0 +436210,0 +436211,0 +436212,0 +436213,0 +436214,0 +436215,0 +436216,0 +436217,0 +436218,0 +436219,0 +436220,0 +436221,0 +436222,0 +436223,0 +436224,0 +436225,0 +436226,0 +436227,0 +436228,0 +436229,0 +436230,0 +436231,0 +436232,0 +436233,0 +436234,0 +436235,0 +436236,0 +436237,0 +436238,0 +436239,0 +436240,0 +436241,0 +436242,0 +436243,0 +436244,0 +436245,0 +436246,0 +436247,0 +436248,0 +436249,0 +436250,0 +436251,29 +436252,29 +436253,29 +436254,29 +436255,29 +436256,29 +436257,29 +436258,29 +436259,29 +436260,29 +436261,29 +436262,29 +436263,40 +436264,40 +436265,40 +436266,40 +436267,40 +436268,40 +436269,40 +436270,40 +436271,40 +436272,40 +436273,40 +436274,40 +436275,40 +436276,40 +436277,40 +436278,40 +436279,40 +436280,5 +436281,5 +436282,5 +436283,5 +436284,5 +436285,5 +436286,5 +436287,5 +436288,5 +436289,5 +436290,5 +436291,5 +436292,5 +436293,5 +436294,27 +436295,27 +436296,27 +436297,27 +436298,27 +436299,27 +436300,27 +436301,27 +436302,27 +436303,27 +436304,14 +436305,39 +436306,19 +436307,19 +436308,19 +436309,19 +436310,27 +436311,31 +436312,27 +436313,27 +436314,27 +436315,27 +436316,27 +436317,27 +436318,4 +436319,4 +436320,27 +436321,27 +436322,27 +436323,25 +436324,25 +436325,31 +436326,31 +436327,31 +436328,6 +436329,6 +436330,6 +436331,6 +436332,6 +436333,6 +436334,6 +436335,6 +436336,6 +436337,6 +436338,6 +436339,6 +436340,6 +436341,6 +436342,6 +436343,25 +436344,25 +436345,25 +436346,25 +436347,25 +436348,25 +436349,25 +436350,25 +436351,25 +436352,25 +436353,25 +436354,19 +436355,19 +436356,19 +436357,19 +436358,19 +436359,19 +436360,19 +436361,19 +436362,14 +436363,14 +436364,14 +436365,14 +436366,14 +436367,14 +436368,35 +436369,35 +436370,35 +436371,35 +436372,35 +436373,35 +436374,35 +436375,35 +436376,36 +436377,36 +436378,27 +436379,27 +436380,27 +436381,40 +436382,27 +436383,27 +436384,27 +436385,27 +436386,27 +436387,28 +436388,28 +436389,28 +436390,28 +436391,28 +436392,28 +436393,28 +436394,28 +436395,28 +436396,5 +436397,4 +436398,4 +436399,4 +436400,4 +436401,4 +436402,4 +436403,31 +436404,31 +436405,3 +436406,3 +436407,3 +436408,3 +436409,3 +436410,12 +436411,3 +436412,12 +436413,12 +436414,12 +436415,12 +436416,12 +436417,12 +436418,12 +436419,12 +436420,12 +436421,12 +436422,12 +436423,25 +436424,25 +436425,25 +436426,25 +436427,25 +436428,25 +436429,21 +436430,21 +436431,21 +436432,21 +436433,21 +436434,21 +436435,21 +436436,21 +436437,31 +436438,31 +436439,31 +436440,31 +436441,15 +436442,15 +436443,15 +436444,1 +436445,15 +436446,15 +436447,15 +436448,21 +436449,12 +436450,12 +436451,1 +436452,12 +436453,12 +436454,9 +436455,26 +436456,26 +436457,26 +436458,26 +436459,26 +436460,26 +436461,26 +436462,26 +436463,5 +436464,5 +436465,5 +436466,5 +436467,5 +436468,5 +436469,5 +436470,27 +436471,27 +436472,27 +436473,27 +436474,27 +436475,27 +436476,2 +436477,2 +436478,2 +436479,2 +436480,2 +436481,2 +436482,2 +436483,2 +436484,2 +436485,2 +436486,2 +436487,2 +436488,31 +436489,31 +436490,31 +436491,31 +436492,31 +436493,31 +436494,31 +436495,31 +436496,32 +436497,32 +436498,32 +436499,32 +436500,32 +436501,32 +436502,22 +436503,25 +436504,25 +436505,25 +436506,25 +436507,25 +436508,25 +436509,25 +436510,2 +436511,2 +436512,2 +436513,2 +436514,2 +436515,2 +436516,2 +436517,4 +436518,4 +436519,4 +436520,4 +436521,4 +436522,4 +436523,27 +436524,27 +436525,27 +436526,27 +436527,27 +436528,27 +436529,11 +436530,11 +436531,11 +436532,11 +436533,11 +436534,11 +436535,11 +436536,11 +436537,11 +436538,11 +436539,11 +436540,11 +436541,11 +436542,31 +436543,31 +436544,31 +436545,31 +436546,5 +436547,5 +436548,5 +436549,5 +436550,5 +436551,5 +436552,5 +436553,5 +436554,5 +436555,8 +436556,8 +436557,8 +436558,8 +436559,8 +436560,8 +436561,8 +436562,8 +436563,31 +436564,31 +436565,31 +436566,31 +436567,31 +436568,31 +436569,24 +436570,24 +436571,24 +436572,24 +436573,24 +436574,24 +436575,24 +436576,27 +436577,27 +436578,27 +436579,27 +436580,27 +436581,27 +436582,27 +436583,27 +436584,2 +436585,2 +436586,2 +436587,2 +436588,2 +436589,2 +436590,2 +436591,2 +436592,2 +436593,2 +436594,2 +436595,12 +436596,12 +436597,12 +436598,12 +436599,30 +436600,30 +436601,30 +436602,30 +436603,30 +436604,30 +436605,30 +436606,30 +436607,30 +436608,30 +436609,37 +436610,37 +436611,37 +436612,15 +436613,15 +436614,15 +436615,15 +436616,25 +436617,25 +436618,25 +436619,25 +436620,25 +436621,25 +436622,25 +436623,25 +436624,37 +436625,27 +436626,37 +436627,11 +436628,11 +436629,11 +436630,11 +436631,11 +436632,11 +436633,11 +436634,11 +436635,11 +436636,11 +436637,11 +436638,11 +436639,11 +436640,11 +436641,31 +436642,31 +436643,31 +436644,31 +436645,31 +436646,31 +436647,4 +436648,4 +436649,4 +436650,4 +436651,4 +436652,4 +436653,4 +436654,28 +436655,28 +436656,28 +436657,28 +436658,28 +436659,28 +436660,28 +436661,10 +436662,14 +436663,14 +436664,14 +436665,14 +436666,10 +436667,10 +436668,10 +436669,10 +436670,10 +436671,10 +436672,10 +436673,4 +436674,4 +436675,4 +436676,4 +436677,4 +436678,4 +436679,4 +436680,2 +436681,2 +436682,2 +436683,2 +436684,2 +436685,2 +436686,2 +436687,2 +436688,2 +436689,2 +436690,2 +436691,2 +436692,2 +436693,2 +436694,2 +436695,2 +436696,2 +436697,2 +436698,0 +436699,0 +436700,0 +436701,0 +436702,0 +436703,0 +436704,0 +436705,0 +436706,0 +436707,0 +436708,0 +436709,0 +436710,0 +436711,0 +436712,0 +436713,0 +436714,0 +436715,0 +436716,0 +436717,0 +436718,0 +436719,0 +436720,0 +436721,0 +436722,0 +436723,0 +436724,0 +436725,0 +436726,0 +436727,0 +436728,0 +436729,0 +436730,0 +436731,0 +436732,0 +436733,0 +436734,0 +436735,0 +436736,0 +436737,0 +436738,0 +436739,0 +436740,0 +436741,0 +436742,0 +436743,0 +436744,0 +436745,0 +436746,0 +436747,0 +436748,0 +436749,0 +436750,0 +436751,0 +436752,0 +436753,0 +436754,0 +436755,0 +436756,0 +436757,0 +436758,0 +436759,0 +436760,0 +436761,0 +436762,0 +436763,0 +436764,0 +436765,0 +436766,0 +436767,0 +436768,0 +436769,0 +436770,4 +436771,11 +436772,11 +436773,11 +436774,11 +436775,11 +436776,11 +436777,11 +436778,11 +436779,12 +436780,12 +436781,12 +436782,12 +436783,12 +436784,40 +436785,40 +436786,31 +436787,5 +436788,5 +436789,5 +436790,5 +436791,5 +436792,5 +436793,5 +436794,5 +436795,11 +436796,11 +436797,4 +436798,4 +436799,4 +436800,4 +436801,39 +436802,39 +436803,39 +436804,39 +436805,39 +436806,39 +436807,27 +436808,27 +436809,27 +436810,31 +436811,31 +436812,31 +436813,31 +436814,2 +436815,2 +436816,8 +436817,38 +436818,38 +436819,38 +436820,38 +436821,6 +436822,6 +436823,6 +436824,6 +436825,37 +436826,37 +436827,37 +436828,37 +436829,37 +436830,37 +436831,37 +436832,33 +436833,33 +436834,33 +436835,33 +436836,33 +436837,33 +436838,33 +436839,33 +436840,33 +436841,33 +436842,33 +436843,33 +436844,33 +436845,33 +436846,33 +436847,33 +436848,33 +436849,33 +436850,33 +436851,33 +436852,33 +436853,33 +436854,33 +436855,33 +436856,33 +436857,33 +436858,33 +436859,30 +436860,30 +436861,30 +436862,30 +436863,30 +436864,30 +436865,30 +436866,0 +436867,0 +436868,0 +436869,0 +436870,0 +436871,0 +436872,0 +436873,0 +436874,0 +436875,0 +436876,0 +436877,0 +436878,0 +436879,0 +436880,2 +436881,2 +436882,2 +436883,2 +436884,2 +436885,2 +436886,2 +436887,2 +436888,2 +436889,2 +436890,2 +436891,2 +436892,2 +436893,2 +436894,2 +436895,2 +436896,2 +436897,2 +436898,2 +436899,2 +436900,2 +436901,2 +436902,2 +436903,2 +436904,2 +436905,39 +436906,39 +436907,39 +436908,39 +436909,39 +436910,39 +436911,39 +436912,39 +436913,39 +436914,39 +436915,39 +436916,39 +436917,39 +436918,39 +436919,27 +436920,27 +436921,13 +436922,13 +436923,13 +436924,13 +436925,13 +436926,13 +436927,13 +436928,13 +436929,13 +436930,31 +436931,24 +436932,24 +436933,24 +436934,3 +436935,3 +436936,3 +436937,3 +436938,3 +436939,3 +436940,16 +436941,5 +436942,16 +436943,16 +436944,16 +436945,16 +436946,16 +436947,4 +436948,16 +436949,16 +436950,16 +436951,16 +436952,16 +436953,16 +436954,16 +436955,2 +436956,2 +436957,0 +436958,0 +436959,0 +436960,0 +436961,0 +436962,0 +436963,0 +436964,0 +436965,0 +436966,0 +436967,0 +436968,0 +436969,0 +436970,0 +436971,0 +436972,0 +436973,0 +436974,0 +436975,0 +436976,0 +436977,0 +436978,28 +436979,28 +436980,28 +436981,28 +436982,28 +436983,28 +436984,28 +436985,28 +436986,28 +436987,28 +436988,28 +436989,14 +436990,14 +436991,14 +436992,14 +436993,14 +436994,14 +436995,14 +436996,6 +436997,6 +436998,6 +436999,6 +437000,6 +437001,6 +437002,6 +437003,6 +437004,12 +437005,12 +437006,12 +437007,12 +437008,12 +437009,12 +437010,12 +437011,12 +437012,12 +437013,12 +437014,12 +437015,31 +437016,31 +437017,31 +437018,31 +437019,5 +437020,5 +437021,5 +437022,5 +437023,31 +437024,31 +437025,31 +437026,31 +437027,31 +437028,5 +437029,5 +437030,5 +437031,5 +437032,29 +437033,29 +437034,29 +437035,29 +437036,29 +437037,29 +437038,29 +437039,31 +437040,31 +437041,31 +437042,15 +437043,15 +437044,15 +437045,15 +437046,24 +437047,24 +437048,39 +437049,39 +437050,39 +437051,39 +437052,39 +437053,39 +437054,21 +437055,21 +437056,21 +437057,21 +437058,21 +437059,21 +437060,21 +437061,21 +437062,21 +437063,21 +437064,40 +437065,40 +437066,40 +437067,40 +437068,40 +437069,40 +437070,5 +437071,5 +437072,5 +437073,5 +437074,5 +437075,5 +437076,5 +437077,5 +437078,27 +437079,36 +437080,36 +437081,36 +437082,36 +437083,36 +437084,36 +437085,5 +437086,5 +437087,13 +437088,13 +437089,13 +437090,0 +437091,5 +437092,5 +437093,0 +437094,0 +437095,0 +437096,0 +437097,0 +437098,0 +437099,0 +437100,0 +437101,0 +437102,30 +437103,30 +437104,30 +437105,30 +437106,30 +437107,30 +437108,30 +437109,30 +437110,0 +437111,0 +437112,0 +437113,0 +437114,0 +437115,0 +437116,0 +437117,0 +437118,0 +437119,0 +437120,0 +437121,0 +437122,0 +437123,0 +437124,0 +437125,0 +437126,0 +437127,0 +437128,0 +437129,0 +437130,0 +437131,0 +437132,0 +437133,0 +437134,0 +437135,0 +437136,0 +437137,0 +437138,0 +437139,0 +437140,0 +437141,0 +437142,0 +437143,0 +437144,0 +437145,0 +437146,0 +437147,0 +437148,0 +437149,0 +437150,0 +437151,0 +437152,0 +437153,0 +437154,0 +437155,0 +437156,0 +437157,0 +437158,0 +437159,0 +437160,0 +437161,0 +437162,0 +437163,2 +437164,0 +437165,0 +437166,0 +437167,0 +437168,0 +437169,0 +437170,0 +437171,0 +437172,0 +437173,0 +437174,0 +437175,0 +437176,0 +437177,0 +437178,0 +437179,0 +437180,0 +437181,0 +437182,0 +437183,0 +437184,0 +437185,0 +437186,0 +437187,0 +437188,0 +437189,0 +437190,0 +437191,0 +437192,0 +437193,0 +437194,0 +437195,0 +437196,0 +437197,23 +437198,23 +437199,23 +437200,23 +437201,0 +437202,4 +437203,4 +437204,4 +437205,4 +437206,4 +437207,4 +437208,4 +437209,23 +437210,31 +437211,31 +437212,31 +437213,31 +437214,31 +437215,33 +437216,35 +437217,35 +437218,35 +437219,35 +437220,35 +437221,35 +437222,35 +437223,35 +437224,35 +437225,39 +437226,39 +437227,39 +437228,39 +437229,39 +437230,39 +437231,39 +437232,39 +437233,38 +437234,23 +437235,23 +437236,23 +437237,23 +437238,23 +437239,23 +437240,23 +437241,23 +437242,25 +437243,25 +437244,25 +437245,25 +437246,25 +437247,25 +437248,25 +437249,25 +437250,25 +437251,25 +437252,25 +437253,25 +437254,25 +437255,2 +437256,2 +437257,2 +437258,2 +437259,2 +437260,2 +437261,2 +437262,2 +437263,2 +437264,4 +437265,4 +437266,4 +437267,4 +437268,4 +437269,37 +437270,37 +437271,37 +437272,37 +437273,37 +437274,37 +437275,37 +437276,37 +437277,37 +437278,37 +437279,37 +437280,33 +437281,33 +437282,33 +437283,33 +437284,33 +437285,33 +437286,33 +437287,33 +437288,33 +437289,33 +437290,33 +437291,33 +437292,33 +437293,33 +437294,33 +437295,33 +437296,33 +437297,33 +437298,33 +437299,33 +437300,33 +437301,33 +437302,33 +437303,33 +437304,33 +437305,33 +437306,33 +437307,32 +437308,32 +437309,32 +437310,32 +437311,32 +437312,2 +437313,2 +437314,2 +437315,2 +437316,2 +437317,2 +437318,2 +437319,2 +437320,2 +437321,2 +437322,2 +437323,2 +437324,2 +437325,2 +437326,2 +437327,2 +437328,2 +437329,36 +437330,36 +437331,36 +437332,36 +437333,14 +437334,14 +437335,14 +437336,14 +437337,14 +437338,14 +437339,14 +437340,14 +437341,14 +437342,14 +437343,14 +437344,14 +437345,14 +437346,28 +437347,28 +437348,28 +437349,28 +437350,28 +437351,28 +437352,31 +437353,31 +437354,31 +437355,31 +437356,31 +437357,31 +437358,31 +437359,31 +437360,31 +437361,40 +437362,40 +437363,40 +437364,40 +437365,40 +437366,36 +437367,36 +437368,36 +437369,36 +437370,8 +437371,8 +437372,8 +437373,8 +437374,8 +437375,8 +437376,31 +437377,31 +437378,31 +437379,31 +437380,31 +437381,31 +437382,31 +437383,30 +437384,30 +437385,30 +437386,30 +437387,37 +437388,37 +437389,37 +437390,37 +437391,37 +437392,26 +437393,37 +437394,37 +437395,37 +437396,37 +437397,37 +437398,37 +437399,37 +437400,28 +437401,28 +437402,28 +437403,28 +437404,31 +437405,31 +437406,31 +437407,31 +437408,27 +437409,27 +437410,27 +437411,27 +437412,31 +437413,5 +437414,28 +437415,5 +437416,5 +437417,5 +437418,5 +437419,5 +437420,5 +437421,5 +437422,5 +437423,8 +437424,8 +437425,8 +437426,8 +437427,8 +437428,8 +437429,8 +437430,2 +437431,8 +437432,8 +437433,8 +437434,8 +437435,2 +437436,2 +437437,8 +437438,2 +437439,2 +437440,2 +437441,0 +437442,0 +437443,0 +437444,0 +437445,0 +437446,0 +437447,0 +437448,0 +437449,0 +437450,0 +437451,0 +437452,0 +437453,0 +437454,0 +437455,0 +437456,30 +437457,0 +437458,0 +437459,0 +437460,0 +437461,0 +437462,0 +437463,0 +437464,0 +437465,0 +437466,0 +437467,0 +437468,0 +437469,0 +437470,0 +437471,0 +437472,0 +437473,0 +437474,0 +437475,0 +437476,0 +437477,0 +437478,0 +437479,0 +437480,0 +437481,0 +437482,0 +437483,0 +437484,0 +437485,0 +437486,0 +437487,0 +437488,0 +437489,0 +437490,0 +437491,4 +437492,4 +437493,4 +437494,4 +437495,4 +437496,4 +437497,25 +437498,25 +437499,25 +437500,25 +437501,25 +437502,25 +437503,25 +437504,25 +437505,25 +437506,25 +437507,25 +437508,25 +437509,25 +437510,27 +437511,27 +437512,27 +437513,27 +437514,27 +437515,27 +437516,27 +437517,27 +437518,13 +437519,13 +437520,13 +437521,13 +437522,13 +437523,13 +437524,13 +437525,13 +437526,13 +437527,13 +437528,13 +437529,3 +437530,3 +437531,3 +437532,3 +437533,3 +437534,0 +437535,33 +437536,33 +437537,33 +437538,33 +437539,12 +437540,35 +437541,12 +437542,12 +437543,12 +437544,12 +437545,12 +437546,12 +437547,12 +437548,12 +437549,12 +437550,27 +437551,27 +437552,27 +437553,27 +437554,27 +437555,27 +437556,16 +437557,16 +437558,16 +437559,16 +437560,4 +437561,4 +437562,4 +437563,16 +437564,16 +437565,4 +437566,4 +437567,16 +437568,4 +437569,4 +437570,4 +437571,16 +437572,16 +437573,37 +437574,37 +437575,37 +437576,37 +437577,3 +437578,3 +437579,3 +437580,31 +437581,31 +437582,15 +437583,15 +437584,15 +437585,15 +437586,15 +437587,15 +437588,15 +437589,15 +437590,40 +437591,40 +437592,40 +437593,40 +437594,40 +437595,40 +437596,40 +437597,40 +437598,40 +437599,31 +437600,40 +437601,6 +437602,6 +437603,6 +437604,6 +437605,6 +437606,6 +437607,6 +437608,6 +437609,6 +437610,6 +437611,21 +437612,21 +437613,33 +437614,33 +437615,33 +437616,33 +437617,33 +437618,33 +437619,33 +437620,33 +437621,12 +437622,12 +437623,12 +437624,12 +437625,12 +437626,12 +437627,12 +437628,12 +437629,31 +437630,31 +437631,31 +437632,31 +437633,31 +437634,31 +437635,2 +437636,2 +437637,2 +437638,2 +437639,2 +437640,2 +437641,2 +437642,2 +437643,8 +437644,2 +437645,2 +437646,30 +437647,30 +437648,30 +437649,30 +437650,30 +437651,30 +437652,40 +437653,40 +437654,40 +437655,40 +437656,40 +437657,40 +437658,40 +437659,36 +437660,36 +437661,36 +437662,31 +437663,31 +437664,23 +437665,23 +437666,23 +437667,23 +437668,23 +437669,23 +437670,4 +437671,4 +437672,4 +437673,4 +437674,4 +437675,4 +437676,4 +437677,4 +437678,4 +437679,4 +437680,4 +437681,4 +437682,4 +437683,4 +437684,4 +437685,4 +437686,4 +437687,4 +437688,4 +437689,4 +437690,4 +437691,4 +437692,4 +437693,4 +437694,4 +437695,3 +437696,3 +437697,3 +437698,3 +437699,29 +437700,29 +437701,29 +437702,29 +437703,29 +437704,29 +437705,29 +437706,31 +437707,31 +437708,31 +437709,31 +437710,31 +437711,31 +437712,31 +437713,2 +437714,2 +437715,2 +437716,2 +437717,2 +437718,2 +437719,2 +437720,2 +437721,2 +437722,2 +437723,2 +437724,2 +437725,31 +437726,31 +437727,31 +437728,31 +437729,31 +437730,31 +437731,2 +437732,2 +437733,2 +437734,2 +437735,2 +437736,2 +437737,2 +437738,2 +437739,2 +437740,2 +437741,2 +437742,2 +437743,2 +437744,9 +437745,9 +437746,9 +437747,9 +437748,9 +437749,9 +437750,9 +437751,10 +437752,10 +437753,10 +437754,10 +437755,10 +437756,10 +437757,10 +437758,10 +437759,10 +437760,10 +437761,10 +437762,10 +437763,10 +437764,10 +437765,10 +437766,10 +437767,10 +437768,10 +437769,40 +437770,40 +437771,40 +437772,40 +437773,19 +437774,19 +437775,19 +437776,19 +437777,19 +437778,19 +437779,19 +437780,19 +437781,19 +437782,39 +437783,39 +437784,39 +437785,39 +437786,39 +437787,39 +437788,39 +437789,39 +437790,39 +437791,39 +437792,39 +437793,39 +437794,39 +437795,31 +437796,31 +437797,31 +437798,31 +437799,31 +437800,31 +437801,24 +437802,24 +437803,24 +437804,32 +437805,24 +437806,24 +437807,24 +437808,24 +437809,28 +437810,28 +437811,28 +437812,28 +437813,27 +437814,27 +437815,27 +437816,27 +437817,27 +437818,27 +437819,27 +437820,2 +437821,2 +437822,2 +437823,2 +437824,2 +437825,2 +437826,2 +437827,2 +437828,2 +437829,4 +437830,4 +437831,4 +437832,4 +437833,4 +437834,4 +437835,4 +437836,3 +437837,3 +437838,3 +437839,3 +437840,3 +437841,18 +437842,18 +437843,18 +437844,18 +437845,18 +437846,18 +437847,18 +437848,18 +437849,18 +437850,18 +437851,18 +437852,18 +437853,18 +437854,18 +437855,33 +437856,33 +437857,33 +437858,33 +437859,33 +437860,33 +437861,33 +437862,33 +437863,33 +437864,33 +437865,33 +437866,2 +437867,2 +437868,2 +437869,2 +437870,2 +437871,2 +437872,2 +437873,2 +437874,2 +437875,2 +437876,2 +437877,2 +437878,2 +437879,2 +437880,2 +437881,31 +437882,31 +437883,31 +437884,31 +437885,31 +437886,24 +437887,24 +437888,24 +437889,31 +437890,31 +437891,23 +437892,23 +437893,23 +437894,23 +437895,23 +437896,23 +437897,23 +437898,23 +437899,23 +437900,23 +437901,23 +437902,23 +437903,23 +437904,23 +437905,23 +437906,23 +437907,23 +437908,23 +437909,0 +437910,0 +437911,0 +437912,0 +437913,0 +437914,0 +437915,0 +437916,0 +437917,0 +437918,0 +437919,0 +437920,0 +437921,0 +437922,0 +437923,0 +437924,0 +437925,0 +437926,0 +437927,0 +437928,0 +437929,0 +437930,0 +437931,0 +437932,0 +437933,0 +437934,0 +437935,0 +437936,0 +437937,0 +437938,0 +437939,0 +437940,0 +437941,0 +437942,0 +437943,0 +437944,0 +437945,0 +437946,0 +437947,0 +437948,0 +437949,0 +437950,0 +437951,0 +437952,0 +437953,0 +437954,0 +437955,0 +437956,0 +437957,0 +437958,0 +437959,0 +437960,0 +437961,0 +437962,0 +437963,0 +437964,0 +437965,0 +437966,0 +437967,0 +437968,0 +437969,0 +437970,0 +437971,0 +437972,0 +437973,0 +437974,0 +437975,0 +437976,0 +437977,0 +437978,0 +437979,0 +437980,0 +437981,0 +437982,0 +437983,0 +437984,0 +437985,0 +437986,0 +437987,0 +437988,0 +437989,0 +437990,0 +437991,0 +437992,0 +437993,0 +437994,0 +437995,0 +437996,0 +437997,12 +437998,12 +437999,12 +438000,12 +438001,27 +438002,27 +438003,27 +438004,27 +438005,27 +438006,38 +438007,38 +438008,38 +438009,38 +438010,38 +438011,38 +438012,35 +438013,35 +438014,38 +438015,37 +438016,37 +438017,35 +438018,35 +438019,35 +438020,35 +438021,33 +438022,33 +438023,33 +438024,33 +438025,33 +438026,33 +438027,17 +438028,5 +438029,5 +438030,5 +438031,5 +438032,5 +438033,5 +438034,5 +438035,35 +438036,35 +438037,35 +438038,35 +438039,35 +438040,35 +438041,14 +438042,14 +438043,14 +438044,14 +438045,14 +438046,14 +438047,14 +438048,14 +438049,14 +438050,14 +438051,31 +438052,14 +438053,14 +438054,19 +438055,19 +438056,19 +438057,32 +438058,32 +438059,32 +438060,32 +438061,32 +438062,32 +438063,37 +438064,37 +438065,37 +438066,37 +438067,37 +438068,39 +438069,39 +438070,39 +438071,39 +438072,39 +438073,39 +438074,39 +438075,39 +438076,39 +438077,39 +438078,39 +438079,39 +438080,39 +438081,39 +438082,39 +438083,39 +438084,39 +438085,39 +438086,39 +438087,2 +438088,2 +438089,2 +438090,2 +438091,2 +438092,2 +438093,2 +438094,2 +438095,30 +438096,30 +438097,30 +438098,39 +438099,27 +438100,39 +438101,39 +438102,39 +438103,39 +438104,19 +438105,19 +438106,19 +438107,19 +438108,19 +438109,19 +438110,27 +438111,27 +438112,27 +438113,27 +438114,27 +438115,27 +438116,2 +438117,2 +438118,2 +438119,2 +438120,2 +438121,2 +438122,2 +438123,6 +438124,6 +438125,6 +438126,6 +438127,6 +438128,31 +438129,31 +438130,36 +438131,31 +438132,31 +438133,31 +438134,31 +438135,31 +438136,36 +438137,40 +438138,36 +438139,2 +438140,2 +438141,2 +438142,2 +438143,2 +438144,2 +438145,2 +438146,2 +438147,29 +438148,29 +438149,29 +438150,29 +438151,29 +438152,31 +438153,31 +438154,31 +438155,31 +438156,31 +438157,31 +438158,2 +438159,2 +438160,2 +438161,2 +438162,2 +438163,2 +438164,2 +438165,2 +438166,2 +438167,31 +438168,31 +438169,31 +438170,31 +438171,31 +438172,31 +438173,31 +438174,31 +438175,31 +438176,16 +438177,16 +438178,16 +438179,32 +438180,32 +438181,16 +438182,16 +438183,16 +438184,16 +438185,16 +438186,16 +438187,16 +438188,16 +438189,25 +438190,25 +438191,25 +438192,25 +438193,25 +438194,25 +438195,25 +438196,25 +438197,25 +438198,6 +438199,6 +438200,6 +438201,6 +438202,4 +438203,4 +438204,4 +438205,4 +438206,4 +438207,4 +438208,4 +438209,4 +438210,4 +438211,4 +438212,4 +438213,4 +438214,4 +438215,4 +438216,0 +438217,0 +438218,0 +438219,0 +438220,0 +438221,0 +438222,0 +438223,0 +438224,0 +438225,0 +438226,0 +438227,0 +438228,0 +438229,0 +438230,0 +438231,0 +438232,0 +438233,0 +438234,0 +438235,0 +438236,0 +438237,0 +438238,0 +438239,0 +438240,0 +438241,0 +438242,0 +438243,0 +438244,0 +438245,0 +438246,0 +438247,2 +438248,2 +438249,2 +438250,2 +438251,2 +438252,2 +438253,2 +438254,2 +438255,2 +438256,2 +438257,2 +438258,2 +438259,2 +438260,2 +438261,2 +438262,2 +438263,4 +438264,4 +438265,4 +438266,4 +438267,37 +438268,37 +438269,37 +438270,36 +438271,36 +438272,36 +438273,36 +438274,36 +438275,36 +438276,36 +438277,36 +438278,36 +438279,36 +438280,36 +438281,36 +438282,4 +438283,4 +438284,4 +438285,4 +438286,4 +438287,4 +438288,4 +438289,4 +438290,21 +438291,21 +438292,6 +438293,27 +438294,27 +438295,27 +438296,27 +438297,27 +438298,27 +438299,27 +438300,27 +438301,13 +438302,13 +438303,13 +438304,13 +438305,13 +438306,13 +438307,13 +438308,13 +438309,13 +438310,13 +438311,13 +438312,13 +438313,13 +438314,13 +438315,39 +438316,39 +438317,39 +438318,13 +438319,13 +438320,0 +438321,0 +438322,0 +438323,0 +438324,0 +438325,0 +438326,0 +438327,0 +438328,0 +438329,0 +438330,0 +438331,0 +438332,0 +438333,0 +438334,0 +438335,0 +438336,0 +438337,0 +438338,0 +438339,0 +438340,0 +438341,0 +438342,0 +438343,0 +438344,0 +438345,0 +438346,0 +438347,0 +438348,0 +438349,0 +438350,0 +438351,0 +438352,0 +438353,0 +438354,0 +438355,0 +438356,0 +438357,0 +438358,0 +438359,0 +438360,0 +438361,0 +438362,0 +438363,0 +438364,0 +438365,0 +438366,0 +438367,0 +438368,0 +438369,0 +438370,0 +438371,0 +438372,0 +438373,0 +438374,0 +438375,0 +438376,0 +438377,0 +438378,0 +438379,0 +438380,0 +438381,0 +438382,0 +438383,0 +438384,0 +438385,0 +438386,0 +438387,0 +438388,0 +438389,0 +438390,0 +438391,0 +438392,0 +438393,0 +438394,0 +438395,0 +438396,0 +438397,0 +438398,0 +438399,0 +438400,0 +438401,0 +438402,0 +438403,0 +438404,0 +438405,0 +438406,0 +438407,0 +438408,0 +438409,0 +438410,0 +438411,0 +438412,0 +438413,0 +438414,0 +438415,0 +438416,0 +438417,0 +438418,0 +438419,0 +438420,0 +438421,0 +438422,0 +438423,0 +438424,0 +438425,0 +438426,0 +438427,0 +438428,0 +438429,0 +438430,0 +438431,0 +438432,0 +438433,0 +438434,0 +438435,10 +438436,10 +438437,10 +438438,10 +438439,10 +438440,10 +438441,10 +438442,10 +438443,10 +438444,10 +438445,10 +438446,10 +438447,10 +438448,10 +438449,10 +438450,10 +438451,10 +438452,10 +438453,10 +438454,35 +438455,35 +438456,35 +438457,10 +438458,10 +438459,10 +438460,10 +438461,10 +438462,0 +438463,0 +438464,10 +438465,10 +438466,10 +438467,10 +438468,10 +438469,26 +438470,26 +438471,26 +438472,26 +438473,26 +438474,26 +438475,26 +438476,26 +438477,4 +438478,29 +438479,29 +438480,29 +438481,31 +438482,31 +438483,31 +438484,31 +438485,31 +438486,5 +438487,5 +438488,5 +438489,5 +438490,5 +438491,5 +438492,5 +438493,5 +438494,5 +438495,5 +438496,2 +438497,19 +438498,4 +438499,2 +438500,2 +438501,2 +438502,2 +438503,2 +438504,2 +438505,2 +438506,2 +438507,2 +438508,2 +438509,39 +438510,39 +438511,39 +438512,39 +438513,39 +438514,39 +438515,39 +438516,39 +438517,39 +438518,39 +438519,39 +438520,39 +438521,39 +438522,5 +438523,5 +438524,5 +438525,5 +438526,5 +438527,27 +438528,27 +438529,27 +438530,27 +438531,27 +438532,27 +438533,27 +438534,27 +438535,27 +438536,4 +438537,4 +438538,4 +438539,4 +438540,4 +438541,4 +438542,4 +438543,7 +438544,7 +438545,7 +438546,7 +438547,7 +438548,7 +438549,7 +438550,3 +438551,3 +438552,3 +438553,3 +438554,3 +438555,3 +438556,3 +438557,3 +438558,2 +438559,2 +438560,2 +438561,2 +438562,2 +438563,2 +438564,2 +438565,2 +438566,20 +438567,11 +438568,11 +438569,39 +438570,39 +438571,39 +438572,39 +438573,39 +438574,39 +438575,39 +438576,39 +438577,39 +438578,39 +438579,39 +438580,39 +438581,39 +438582,39 +438583,39 +438584,39 +438585,39 +438586,39 +438587,39 +438588,39 +438589,39 +438590,39 +438591,39 +438592,39 +438593,39 +438594,39 +438595,39 +438596,0 +438597,0 +438598,0 +438599,0 +438600,0 +438601,0 +438602,0 +438603,0 +438604,0 +438605,0 +438606,0 +438607,0 +438608,0 +438609,0 +438610,0 +438611,0 +438612,0 +438613,0 +438614,0 +438615,0 +438616,0 +438617,0 +438618,0 +438619,0 +438620,0 +438621,0 +438622,0 +438623,0 +438624,0 +438625,0 +438626,0 +438627,0 +438628,0 +438629,0 +438630,0 +438631,0 +438632,0 +438633,0 +438634,0 +438635,0 +438636,0 +438637,0 +438638,0 +438639,0 +438640,0 +438641,0 +438642,0 +438643,0 +438644,0 +438645,0 +438646,0 +438647,0 +438648,0 +438649,0 +438650,0 +438651,0 +438652,0 +438653,0 +438654,0 +438655,0 +438656,0 +438657,0 +438658,0 +438659,0 +438660,0 +438661,0 +438662,0 +438663,0 +438664,0 +438665,0 +438666,0 +438667,0 +438668,0 +438669,0 +438670,0 +438671,0 +438672,0 +438673,0 +438674,0 +438675,0 +438676,0 +438677,0 +438678,0 +438679,0 +438680,0 +438681,0 +438682,0 +438683,0 +438684,0 +438685,0 +438686,0 +438687,0 +438688,0 +438689,0 +438690,0 +438691,0 +438692,0 +438693,0 +438694,0 +438695,0 +438696,0 +438697,0 +438698,0 +438699,0 +438700,18 +438701,18 +438702,18 +438703,18 +438704,18 +438705,18 +438706,3 +438707,3 +438708,3 +438709,3 +438710,3 +438711,3 +438712,3 +438713,3 +438714,3 +438715,3 +438716,12 +438717,12 +438718,12 +438719,12 +438720,12 +438721,12 +438722,12 +438723,12 +438724,12 +438725,12 +438726,12 +438727,12 +438728,12 +438729,31 +438730,31 +438731,31 +438732,31 +438733,31 +438734,31 +438735,31 +438736,31 +438737,31 +438738,26 +438739,26 +438740,5 +438741,5 +438742,5 +438743,5 +438744,5 +438745,5 +438746,5 +438747,5 +438748,5 +438749,5 +438750,5 +438751,5 +438752,27 +438753,7 +438754,27 +438755,3 +438756,3 +438757,27 +438758,3 +438759,3 +438760,3 +438761,3 +438762,3 +438763,3 +438764,3 +438765,3 +438766,3 +438767,3 +438768,3 +438769,3 +438770,3 +438771,19 +438772,19 +438773,19 +438774,19 +438775,19 +438776,19 +438777,19 +438778,19 +438779,19 +438780,19 +438781,19 +438782,19 +438783,19 +438784,27 +438785,27 +438786,27 +438787,27 +438788,27 +438789,27 +438790,27 +438791,27 +438792,27 +438793,19 +438794,19 +438795,19 +438796,19 +438797,19 +438798,19 +438799,31 +438800,31 +438801,31 +438802,31 +438803,31 +438804,31 +438805,31 +438806,31 +438807,31 +438808,31 +438809,31 +438810,31 +438811,31 +438812,31 +438813,31 +438814,31 +438815,31 +438816,31 +438817,31 +438818,31 +438819,31 +438820,31 +438821,31 +438822,5 +438823,5 +438824,5 +438825,5 +438826,5 +438827,33 +438828,33 +438829,33 +438830,33 +438831,33 +438832,33 +438833,33 +438834,33 +438835,33 +438836,33 +438837,33 +438838,33 +438839,33 +438840,33 +438841,33 +438842,33 +438843,33 +438844,33 +438845,33 +438846,7 +438847,7 +438848,7 +438849,7 +438850,7 +438851,39 +438852,1 +438853,1 +438854,25 +438855,25 +438856,25 +438857,31 +438858,31 +438859,31 +438860,31 +438861,31 +438862,31 +438863,37 +438864,37 +438865,37 +438866,37 +438867,37 +438868,37 +438869,37 +438870,37 +438871,37 +438872,37 +438873,17 +438874,17 +438875,17 +438876,17 +438877,17 +438878,17 +438879,17 +438880,17 +438881,17 +438882,17 +438883,17 +438884,17 +438885,17 +438886,17 +438887,17 +438888,17 +438889,17 +438890,33 +438891,33 +438892,33 +438893,33 +438894,33 +438895,33 +438896,33 +438897,33 +438898,33 +438899,33 +438900,33 +438901,33 +438902,3 +438903,34 +438904,34 +438905,34 +438906,34 +438907,34 +438908,34 +438909,34 +438910,34 +438911,10 +438912,10 +438913,34 +438914,10 +438915,10 +438916,10 +438917,10 +438918,10 +438919,10 +438920,10 +438921,10 +438922,5 +438923,5 +438924,5 +438925,5 +438926,5 +438927,5 +438928,31 +438929,27 +438930,27 +438931,31 +438932,31 +438933,31 +438934,31 +438935,31 +438936,31 +438937,31 +438938,31 +438939,2 +438940,2 +438941,2 +438942,2 +438943,2 +438944,2 +438945,2 +438946,2 +438947,2 +438948,2 +438949,2 +438950,2 +438951,2 +438952,2 +438953,2 +438954,0 +438955,0 +438956,0 +438957,0 +438958,0 +438959,0 +438960,0 +438961,0 +438962,0 +438963,0 +438964,0 +438965,0 +438966,0 +438967,0 +438968,0 +438969,0 +438970,0 +438971,0 +438972,0 +438973,0 +438974,0 +438975,0 +438976,0 +438977,0 +438978,0 +438979,0 +438980,0 +438981,0 +438982,0 +438983,0 +438984,0 +438985,0 +438986,0 +438987,0 +438988,0 +438989,0 +438990,0 +438991,0 +438992,0 +438993,0 +438994,0 +438995,0 +438996,0 +438997,0 +438998,0 +438999,0 +439000,0 +439001,0 +439002,0 +439003,5 +439004,5 +439005,5 +439006,5 +439007,5 +439008,5 +439009,5 +439010,5 +439011,5 +439012,5 +439013,33 +439014,33 +439015,33 +439016,33 +439017,33 +439018,33 +439019,33 +439020,33 +439021,33 +439022,33 +439023,33 +439024,33 +439025,33 +439026,33 +439027,33 +439028,33 +439029,5 +439030,5 +439031,5 +439032,5 +439033,5 +439034,5 +439035,5 +439036,5 +439037,5 +439038,5 +439039,5 +439040,5 +439041,33 +439042,33 +439043,33 +439044,33 +439045,33 +439046,33 +439047,33 +439048,33 +439049,33 +439050,33 +439051,33 +439052,33 +439053,33 +439054,33 +439055,33 +439056,33 +439057,33 +439058,33 +439059,33 +439060,33 +439061,2 +439062,2 +439063,2 +439064,2 +439065,2 +439066,2 +439067,2 +439068,2 +439069,2 +439070,2 +439071,2 +439072,2 +439073,2 +439074,14 +439075,14 +439076,27 +439077,27 +439078,5 +439079,5 +439080,5 +439081,5 +439082,5 +439083,5 +439084,5 +439085,5 +439086,5 +439087,31 +439088,31 +439089,31 +439090,31 +439091,31 +439092,31 +439093,31 +439094,31 +439095,38 +439096,38 +439097,38 +439098,38 +439099,38 +439100,38 +439101,38 +439102,38 +439103,27 +439104,27 +439105,27 +439106,13 +439107,13 +439108,13 +439109,13 +439110,21 +439111,21 +439112,21 +439113,40 +439114,40 +439115,40 +439116,19 +439117,19 +439118,19 +439119,19 +439120,9 +439121,9 +439122,9 +439123,9 +439124,9 +439125,9 +439126,9 +439127,9 +439128,30 +439129,30 +439130,30 +439131,30 +439132,30 +439133,30 +439134,2 +439135,2 +439136,2 +439137,2 +439138,2 +439139,2 +439140,2 +439141,2 +439142,2 +439143,2 +439144,2 +439145,2 +439146,2 +439147,2 +439148,2 +439149,2 +439150,25 +439151,25 +439152,25 +439153,25 +439154,25 +439155,25 +439156,25 +439157,25 +439158,25 +439159,25 +439160,25 +439161,25 +439162,25 +439163,6 +439164,6 +439165,6 +439166,6 +439167,6 +439168,6 +439169,6 +439170,6 +439171,6 +439172,6 +439173,6 +439174,6 +439175,6 +439176,6 +439177,6 +439178,6 +439179,6 +439180,6 +439181,6 +439182,6 +439183,6 +439184,26 +439185,26 +439186,26 +439187,31 +439188,31 +439189,31 +439190,31 +439191,31 +439192,31 +439193,28 +439194,28 +439195,28 +439196,28 +439197,28 +439198,28 +439199,28 +439200,28 +439201,5 +439202,5 +439203,5 +439204,5 +439205,0 +439206,28 +439207,28 +439208,28 +439209,28 +439210,7 +439211,7 +439212,7 +439213,7 +439214,7 +439215,7 +439216,7 +439217,7 +439218,7 +439219,7 +439220,7 +439221,7 +439222,7 +439223,39 +439224,39 +439225,11 +439226,11 +439227,11 +439228,11 +439229,11 +439230,11 +439231,11 +439232,11 +439233,11 +439234,11 +439235,11 +439236,11 +439237,11 +439238,11 +439239,11 +439240,11 +439241,34 +439242,34 +439243,34 +439244,10 +439245,36 +439246,34 +439247,34 +439248,34 +439249,30 +439250,34 +439251,30 +439252,30 +439253,30 +439254,30 +439255,30 +439256,30 +439257,30 +439258,30 +439259,30 +439260,30 +439261,30 +439262,30 +439263,30 +439264,30 +439265,30 +439266,30 +439267,30 +439268,30 +439269,30 +439270,30 +439271,0 +439272,0 +439273,0 +439274,0 +439275,0 +439276,0 +439277,0 +439278,0 +439279,0 +439280,0 +439281,0 +439282,0 +439283,0 +439284,0 +439285,0 +439286,0 +439287,0 +439288,0 +439289,0 +439290,0 +439291,0 +439292,0 +439293,0 +439294,0 +439295,0 +439296,0 +439297,0 +439298,0 +439299,0 +439300,0 +439301,27 +439302,27 +439303,27 +439304,27 +439305,27 +439306,27 +439307,27 +439308,38 +439309,38 +439310,23 +439311,24 +439312,24 +439313,24 +439314,24 +439315,10 +439316,10 +439317,10 +439318,10 +439319,10 +439320,10 +439321,10 +439322,10 +439323,10 +439324,35 +439325,35 +439326,35 +439327,35 +439328,35 +439329,35 +439330,35 +439331,35 +439332,35 +439333,35 +439334,36 +439335,36 +439336,36 +439337,36 +439338,36 +439339,36 +439340,36 +439341,23 +439342,23 +439343,23 +439344,23 +439345,23 +439346,23 +439347,23 +439348,23 +439349,4 +439350,4 +439351,4 +439352,4 +439353,25 +439354,25 +439355,25 +439356,19 +439357,19 +439358,19 +439359,19 +439360,19 +439361,19 +439362,19 +439363,37 +439364,37 +439365,37 +439366,37 +439367,37 +439368,37 +439369,36 +439370,14 +439371,36 +439372,36 +439373,36 +439374,36 +439375,40 +439376,36 +439377,1 +439378,1 +439379,1 +439380,36 +439381,6 +439382,6 +439383,6 +439384,6 +439385,6 +439386,4 +439387,6 +439388,6 +439389,7 +439390,7 +439391,7 +439392,39 +439393,39 +439394,39 +439395,7 +439396,7 +439397,3 +439398,3 +439399,3 +439400,3 +439401,3 +439402,3 +439403,4 +439404,4 +439405,4 +439406,27 +439407,27 +439408,27 +439409,27 +439410,27 +439411,27 +439412,3 +439413,3 +439414,3 +439415,27 +439416,27 +439417,27 +439418,27 +439419,27 +439420,23 +439421,23 +439422,23 +439423,23 +439424,23 +439425,23 +439426,23 +439427,7 +439428,7 +439429,7 +439430,7 +439431,3 +439432,3 +439433,3 +439434,3 +439435,3 +439436,3 +439437,36 +439438,36 +439439,36 +439440,36 +439441,36 +439442,36 +439443,36 +439444,36 +439445,36 +439446,36 +439447,36 +439448,36 +439449,6 +439450,6 +439451,6 +439452,6 +439453,6 +439454,6 +439455,6 +439456,6 +439457,6 +439458,6 +439459,6 +439460,5 +439461,5 +439462,5 +439463,5 +439464,5 +439465,26 +439466,26 +439467,26 +439468,26 +439469,26 +439470,26 +439471,26 +439472,26 +439473,26 +439474,26 +439475,26 +439476,26 +439477,26 +439478,26 +439479,19 +439480,19 +439481,19 +439482,19 +439483,39 +439484,39 +439485,39 +439486,39 +439487,39 +439488,39 +439489,39 +439490,39 +439491,39 +439492,39 +439493,39 +439494,39 +439495,39 +439496,26 +439497,26 +439498,9 +439499,26 +439500,9 +439501,9 +439502,9 +439503,9 +439504,9 +439505,30 +439506,30 +439507,26 +439508,26 +439509,2 +439510,2 +439511,2 +439512,2 +439513,2 +439514,2 +439515,2 +439516,2 +439517,2 +439518,2 +439519,2 +439520,2 +439521,2 +439522,40 +439523,40 +439524,40 +439525,40 +439526,40 +439527,40 +439528,40 +439529,5 +439530,5 +439531,5 +439532,5 +439533,5 +439534,5 +439535,5 +439536,5 +439537,23 +439538,23 +439539,23 +439540,23 +439541,23 +439542,23 +439543,23 +439544,25 +439545,25 +439546,25 +439547,25 +439548,25 +439549,25 +439550,25 +439551,29 +439552,29 +439553,29 +439554,29 +439555,29 +439556,31 +439557,31 +439558,31 +439559,31 +439560,28 +439561,28 +439562,28 +439563,28 +439564,28 +439565,28 +439566,28 +439567,39 +439568,39 +439569,39 +439570,39 +439571,14 +439572,39 +439573,14 +439574,14 +439575,14 +439576,14 +439577,18 +439578,18 +439579,18 +439580,18 +439581,18 +439582,18 +439583,18 +439584,18 +439585,16 +439586,16 +439587,16 +439588,25 +439589,25 +439590,25 +439591,25 +439592,25 +439593,32 +439594,19 +439595,19 +439596,19 +439597,19 +439598,19 +439599,19 +439600,19 +439601,19 +439602,19 +439603,19 +439604,32 +439605,32 +439606,32 +439607,32 +439608,32 +439609,32 +439610,32 +439611,32 +439612,32 +439613,32 +439614,31 +439615,31 +439616,31 +439617,31 +439618,31 +439619,31 +439620,31 +439621,5 +439622,5 +439623,5 +439624,5 +439625,5 +439626,27 +439627,27 +439628,27 +439629,27 +439630,27 +439631,11 +439632,11 +439633,11 +439634,11 +439635,11 +439636,11 +439637,11 +439638,11 +439639,11 +439640,11 +439641,11 +439642,11 +439643,11 +439644,11 +439645,11 +439646,39 +439647,27 +439648,27 +439649,27 +439650,27 +439651,27 +439652,27 +439653,27 +439654,3 +439655,37 +439656,3 +439657,3 +439658,3 +439659,3 +439660,3 +439661,3 +439662,3 +439663,3 +439664,3 +439665,3 +439666,3 +439667,3 +439668,3 +439669,3 +439670,3 +439671,0 +439672,0 +439673,0 +439674,0 +439675,0 +439676,0 +439677,0 +439678,0 +439679,0 +439680,0 +439681,0 +439682,0 +439683,0 +439684,0 +439685,0 +439686,0 +439687,0 +439688,0 +439689,0 +439690,0 +439691,0 +439692,0 +439693,0 +439694,0 +439695,0 +439696,0 +439697,0 +439698,0 +439699,0 +439700,0 +439701,0 +439702,0 +439703,0 +439704,0 +439705,0 +439706,0 +439707,0 +439708,0 +439709,0 +439710,0 +439711,0 +439712,0 +439713,0 +439714,0 +439715,0 +439716,0 +439717,0 +439718,0 +439719,0 +439720,0 +439721,0 +439722,0 +439723,0 +439724,0 +439725,0 +439726,0 +439727,0 +439728,0 +439729,0 +439730,0 +439731,0 +439732,0 +439733,0 +439734,0 +439735,0 +439736,0 +439737,0 +439738,0 +439739,0 +439740,0 +439741,0 +439742,0 +439743,0 +439744,0 +439745,0 +439746,0 +439747,0 +439748,0 +439749,0 +439750,0 +439751,0 +439752,0 +439753,0 +439754,0 +439755,0 +439756,0 +439757,0 +439758,0 +439759,0 +439760,0 +439761,0 +439762,0 +439763,0 +439764,0 +439765,0 +439766,0 +439767,0 +439768,15 +439769,15 +439770,31 +439771,31 +439772,31 +439773,31 +439774,4 +439775,4 +439776,4 +439777,4 +439778,4 +439779,29 +439780,29 +439781,29 +439782,29 +439783,31 +439784,31 +439785,31 +439786,31 +439787,19 +439788,5 +439789,5 +439790,5 +439791,5 +439792,5 +439793,29 +439794,29 +439795,29 +439796,40 +439797,40 +439798,40 +439799,40 +439800,40 +439801,40 +439802,40 +439803,40 +439804,6 +439805,6 +439806,6 +439807,6 +439808,6 +439809,6 +439810,6 +439811,6 +439812,2 +439813,2 +439814,2 +439815,2 +439816,2 +439817,2 +439818,2 +439819,2 +439820,2 +439821,2 +439822,2 +439823,2 +439824,28 +439825,28 +439826,28 +439827,28 +439828,28 +439829,28 +439830,9 +439831,9 +439832,9 +439833,9 +439834,9 +439835,9 +439836,9 +439837,9 +439838,37 +439839,37 +439840,37 +439841,37 +439842,5 +439843,5 +439844,5 +439845,5 +439846,27 +439847,27 +439848,27 +439849,27 +439850,27 +439851,27 +439852,13 +439853,13 +439854,13 +439855,13 +439856,13 +439857,13 +439858,15 +439859,15 +439860,15 +439861,15 +439862,15 +439863,3 +439864,3 +439865,3 +439866,3 +439867,3 +439868,3 +439869,3 +439870,3 +439871,23 +439872,23 +439873,23 +439874,23 +439875,23 +439876,23 +439877,23 +439878,23 +439879,23 +439880,23 +439881,9 +439882,9 +439883,37 +439884,37 +439885,37 +439886,37 +439887,37 +439888,29 +439889,29 +439890,29 +439891,29 +439892,29 +439893,31 +439894,31 +439895,31 +439896,31 +439897,19 +439898,19 +439899,19 +439900,19 +439901,19 +439902,19 +439903,19 +439904,19 +439905,19 +439906,19 +439907,19 +439908,19 +439909,19 +439910,26 +439911,26 +439912,10 +439913,26 +439914,26 +439915,26 +439916,26 +439917,26 +439918,26 +439919,26 +439920,26 +439921,26 +439922,26 +439923,26 +439924,5 +439925,5 +439926,5 +439927,5 +439928,5 +439929,27 +439930,27 +439931,27 +439932,27 +439933,27 +439934,27 +439935,27 +439936,5 +439937,5 +439938,5 +439939,5 +439940,5 +439941,5 +439942,27 +439943,27 +439944,27 +439945,27 +439946,27 +439947,19 +439948,19 +439949,19 +439950,19 +439951,29 +439952,29 +439953,29 +439954,29 +439955,31 +439956,31 +439957,31 +439958,31 +439959,19 +439960,19 +439961,19 +439962,19 +439963,19 +439964,19 +439965,19 +439966,19 +439967,19 +439968,19 +439969,14 +439970,14 +439971,14 +439972,14 +439973,14 +439974,14 +439975,14 +439976,14 +439977,14 +439978,14 +439979,14 +439980,14 +439981,14 +439982,14 +439983,14 +439984,14 +439985,14 +439986,14 +439987,14 +439988,14 +439989,14 +439990,14 +439991,14 +439992,14 +439993,14 +439994,14 +439995,14 +439996,14 +439997,39 +439998,39 +439999,39 +440000,39 +440001,39 +440002,39 +440003,39 +440004,39 +440005,0 +440006,0 +440007,0 +440008,0 +440009,0 +440010,0 +440011,0 +440012,0 +440013,0 +440014,0 +440015,0 +440016,0 +440017,0 +440018,0 +440019,0 +440020,0 +440021,0 +440022,0 +440023,0 +440024,0 +440025,0 +440026,0 +440027,0 +440028,0 +440029,0 +440030,0 +440031,0 +440032,0 +440033,0 +440034,0 +440035,0 +440036,0 +440037,0 +440038,0 +440039,0 +440040,0 +440041,0 +440042,0 +440043,0 +440044,0 +440045,29 +440046,29 +440047,29 +440048,31 +440049,31 +440050,31 +440051,31 +440052,4 +440053,4 +440054,4 +440055,4 +440056,4 +440057,4 +440058,4 +440059,4 +440060,4 +440061,4 +440062,4 +440063,4 +440064,4 +440065,4 +440066,37 +440067,37 +440068,37 +440069,37 +440070,37 +440071,9 +440072,34 +440073,34 +440074,34 +440075,34 +440076,34 +440077,26 +440078,26 +440079,26 +440080,26 +440081,30 +440082,30 +440083,30 +440084,30 +440085,30 +440086,30 +440087,30 +440088,30 +440089,27 +440090,27 +440091,27 +440092,27 +440093,27 +440094,27 +440095,13 +440096,13 +440097,13 +440098,13 +440099,13 +440100,6 +440101,6 +440102,6 +440103,6 +440104,6 +440105,6 +440106,6 +440107,31 +440108,31 +440109,31 +440110,31 +440111,31 +440112,31 +440113,31 +440114,31 +440115,32 +440116,32 +440117,32 +440118,32 +440119,32 +440120,32 +440121,32 +440122,32 +440123,32 +440124,32 +440125,36 +440126,36 +440127,36 +440128,36 +440129,36 +440130,36 +440131,36 +440132,36 +440133,36 +440134,36 +440135,5 +440136,5 +440137,5 +440138,5 +440139,5 +440140,7 +440141,7 +440142,7 +440143,7 +440144,3 +440145,5 +440146,5 +440147,5 +440148,5 +440149,5 +440150,5 +440151,5 +440152,12 +440153,12 +440154,12 +440155,12 +440156,12 +440157,31 +440158,31 +440159,31 +440160,2 +440161,2 +440162,2 +440163,2 +440164,2 +440165,2 +440166,2 +440167,2 +440168,2 +440169,2 +440170,2 +440171,2 +440172,2 +440173,4 +440174,4 +440175,4 +440176,4 +440177,4 +440178,4 +440179,4 +440180,4 +440181,25 +440182,25 +440183,25 +440184,25 +440185,25 +440186,25 +440187,25 +440188,25 +440189,25 +440190,25 +440191,25 +440192,27 +440193,27 +440194,27 +440195,27 +440196,27 +440197,5 +440198,5 +440199,5 +440200,5 +440201,5 +440202,5 +440203,27 +440204,27 +440205,27 +440206,27 +440207,21 +440208,21 +440209,21 +440210,21 +440211,21 +440212,21 +440213,21 +440214,21 +440215,21 +440216,21 +440217,21 +440218,40 +440219,40 +440220,40 +440221,40 +440222,40 +440223,40 +440224,40 +440225,40 +440226,31 +440227,31 +440228,31 +440229,40 +440230,40 +440231,31 +440232,31 +440233,31 +440234,31 +440235,31 +440236,5 +440237,5 +440238,5 +440239,5 +440240,5 +440241,5 +440242,5 +440243,5 +440244,5 +440245,5 +440246,5 +440247,5 +440248,5 +440249,5 +440250,5 +440251,0 +440252,0 +440253,0 +440254,0 +440255,0 +440256,0 +440257,0 +440258,0 +440259,0 +440260,0 +440261,0 +440262,0 +440263,0 +440264,0 +440265,0 +440266,0 +440267,0 +440268,0 +440269,0 +440270,0 +440271,0 +440272,0 +440273,0 +440274,0 +440275,0 +440276,0 +440277,0 +440278,0 +440279,0 +440280,0 +440281,0 +440282,0 +440283,0 +440284,0 +440285,0 +440286,0 +440287,2 +440288,2 +440289,2 +440290,2 +440291,2 +440292,2 +440293,2 +440294,2 +440295,2 +440296,2 +440297,2 +440298,2 +440299,2 +440300,2 +440301,2 +440302,2 +440303,2 +440304,4 +440305,4 +440306,4 +440307,4 +440308,4 +440309,4 +440310,36 +440311,36 +440312,36 +440313,36 +440314,36 +440315,36 +440316,36 +440317,36 +440318,36 +440319,32 +440320,32 +440321,32 +440322,32 +440323,32 +440324,32 +440325,27 +440326,27 +440327,27 +440328,27 +440329,27 +440330,27 +440331,13 +440332,13 +440333,13 +440334,13 +440335,10 +440336,10 +440337,10 +440338,13 +440339,34 +440340,34 +440341,34 +440342,10 +440343,10 +440344,10 +440345,10 +440346,10 +440347,10 +440348,4 +440349,4 +440350,4 +440351,31 +440352,31 +440353,31 +440354,31 +440355,31 +440356,24 +440357,24 +440358,24 +440359,24 +440360,24 +440361,35 +440362,35 +440363,35 +440364,35 +440365,35 +440366,35 +440367,35 +440368,35 +440369,27 +440370,27 +440371,27 +440372,27 +440373,8 +440374,8 +440375,8 +440376,8 +440377,8 +440378,8 +440379,8 +440380,35 +440381,35 +440382,35 +440383,35 +440384,35 +440385,9 +440386,9 +440387,36 +440388,36 +440389,26 +440390,10 +440391,10 +440392,10 +440393,10 +440394,10 +440395,10 +440396,10 +440397,10 +440398,10 +440399,10 +440400,10 +440401,10 +440402,10 +440403,10 +440404,27 +440405,27 +440406,27 +440407,27 +440408,27 +440409,27 +440410,27 +440411,27 +440412,13 +440413,13 +440414,13 +440415,13 +440416,13 +440417,13 +440418,13 +440419,13 +440420,32 +440421,32 +440422,32 +440423,32 +440424,32 +440425,32 +440426,32 +440427,32 +440428,32 +440429,32 +440430,32 +440431,32 +440432,30 +440433,30 +440434,30 +440435,30 +440436,30 +440437,30 +440438,30 +440439,39 +440440,39 +440441,39 +440442,39 +440443,39 +440444,39 +440445,39 +440446,39 +440447,39 +440448,14 +440449,14 +440450,14 +440451,14 +440452,14 +440453,14 +440454,14 +440455,14 +440456,14 +440457,14 +440458,14 +440459,2 +440460,2 +440461,2 +440462,2 +440463,2 +440464,2 +440465,2 +440466,8 +440467,8 +440468,8 +440469,2 +440470,2 +440471,2 +440472,2 +440473,2 +440474,2 +440475,2 +440476,2 +440477,2 +440478,2 +440479,2 +440480,2 +440481,0 +440482,0 +440483,0 +440484,0 +440485,0 +440486,0 +440487,0 +440488,0 +440489,0 +440490,0 +440491,0 +440492,0 +440493,0 +440494,0 +440495,0 +440496,0 +440497,0 +440498,0 +440499,0 +440500,0 +440501,0 +440502,0 +440503,0 +440504,0 +440505,0 +440506,0 +440507,0 +440508,0 +440509,0 +440510,0 +440511,0 +440512,0 +440513,0 +440514,0 +440515,0 +440516,0 +440517,0 +440518,0 +440519,0 +440520,0 +440521,0 +440522,0 +440523,0 +440524,0 +440525,0 +440526,0 +440527,0 +440528,0 +440529,0 +440530,0 +440531,0 +440532,0 +440533,0 +440534,0 +440535,0 +440536,0 +440537,0 +440538,0 +440539,0 +440540,0 +440541,0 +440542,0 +440543,0 +440544,0 +440545,0 +440546,0 +440547,0 +440548,0 +440549,0 +440550,0 +440551,0 +440552,0 +440553,0 +440554,0 +440555,0 +440556,0 +440557,10 +440558,10 +440559,10 +440560,10 +440561,10 +440562,10 +440563,10 +440564,10 +440565,12 +440566,12 +440567,12 +440568,12 +440569,12 +440570,12 +440571,12 +440572,12 +440573,31 +440574,31 +440575,31 +440576,8 +440577,8 +440578,8 +440579,8 +440580,31 +440581,31 +440582,31 +440583,31 +440584,31 +440585,31 +440586,31 +440587,31 +440588,31 +440589,31 +440590,12 +440591,12 +440592,12 +440593,12 +440594,12 +440595,12 +440596,12 +440597,31 +440598,31 +440599,31 +440600,8 +440601,8 +440602,8 +440603,8 +440604,8 +440605,8 +440606,8 +440607,8 +440608,8 +440609,8 +440610,8 +440611,23 +440612,23 +440613,23 +440614,23 +440615,26 +440616,26 +440617,26 +440618,26 +440619,26 +440620,26 +440621,26 +440622,26 +440623,26 +440624,26 +440625,26 +440626,26 +440627,26 +440628,5 +440629,5 +440630,5 +440631,5 +440632,5 +440633,19 +440634,19 +440635,31 +440636,31 +440637,24 +440638,24 +440639,24 +440640,24 +440641,24 +440642,24 +440643,24 +440644,24 +440645,24 +440646,12 +440647,12 +440648,12 +440649,12 +440650,12 +440651,9 +440652,9 +440653,9 +440654,9 +440655,9 +440656,9 +440657,9 +440658,9 +440659,9 +440660,9 +440661,9 +440662,9 +440663,9 +440664,6 +440665,6 +440666,6 +440667,6 +440668,6 +440669,6 +440670,6 +440671,6 +440672,6 +440673,6 +440674,6 +440675,27 +440676,27 +440677,27 +440678,27 +440679,27 +440680,27 +440681,27 +440682,13 +440683,13 +440684,13 +440685,13 +440686,13 +440687,13 +440688,35 +440689,35 +440690,35 +440691,35 +440692,35 +440693,35 +440694,35 +440695,39 +440696,39 +440697,39 +440698,39 +440699,39 +440700,39 +440701,39 +440702,39 +440703,2 +440704,2 +440705,2 +440706,2 +440707,2 +440708,2 +440709,2 +440710,2 +440711,2 +440712,2 +440713,2 +440714,2 +440715,40 +440716,40 +440717,40 +440718,40 +440719,40 +440720,40 +440721,40 +440722,40 +440723,40 +440724,40 +440725,40 +440726,40 +440727,19 +440728,19 +440729,19 +440730,19 +440731,19 +440732,19 +440733,19 +440734,19 +440735,19 +440736,19 +440737,19 +440738,19 +440739,19 +440740,19 +440741,19 +440742,19 +440743,5 +440744,5 +440745,5 +440746,19 +440747,0 +440748,0 +440749,0 +440750,0 +440751,0 +440752,0 +440753,0 +440754,0 +440755,0 +440756,0 +440757,0 +440758,0 +440759,0 +440760,0 +440761,0 +440762,0 +440763,0 +440764,0 +440765,0 +440766,0 +440767,0 +440768,0 +440769,0 +440770,0 +440771,0 +440772,0 +440773,0 +440774,0 +440775,0 +440776,0 +440777,0 +440778,0 +440779,0 +440780,0 +440781,0 +440782,0 +440783,0 +440784,0 +440785,0 +440786,0 +440787,0 +440788,0 +440789,0 +440790,0 +440791,0 +440792,0 +440793,0 +440794,0 +440795,0 +440796,0 +440797,0 +440798,28 +440799,28 +440800,28 +440801,28 +440802,28 +440803,28 +440804,28 +440805,28 +440806,28 +440807,28 +440808,28 +440809,28 +440810,28 +440811,40 +440812,40 +440813,40 +440814,40 +440815,40 +440816,40 +440817,5 +440818,5 +440819,5 +440820,5 +440821,5 +440822,39 +440823,39 +440824,39 +440825,39 +440826,39 +440827,39 +440828,39 +440829,39 +440830,39 +440831,29 +440832,29 +440833,35 +440834,35 +440835,36 +440836,36 +440837,27 +440838,27 +440839,40 +440840,40 +440841,19 +440842,19 +440843,19 +440844,19 +440845,19 +440846,19 +440847,19 +440848,19 +440849,19 +440850,19 +440851,19 +440852,27 +440853,27 +440854,27 +440855,27 +440856,27 +440857,27 +440858,27 +440859,27 +440860,27 +440861,27 +440862,19 +440863,19 +440864,19 +440865,19 +440866,19 +440867,27 +440868,27 +440869,27 +440870,27 +440871,27 +440872,27 +440873,27 +440874,27 +440875,27 +440876,27 +440877,27 +440878,27 +440879,27 +440880,27 +440881,27 +440882,27 +440883,27 +440884,27 +440885,27 +440886,27 +440887,27 +440888,30 +440889,30 +440890,30 +440891,30 +440892,33 +440893,33 +440894,33 +440895,33 +440896,33 +440897,33 +440898,33 +440899,3 +440900,31 +440901,31 +440902,31 +440903,31 +440904,31 +440905,31 +440906,5 +440907,5 +440908,5 +440909,5 +440910,19 +440911,19 +440912,19 +440913,19 +440914,25 +440915,25 +440916,25 +440917,25 +440918,25 +440919,25 +440920,25 +440921,38 +440922,23 +440923,38 +440924,38 +440925,38 +440926,38 +440927,38 +440928,27 +440929,31 +440930,31 +440931,31 +440932,8 +440933,8 +440934,8 +440935,8 +440936,8 +440937,8 +440938,8 +440939,27 +440940,27 +440941,27 +440942,27 +440943,27 +440944,27 +440945,27 +440946,27 +440947,11 +440948,11 +440949,11 +440950,11 +440951,11 +440952,11 +440953,11 +440954,11 +440955,31 +440956,31 +440957,31 +440958,31 +440959,5 +440960,5 +440961,5 +440962,5 +440963,5 +440964,5 +440965,8 +440966,8 +440967,8 +440968,8 +440969,8 +440970,8 +440971,35 +440972,35 +440973,35 +440974,35 +440975,35 +440976,35 +440977,35 +440978,36 +440979,36 +440980,36 +440981,36 +440982,36 +440983,36 +440984,36 +440985,36 +440986,36 +440987,36 +440988,36 +440989,36 +440990,36 +440991,36 +440992,36 +440993,36 +440994,36 +440995,36 +440996,36 +440997,36 +440998,5 +440999,5 +441000,5 +441001,5 +441002,5 +441003,5 +441004,5 +441005,5 +441006,5 +441007,5 +441008,2 +441009,2 +441010,8 +441011,8 +441012,2 +441013,35 +441014,35 +441015,35 +441016,36 +441017,36 +441018,40 +441019,40 +441020,40 +441021,40 +441022,24 +441023,24 +441024,24 +441025,24 +441026,24 +441027,24 +441028,35 +441029,35 +441030,35 +441031,35 +441032,35 +441033,35 +441034,32 +441035,32 +441036,32 +441037,32 +441038,32 +441039,35 +441040,36 +441041,36 +441042,36 +441043,36 +441044,36 +441045,36 +441046,36 +441047,32 +441048,32 +441049,32 +441050,32 +441051,32 +441052,32 +441053,32 +441054,31 +441055,31 +441056,31 +441057,31 +441058,30 +441059,30 +441060,30 +441061,30 +441062,30 +441063,30 +441064,30 +441065,39 +441066,39 +441067,39 +441068,39 +441069,39 +441070,39 +441071,39 +441072,39 +441073,39 +441074,31 +441075,31 +441076,31 +441077,31 +441078,31 +441079,31 +441080,2 +441081,2 +441082,2 +441083,2 +441084,2 +441085,2 +441086,2 +441087,2 +441088,2 +441089,2 +441090,2 +441091,6 +441092,6 +441093,6 +441094,6 +441095,6 +441096,6 +441097,14 +441098,14 +441099,14 +441100,14 +441101,14 +441102,14 +441103,14 +441104,14 +441105,14 +441106,14 +441107,14 +441108,14 +441109,14 +441110,14 +441111,4 +441112,4 +441113,4 +441114,4 +441115,4 +441116,4 +441117,4 +441118,4 +441119,4 +441120,4 +441121,4 +441122,4 +441123,4 +441124,0 +441125,0 +441126,0 +441127,0 +441128,0 +441129,0 +441130,0 +441131,0 +441132,0 +441133,0 +441134,0 +441135,0 +441136,0 +441137,0 +441138,0 +441139,0 +441140,0 +441141,0 +441142,0 +441143,0 +441144,0 +441145,0 +441146,0 +441147,0 +441148,0 +441149,0 +441150,0 +441151,0 +441152,0 +441153,0 +441154,0 +441155,0 +441156,0 +441157,0 +441158,0 +441159,0 +441160,0 +441161,0 +441162,0 +441163,0 +441164,0 +441165,0 +441166,0 +441167,0 +441168,0 +441169,0 +441170,0 +441171,0 +441172,0 +441173,0 +441174,0 +441175,15 +441176,15 +441177,15 +441178,15 +441179,15 +441180,31 +441181,31 +441182,31 +441183,31 +441184,31 +441185,31 +441186,31 +441187,24 +441188,24 +441189,24 +441190,24 +441191,24 +441192,24 +441193,24 +441194,24 +441195,27 +441196,27 +441197,27 +441198,27 +441199,27 +441200,39 +441201,39 +441202,39 +441203,39 +441204,39 +441205,39 +441206,31 +441207,31 +441208,31 +441209,31 +441210,31 +441211,31 +441212,32 +441213,32 +441214,32 +441215,32 +441216,32 +441217,32 +441218,32 +441219,32 +441220,32 +441221,32 +441222,32 +441223,32 +441224,32 +441225,33 +441226,33 +441227,33 +441228,33 +441229,33 +441230,30 +441231,30 +441232,30 +441233,30 +441234,30 +441235,30 +441236,30 +441237,30 +441238,19 +441239,19 +441240,30 +441241,2 +441242,2 +441243,2 +441244,2 +441245,2 +441246,2 +441247,2 +441248,2 +441249,2 +441250,2 +441251,2 +441252,2 +441253,14 +441254,14 +441255,14 +441256,14 +441257,14 +441258,14 +441259,14 +441260,28 +441261,28 +441262,28 +441263,28 +441264,28 +441265,5 +441266,5 +441267,5 +441268,5 +441269,5 +441270,5 +441271,5 +441272,5 +441273,5 +441274,26 +441275,26 +441276,26 +441277,26 +441278,26 +441279,26 +441280,26 +441281,26 +441282,26 +441283,26 +441284,4 +441285,4 +441286,4 +441287,4 +441288,4 +441289,4 +441290,4 +441291,4 +441292,4 +441293,35 +441294,35 +441295,35 +441296,39 +441297,39 +441298,39 +441299,35 +441300,35 +441301,35 +441302,16 +441303,16 +441304,16 +441305,16 +441306,16 +441307,16 +441308,16 +441309,35 +441310,11 +441311,40 +441312,16 +441313,25 +441314,25 +441315,25 +441316,25 +441317,25 +441318,25 +441319,25 +441320,25 +441321,25 +441322,25 +441323,31 +441324,25 +441325,25 +441326,12 +441327,12 +441328,12 +441329,12 +441330,12 +441331,12 +441332,12 +441333,12 +441334,12 +441335,12 +441336,25 +441337,25 +441338,25 +441339,25 +441340,25 +441341,25 +441342,25 +441343,25 +441344,25 +441345,25 +441346,25 +441347,25 +441348,25 +441349,25 +441350,18 +441351,18 +441352,18 +441353,19 +441354,11 +441355,11 +441356,11 +441357,11 +441358,11 +441359,11 +441360,11 +441361,11 +441362,11 +441363,11 +441364,11 +441365,11 +441366,39 +441367,39 +441368,39 +441369,39 +441370,39 +441371,39 +441372,39 +441373,2 +441374,2 +441375,2 +441376,2 +441377,2 +441378,2 +441379,2 +441380,2 +441381,2 +441382,2 +441383,2 +441384,2 +441385,2 +441386,2 +441387,40 +441388,40 +441389,40 +441390,40 +441391,40 +441392,40 +441393,40 +441394,40 +441395,40 +441396,40 +441397,36 +441398,36 +441399,36 +441400,5 +441401,27 +441402,31 +441403,31 +441404,31 +441405,31 +441406,5 +441407,5 +441408,5 +441409,5 +441410,28 +441411,5 +441412,5 +441413,5 +441414,30 +441415,30 +441416,30 +441417,30 +441418,30 +441419,28 +441420,28 +441421,28 +441422,28 +441423,14 +441424,14 +441425,14 +441426,14 +441427,14 +441428,14 +441429,14 +441430,14 +441431,14 +441432,14 +441433,14 +441434,3 +441435,3 +441436,3 +441437,3 +441438,3 +441439,3 +441440,3 +441441,3 +441442,38 +441443,38 +441444,38 +441445,38 +441446,38 +441447,38 +441448,38 +441449,35 +441450,35 +441451,35 +441452,27 +441453,27 +441454,27 +441455,27 +441456,27 +441457,2 +441458,2 +441459,2 +441460,8 +441461,8 +441462,8 +441463,8 +441464,2 +441465,8 +441466,8 +441467,8 +441468,8 +441469,23 +441470,23 +441471,23 +441472,23 +441473,23 +441474,23 +441475,23 +441476,23 +441477,14 +441478,14 +441479,14 +441480,14 +441481,14 +441482,14 +441483,14 +441484,14 +441485,14 +441486,14 +441487,14 +441488,2 +441489,2 +441490,2 +441491,2 +441492,2 +441493,2 +441494,2 +441495,2 +441496,2 +441497,2 +441498,2 +441499,4 +441500,4 +441501,4 +441502,4 +441503,4 +441504,4 +441505,4 +441506,4 +441507,31 +441508,31 +441509,31 +441510,31 +441511,29 +441512,29 +441513,29 +441514,29 +441515,29 +441516,29 +441517,31 +441518,31 +441519,31 +441520,31 +441521,31 +441522,31 +441523,31 +441524,12 +441525,12 +441526,12 +441527,12 +441528,12 +441529,12 +441530,12 +441531,12 +441532,12 +441533,12 +441534,12 +441535,26 +441536,26 +441537,26 +441538,26 +441539,26 +441540,26 +441541,26 +441542,9 +441543,9 +441544,9 +441545,9 +441546,9 +441547,9 +441548,9 +441549,30 +441550,30 +441551,30 +441552,30 +441553,30 +441554,30 +441555,30 +441556,30 +441557,30 +441558,30 +441559,30 +441560,30 +441561,30 +441562,30 +441563,30 +441564,30 +441565,30 +441566,30 +441567,30 +441568,30 +441569,30 +441570,30 +441571,0 +441572,0 +441573,0 +441574,0 +441575,0 +441576,0 +441577,0 +441578,0 +441579,0 +441580,0 +441581,0 +441582,0 +441583,0 +441584,0 +441585,0 +441586,0 +441587,0 +441588,0 +441589,0 +441590,0 +441591,0 +441592,0 +441593,0 +441594,0 +441595,0 +441596,0 +441597,0 +441598,0 +441599,36 +441600,36 +441601,36 +441602,36 +441603,36 +441604,36 +441605,36 +441606,19 +441607,19 +441608,19 +441609,19 +441610,19 +441611,19 +441612,10 +441613,10 +441614,10 +441615,10 +441616,10 +441617,10 +441618,10 +441619,10 +441620,10 +441621,36 +441622,36 +441623,36 +441624,36 +441625,10 +441626,35 +441627,35 +441628,35 +441629,35 +441630,36 +441631,36 +441632,36 +441633,36 +441634,36 +441635,24 +441636,24 +441637,24 +441638,24 +441639,4 +441640,4 +441641,4 +441642,4 +441643,26 +441644,26 +441645,26 +441646,26 +441647,26 +441648,26 +441649,26 +441650,26 +441651,10 +441652,10 +441653,10 +441654,10 +441655,23 +441656,23 +441657,23 +441658,23 +441659,23 +441660,23 +441661,23 +441662,23 +441663,23 +441664,6 +441665,31 +441666,27 +441667,27 +441668,13 +441669,13 +441670,13 +441671,13 +441672,13 +441673,13 +441674,13 +441675,13 +441676,13 +441677,13 +441678,13 +441679,15 +441680,15 +441681,15 +441682,15 +441683,15 +441684,15 +441685,15 +441686,15 +441687,33 +441688,33 +441689,30 +441690,30 +441691,33 +441692,33 +441693,33 +441694,33 +441695,33 +441696,33 +441697,33 +441698,34 +441699,33 +441700,2 +441701,2 +441702,2 +441703,2 +441704,2 +441705,2 +441706,2 +441707,2 +441708,2 +441709,2 +441710,2 +441711,2 +441712,2 +441713,4 +441714,4 +441715,4 +441716,4 +441717,4 +441718,27 +441719,27 +441720,27 +441721,27 +441722,27 +441723,27 +441724,27 +441725,27 +441726,19 +441727,19 +441728,19 +441729,19 +441730,19 +441731,19 +441732,19 +441733,19 +441734,19 +441735,19 +441736,19 +441737,19 +441738,19 +441739,19 +441740,19 +441741,29 +441742,40 +441743,40 +441744,36 +441745,36 +441746,36 +441747,36 +441748,36 +441749,36 +441750,36 +441751,40 +441752,40 +441753,4 +441754,4 +441755,4 +441756,4 +441757,4 +441758,4 +441759,4 +441760,0 +441761,0 +441762,0 +441763,0 +441764,0 +441765,26 +441766,26 +441767,26 +441768,26 +441769,10 +441770,10 +441771,10 +441772,10 +441773,10 +441774,10 +441775,10 +441776,10 +441777,10 +441778,10 +441779,10 +441780,10 +441781,10 +441782,10 +441783,10 +441784,10 +441785,31 +441786,10 +441787,10 +441788,10 +441789,10 +441790,14 +441791,14 +441792,15 +441793,15 +441794,15 +441795,15 +441796,15 +441797,28 +441798,28 +441799,28 +441800,28 +441801,28 +441802,4 +441803,4 +441804,32 +441805,32 +441806,32 +441807,4 +441808,4 +441809,4 +441810,4 +441811,4 +441812,4 +441813,4 +441814,4 +441815,14 +441816,14 +441817,14 +441818,14 +441819,14 +441820,14 +441821,14 +441822,14 +441823,14 +441824,14 +441825,5 +441826,5 +441827,5 +441828,5 +441829,5 +441830,5 +441831,5 +441832,5 +441833,5 +441834,19 +441835,19 +441836,19 +441837,19 +441838,4 +441839,4 +441840,19 +441841,19 +441842,19 +441843,19 +441844,31 +441845,31 +441846,31 +441847,31 +441848,28 +441849,28 +441850,28 +441851,28 +441852,28 +441853,28 +441854,28 +441855,28 +441856,9 +441857,9 +441858,9 +441859,9 +441860,9 +441861,9 +441862,9 +441863,9 +441864,9 +441865,9 +441866,9 +441867,9 +441868,9 +441869,9 +441870,9 +441871,9 +441872,9 +441873,9 +441874,9 +441875,9 +441876,9 +441877,9 +441878,9 +441879,9 +441880,34 +441881,34 +441882,34 +441883,34 +441884,34 +441885,34 +441886,34 +441887,0 +441888,0 +441889,0 +441890,4 +441891,4 +441892,5 +441893,5 +441894,5 +441895,5 +441896,5 +441897,0 +441898,0 +441899,0 +441900,0 +441901,0 +441902,0 +441903,0 +441904,0 +441905,0 +441906,0 +441907,0 +441908,0 +441909,0 +441910,0 +441911,0 +441912,0 +441913,0 +441914,0 +441915,0 +441916,0 +441917,0 +441918,0 +441919,0 +441920,0 +441921,0 +441922,0 +441923,0 +441924,0 +441925,0 +441926,0 +441927,0 +441928,0 +441929,0 +441930,0 +441931,0 +441932,0 +441933,0 +441934,0 +441935,0 +441936,0 +441937,0 +441938,0 +441939,0 +441940,0 +441941,0 +441942,0 +441943,0 +441944,0 +441945,0 +441946,0 +441947,0 +441948,0 +441949,0 +441950,0 +441951,0 +441952,0 +441953,0 +441954,0 +441955,0 +441956,0 +441957,0 +441958,0 +441959,0 +441960,0 +441961,0 +441962,0 +441963,0 +441964,0 +441965,0 +441966,0 +441967,0 +441968,0 +441969,0 +441970,0 +441971,0 +441972,0 +441973,0 +441974,0 +441975,0 +441976,0 +441977,0 +441978,0 +441979,0 +441980,0 +441981,0 +441982,0 +441983,0 +441984,0 +441985,0 +441986,0 +441987,0 +441988,0 +441989,0 +441990,0 +441991,0 +441992,0 +441993,0 +441994,0 +441995,0 +441996,0 +441997,0 +441998,0 +441999,0 +442000,0 +442001,0 +442002,0 +442003,0 +442004,0 +442005,0 +442006,0 +442007,0 +442008,0 +442009,0 +442010,0 +442011,0 +442012,0 +442013,0 +442014,0 +442015,0 +442016,2 +442017,2 +442018,2 +442019,0 +442020,0 +442021,0 +442022,0 +442023,0 +442024,0 +442025,0 +442026,0 +442027,30 +442028,30 +442029,30 +442030,30 +442031,30 +442032,30 +442033,30 +442034,22 +442035,22 +442036,31 +442037,31 +442038,31 +442039,21 +442040,21 +442041,21 +442042,21 +442043,21 +442044,21 +442045,21 +442046,27 +442047,27 +442048,27 +442049,27 +442050,27 +442051,13 +442052,13 +442053,13 +442054,13 +442055,13 +442056,13 +442057,13 +442058,13 +442059,13 +442060,13 +442061,15 +442062,15 +442063,15 +442064,15 +442065,36 +442066,36 +442067,36 +442068,36 +442069,36 +442070,36 +442071,36 +442072,36 +442073,36 +442074,36 +442075,36 +442076,36 +442077,36 +442078,36 +442079,36 +442080,6 +442081,6 +442082,6 +442083,6 +442084,6 +442085,6 +442086,6 +442087,6 +442088,6 +442089,9 +442090,9 +442091,31 +442092,9 +442093,9 +442094,9 +442095,9 +442096,9 +442097,31 +442098,24 +442099,24 +442100,24 +442101,24 +442102,24 +442103,24 +442104,25 +442105,25 +442106,25 +442107,25 +442108,25 +442109,25 +442110,25 +442111,25 +442112,35 +442113,35 +442114,35 +442115,35 +442116,35 +442117,35 +442118,35 +442119,35 +442120,36 +442121,36 +442122,36 +442123,36 +442124,36 +442125,36 +442126,36 +442127,36 +442128,36 +442129,36 +442130,23 +442131,23 +442132,23 +442133,23 +442134,23 +442135,23 +442136,23 +442137,23 +442138,23 +442139,31 +442140,31 +442141,31 +442142,31 +442143,31 +442144,2 +442145,2 +442146,2 +442147,2 +442148,2 +442149,2 +442150,2 +442151,2 +442152,2 +442153,2 +442154,2 +442155,2 +442156,2 +442157,2 +442158,31 +442159,31 +442160,31 +442161,31 +442162,31 +442163,31 +442164,5 +442165,5 +442166,5 +442167,5 +442168,5 +442169,5 +442170,5 +442171,4 +442172,4 +442173,4 +442174,4 +442175,16 +442176,16 +442177,16 +442178,16 +442179,4 +442180,4 +442181,16 +442182,37 +442183,37 +442184,37 +442185,37 +442186,37 +442187,37 +442188,14 +442189,39 +442190,39 +442191,39 +442192,39 +442193,39 +442194,39 +442195,39 +442196,39 +442197,14 +442198,14 +442199,14 +442200,14 +442201,27 +442202,27 +442203,4 +442204,4 +442205,0 +442206,0 +442207,0 +442208,0 +442209,0 +442210,0 +442211,0 +442212,0 +442213,0 +442214,0 +442215,0 +442216,0 +442217,0 +442218,0 +442219,0 +442220,0 +442221,0 +442222,0 +442223,0 +442224,0 +442225,0 +442226,0 +442227,0 +442228,0 +442229,0 +442230,0 +442231,0 +442232,0 +442233,0 +442234,0 +442235,0 +442236,0 +442237,0 +442238,12 +442239,12 +442240,12 +442241,12 +442242,12 +442243,12 +442244,12 +442245,12 +442246,12 +442247,12 +442248,27 +442249,39 +442250,39 +442251,39 +442252,39 +442253,39 +442254,16 +442255,16 +442256,16 +442257,16 +442258,16 +442259,16 +442260,16 +442261,16 +442262,16 +442263,16 +442264,16 +442265,16 +442266,36 +442267,36 +442268,36 +442269,36 +442270,36 +442271,36 +442272,36 +442273,36 +442274,36 +442275,36 +442276,36 +442277,36 +442278,36 +442279,36 +442280,8 +442281,8 +442282,8 +442283,8 +442284,8 +442285,8 +442286,8 +442287,8 +442288,2 +442289,2 +442290,6 +442291,6 +442292,6 +442293,6 +442294,6 +442295,35 +442296,35 +442297,6 +442298,6 +442299,6 +442300,31 +442301,27 +442302,27 +442303,27 +442304,27 +442305,27 +442306,27 +442307,27 +442308,27 +442309,27 +442310,27 +442311,2 +442312,2 +442313,2 +442314,2 +442315,2 +442316,2 +442317,2 +442318,2 +442319,2 +442320,2 +442321,2 +442322,2 +442323,2 +442324,2 +442325,4 +442326,4 +442327,4 +442328,4 +442329,4 +442330,36 +442331,36 +442332,36 +442333,36 +442334,27 +442335,27 +442336,27 +442337,27 +442338,6 +442339,6 +442340,6 +442341,6 +442342,6 +442343,6 +442344,6 +442345,2 +442346,2 +442347,2 +442348,2 +442349,2 +442350,2 +442351,2 +442352,2 +442353,2 +442354,2 +442355,2 +442356,32 +442357,32 +442358,32 +442359,32 +442360,15 +442361,15 +442362,15 +442363,10 +442364,10 +442365,10 +442366,10 +442367,10 +442368,10 +442369,10 +442370,10 +442371,10 +442372,10 +442373,10 +442374,10 +442375,10 +442376,10 +442377,10 +442378,10 +442379,10 +442380,37 +442381,37 +442382,37 +442383,37 +442384,37 +442385,37 +442386,37 +442387,37 +442388,37 +442389,37 +442390,37 +442391,19 +442392,19 +442393,19 +442394,19 +442395,19 +442396,19 +442397,19 +442398,19 +442399,19 +442400,19 +442401,4 +442402,4 +442403,4 +442404,19 +442405,19 +442406,19 +442407,19 +442408,0 +442409,0 +442410,0 +442411,0 +442412,0 +442413,0 +442414,0 +442415,0 +442416,0 +442417,0 +442418,0 +442419,0 +442420,0 +442421,0 +442422,0 +442423,0 +442424,0 +442425,0 +442426,0 +442427,0 +442428,0 +442429,0 +442430,0 +442431,0 +442432,0 +442433,0 +442434,0 +442435,0 +442436,0 +442437,0 +442438,0 +442439,0 +442440,0 +442441,0 +442442,0 +442443,0 +442444,0 +442445,0 +442446,0 +442447,0 +442448,0 +442449,0 +442450,0 +442451,0 +442452,0 +442453,0 +442454,0 +442455,0 +442456,0 +442457,0 +442458,0 +442459,0 +442460,0 +442461,0 +442462,0 +442463,0 +442464,0 +442465,0 +442466,0 +442467,0 +442468,0 +442469,0 +442470,0 +442471,0 +442472,0 +442473,0 +442474,0 +442475,0 +442476,0 +442477,0 +442478,0 +442479,0 +442480,0 +442481,0 +442482,0 +442483,0 +442484,0 +442485,0 +442486,0 +442487,0 +442488,0 +442489,0 +442490,0 +442491,0 +442492,0 +442493,0 +442494,0 +442495,0 +442496,0 +442497,0 +442498,0 +442499,0 +442500,0 +442501,0 +442502,10 +442503,10 +442504,0 +442505,0 +442506,10 +442507,10 +442508,10 +442509,10 +442510,10 +442511,10 +442512,10 +442513,10 +442514,10 +442515,10 +442516,10 +442517,10 +442518,10 +442519,10 +442520,10 +442521,5 +442522,5 +442523,5 +442524,5 +442525,5 +442526,5 +442527,5 +442528,33 +442529,33 +442530,33 +442531,33 +442532,33 +442533,33 +442534,33 +442535,33 +442536,33 +442537,33 +442538,34 +442539,34 +442540,34 +442541,32 +442542,32 +442543,32 +442544,32 +442545,32 +442546,32 +442547,32 +442548,32 +442549,37 +442550,37 +442551,37 +442552,37 +442553,37 +442554,37 +442555,1 +442556,1 +442557,1 +442558,32 +442559,15 +442560,15 +442561,15 +442562,15 +442563,15 +442564,15 +442565,15 +442566,33 +442567,33 +442568,33 +442569,33 +442570,33 +442571,33 +442572,33 +442573,33 +442574,33 +442575,33 +442576,33 +442577,33 +442578,33 +442579,33 +442580,33 +442581,33 +442582,33 +442583,8 +442584,8 +442585,8 +442586,8 +442587,8 +442588,8 +442589,2 +442590,2 +442591,2 +442592,2 +442593,2 +442594,2 +442595,8 +442596,8 +442597,8 +442598,4 +442599,4 +442600,4 +442601,4 +442602,4 +442603,4 +442604,4 +442605,19 +442606,4 +442607,40 +442608,40 +442609,40 +442610,40 +442611,40 +442612,40 +442613,40 +442614,5 +442615,5 +442616,5 +442617,5 +442618,5 +442619,4 +442620,4 +442621,4 +442622,4 +442623,4 +442624,31 +442625,31 +442626,28 +442627,28 +442628,28 +442629,28 +442630,28 +442631,28 +442632,28 +442633,28 +442634,28 +442635,28 +442636,28 +442637,28 +442638,28 +442639,28 +442640,28 +442641,28 +442642,28 +442643,5 +442644,5 +442645,28 +442646,5 +442647,5 +442648,5 +442649,5 +442650,5 +442651,5 +442652,0 +442653,0 +442654,0 +442655,0 +442656,0 +442657,0 +442658,0 +442659,0 +442660,0 +442661,0 +442662,0 +442663,0 +442664,0 +442665,0 +442666,0 +442667,0 +442668,0 +442669,0 +442670,0 +442671,0 +442672,0 +442673,0 +442674,0 +442675,0 +442676,0 +442677,0 +442678,0 +442679,0 +442680,0 +442681,0 +442682,0 +442683,0 +442684,0 +442685,0 +442686,0 +442687,0 +442688,0 +442689,0 +442690,0 +442691,0 +442692,0 +442693,0 +442694,0 +442695,0 +442696,0 +442697,0 +442698,0 +442699,0 +442700,0 +442701,4 +442702,4 +442703,4 +442704,4 +442705,3 +442706,3 +442707,3 +442708,3 +442709,3 +442710,3 +442711,19 +442712,19 +442713,19 +442714,19 +442715,19 +442716,19 +442717,19 +442718,27 +442719,27 +442720,27 +442721,27 +442722,27 +442723,27 +442724,27 +442725,27 +442726,2 +442727,2 +442728,2 +442729,2 +442730,2 +442731,2 +442732,2 +442733,2 +442734,2 +442735,2 +442736,2 +442737,6 +442738,6 +442739,6 +442740,6 +442741,6 +442742,6 +442743,6 +442744,6 +442745,16 +442746,16 +442747,16 +442748,16 +442749,16 +442750,16 +442751,16 +442752,16 +442753,11 +442754,26 +442755,26 +442756,26 +442757,26 +442758,26 +442759,26 +442760,26 +442761,26 +442762,26 +442763,26 +442764,26 +442765,26 +442766,26 +442767,26 +442768,26 +442769,26 +442770,26 +442771,26 +442772,26 +442773,26 +442774,26 +442775,26 +442776,26 +442777,18 +442778,18 +442779,18 +442780,18 +442781,18 +442782,18 +442783,4 +442784,4 +442785,23 +442786,23 +442787,38 +442788,38 +442789,23 +442790,38 +442791,38 +442792,23 +442793,23 +442794,23 +442795,23 +442796,23 +442797,27 +442798,27 +442799,27 +442800,27 +442801,27 +442802,27 +442803,14 +442804,14 +442805,14 +442806,14 +442807,2 +442808,2 +442809,2 +442810,2 +442811,2 +442812,2 +442813,8 +442814,8 +442815,2 +442816,2 +442817,2 +442818,4 +442819,4 +442820,4 +442821,4 +442822,4 +442823,4 +442824,7 +442825,7 +442826,7 +442827,7 +442828,7 +442829,3 +442830,3 +442831,3 +442832,3 +442833,3 +442834,3 +442835,3 +442836,3 +442837,3 +442838,3 +442839,19 +442840,19 +442841,19 +442842,19 +442843,19 +442844,19 +442845,19 +442846,19 +442847,39 +442848,39 +442849,39 +442850,39 +442851,39 +442852,39 +442853,39 +442854,39 +442855,39 +442856,39 +442857,39 +442858,39 +442859,39 +442860,39 +442861,39 +442862,39 +442863,39 +442864,39 +442865,28 +442866,0 +442867,0 +442868,0 +442869,0 +442870,0 +442871,0 +442872,0 +442873,0 +442874,0 +442875,0 +442876,0 +442877,0 +442878,0 +442879,0 +442880,0 +442881,0 +442882,0 +442883,0 +442884,0 +442885,0 +442886,0 +442887,0 +442888,0 +442889,0 +442890,0 +442891,0 +442892,0 +442893,0 +442894,0 +442895,0 +442896,0 +442897,0 +442898,0 +442899,0 +442900,0 +442901,0 +442902,0 +442903,0 +442904,0 +442905,0 +442906,0 +442907,0 +442908,0 +442909,0 +442910,0 +442911,0 +442912,0 +442913,0 +442914,0 +442915,0 +442916,0 +442917,0 +442918,0 +442919,0 +442920,0 +442921,0 +442922,0 +442923,29 +442924,29 +442925,29 +442926,29 +442927,29 +442928,29 +442929,29 +442930,31 +442931,31 +442932,31 +442933,31 +442934,31 +442935,31 +442936,31 +442937,31 +442938,37 +442939,37 +442940,37 +442941,37 +442942,37 +442943,37 +442944,37 +442945,37 +442946,37 +442947,31 +442948,31 +442949,31 +442950,33 +442951,31 +442952,33 +442953,33 +442954,33 +442955,28 +442956,28 +442957,28 +442958,28 +442959,28 +442960,28 +442961,31 +442962,31 +442963,31 +442964,31 +442965,5 +442966,5 +442967,5 +442968,5 +442969,5 +442970,5 +442971,5 +442972,5 +442973,28 +442974,5 +442975,21 +442976,21 +442977,21 +442978,21 +442979,21 +442980,21 +442981,21 +442982,21 +442983,31 +442984,40 +442985,40 +442986,40 +442987,40 +442988,24 +442989,24 +442990,24 +442991,24 +442992,24 +442993,24 +442994,24 +442995,25 +442996,25 +442997,25 +442998,25 +442999,27 +443000,27 +443001,27 +443002,27 +443003,28 +443004,28 +443005,28 +443006,28 +443007,28 +443008,31 +443009,31 +443010,31 +443011,31 +443012,31 +443013,31 +443014,5 +443015,5 +443016,5 +443017,5 +443018,5 +443019,5 +443020,5 +443021,5 +443022,19 +443023,19 +443024,19 +443025,19 +443026,19 +443027,19 +443028,19 +443029,19 +443030,19 +443031,19 +443032,19 +443033,0 +443034,0 +443035,0 +443036,0 +443037,0 +443038,35 +443039,35 +443040,35 +443041,35 +443042,35 +443043,35 +443044,35 +443045,35 +443046,35 +443047,35 +443048,36 +443049,36 +443050,36 +443051,36 +443052,36 +443053,19 +443054,19 +443055,19 +443056,19 +443057,19 +443058,4 +443059,4 +443060,4 +443061,28 +443062,31 +443063,5 +443064,28 +443065,28 +443066,28 +443067,28 +443068,28 +443069,28 +443070,28 +443071,33 +443072,33 +443073,33 +443074,33 +443075,33 +443076,33 +443077,33 +443078,33 +443079,33 +443080,33 +443081,33 +443082,6 +443083,6 +443084,6 +443085,6 +443086,6 +443087,6 +443088,6 +443089,6 +443090,6 +443091,6 +443092,6 +443093,6 +443094,6 +443095,9 +443096,9 +443097,9 +443098,9 +443099,9 +443100,9 +443101,9 +443102,9 +443103,9 +443104,9 +443105,9 +443106,9 +443107,9 +443108,9 +443109,9 +443110,9 +443111,9 +443112,9 +443113,25 +443114,30 +443115,30 +443116,30 +443117,30 +443118,30 +443119,30 +443120,30 +443121,12 +443122,12 +443123,12 +443124,12 +443125,12 +443126,12 +443127,12 +443128,12 +443129,27 +443130,27 +443131,27 +443132,8 +443133,8 +443134,8 +443135,8 +443136,8 +443137,8 +443138,8 +443139,35 +443140,35 +443141,35 +443142,27 +443143,27 +443144,10 +443145,36 +443146,27 +443147,27 +443148,27 +443149,27 +443150,27 +443151,27 +443152,27 +443153,27 +443154,27 +443155,28 +443156,28 +443157,28 +443158,28 +443159,28 +443160,28 +443161,28 +443162,28 +443163,28 +443164,28 +443165,28 +443166,28 +443167,28 +443168,28 +443169,28 +443170,28 +443171,0 +443172,0 +443173,0 +443174,0 +443175,0 +443176,0 +443177,0 +443178,0 +443179,0 +443180,0 +443181,0 +443182,0 +443183,0 +443184,0 +443185,0 +443186,0 +443187,0 +443188,0 +443189,0 +443190,0 +443191,0 +443192,0 +443193,0 +443194,0 +443195,0 +443196,0 +443197,0 +443198,0 +443199,0 +443200,0 +443201,0 +443202,0 +443203,0 +443204,0 +443205,0 +443206,0 +443207,0 +443208,0 +443209,0 +443210,0 +443211,0 +443212,0 +443213,0 +443214,0 +443215,0 +443216,0 +443217,0 +443218,0 +443219,0 +443220,0 +443221,0 +443222,0 +443223,0 +443224,0 +443225,0 +443226,0 +443227,0 +443228,0 +443229,0 +443230,0 +443231,29 +443232,29 +443233,29 +443234,29 +443235,29 +443236,29 +443237,29 +443238,29 +443239,29 +443240,34 +443241,34 +443242,10 +443243,10 +443244,10 +443245,10 +443246,10 +443247,10 +443248,10 +443249,10 +443250,10 +443251,10 +443252,10 +443253,10 +443254,10 +443255,10 +443256,10 +443257,10 +443258,10 +443259,5 +443260,5 +443261,5 +443262,5 +443263,5 +443264,5 +443265,5 +443266,33 +443267,33 +443268,33 +443269,33 +443270,33 +443271,33 +443272,33 +443273,33 +443274,33 +443275,33 +443276,33 +443277,33 +443278,33 +443279,33 +443280,33 +443281,33 +443282,33 +443283,33 +443284,33 +443285,33 +443286,33 +443287,33 +443288,33 +443289,33 +443290,28 +443291,28 +443292,28 +443293,28 +443294,28 +443295,28 +443296,28 +443297,28 +443298,28 +443299,5 +443300,28 +443301,28 +443302,28 +443303,28 +443304,28 +443305,28 +443306,14 +443307,14 +443308,14 +443309,14 +443310,14 +443311,14 +443312,14 +443313,14 +443314,14 +443315,14 +443316,14 +443317,14 +443318,14 +443319,11 +443320,11 +443321,11 +443322,11 +443323,11 +443324,11 +443325,11 +443326,11 +443327,11 +443328,11 +443329,11 +443330,11 +443331,11 +443332,40 +443333,40 +443334,40 +443335,40 +443336,40 +443337,40 +443338,40 +443339,5 +443340,5 +443341,5 +443342,5 +443343,5 +443344,5 +443345,5 +443346,5 +443347,5 +443348,5 +443349,3 +443350,3 +443351,5 +443352,5 +443353,5 +443354,5 +443355,5 +443356,5 +443357,5 +443358,5 +443359,5 +443360,0 +443361,0 +443362,0 +443363,0 +443364,0 +443365,0 +443366,0 +443367,0 +443368,0 +443369,0 +443370,0 +443371,0 +443372,0 +443373,0 +443374,0 +443375,0 +443376,0 +443377,0 +443378,0 +443379,0 +443380,0 +443381,0 +443382,0 +443383,0 +443384,0 +443385,35 +443386,35 +443387,35 +443388,35 +443389,35 +443390,36 +443391,36 +443392,36 +443393,36 +443394,36 +443395,36 +443396,36 +443397,23 +443398,23 +443399,23 +443400,23 +443401,23 +443402,23 +443403,23 +443404,23 +443405,23 +443406,4 +443407,4 +443408,4 +443409,4 +443410,4 +443411,4 +443412,19 +443413,19 +443414,19 +443415,27 +443416,1 +443417,1 +443418,1 +443419,19 +443420,7 +443421,7 +443422,7 +443423,7 +443424,7 +443425,7 +443426,7 +443427,30 +443428,31 +443429,40 +443430,40 +443431,40 +443432,40 +443433,40 +443434,31 +443435,24 +443436,24 +443437,24 +443438,24 +443439,24 +443440,24 +443441,25 +443442,25 +443443,25 +443444,25 +443445,25 +443446,25 +443447,25 +443448,25 +443449,25 +443450,19 +443451,19 +443452,19 +443453,24 +443454,24 +443455,24 +443456,24 +443457,24 +443458,29 +443459,29 +443460,29 +443461,29 +443462,29 +443463,39 +443464,39 +443465,39 +443466,39 +443467,39 +443468,39 +443469,39 +443470,39 +443471,39 +443472,39 +443473,39 +443474,39 +443475,39 +443476,39 +443477,39 +443478,39 +443479,39 +443480,39 +443481,39 +443482,39 +443483,39 +443484,39 +443485,39 +443486,39 +443487,39 +443488,39 +443489,39 +443490,39 +443491,39 +443492,39 +443493,39 +443494,39 +443495,39 +443496,39 +443497,39 +443498,31 +443499,31 +443500,31 +443501,31 +443502,31 +443503,31 +443504,31 +443505,31 +443506,31 +443507,5 +443508,5 +443509,5 +443510,5 +443511,5 +443512,5 +443513,5 +443514,5 +443515,5 +443516,5 +443517,4 +443518,4 +443519,4 +443520,4 +443521,4 +443522,4 +443523,27 +443524,27 +443525,27 +443526,27 +443527,27 +443528,27 +443529,28 +443530,28 +443531,28 +443532,28 +443533,28 +443534,28 +443535,28 +443536,28 +443537,28 +443538,28 +443539,28 +443540,39 +443541,39 +443542,39 +443543,39 +443544,39 +443545,39 +443546,39 +443547,39 +443548,39 +443549,39 +443550,39 +443551,39 +443552,39 +443553,39 +443554,39 +443555,39 +443556,39 +443557,39 +443558,39 +443559,39 +443560,39 +443561,39 +443562,39 +443563,39 +443564,39 +443565,39 +443566,39 +443567,39 +443568,39 +443569,39 +443570,0 +443571,0 +443572,0 +443573,0 +443574,0 +443575,0 +443576,0 +443577,0 +443578,0 +443579,0 +443580,0 +443581,0 +443582,0 +443583,0 +443584,0 +443585,0 +443586,0 +443587,0 +443588,0 +443589,0 +443590,0 +443591,0 +443592,0 +443593,0 +443594,0 +443595,0 +443596,0 +443597,0 +443598,0 +443599,0 +443600,0 +443601,0 +443602,0 +443603,0 +443604,0 +443605,0 +443606,0 +443607,0 +443608,0 +443609,0 +443610,0 +443611,0 +443612,0 +443613,0 +443614,0 +443615,0 +443616,0 +443617,28 +443618,28 +443619,28 +443620,28 +443621,28 +443622,28 +443623,28 +443624,28 +443625,28 +443626,10 +443627,10 +443628,10 +443629,10 +443630,10 +443631,10 +443632,10 +443633,10 +443634,19 +443635,19 +443636,19 +443637,19 +443638,19 +443639,19 +443640,19 +443641,19 +443642,37 +443643,37 +443644,37 +443645,37 +443646,37 +443647,37 +443648,37 +443649,37 +443650,37 +443651,37 +443652,14 +443653,14 +443654,14 +443655,14 +443656,14 +443657,14 +443658,14 +443659,14 +443660,14 +443661,14 +443662,5 +443663,5 +443664,5 +443665,5 +443666,5 +443667,5 +443668,5 +443669,5 +443670,5 +443671,5 +443672,5 +443673,5 +443674,5 +443675,5 +443676,5 +443677,23 +443678,23 +443679,23 +443680,23 +443681,23 +443682,36 +443683,36 +443684,36 +443685,36 +443686,36 +443687,36 +443688,36 +443689,36 +443690,36 +443691,36 +443692,36 +443693,36 +443694,36 +443695,5 +443696,5 +443697,5 +443698,5 +443699,5 +443700,27 +443701,36 +443702,36 +443703,36 +443704,36 +443705,36 +443706,36 +443707,11 +443708,11 +443709,11 +443710,11 +443711,11 +443712,11 +443713,11 +443714,11 +443715,11 +443716,11 +443717,11 +443718,11 +443719,11 +443720,11 +443721,11 +443722,4 +443723,4 +443724,4 +443725,4 +443726,4 +443727,4 +443728,31 +443729,31 +443730,31 +443731,31 +443732,31 +443733,31 +443734,31 +443735,4 +443736,4 +443737,4 +443738,4 +443739,4 +443740,29 +443741,29 +443742,29 +443743,29 +443744,31 +443745,31 +443746,30 +443747,30 +443748,30 +443749,30 +443750,30 +443751,30 +443752,30 +443753,30 +443754,30 +443755,30 +443756,30 +443757,30 +443758,36 +443759,36 +443760,36 +443761,36 +443762,36 +443763,36 +443764,36 +443765,36 +443766,36 +443767,36 +443768,36 +443769,36 +443770,2 +443771,2 +443772,2 +443773,2 +443774,2 +443775,2 +443776,2 +443777,2 +443778,2 +443779,2 +443780,2 +443781,23 +443782,2 +443783,2 +443784,2 +443785,2 +443786,2 +443787,2 +443788,12 +443789,12 +443790,12 +443791,12 +443792,12 +443793,12 +443794,12 +443795,12 +443796,12 +443797,12 +443798,12 +443799,12 +443800,12 +443801,25 +443802,25 +443803,25 +443804,25 +443805,25 +443806,25 +443807,25 +443808,19 +443809,19 +443810,19 +443811,19 +443812,19 +443813,19 +443814,19 +443815,19 +443816,8 +443817,8 +443818,8 +443819,8 +443820,27 +443821,27 +443822,27 +443823,27 +443824,27 +443825,4 +443826,31 +443827,31 +443828,32 +443829,32 +443830,32 +443831,32 +443832,32 +443833,32 +443834,32 +443835,32 +443836,32 +443837,32 +443838,32 +443839,32 +443840,32 +443841,32 +443842,32 +443843,32 +443844,37 +443845,37 +443846,37 +443847,37 +443848,37 +443849,37 +443850,37 +443851,37 +443852,3 +443853,3 +443854,3 +443855,3 +443856,3 +443857,3 +443858,19 +443859,19 +443860,19 +443861,19 +443862,19 +443863,31 +443864,31 +443865,31 +443866,31 +443867,31 +443868,31 +443869,5 +443870,5 +443871,5 +443872,5 +443873,5 +443874,5 +443875,5 +443876,5 +443877,5 +443878,5 +443879,5 +443880,2 +443881,2 +443882,2 +443883,2 +443884,2 +443885,2 +443886,2 +443887,2 +443888,2 +443889,2 +443890,2 +443891,2 +443892,2 +443893,2 +443894,2 +443895,2 +443896,2 +443897,2 +443898,2 +443899,2 +443900,2 +443901,2 +443902,8 +443903,8 +443904,0 +443905,0 +443906,0 +443907,0 +443908,0 +443909,0 +443910,0 +443911,0 +443912,0 +443913,0 +443914,0 +443915,0 +443916,0 +443917,0 +443918,0 +443919,0 +443920,0 +443921,0 +443922,0 +443923,0 +443924,0 +443925,0 +443926,0 +443927,0 +443928,0 +443929,0 +443930,0 +443931,0 +443932,0 +443933,36 +443934,36 +443935,36 +443936,36 +443937,36 +443938,36 +443939,36 +443940,5 +443941,5 +443942,5 +443943,19 +443944,19 +443945,19 +443946,19 +443947,5 +443948,5 +443949,5 +443950,15 +443951,15 +443952,15 +443953,15 +443954,15 +443955,37 +443956,37 +443957,37 +443958,37 +443959,37 +443960,37 +443961,37 +443962,37 +443963,31 +443964,31 +443965,31 +443966,31 +443967,31 +443968,31 +443969,26 +443970,26 +443971,4 +443972,4 +443973,4 +443974,4 +443975,4 +443976,28 +443977,28 +443978,28 +443979,28 +443980,28 +443981,28 +443982,39 +443983,39 +443984,39 +443985,39 +443986,39 +443987,39 +443988,39 +443989,39 +443990,39 +443991,32 +443992,32 +443993,32 +443994,32 +443995,32 +443996,32 +443997,32 +443998,36 +443999,36 +444000,36 +444001,36 +444002,36 +444003,36 +444004,36 +444005,36 +444006,36 +444007,36 +444008,36 +444009,6 +444010,6 +444011,6 +444012,6 +444013,6 +444014,6 +444015,6 +444016,6 +444017,6 +444018,6 +444019,6 +444020,6 +444021,6 +444022,4 +444023,4 +444024,4 +444025,4 +444026,4 +444027,4 +444028,16 +444029,16 +444030,25 +444031,25 +444032,25 +444033,25 +444034,37 +444035,37 +444036,37 +444037,37 +444038,25 +444039,25 +444040,37 +444041,37 +444042,37 +444043,37 +444044,39 +444045,39 +444046,39 +444047,39 +444048,39 +444049,39 +444050,39 +444051,39 +444052,39 +444053,34 +444054,34 +444055,34 +444056,34 +444057,34 +444058,34 +444059,34 +444060,34 +444061,36 +444062,36 +444063,30 +444064,30 +444065,30 +444066,30 +444067,30 +444068,30 +444069,30 +444070,31 +444071,26 +444072,26 +444073,26 +444074,19 +444075,4 +444076,19 +444077,19 +444078,39 +444079,39 +444080,39 +444081,39 +444082,39 +444083,39 +444084,39 +444085,39 +444086,39 +444087,39 +444088,39 +444089,39 +444090,2 +444091,2 +444092,2 +444093,2 +444094,2 +444095,2 +444096,2 +444097,2 +444098,2 +444099,2 +444100,2 +444101,2 +444102,2 +444103,2 +444104,2 +444105,2 +444106,3 +444107,3 +444108,3 +444109,3 +444110,14 +444111,14 +444112,27 +444113,12 +444114,12 +444115,12 +444116,3 +444117,3 +444118,3 +444119,3 +444120,3 +444121,3 +444122,3 +444123,3 +444124,3 +444125,3 +444126,3 +444127,32 +444128,32 +444129,32 +444130,32 +444131,15 +444132,15 +444133,15 +444134,37 +444135,37 +444136,25 +444137,25 +444138,25 +444139,25 +444140,25 +444141,25 +444142,25 +444143,25 +444144,25 +444145,25 +444146,25 +444147,25 +444148,25 +444149,3 +444150,3 +444151,3 +444152,19 +444153,19 +444154,19 +444155,19 +444156,31 +444157,30 +444158,30 +444159,30 +444160,30 +444161,30 +444162,30 +444163,30 +444164,30 +444165,30 +444166,30 +444167,30 +444168,30 +444169,39 +444170,39 +444171,39 +444172,39 +444173,39 +444174,14 +444175,14 +444176,14 +444177,14 +444178,14 +444179,19 +444180,19 +444181,19 +444182,4 +444183,4 +444184,29 +444185,29 +444186,29 +444187,31 +444188,31 +444189,31 +444190,31 +444191,31 +444192,4 +444193,4 +444194,4 +444195,4 +444196,4 +444197,4 +444198,10 +444199,10 +444200,10 +444201,10 +444202,10 +444203,10 +444204,10 +444205,10 +444206,10 +444207,10 +444208,12 +444209,12 +444210,12 +444211,12 +444212,12 +444213,12 +444214,12 +444215,31 +444216,31 +444217,31 +444218,27 +444219,8 +444220,27 +444221,2 +444222,2 +444223,2 +444224,2 +444225,2 +444226,2 +444227,2 +444228,2 +444229,2 +444230,2 +444231,2 +444232,2 +444233,2 +444234,2 +444235,2 +444236,2 +444237,2 +444238,2 +444239,2 +444240,2 +444241,2 +444242,2 +444243,2 +444244,2 +444245,2 +444246,2 +444247,14 +444248,27 +444249,27 +444250,27 +444251,27 +444252,27 +444253,14 +444254,14 +444255,30 +444256,30 +444257,30 +444258,30 +444259,30 +444260,30 +444261,30 +444262,30 +444263,30 +444264,30 +444265,2 +444266,2 +444267,2 +444268,2 +444269,2 +444270,2 +444271,2 +444272,2 +444273,2 +444274,2 +444275,2 +444276,2 +444277,2 +444278,2 +444279,2 +444280,2 +444281,2 +444282,2 +444283,2 +444284,4 +444285,4 +444286,4 +444287,4 +444288,4 +444289,4 +444290,4 +444291,26 +444292,26 +444293,26 +444294,26 +444295,31 +444296,31 +444297,31 +444298,26 +444299,31 +444300,5 +444301,5 +444302,5 +444303,5 +444304,5 +444305,5 +444306,5 +444307,5 +444308,5 +444309,5 +444310,5 +444311,5 +444312,5 +444313,5 +444314,5 +444315,5 +444316,5 +444317,12 +444318,12 +444319,12 +444320,12 +444321,12 +444322,12 +444323,12 +444324,27 +444325,27 +444326,27 +444327,27 +444328,38 +444329,38 +444330,38 +444331,38 +444332,38 +444333,38 +444334,38 +444335,38 +444336,38 +444337,38 +444338,38 +444339,31 +444340,31 +444341,31 +444342,31 +444343,31 +444344,23 +444345,23 +444346,23 +444347,23 +444348,23 +444349,23 +444350,23 +444351,23 +444352,23 +444353,23 +444354,23 +444355,23 +444356,23 +444357,26 +444358,26 +444359,9 +444360,9 +444361,9 +444362,9 +444363,9 +444364,9 +444365,9 +444366,9 +444367,9 +444368,9 +444369,9 +444370,9 +444371,9 +444372,9 +444373,9 +444374,9 +444375,9 +444376,9 +444377,30 +444378,30 +444379,30 +444380,30 +444381,30 +444382,30 +444383,30 +444384,30 +444385,30 +444386,30 +444387,30 +444388,30 +444389,30 +444390,30 +444391,30 +444392,30 +444393,30 +444394,35 +444395,35 +444396,35 +444397,35 +444398,35 +444399,35 +444400,35 +444401,35 +444402,35 +444403,30 +444404,0 +444405,0 +444406,0 +444407,0 +444408,0 +444409,0 +444410,0 +444411,0 +444412,0 +444413,0 +444414,0 +444415,0 +444416,0 +444417,0 +444418,0 +444419,0 +444420,0 +444421,0 +444422,0 +444423,0 +444424,0 +444425,0 +444426,0 +444427,0 +444428,0 +444429,0 +444430,0 +444431,0 +444432,0 +444433,0 +444434,0 +444435,0 +444436,0 +444437,0 +444438,0 +444439,0 +444440,0 +444441,0 +444442,0 +444443,0 +444444,0 +444445,0 +444446,0 +444447,0 +444448,0 +444449,0 +444450,0 +444451,0 +444452,0 +444453,0 +444454,0 +444455,0 +444456,0 +444457,0 +444458,0 +444459,0 +444460,0 +444461,0 +444462,0 +444463,0 +444464,0 +444465,0 +444466,21 +444467,21 +444468,21 +444469,26 +444470,26 +444471,26 +444472,26 +444473,26 +444474,37 +444475,37 +444476,37 +444477,37 +444478,4 +444479,4 +444480,4 +444481,4 +444482,4 +444483,4 +444484,4 +444485,4 +444486,4 +444487,4 +444488,4 +444489,36 +444490,36 +444491,36 +444492,36 +444493,36 +444494,36 +444495,36 +444496,36 +444497,36 +444498,36 +444499,5 +444500,5 +444501,5 +444502,5 +444503,5 +444504,5 +444505,7 +444506,7 +444507,27 +444508,27 +444509,27 +444510,27 +444511,27 +444512,27 +444513,27 +444514,27 +444515,5 +444516,5 +444517,5 +444518,5 +444519,5 +444520,5 +444521,5 +444522,5 +444523,5 +444524,5 +444525,5 +444526,0 +444527,0 +444528,0 +444529,0 +444530,0 +444531,0 +444532,0 +444533,0 +444534,0 +444535,0 +444536,0 +444537,0 +444538,0 +444539,0 +444540,0 +444541,0 +444542,0 +444543,0 +444544,0 +444545,0 +444546,0 +444547,0 +444548,0 +444549,0 +444550,0 +444551,0 +444552,0 +444553,0 +444554,0 +444555,0 +444556,0 +444557,0 +444558,0 +444559,0 +444560,0 +444561,0 +444562,0 +444563,0 +444564,0 +444565,0 +444566,0 +444567,0 +444568,0 +444569,35 +444570,35 +444571,35 +444572,35 +444573,35 +444574,35 +444575,3 +444576,3 +444577,3 +444578,3 +444579,3 +444580,3 +444581,3 +444582,3 +444583,3 +444584,3 +444585,3 +444586,3 +444587,3 +444588,28 +444589,28 +444590,28 +444591,28 +444592,28 +444593,28 +444594,28 +444595,28 +444596,28 +444597,28 +444598,28 +444599,28 +444600,28 +444601,4 +444602,4 +444603,4 +444604,4 +444605,0 +444606,0 +444607,0 +444608,0 +444609,29 +444610,0 +444611,0 +444612,0 +444613,0 +444614,0 +444615,0 +444616,0 +444617,0 +444618,5 +444619,5 +444620,5 +444621,5 +444622,5 +444623,5 +444624,5 +444625,5 +444626,5 +444627,5 +444628,31 +444629,31 +444630,31 +444631,31 +444632,31 +444633,31 +444634,31 +444635,31 +444636,38 +444637,38 +444638,38 +444639,38 +444640,38 +444641,38 +444642,38 +444643,27 +444644,27 +444645,27 +444646,27 +444647,27 +444648,13 +444649,13 +444650,13 +444651,13 +444652,13 +444653,13 +444654,13 +444655,13 +444656,40 +444657,40 +444658,40 +444659,40 +444660,40 +444661,40 +444662,40 +444663,40 +444664,40 +444665,24 +444666,24 +444667,24 +444668,24 +444669,24 +444670,24 +444671,24 +444672,24 +444673,24 +444674,25 +444675,25 +444676,25 +444677,25 +444678,25 +444679,25 +444680,25 +444681,25 +444682,25 +444683,25 +444684,25 +444685,25 +444686,2 +444687,2 +444688,2 +444689,2 +444690,2 +444691,2 +444692,2 +444693,2 +444694,2 +444695,6 +444696,6 +444697,6 +444698,6 +444699,6 +444700,6 +444701,14 +444702,14 +444703,14 +444704,14 +444705,14 +444706,14 +444707,14 +444708,14 +444709,14 +444710,14 +444711,14 +444712,14 +444713,4 +444714,4 +444715,4 +444716,4 +444717,4 +444718,4 +444719,4 +444720,4 +444721,19 +444722,19 +444723,19 +444724,0 +444725,0 +444726,0 +444727,0 +444728,0 +444729,0 +444730,0 +444731,0 +444732,0 +444733,37 +444734,37 +444735,37 +444736,37 +444737,37 +444738,37 +444739,37 +444740,37 +444741,39 +444742,39 +444743,39 +444744,39 +444745,39 +444746,39 +444747,28 +444748,28 +444749,28 +444750,28 +444751,28 +444752,28 +444753,28 +444754,28 +444755,28 +444756,28 +444757,28 +444758,28 +444759,26 +444760,26 +444761,26 +444762,26 +444763,26 +444764,26 +444765,26 +444766,37 +444767,37 +444768,37 +444769,37 +444770,37 +444771,37 +444772,37 +444773,4 +444774,4 +444775,4 +444776,4 +444777,4 +444778,4 +444779,4 +444780,0 +444781,0 +444782,0 +444783,0 +444784,0 +444785,0 +444786,35 +444787,35 +444788,35 +444789,35 +444790,35 +444791,35 +444792,35 +444793,35 +444794,35 +444795,35 +444796,34 +444797,34 +444798,34 +444799,34 +444800,34 +444801,34 +444802,26 +444803,26 +444804,31 +444805,31 +444806,26 +444807,26 +444808,31 +444809,31 +444810,28 +444811,28 +444812,28 +444813,28 +444814,28 +444815,28 +444816,28 +444817,28 +444818,28 +444819,28 +444820,28 +444821,28 +444822,30 +444823,30 +444824,30 +444825,30 +444826,10 +444827,31 +444828,31 +444829,31 +444830,10 +444831,10 +444832,10 +444833,10 +444834,16 +444835,16 +444836,16 +444837,16 +444838,16 +444839,16 +444840,16 +444841,16 +444842,16 +444843,16 +444844,3 +444845,3 +444846,37 +444847,37 +444848,37 +444849,37 +444850,37 +444851,37 +444852,37 +444853,37 +444854,37 +444855,37 +444856,37 +444857,37 +444858,37 +444859,37 +444860,37 +444861,37 +444862,37 +444863,40 +444864,40 +444865,40 +444866,40 +444867,40 +444868,40 +444869,40 +444870,4 +444871,4 +444872,4 +444873,4 +444874,4 +444875,4 +444876,4 +444877,25 +444878,25 +444879,25 +444880,25 +444881,25 +444882,25 +444883,25 +444884,25 +444885,37 +444886,25 +444887,25 +444888,25 +444889,4 +444890,4 +444891,4 +444892,4 +444893,4 +444894,4 +444895,4 +444896,4 +444897,4 +444898,4 +444899,4 +444900,4 +444901,4 +444902,4 +444903,3 +444904,37 +444905,3 +444906,37 +444907,37 +444908,37 +444909,37 +444910,39 +444911,11 +444912,11 +444913,11 +444914,11 +444915,11 +444916,11 +444917,11 +444918,11 +444919,11 +444920,11 +444921,11 +444922,11 +444923,6 +444924,27 +444925,27 +444926,27 +444927,31 +444928,31 +444929,31 +444930,31 +444931,31 +444932,27 +444933,27 +444934,27 +444935,27 +444936,27 +444937,5 +444938,5 +444939,5 +444940,5 +444941,2 +444942,2 +444943,2 +444944,2 +444945,2 +444946,2 +444947,4 +444948,29 +444949,4 +444950,30 +444951,30 +444952,30 +444953,30 +444954,30 +444955,30 +444956,30 +444957,30 +444958,30 +444959,30 +444960,30 +444961,40 +444962,40 +444963,40 +444964,40 +444965,40 +444966,40 +444967,40 +444968,40 +444969,40 +444970,23 +444971,23 +444972,23 +444973,23 +444974,23 +444975,23 +444976,23 +444977,23 +444978,11 +444979,11 +444980,11 +444981,11 +444982,11 +444983,11 +444984,11 +444985,11 +444986,11 +444987,11 +444988,11 +444989,11 +444990,39 +444991,39 +444992,39 +444993,39 +444994,39 +444995,39 +444996,39 +444997,39 +444998,39 +444999,39 +445000,39 +445001,39 +445002,39 +445003,39 +445004,6 +445005,6 +445006,6 +445007,6 +445008,6 +445009,6 +445010,6 +445011,6 +445012,6 +445013,6 +445014,6 +445015,12 +445016,12 +445017,12 +445018,12 +445019,12 +445020,12 +445021,12 +445022,12 +445023,31 +445024,31 +445025,31 +445026,31 +445027,31 +445028,31 +445029,31 +445030,31 +445031,31 +445032,31 +445033,8 +445034,8 +445035,8 +445036,8 +445037,2 +445038,2 +445039,2 +445040,2 +445041,29 +445042,29 +445043,29 +445044,31 +445045,31 +445046,31 +445047,31 +445048,31 +445049,5 +445050,5 +445051,5 +445052,35 +445053,35 +445054,35 +445055,35 +445056,35 +445057,35 +445058,35 +445059,35 +445060,25 +445061,31 +445062,31 +445063,31 +445064,25 +445065,31 +445066,31 +445067,37 +445068,37 +445069,37 +445070,37 +445071,37 +445072,37 +445073,37 +445074,37 +445075,37 +445076,37 +445077,37 +445078,37 +445079,10 +445080,10 +445081,10 +445082,10 +445083,10 +445084,10 +445085,10 +445086,10 +445087,10 +445088,10 +445089,10 +445090,10 +445091,10 +445092,10 +445093,10 +445094,4 +445095,4 +445096,4 +445097,4 +445098,4 +445099,4 +445100,4 +445101,19 +445102,0 +445103,0 +445104,0 +445105,0 +445106,0 +445107,0 +445108,0 +445109,0 +445110,0 +445111,0 +445112,0 +445113,0 +445114,0 +445115,0 +445116,0 +445117,0 +445118,0 +445119,0 +445120,0 +445121,0 +445122,0 +445123,0 +445124,0 +445125,0 +445126,0 +445127,0 +445128,0 +445129,0 +445130,0 +445131,0 +445132,0 +445133,0 +445134,0 +445135,0 +445136,0 +445137,0 +445138,0 +445139,0 +445140,23 +445141,23 +445142,23 +445143,23 +445144,23 +445145,23 +445146,23 +445147,23 +445148,23 +445149,37 +445150,37 +445151,37 +445152,40 +445153,40 +445154,40 +445155,40 +445156,40 +445157,40 +445158,40 +445159,5 +445160,5 +445161,5 +445162,5 +445163,5 +445164,2 +445165,2 +445166,2 +445167,2 +445168,27 +445169,27 +445170,27 +445171,27 +445172,27 +445173,27 +445174,27 +445175,2 +445176,2 +445177,8 +445178,2 +445179,8 +445180,8 +445181,2 +445182,2 +445183,2 +445184,2 +445185,30 +445186,30 +445187,30 +445188,30 +445189,31 +445190,31 +445191,31 +445192,31 +445193,31 +445194,31 +445195,31 +445196,31 +445197,24 +445198,24 +445199,24 +445200,24 +445201,24 +445202,31 +445203,31 +445204,31 +445205,31 +445206,31 +445207,27 +445208,2 +445209,2 +445210,2 +445211,2 +445212,2 +445213,2 +445214,2 +445215,2 +445216,27 +445217,27 +445218,27 +445219,27 +445220,27 +445221,27 +445222,27 +445223,27 +445224,5 +445225,5 +445226,5 +445227,5 +445228,5 +445229,5 +445230,5 +445231,12 +445232,12 +445233,12 +445234,12 +445235,12 +445236,12 +445237,12 +445238,12 +445239,12 +445240,12 +445241,12 +445242,31 +445243,31 +445244,31 +445245,31 +445246,4 +445247,35 +445248,31 +445249,31 +445250,31 +445251,31 +445252,31 +445253,31 +445254,31 +445255,31 +445256,25 +445257,24 +445258,24 +445259,24 +445260,24 +445261,2 +445262,2 +445263,2 +445264,2 +445265,2 +445266,2 +445267,2 +445268,2 +445269,2 +445270,2 +445271,2 +445272,2 +445273,2 +445274,4 +445275,4 +445276,4 +445277,4 +445278,4 +445279,4 +445280,4 +445281,26 +445282,26 +445283,26 +445284,26 +445285,26 +445286,26 +445287,26 +445288,26 +445289,26 +445290,26 +445291,26 +445292,26 +445293,26 +445294,32 +445295,32 +445296,32 +445297,32 +445298,32 +445299,32 +445300,32 +445301,32 +445302,32 +445303,32 +445304,32 +445305,4 +445306,4 +445307,4 +445308,27 +445309,27 +445310,27 +445311,27 +445312,5 +445313,5 +445314,28 +445315,28 +445316,5 +445317,5 +445318,5 +445319,5 +445320,29 +445321,31 +445322,31 +445323,31 +445324,31 +445325,31 +445326,32 +445327,32 +445328,32 +445329,32 +445330,32 +445331,32 +445332,32 +445333,32 +445334,32 +445335,32 +445336,32 +445337,32 +445338,32 +445339,26 +445340,26 +445341,26 +445342,26 +445343,26 +445344,10 +445345,10 +445346,10 +445347,10 +445348,10 +445349,26 +445350,26 +445351,26 +445352,26 +445353,26 +445354,26 +445355,26 +445356,26 +445357,26 +445358,26 +445359,5 +445360,5 +445361,5 +445362,5 +445363,5 +445364,19 +445365,19 +445366,19 +445367,19 +445368,31 +445369,31 +445370,31 +445371,31 +445372,24 +445373,24 +445374,24 +445375,24 +445376,19 +445377,19 +445378,27 +445379,27 +445380,27 +445381,8 +445382,8 +445383,8 +445384,8 +445385,8 +445386,8 +445387,8 +445388,8 +445389,8 +445390,33 +445391,33 +445392,33 +445393,33 +445394,33 +445395,33 +445396,33 +445397,33 +445398,31 +445399,31 +445400,31 +445401,1 +445402,1 +445403,37 +445404,37 +445405,37 +445406,37 +445407,37 +445408,31 +445409,31 +445410,3 +445411,6 +445412,6 +445413,6 +445414,6 +445415,6 +445416,6 +445417,6 +445418,6 +445419,6 +445420,6 +445421,9 +445422,9 +445423,9 +445424,9 +445425,9 +445426,9 +445427,9 +445428,9 +445429,9 +445430,9 +445431,9 +445432,9 +445433,9 +445434,9 +445435,37 +445436,37 +445437,37 +445438,37 +445439,37 +445440,37 +445441,37 +445442,37 +445443,37 +445444,37 +445445,37 +445446,37 +445447,37 +445448,19 +445449,19 +445450,19 +445451,19 +445452,35 +445453,35 +445454,35 +445455,35 +445456,35 +445457,35 +445458,35 +445459,35 +445460,35 +445461,35 +445462,35 +445463,36 +445464,36 +445465,36 +445466,36 +445467,36 +445468,36 +445469,19 +445470,19 +445471,19 +445472,19 +445473,19 +445474,19 +445475,19 +445476,19 +445477,19 +445478,19 +445479,19 +445480,19 +445481,19 +445482,19 +445483,19 +445484,19 +445485,19 +445486,19 +445487,19 +445488,34 +445489,34 +445490,34 +445491,34 +445492,34 +445493,34 +445494,34 +445495,34 +445496,34 +445497,34 +445498,34 +445499,34 +445500,34 +445501,34 +445502,34 +445503,28 +445504,28 +445505,28 +445506,28 +445507,28 +445508,28 +445509,28 +445510,28 +445511,28 +445512,12 +445513,12 +445514,12 +445515,12 +445516,12 +445517,12 +445518,12 +445519,25 +445520,25 +445521,25 +445522,25 +445523,25 +445524,25 +445525,25 +445526,25 +445527,25 +445528,19 +445529,19 +445530,19 +445531,19 +445532,19 +445533,19 +445534,19 +445535,19 +445536,19 +445537,37 +445538,37 +445539,37 +445540,37 +445541,37 +445542,37 +445543,37 +445544,37 +445545,37 +445546,37 +445547,37 +445548,37 +445549,36 +445550,36 +445551,36 +445552,36 +445553,36 +445554,36 +445555,36 +445556,36 +445557,29 +445558,29 +445559,29 +445560,29 +445561,29 +445562,25 +445563,25 +445564,25 +445565,25 +445566,25 +445567,25 +445568,37 +445569,29 +445570,29 +445571,29 +445572,29 +445573,29 +445574,29 +445575,29 +445576,31 +445577,31 +445578,31 +445579,31 +445580,31 +445581,31 +445582,5 +445583,5 +445584,5 +445585,5 +445586,5 +445587,5 +445588,5 +445589,5 +445590,5 +445591,5 +445592,5 +445593,5 +445594,5 +445595,5 +445596,5 +445597,5 +445598,5 +445599,5 +445600,5 +445601,0 +445602,0 +445603,0 +445604,0 +445605,0 +445606,0 +445607,0 +445608,0 +445609,0 +445610,0 +445611,0 +445612,0 +445613,14 +445614,14 +445615,14 +445616,14 +445617,14 +445618,14 +445619,14 +445620,14 +445621,14 +445622,14 +445623,14 +445624,14 +445625,14 +445626,14 +445627,14 +445628,14 +445629,2 +445630,2 +445631,2 +445632,2 +445633,2 +445634,2 +445635,2 +445636,2 +445637,2 +445638,2 +445639,2 +445640,2 +445641,4 +445642,4 +445643,4 +445644,2 +445645,2 +445646,2 +445647,2 +445648,5 +445649,5 +445650,5 +445651,19 +445652,19 +445653,19 +445654,19 +445655,19 +445656,19 +445657,19 +445658,29 +445659,29 +445660,40 +445661,40 +445662,40 +445663,40 +445664,40 +445665,40 +445666,40 +445667,40 +445668,40 +445669,40 +445670,40 +445671,40 +445672,40 +445673,40 +445674,40 +445675,40 +445676,40 +445677,40 +445678,28 +445679,28 +445680,28 +445681,28 +445682,28 +445683,28 +445684,28 +445685,28 +445686,28 +445687,28 +445688,28 +445689,28 +445690,28 +445691,28 +445692,28 +445693,28 +445694,28 +445695,28 +445696,28 +445697,28 +445698,0 +445699,0 +445700,0 +445701,0 +445702,0 +445703,0 +445704,0 +445705,0 +445706,0 +445707,0 +445708,0 +445709,0 +445710,0 +445711,0 +445712,0 +445713,0 +445714,0 +445715,0 +445716,0 +445717,0 +445718,0 +445719,0 +445720,0 +445721,0 +445722,0 +445723,0 +445724,0 +445725,0 +445726,0 +445727,0 +445728,0 +445729,0 +445730,0 +445731,0 +445732,0 +445733,0 +445734,0 +445735,0 +445736,0 +445737,0 +445738,0 +445739,0 +445740,0 +445741,0 +445742,0 +445743,0 +445744,0 +445745,0 +445746,0 +445747,0 +445748,0 +445749,0 +445750,0 +445751,0 +445752,0 +445753,0 +445754,0 +445755,0 +445756,0 +445757,0 +445758,0 +445759,0 +445760,0 +445761,0 +445762,0 +445763,0 +445764,0 +445765,0 +445766,0 +445767,0 +445768,0 +445769,0 +445770,0 +445771,0 +445772,0 +445773,0 +445774,0 +445775,0 +445776,0 +445777,0 +445778,0 +445779,0 +445780,0 +445781,0 +445782,0 +445783,0 +445784,0 +445785,0 +445786,0 +445787,0 +445788,0 +445789,0 +445790,0 +445791,0 +445792,0 +445793,0 +445794,0 +445795,0 +445796,0 +445797,0 +445798,0 +445799,0 +445800,0 +445801,0 +445802,0 +445803,0 +445804,0 +445805,0 +445806,0 +445807,0 +445808,0 +445809,0 +445810,0 +445811,0 +445812,0 +445813,0 +445814,0 +445815,0 +445816,0 +445817,0 +445818,0 +445819,0 +445820,0 +445821,28 +445822,28 +445823,28 +445824,28 +445825,27 +445826,27 +445827,27 +445828,27 +445829,27 +445830,2 +445831,2 +445832,8 +445833,8 +445834,8 +445835,8 +445836,6 +445837,6 +445838,6 +445839,6 +445840,6 +445841,6 +445842,6 +445843,6 +445844,26 +445845,26 +445846,26 +445847,26 +445848,26 +445849,26 +445850,26 +445851,26 +445852,37 +445853,37 +445854,37 +445855,37 +445856,37 +445857,26 +445858,25 +445859,25 +445860,34 +445861,34 +445862,34 +445863,34 +445864,34 +445865,34 +445866,34 +445867,34 +445868,34 +445869,34 +445870,34 +445871,34 +445872,34 +445873,36 +445874,36 +445875,10 +445876,36 +445877,30 +445878,30 +445879,30 +445880,30 +445881,30 +445882,30 +445883,30 +445884,30 +445885,30 +445886,30 +445887,12 +445888,12 +445889,12 +445890,12 +445891,12 +445892,12 +445893,12 +445894,12 +445895,40 +445896,40 +445897,40 +445898,40 +445899,5 +445900,5 +445901,5 +445902,5 +445903,5 +445904,5 +445905,5 +445906,19 +445907,19 +445908,19 +445909,19 +445910,29 +445911,38 +445912,29 +445913,40 +445914,40 +445915,40 +445916,40 +445917,40 +445918,40 +445919,40 +445920,40 +445921,40 +445922,19 +445923,19 +445924,19 +445925,19 +445926,19 +445927,19 +445928,19 +445929,19 +445930,19 +445931,19 +445932,19 +445933,14 +445934,14 +445935,14 +445936,14 +445937,14 +445938,14 +445939,14 +445940,14 +445941,14 +445942,14 +445943,14 +445944,14 +445945,14 +445946,14 +445947,14 +445948,4 +445949,4 +445950,4 +445951,4 +445952,4 +445953,4 +445954,27 +445955,27 +445956,27 +445957,27 +445958,27 +445959,27 +445960,19 +445961,19 +445962,19 +445963,19 +445964,19 +445965,19 +445966,19 +445967,19 +445968,19 +445969,10 +445970,10 +445971,31 +445972,10 +445973,10 +445974,10 +445975,10 +445976,10 +445977,10 +445978,10 +445979,10 +445980,10 +445981,10 +445982,10 +445983,10 +445984,10 +445985,10 +445986,10 +445987,5 +445988,5 +445989,5 +445990,5 +445991,27 +445992,27 +445993,27 +445994,27 +445995,27 +445996,27 +445997,27 +445998,27 +445999,27 +446000,27 +446001,4 +446002,4 +446003,4 +446004,39 +446005,27 +446006,39 +446007,39 +446008,35 +446009,39 +446010,39 +446011,39 +446012,39 +446013,39 +446014,39 +446015,39 +446016,39 +446017,2 +446018,2 +446019,2 +446020,2 +446021,2 +446022,2 +446023,2 +446024,2 +446025,2 +446026,2 +446027,2 +446028,2 +446029,4 +446030,4 +446031,4 +446032,4 +446033,4 +446034,30 +446035,30 +446036,30 +446037,30 +446038,30 +446039,30 +446040,30 +446041,27 +446042,27 +446043,27 +446044,27 +446045,27 +446046,27 +446047,27 +446048,27 +446049,27 +446050,27 +446051,27 +446052,27 +446053,5 +446054,5 +446055,5 +446056,5 +446057,5 +446058,5 +446059,5 +446060,5 +446061,5 +446062,5 +446063,5 +446064,5 +446065,5 +446066,5 +446067,5 +446068,5 +446069,0 +446070,0 +446071,0 +446072,0 +446073,0 +446074,0 +446075,0 +446076,0 +446077,0 +446078,0 +446079,0 +446080,0 +446081,0 +446082,0 +446083,0 +446084,0 +446085,0 +446086,0 +446087,0 +446088,0 +446089,0 +446090,0 +446091,0 +446092,0 +446093,0 +446094,0 +446095,0 +446096,0 +446097,0 +446098,0 +446099,0 +446100,29 +446101,29 +446102,29 +446103,29 +446104,29 +446105,33 +446106,33 +446107,33 +446108,30 +446109,30 +446110,30 +446111,30 +446112,30 +446113,30 +446114,30 +446115,30 +446116,26 +446117,26 +446118,26 +446119,26 +446120,26 +446121,26 +446122,9 +446123,9 +446124,9 +446125,9 +446126,9 +446127,6 +446128,6 +446129,6 +446130,6 +446131,6 +446132,6 +446133,6 +446134,6 +446135,6 +446136,6 +446137,6 +446138,19 +446139,19 +446140,19 +446141,19 +446142,19 +446143,19 +446144,19 +446145,34 +446146,34 +446147,34 +446148,34 +446149,34 +446150,34 +446151,34 +446152,34 +446153,34 +446154,34 +446155,34 +446156,34 +446157,34 +446158,34 +446159,10 +446160,26 +446161,28 +446162,28 +446163,28 +446164,5 +446165,5 +446166,29 +446167,29 +446168,29 +446169,29 +446170,36 +446171,36 +446172,36 +446173,36 +446174,36 +446175,36 +446176,36 +446177,36 +446178,36 +446179,36 +446180,36 +446181,4 +446182,4 +446183,4 +446184,4 +446185,4 +446186,4 +446187,4 +446188,4 +446189,4 +446190,4 +446191,4 +446192,4 +446193,4 +446194,4 +446195,4 +446196,37 +446197,37 +446198,37 +446199,37 +446200,37 +446201,37 +446202,37 +446203,37 +446204,10 +446205,10 +446206,10 +446207,10 +446208,10 +446209,14 +446210,14 +446211,14 +446212,14 +446213,14 +446214,14 +446215,14 +446216,30 +446217,30 +446218,30 +446219,30 +446220,30 +446221,30 +446222,30 +446223,30 +446224,30 +446225,30 +446226,32 +446227,32 +446228,32 +446229,32 +446230,32 +446231,32 +446232,32 +446233,32 +446234,32 +446235,32 +446236,37 +446237,37 +446238,37 +446239,37 +446240,27 +446241,27 +446242,27 +446243,27 +446244,27 +446245,8 +446246,8 +446247,8 +446248,8 +446249,8 +446250,8 +446251,8 +446252,8 +446253,8 +446254,40 +446255,40 +446256,40 +446257,40 +446258,40 +446259,40 +446260,40 +446261,40 +446262,40 +446263,5 +446264,5 +446265,5 +446266,5 +446267,27 +446268,27 +446269,27 +446270,27 +446271,27 +446272,27 +446273,27 +446274,27 +446275,27 +446276,5 +446277,28 +446278,28 +446279,5 +446280,5 +446281,5 +446282,5 +446283,33 +446284,33 +446285,33 +446286,12 +446287,12 +446288,12 +446289,12 +446290,12 +446291,12 +446292,12 +446293,31 +446294,31 +446295,31 +446296,5 +446297,5 +446298,5 +446299,5 +446300,40 +446301,40 +446302,40 +446303,31 +446304,31 +446305,31 +446306,31 +446307,24 +446308,24 +446309,24 +446310,24 +446311,24 +446312,24 +446313,24 +446314,24 +446315,24 +446316,24 +446317,29 +446318,29 +446319,31 +446320,31 +446321,31 +446322,31 +446323,31 +446324,28 +446325,28 +446326,28 +446327,5 +446328,5 +446329,5 +446330,34 +446331,9 +446332,34 +446333,9 +446334,34 +446335,34 +446336,34 +446337,34 +446338,34 +446339,26 +446340,5 +446341,5 +446342,5 +446343,5 +446344,33 +446345,33 +446346,2 +446347,2 +446348,2 +446349,2 +446350,2 +446351,2 +446352,2 +446353,2 +446354,8 +446355,0 +446356,8 +446357,8 +446358,0 +446359,0 +446360,0 +446361,0 +446362,4 +446363,4 +446364,0 +446365,21 +446366,21 +446367,21 +446368,21 +446369,21 +446370,37 +446371,37 +446372,37 +446373,37 +446374,37 +446375,37 +446376,37 +446377,3 +446378,3 +446379,3 +446380,3 +446381,3 +446382,3 +446383,3 +446384,2 +446385,2 +446386,2 +446387,2 +446388,2 +446389,2 +446390,2 +446391,2 +446392,2 +446393,2 +446394,2 +446395,2 +446396,2 +446397,2 +446398,31 +446399,31 +446400,31 +446401,31 +446402,31 +446403,31 +446404,28 +446405,28 +446406,28 +446407,28 +446408,28 +446409,5 +446410,5 +446411,28 +446412,4 +446413,4 +446414,4 +446415,4 +446416,4 +446417,4 +446418,4 +446419,4 +446420,4 +446421,27 +446422,27 +446423,27 +446424,27 +446425,27 +446426,27 +446427,27 +446428,6 +446429,6 +446430,6 +446431,6 +446432,6 +446433,6 +446434,4 +446435,4 +446436,16 +446437,16 +446438,16 +446439,16 +446440,16 +446441,16 +446442,16 +446443,16 +446444,16 +446445,16 +446446,16 +446447,25 +446448,25 +446449,25 +446450,25 +446451,25 +446452,25 +446453,25 +446454,25 +446455,37 +446456,37 +446457,25 +446458,25 +446459,25 +446460,25 +446461,25 +446462,8 +446463,8 +446464,8 +446465,8 +446466,8 +446467,8 +446468,8 +446469,8 +446470,8 +446471,8 +446472,8 +446473,8 +446474,8 +446475,0 +446476,0 +446477,0 +446478,0 +446479,0 +446480,0 +446481,0 +446482,0 +446483,0 +446484,0 +446485,0 +446486,0 +446487,0 +446488,0 +446489,0 +446490,0 +446491,0 +446492,0 +446493,0 +446494,0 +446495,0 +446496,0 +446497,0 +446498,31 +446499,31 +446500,31 +446501,31 +446502,31 +446503,31 +446504,31 +446505,31 +446506,31 +446507,24 +446508,24 +446509,24 +446510,24 +446511,24 +446512,24 +446513,24 +446514,24 +446515,24 +446516,24 +446517,24 +446518,29 +446519,29 +446520,31 +446521,31 +446522,31 +446523,31 +446524,31 +446525,31 +446526,31 +446527,31 +446528,31 +446529,30 +446530,30 +446531,30 +446532,12 +446533,9 +446534,9 +446535,9 +446536,9 +446537,9 +446538,9 +446539,9 +446540,9 +446541,9 +446542,9 +446543,9 +446544,9 +446545,9 +446546,9 +446547,9 +446548,9 +446549,9 +446550,37 +446551,37 +446552,37 +446553,37 +446554,37 +446555,37 +446556,37 +446557,37 +446558,37 +446559,37 +446560,37 +446561,37 +446562,37 +446563,37 +446564,37 +446565,37 +446566,25 +446567,0 +446568,0 +446569,0 +446570,0 +446571,0 +446572,0 +446573,0 +446574,0 +446575,0 +446576,0 +446577,0 +446578,0 +446579,0 +446580,0 +446581,0 +446582,0 +446583,0 +446584,0 +446585,0 +446586,0 +446587,0 +446588,0 +446589,0 +446590,0 +446591,0 +446592,0 +446593,0 +446594,0 +446595,0 +446596,0 +446597,0 +446598,0 +446599,0 +446600,0 +446601,0 +446602,0 +446603,0 +446604,0 +446605,0 +446606,0 +446607,0 +446608,0 +446609,0 +446610,0 +446611,0 +446612,0 +446613,0 +446614,0 +446615,0 +446616,0 +446617,0 +446618,4 +446619,4 +446620,4 +446621,4 +446622,4 +446623,14 +446624,14 +446625,14 +446626,14 +446627,14 +446628,14 +446629,14 +446630,14 +446631,14 +446632,14 +446633,14 +446634,14 +446635,14 +446636,19 +446637,19 +446638,19 +446639,19 +446640,19 +446641,19 +446642,19 +446643,19 +446644,19 +446645,40 +446646,40 +446647,40 +446648,40 +446649,40 +446650,40 +446651,40 +446652,5 +446653,5 +446654,5 +446655,5 +446656,4 +446657,4 +446658,4 +446659,4 +446660,4 +446661,4 +446662,27 +446663,27 +446664,27 +446665,27 +446666,19 +446667,19 +446668,4 +446669,19 +446670,19 +446671,19 +446672,19 +446673,19 +446674,19 +446675,39 +446676,39 +446677,14 +446678,39 +446679,39 +446680,39 +446681,39 +446682,39 +446683,39 +446684,39 +446685,39 +446686,39 +446687,39 +446688,39 +446689,39 +446690,39 +446691,39 +446692,29 +446693,29 +446694,29 +446695,29 +446696,29 +446697,29 +446698,29 +446699,31 +446700,31 +446701,31 +446702,31 +446703,31 +446704,31 +446705,31 +446706,24 +446707,24 +446708,24 +446709,24 +446710,24 +446711,24 +446712,24 +446713,29 +446714,29 +446715,29 +446716,31 +446717,31 +446718,31 +446719,31 +446720,31 +446721,23 +446722,23 +446723,23 +446724,23 +446725,23 +446726,23 +446727,23 +446728,23 +446729,23 +446730,23 +446731,23 +446732,10 +446733,10 +446734,10 +446735,26 +446736,10 +446737,10 +446738,10 +446739,10 +446740,10 +446741,10 +446742,10 +446743,10 +446744,5 +446745,5 +446746,5 +446747,5 +446748,5 +446749,12 +446750,12 +446751,12 +446752,12 +446753,12 +446754,12 +446755,9 +446756,9 +446757,30 +446758,24 +446759,24 +446760,24 +446761,29 +446762,29 +446763,29 +446764,29 +446765,31 +446766,31 +446767,31 +446768,31 +446769,31 +446770,31 +446771,6 +446772,31 +446773,31 +446774,4 +446775,4 +446776,6 +446777,6 +446778,4 +446779,4 +446780,4 +446781,4 +446782,4 +446783,31 +446784,31 +446785,31 +446786,31 +446787,28 +446788,28 +446789,28 +446790,28 +446791,28 +446792,28 +446793,28 +446794,28 +446795,28 +446796,28 +446797,28 +446798,28 +446799,28 +446800,28 +446801,28 +446802,28 +446803,28 +446804,28 +446805,28 +446806,28 +446807,28 +446808,28 +446809,25 +446810,25 +446811,25 +446812,25 +446813,25 +446814,0 +446815,0 +446816,0 +446817,0 +446818,0 +446819,0 +446820,0 +446821,0 +446822,0 +446823,0 +446824,0 +446825,0 +446826,0 +446827,0 +446828,0 +446829,0 +446830,0 +446831,0 +446832,0 +446833,0 +446834,0 +446835,0 +446836,0 +446837,0 +446838,0 +446839,0 +446840,0 +446841,0 +446842,0 +446843,0 +446844,0 +446845,0 +446846,0 +446847,0 +446848,0 +446849,0 +446850,0 +446851,0 +446852,6 +446853,6 +446854,6 +446855,6 +446856,6 +446857,6 +446858,6 +446859,4 +446860,4 +446861,4 +446862,37 +446863,37 +446864,37 +446865,37 +446866,37 +446867,36 +446868,25 +446869,27 +446870,27 +446871,27 +446872,27 +446873,27 +446874,27 +446875,27 +446876,5 +446877,5 +446878,13 +446879,13 +446880,5 +446881,13 +446882,13 +446883,6 +446884,6 +446885,6 +446886,6 +446887,6 +446888,6 +446889,31 +446890,31 +446891,31 +446892,31 +446893,5 +446894,5 +446895,5 +446896,5 +446897,5 +446898,5 +446899,5 +446900,2 +446901,2 +446902,2 +446903,2 +446904,2 +446905,2 +446906,2 +446907,2 +446908,2 +446909,2 +446910,39 +446911,39 +446912,39 +446913,39 +446914,39 +446915,39 +446916,39 +446917,39 +446918,39 +446919,39 +446920,39 +446921,39 +446922,15 +446923,15 +446924,15 +446925,15 +446926,19 +446927,19 +446928,12 +446929,12 +446930,15 +446931,31 +446932,27 +446933,27 +446934,27 +446935,15 +446936,15 +446937,15 +446938,15 +446939,15 +446940,15 +446941,15 +446942,31 +446943,31 +446944,31 +446945,30 +446946,30 +446947,30 +446948,30 +446949,30 +446950,30 +446951,30 +446952,30 +446953,30 +446954,30 +446955,30 +446956,35 +446957,35 +446958,35 +446959,35 +446960,35 +446961,35 +446962,35 +446963,36 +446964,36 +446965,36 +446966,36 +446967,36 +446968,36 +446969,36 +446970,5 +446971,5 +446972,5 +446973,5 +446974,5 +446975,5 +446976,5 +446977,5 +446978,3 +446979,3 +446980,3 +446981,13 +446982,13 +446983,13 +446984,13 +446985,13 +446986,13 +446987,13 +446988,13 +446989,13 +446990,13 +446991,13 +446992,39 +446993,17 +446994,14 +446995,14 +446996,39 +446997,0 +446998,0 +446999,0 +447000,0 +447001,0 +447002,0 +447003,0 +447004,0 +447005,0 +447006,0 +447007,0 +447008,0 +447009,0 +447010,0 +447011,0 +447012,0 +447013,0 +447014,0 +447015,0 +447016,0 +447017,0 +447018,0 +447019,0 +447020,0 +447021,0 +447022,0 +447023,0 +447024,0 +447025,0 +447026,0 +447027,0 +447028,0 +447029,0 +447030,0 +447031,0 +447032,0 +447033,0 +447034,23 +447035,23 +447036,23 +447037,23 +447038,0 +447039,23 +447040,23 +447041,23 +447042,23 +447043,23 +447044,23 +447045,23 +447046,23 +447047,23 +447048,23 +447049,23 +447050,23 +447051,23 +447052,23 +447053,37 +447054,37 +447055,37 +447056,37 +447057,36 +447058,36 +447059,36 +447060,36 +447061,36 +447062,36 +447063,36 +447064,36 +447065,36 +447066,36 +447067,24 +447068,24 +447069,24 +447070,24 +447071,23 +447072,23 +447073,23 +447074,23 +447075,25 +447076,24 +447077,27 +447078,27 +447079,27 +447080,27 +447081,27 +447082,27 +447083,27 +447084,40 +447085,6 +447086,6 +447087,14 +447088,6 +447089,6 +447090,6 +447091,6 +447092,6 +447093,6 +447094,0 +447095,4 +447096,0 +447097,0 +447098,4 +447099,4 +447100,4 +447101,4 +447102,4 +447103,4 +447104,4 +447105,4 +447106,4 +447107,4 +447108,3 +447109,3 +447110,3 +447111,3 +447112,3 +447113,3 +447114,3 +447115,3 +447116,3 +447117,3 +447118,3 +447119,3 +447120,3 +447121,3 +447122,3 +447123,3 +447124,3 +447125,3 +447126,3 +447127,3 +447128,3 +447129,3 +447130,3 +447131,3 +447132,3 +447133,3 +447134,3 +447135,3 +447136,3 +447137,35 +447138,12 +447139,12 +447140,12 +447141,12 +447142,12 +447143,12 +447144,12 +447145,12 +447146,12 +447147,12 +447148,9 +447149,12 +447150,12 +447151,12 +447152,9 +447153,9 +447154,9 +447155,9 +447156,9 +447157,9 +447158,9 +447159,33 +447160,9 +447161,9 +447162,9 +447163,9 +447164,9 +447165,9 +447166,9 +447167,33 +447168,33 +447169,33 +447170,33 +447171,33 +447172,33 +447173,33 +447174,33 +447175,33 +447176,33 +447177,3 +447178,3 +447179,3 +447180,3 +447181,3 +447182,3 +447183,3 +447184,3 +447185,3 +447186,3 +447187,3 +447188,8 +447189,2 +447190,2 +447191,2 +447192,2 +447193,2 +447194,2 +447195,2 +447196,2 +447197,2 +447198,12 +447199,12 +447200,12 +447201,12 +447202,12 +447203,12 +447204,12 +447205,12 +447206,12 +447207,9 +447208,9 +447209,9 +447210,9 +447211,9 +447212,9 +447213,9 +447214,9 +447215,9 +447216,9 +447217,37 +447218,37 +447219,37 +447220,37 +447221,37 +447222,37 +447223,35 +447224,35 +447225,35 +447226,35 +447227,35 +447228,35 +447229,27 +447230,27 +447231,27 +447232,27 +447233,27 +447234,27 +447235,27 +447236,8 +447237,8 +447238,8 +447239,8 +447240,8 +447241,8 +447242,35 +447243,35 +447244,35 +447245,35 +447246,35 +447247,35 +447248,35 +447249,35 +447250,35 +447251,35 +447252,35 +447253,26 +447254,26 +447255,26 +447256,26 +447257,26 +447258,26 +447259,26 +447260,26 +447261,26 +447262,37 +447263,37 +447264,37 +447265,37 +447266,37 +447267,37 +447268,37 +447269,37 +447270,37 +447271,37 +447272,0 +447273,0 +447274,0 +447275,0 +447276,0 +447277,0 +447278,0 +447279,4 +447280,2 +447281,2 +447282,2 +447283,2 +447284,2 +447285,2 +447286,2 +447287,2 +447288,2 +447289,2 +447290,2 +447291,2 +447292,2 +447293,2 +447294,2 +447295,2 +447296,33 +447297,33 +447298,33 +447299,33 +447300,33 +447301,33 +447302,33 +447303,33 +447304,33 +447305,33 +447306,33 +447307,15 +447308,15 +447309,15 +447310,32 +447311,32 +447312,32 +447313,32 +447314,32 +447315,32 +447316,32 +447317,37 +447318,37 +447319,37 +447320,37 +447321,37 +447322,34 +447323,34 +447324,34 +447325,34 +447326,34 +447327,10 +447328,10 +447329,10 +447330,10 +447331,10 +447332,10 +447333,10 +447334,10 +447335,10 +447336,10 +447337,10 +447338,10 +447339,30 +447340,26 +447341,4 +447342,4 +447343,6 +447344,6 +447345,6 +447346,6 +447347,6 +447348,6 +447349,6 +447350,31 +447351,30 +447352,30 +447353,30 +447354,39 +447355,39 +447356,39 +447357,39 +447358,39 +447359,39 +447360,39 +447361,39 +447362,35 +447363,35 +447364,39 +447365,39 +447366,39 +447367,39 +447368,39 +447369,39 +447370,0 +447371,35 +447372,0 +447373,0 +447374,0 +447375,0 +447376,0 +447377,0 +447378,0 +447379,0 +447380,0 +447381,0 +447382,0 +447383,0 +447384,0 +447385,0 +447386,0 +447387,0 +447388,0 +447389,0 +447390,0 +447391,0 +447392,0 +447393,0 +447394,0 +447395,0 +447396,0 +447397,0 +447398,0 +447399,0 +447400,0 +447401,0 +447402,0 +447403,0 +447404,0 +447405,0 +447406,0 +447407,0 +447408,0 +447409,0 +447410,0 +447411,0 +447412,0 +447413,0 +447414,0 +447415,0 +447416,0 +447417,0 +447418,0 +447419,0 +447420,0 +447421,0 +447422,0 +447423,0 +447424,0 +447425,0 +447426,0 +447427,0 +447428,0 +447429,0 +447430,0 +447431,0 +447432,0 +447433,0 +447434,0 +447435,35 +447436,35 +447437,35 +447438,35 +447439,35 +447440,35 +447441,35 +447442,35 +447443,35 +447444,35 +447445,39 +447446,39 +447447,39 +447448,39 +447449,39 +447450,39 +447451,39 +447452,39 +447453,39 +447454,39 +447455,39 +447456,39 +447457,39 +447458,39 +447459,39 +447460,27 +447461,27 +447462,27 +447463,27 +447464,27 +447465,27 +447466,27 +447467,27 +447468,27 +447469,2 +447470,2 +447471,2 +447472,2 +447473,2 +447474,2 +447475,2 +447476,2 +447477,2 +447478,2 +447479,2 +447480,2 +447481,2 +447482,2 +447483,2 +447484,2 +447485,39 +447486,39 +447487,39 +447488,39 +447489,39 +447490,39 +447491,39 +447492,39 +447493,39 +447494,28 +447495,28 +447496,28 +447497,28 +447498,28 +447499,35 +447500,35 +447501,35 +447502,35 +447503,35 +447504,35 +447505,27 +447506,27 +447507,27 +447508,27 +447509,27 +447510,27 +447511,27 +447512,27 +447513,27 +447514,27 +447515,2 +447516,2 +447517,2 +447518,2 +447519,2 +447520,2 +447521,2 +447522,2 +447523,2 +447524,2 +447525,2 +447526,2 +447527,2 +447528,30 +447529,30 +447530,30 +447531,30 +447532,30 +447533,30 +447534,10 +447535,10 +447536,10 +447537,10 +447538,10 +447539,10 +447540,10 +447541,10 +447542,10 +447543,10 +447544,10 +447545,2 +447546,2 +447547,2 +447548,2 +447549,2 +447550,2 +447551,2 +447552,2 +447553,2 +447554,2 +447555,31 +447556,31 +447557,31 +447558,31 +447559,31 +447560,30 +447561,30 +447562,30 +447563,30 +447564,30 +447565,30 +447566,30 +447567,30 +447568,30 +447569,30 +447570,31 +447571,26 +447572,26 +447573,26 +447574,26 +447575,26 +447576,26 +447577,31 +447578,31 +447579,13 +447580,5 +447581,5 +447582,13 +447583,6 +447584,6 +447585,6 +447586,6 +447587,6 +447588,6 +447589,6 +447590,6 +447591,36 +447592,36 +447593,36 +447594,36 +447595,36 +447596,36 +447597,40 +447598,40 +447599,36 +447600,36 +447601,40 +447602,40 +447603,40 +447604,40 +447605,40 +447606,36 +447607,36 +447608,36 +447609,8 +447610,8 +447611,8 +447612,8 +447613,8 +447614,2 +447615,2 +447616,19 +447617,19 +447618,19 +447619,19 +447620,19 +447621,4 +447622,4 +447623,4 +447624,14 +447625,27 +447626,27 +447627,27 +447628,27 +447629,27 +447630,27 +447631,27 +447632,27 +447633,14 +447634,4 +447635,4 +447636,4 +447637,4 +447638,4 +447639,4 +447640,4 +447641,6 +447642,19 +447643,27 +447644,27 +447645,27 +447646,27 +447647,27 +447648,27 +447649,5 +447650,5 +447651,5 +447652,5 +447653,5 +447654,5 +447655,7 +447656,39 +447657,39 +447658,39 +447659,7 +447660,7 +447661,3 +447662,3 +447663,3 +447664,30 +447665,30 +447666,30 +447667,28 +447668,28 +447669,28 +447670,28 +447671,28 +447672,28 +447673,28 +447674,28 +447675,28 +447676,14 +447677,14 +447678,14 +447679,14 +447680,14 +447681,40 +447682,40 +447683,14 +447684,14 +447685,30 +447686,30 +447687,30 +447688,30 +447689,30 +447690,30 +447691,30 +447692,30 +447693,30 +447694,30 +447695,30 +447696,14 +447697,14 +447698,14 +447699,14 +447700,14 +447701,14 +447702,14 +447703,14 +447704,10 +447705,14 +447706,14 +447707,14 +447708,5 +447709,5 +447710,5 +447711,31 +447712,31 +447713,31 +447714,31 +447715,27 +447716,27 +447717,31 +447718,31 +447719,24 +447720,24 +447721,24 +447722,24 +447723,24 +447724,36 +447725,36 +447726,36 +447727,36 +447728,36 +447729,36 +447730,36 +447731,36 +447732,36 +447733,36 +447734,36 +447735,36 +447736,36 +447737,36 +447738,36 +447739,36 +447740,36 +447741,36 +447742,36 +447743,36 +447744,4 +447745,4 +447746,4 +447747,4 +447748,4 +447749,4 +447750,4 +447751,4 +447752,4 +447753,4 +447754,4 +447755,4 +447756,4 +447757,4 +447758,4 +447759,4 +447760,4 +447761,4 +447762,4 +447763,8 +447764,8 +447765,4 +447766,19 +447767,19 +447768,0 +447769,0 +447770,0 +447771,19 +447772,25 +447773,25 +447774,25 +447775,0 +447776,0 +447777,0 +447778,0 +447779,0 +447780,0 +447781,0 +447782,0 +447783,0 +447784,0 +447785,0 +447786,0 +447787,0 +447788,0 +447789,0 +447790,0 +447791,0 +447792,0 +447793,0 +447794,0 +447795,0 +447796,0 +447797,0 +447798,0 +447799,0 +447800,0 +447801,0 +447802,0 +447803,0 +447804,0 +447805,0 +447806,0 +447807,0 +447808,0 +447809,0 +447810,0 +447811,0 +447812,0 +447813,0 +447814,0 +447815,0 +447816,0 +447817,0 +447818,0 +447819,0 +447820,0 +447821,0 +447822,0 +447823,0 +447824,0 +447825,0 +447826,0 +447827,0 +447828,0 +447829,0 +447830,0 +447831,0 +447832,0 +447833,0 +447834,0 +447835,0 +447836,0 +447837,0 +447838,0 +447839,0 +447840,0 +447841,0 +447842,0 +447843,0 +447844,0 +447845,0 +447846,0 +447847,0 +447848,0 +447849,0 +447850,0 +447851,0 +447852,0 +447853,0 +447854,0 +447855,0 +447856,0 +447857,0 +447858,0 +447859,0 +447860,0 +447861,0 +447862,0 +447863,0 +447864,0 +447865,0 +447866,0 +447867,0 +447868,0 +447869,0 +447870,0 +447871,0 +447872,0 +447873,0 +447874,0 +447875,0 +447876,0 +447877,0 +447878,0 +447879,0 +447880,0 +447881,0 +447882,0 +447883,0 +447884,0 +447885,0 +447886,0 +447887,0 +447888,0 +447889,0 +447890,0 +447891,0 +447892,0 +447893,0 +447894,15 +447895,15 +447896,15 +447897,15 +447898,31 +447899,31 +447900,31 +447901,31 +447902,31 +447903,31 +447904,29 +447905,24 +447906,24 +447907,24 +447908,35 +447909,35 +447910,35 +447911,35 +447912,35 +447913,35 +447914,35 +447915,35 +447916,39 +447917,39 +447918,39 +447919,39 +447920,39 +447921,39 +447922,39 +447923,27 +447924,27 +447925,27 +447926,27 +447927,37 +447928,37 +447929,37 +447930,37 +447931,37 +447932,37 +447933,37 +447934,37 +447935,37 +447936,37 +447937,37 +447938,37 +447939,25 +447940,25 +447941,29 +447942,29 +447943,29 +447944,29 +447945,31 +447946,31 +447947,31 +447948,31 +447949,31 +447950,31 +447951,31 +447952,31 +447953,31 +447954,12 +447955,12 +447956,12 +447957,30 +447958,30 +447959,30 +447960,30 +447961,30 +447962,30 +447963,9 +447964,9 +447965,9 +447966,9 +447967,9 +447968,30 +447969,9 +447970,9 +447971,9 +447972,9 +447973,9 +447974,9 +447975,9 +447976,13 +447977,13 +447978,13 +447979,13 +447980,13 +447981,13 +447982,13 +447983,13 +447984,13 +447985,13 +447986,13 +447987,5 +447988,13 +447989,15 +447990,5 +447991,5 +447992,5 +447993,28 +447994,28 +447995,28 +447996,40 +447997,40 +447998,40 +447999,40 +448000,40 +448001,40 +448002,40 +448003,40 +448004,40 +448005,40 +448006,40 +448007,40 +448008,40 +448009,40 +448010,40 +448011,40 +448012,40 +448013,40 +448014,5 +448015,5 +448016,5 +448017,5 +448018,5 +448019,5 +448020,5 +448021,5 +448022,5 +448023,12 +448024,5 +448025,31 +448026,12 +448027,12 +448028,27 +448029,27 +448030,27 +448031,27 +448032,29 +448033,29 +448034,29 +448035,24 +448036,29 +448037,29 +448038,29 +448039,29 +448040,29 +448041,39 +448042,39 +448043,39 +448044,39 +448045,39 +448046,39 +448047,39 +448048,39 +448049,39 +448050,39 +448051,39 +448052,39 +448053,39 +448054,39 +448055,39 +448056,39 +448057,39 +448058,30 +448059,33 +448060,33 +448061,33 +448062,33 +448063,33 +448064,17 +448065,33 +448066,33 +448067,33 +448068,33 +448069,33 +448070,33 +448071,33 +448072,33 +448073,33 +448074,33 +448075,30 +448076,30 +448077,26 +448078,26 +448079,26 +448080,10 +448081,10 +448082,10 +448083,10 +448084,10 +448085,10 +448086,10 +448087,10 +448088,26 +448089,26 +448090,26 +448091,10 +448092,10 +448093,10 +448094,10 +448095,10 +448096,10 +448097,10 +448098,10 +448099,10 +448100,10 +448101,10 +448102,10 +448103,10 +448104,19 +448105,19 +448106,19 +448107,19 +448108,4 +448109,4 +448110,2 +448111,2 +448112,2 +448113,2 +448114,2 +448115,2 +448116,2 +448117,2 +448118,2 +448119,2 +448120,4 +448121,4 +448122,4 +448123,4 +448124,4 +448125,37 +448126,37 +448127,37 +448128,37 +448129,31 +448130,31 +448131,31 +448132,31 +448133,31 +448134,31 +448135,31 +448136,31 +448137,24 +448138,32 +448139,32 +448140,32 +448141,32 +448142,32 +448143,32 +448144,32 +448145,32 +448146,35 +448147,27 +448148,39 +448149,39 +448150,39 +448151,39 +448152,31 +448153,31 +448154,27 +448155,27 +448156,31 +448157,31 +448158,31 +448159,31 +448160,28 +448161,28 +448162,28 +448163,28 +448164,28 +448165,28 +448166,28 +448167,28 +448168,28 +448169,28 +448170,28 +448171,28 +448172,28 +448173,28 +448174,28 +448175,28 +448176,28 +448177,28 +448178,28 +448179,28 +448180,28 +448181,28 +448182,28 +448183,28 +448184,28 +448185,28 +448186,28 +448187,28 +448188,0 +448189,0 +448190,0 +448191,0 +448192,0 +448193,0 +448194,0 +448195,0 +448196,0 +448197,0 +448198,0 +448199,0 +448200,0 +448201,0 +448202,0 +448203,0 +448204,0 +448205,0 +448206,0 +448207,0 +448208,0 +448209,0 +448210,0 +448211,0 +448212,0 +448213,0 +448214,0 +448215,0 +448216,0 +448217,0 +448218,0 +448219,0 +448220,0 +448221,0 +448222,0 +448223,0 +448224,0 +448225,0 +448226,0 +448227,0 +448228,0 +448229,35 +448230,35 +448231,35 +448232,35 +448233,35 +448234,35 +448235,35 +448236,39 +448237,39 +448238,39 +448239,39 +448240,39 +448241,4 +448242,4 +448243,4 +448244,4 +448245,4 +448246,4 +448247,4 +448248,4 +448249,4 +448250,4 +448251,4 +448252,25 +448253,25 +448254,25 +448255,25 +448256,25 +448257,25 +448258,25 +448259,25 +448260,25 +448261,25 +448262,25 +448263,25 +448264,27 +448265,5 +448266,5 +448267,5 +448268,5 +448269,5 +448270,5 +448271,5 +448272,5 +448273,4 +448274,4 +448275,4 +448276,4 +448277,19 +448278,19 +448279,19 +448280,9 +448281,9 +448282,9 +448283,9 +448284,9 +448285,9 +448286,9 +448287,9 +448288,9 +448289,9 +448290,9 +448291,9 +448292,9 +448293,9 +448294,9 +448295,9 +448296,37 +448297,37 +448298,37 +448299,37 +448300,37 +448301,37 +448302,37 +448303,31 +448304,31 +448305,31 +448306,31 +448307,5 +448308,5 +448309,5 +448310,5 +448311,5 +448312,5 +448313,5 +448314,2 +448315,8 +448316,2 +448317,2 +448318,8 +448319,8 +448320,2 +448321,2 +448322,2 +448323,8 +448324,31 +448325,31 +448326,31 +448327,31 +448328,31 +448329,32 +448330,32 +448331,32 +448332,32 +448333,32 +448334,32 +448335,32 +448336,25 +448337,25 +448338,37 +448339,37 +448340,37 +448341,27 +448342,40 +448343,40 +448344,40 +448345,40 +448346,5 +448347,5 +448348,5 +448349,19 +448350,5 +448351,5 +448352,5 +448353,5 +448354,19 +448355,2 +448356,2 +448357,2 +448358,2 +448359,2 +448360,2 +448361,2 +448362,40 +448363,40 +448364,40 +448365,40 +448366,40 +448367,40 +448368,40 +448369,40 +448370,40 +448371,40 +448372,40 +448373,40 +448374,40 +448375,40 +448376,40 +448377,40 +448378,2 +448379,2 +448380,2 +448381,2 +448382,2 +448383,2 +448384,2 +448385,2 +448386,2 +448387,2 +448388,2 +448389,2 +448390,40 +448391,40 +448392,40 +448393,40 +448394,19 +448395,19 +448396,5 +448397,5 +448398,5 +448399,5 +448400,5 +448401,5 +448402,5 +448403,2 +448404,2 +448405,2 +448406,2 +448407,2 +448408,2 +448409,2 +448410,2 +448411,2 +448412,2 +448413,27 +448414,27 +448415,27 +448416,27 +448417,40 +448418,40 +448419,27 +448420,25 +448421,27 +448422,27 +448423,27 +448424,27 +448425,40 +448426,40 +448427,40 +448428,40 +448429,40 +448430,40 +448431,40 +448432,19 +448433,19 +448434,19 +448435,19 +448436,19 +448437,19 +448438,19 +448439,19 +448440,19 +448441,19 +448442,19 +448443,19 +448444,0 +448445,0 +448446,0 +448447,0 +448448,0 +448449,0 +448450,0 +448451,0 +448452,0 +448453,0 +448454,0 +448455,0 +448456,0 +448457,0 +448458,0 +448459,0 +448460,0 +448461,0 +448462,0 +448463,0 +448464,0 +448465,0 +448466,0 +448467,0 +448468,0 +448469,0 +448470,0 +448471,0 +448472,0 +448473,0 +448474,0 +448475,0 +448476,0 +448477,0 +448478,0 +448479,0 +448480,0 +448481,0 +448482,0 +448483,0 +448484,0 +448485,0 +448486,0 +448487,0 +448488,0 +448489,0 +448490,0 +448491,0 +448492,0 +448493,0 +448494,0 +448495,0 +448496,0 +448497,0 +448498,35 +448499,0 +448500,0 +448501,0 +448502,0 +448503,35 +448504,35 +448505,35 +448506,35 +448507,35 +448508,35 +448509,35 +448510,35 +448511,35 +448512,34 +448513,34 +448514,34 +448515,34 +448516,34 +448517,34 +448518,34 +448519,34 +448520,34 +448521,34 +448522,34 +448523,34 +448524,34 +448525,34 +448526,26 +448527,26 +448528,26 +448529,26 +448530,26 +448531,26 +448532,26 +448533,26 +448534,26 +448535,26 +448536,26 +448537,26 +448538,9 +448539,9 +448540,34 +448541,34 +448542,34 +448543,34 +448544,34 +448545,34 +448546,34 +448547,34 +448548,34 +448549,34 +448550,34 +448551,34 +448552,34 +448553,40 +448554,40 +448555,40 +448556,40 +448557,36 +448558,36 +448559,36 +448560,36 +448561,36 +448562,28 +448563,28 +448564,28 +448565,28 +448566,28 +448567,28 +448568,28 +448569,28 +448570,28 +448571,28 +448572,28 +448573,28 +448574,10 +448575,10 +448576,10 +448577,10 +448578,10 +448579,10 +448580,10 +448581,10 +448582,10 +448583,10 +448584,10 +448585,10 +448586,10 +448587,10 +448588,10 +448589,10 +448590,10 +448591,10 +448592,19 +448593,19 +448594,19 +448595,4 +448596,4 +448597,4 +448598,4 +448599,4 +448600,31 +448601,31 +448602,31 +448603,32 +448604,32 +448605,32 +448606,32 +448607,32 +448608,32 +448609,32 +448610,32 +448611,32 +448612,22 +448613,22 +448614,22 +448615,22 +448616,22 +448617,22 +448618,22 +448619,19 +448620,19 +448621,19 +448622,19 +448623,19 +448624,18 +448625,18 +448626,18 +448627,7 +448628,18 +448629,7 +448630,7 +448631,7 +448632,7 +448633,7 +448634,3 +448635,39 +448636,39 +448637,3 +448638,3 +448639,3 +448640,3 +448641,3 +448642,3 +448643,3 +448644,3 +448645,3 +448646,3 +448647,3 +448648,3 +448649,27 +448650,3 +448651,27 +448652,27 +448653,27 +448654,27 +448655,27 +448656,27 +448657,27 +448658,27 +448659,19 +448660,19 +448661,19 +448662,19 +448663,19 +448664,19 +448665,19 +448666,19 +448667,19 +448668,19 +448669,19 +448670,19 +448671,19 +448672,19 +448673,19 +448674,0 +448675,0 +448676,0 +448677,0 +448678,0 +448679,0 +448680,19 +448681,0 +448682,0 +448683,0 +448684,0 +448685,0 +448686,0 +448687,0 +448688,0 +448689,0 +448690,0 +448691,0 +448692,0 +448693,0 +448694,0 +448695,0 +448696,0 +448697,0 +448698,0 +448699,0 +448700,0 +448701,0 +448702,0 +448703,0 +448704,0 +448705,0 +448706,0 +448707,0 +448708,0 +448709,0 +448710,0 +448711,0 +448712,0 +448713,0 +448714,0 +448715,0 +448716,0 +448717,0 +448718,0 +448719,0 +448720,0 +448721,0 +448722,0 +448723,0 +448724,0 +448725,0 +448726,0 +448727,0 +448728,0 +448729,0 +448730,0 +448731,0 +448732,0 +448733,0 +448734,0 +448735,0 +448736,0 +448737,0 +448738,0 +448739,0 +448740,0 +448741,0 +448742,0 +448743,0 +448744,0 +448745,0 +448746,0 +448747,5 +448748,29 +448749,29 +448750,29 +448751,29 +448752,29 +448753,29 +448754,29 +448755,29 +448756,29 +448757,29 +448758,29 +448759,29 +448760,29 +448761,29 +448762,36 +448763,36 +448764,36 +448765,36 +448766,36 +448767,36 +448768,36 +448769,36 +448770,4 +448771,4 +448772,27 +448773,27 +448774,27 +448775,27 +448776,27 +448777,27 +448778,27 +448779,27 +448780,27 +448781,27 +448782,27 +448783,27 +448784,27 +448785,8 +448786,8 +448787,8 +448788,8 +448789,8 +448790,8 +448791,8 +448792,8 +448793,8 +448794,8 +448795,7 +448796,39 +448797,39 +448798,7 +448799,7 +448800,7 +448801,7 +448802,39 +448803,39 +448804,39 +448805,39 +448806,3 +448807,3 +448808,3 +448809,30 +448810,30 +448811,30 +448812,30 +448813,30 +448814,30 +448815,25 +448816,25 +448817,25 +448818,25 +448819,17 +448820,17 +448821,17 +448822,17 +448823,25 +448824,37 +448825,37 +448826,37 +448827,37 +448828,15 +448829,15 +448830,15 +448831,15 +448832,15 +448833,15 +448834,15 +448835,15 +448836,15 +448837,19 +448838,19 +448839,19 +448840,19 +448841,27 +448842,27 +448843,27 +448844,27 +448845,27 +448846,27 +448847,27 +448848,27 +448849,27 +448850,8 +448851,8 +448852,8 +448853,8 +448854,8 +448855,8 +448856,8 +448857,8 +448858,5 +448859,5 +448860,5 +448861,5 +448862,5 +448863,5 +448864,27 +448865,27 +448866,27 +448867,27 +448868,27 +448869,27 +448870,27 +448871,27 +448872,27 +448873,27 +448874,27 +448875,27 +448876,8 +448877,8 +448878,8 +448879,8 +448880,8 +448881,8 +448882,8 +448883,8 +448884,8 +448885,8 +448886,8 +448887,8 +448888,2 +448889,2 +448890,2 +448891,2 +448892,2 +448893,2 +448894,2 +448895,2 +448896,2 +448897,2 +448898,2 +448899,2 +448900,0 +448901,0 +448902,0 +448903,0 +448904,0 +448905,0 +448906,0 +448907,0 +448908,0 +448909,0 +448910,0 +448911,11 +448912,11 +448913,11 +448914,11 +448915,11 +448916,11 +448917,11 +448918,11 +448919,6 +448920,6 +448921,6 +448922,14 +448923,14 +448924,14 +448925,14 +448926,14 +448927,14 +448928,14 +448929,14 +448930,14 +448931,14 +448932,14 +448933,39 +448934,39 +448935,14 +448936,14 +448937,14 +448938,14 +448939,14 +448940,36 +448941,36 +448942,36 +448943,19 +448944,19 +448945,19 +448946,19 +448947,19 +448948,19 +448949,19 +448950,19 +448951,2 +448952,2 +448953,2 +448954,2 +448955,2 +448956,2 +448957,2 +448958,25 +448959,25 +448960,25 +448961,25 +448962,25 +448963,25 +448964,25 +448965,25 +448966,19 +448967,19 +448968,19 +448969,19 +448970,19 +448971,19 +448972,19 +448973,19 +448974,19 +448975,19 +448976,19 +448977,0 +448978,0 +448979,0 +448980,0 +448981,0 +448982,0 +448983,0 +448984,0 +448985,0 +448986,0 +448987,0 +448988,0 +448989,0 +448990,0 +448991,0 +448992,32 +448993,32 +448994,32 +448995,32 +448996,32 +448997,17 +448998,17 +448999,17 +449000,17 +449001,17 +449002,10 +449003,10 +449004,10 +449005,17 +449006,10 +449007,17 +449008,10 +449009,17 +449010,17 +449011,19 +449012,4 +449013,4 +449014,4 +449015,19 +449016,4 +449017,4 +449018,2 +449019,2 +449020,2 +449021,2 +449022,2 +449023,2 +449024,2 +449025,2 +449026,2 +449027,5 +449028,5 +449029,5 +449030,5 +449031,5 +449032,5 +449033,34 +449034,34 +449035,36 +449036,36 +449037,36 +449038,36 +449039,36 +449040,36 +449041,36 +449042,36 +449043,36 +449044,24 +449045,24 +449046,24 +449047,24 +449048,24 +449049,24 +449050,27 +449051,27 +449052,27 +449053,27 +449054,27 +449055,11 +449056,11 +449057,11 +449058,11 +449059,11 +449060,11 +449061,11 +449062,11 +449063,11 +449064,11 +449065,11 +449066,30 +449067,30 +449068,30 +449069,30 +449070,30 +449071,30 +449072,30 +449073,30 +449074,30 +449075,39 +449076,39 +449077,39 +449078,39 +449079,39 +449080,39 +449081,39 +449082,39 +449083,39 +449084,39 +449085,39 +449086,39 +449087,39 +449088,39 +449089,0 +449090,0 +449091,0 +449092,0 +449093,0 +449094,0 +449095,0 +449096,0 +449097,0 +449098,0 +449099,0 +449100,0 +449101,0 +449102,0 +449103,0 +449104,0 +449105,0 +449106,0 +449107,0 +449108,0 +449109,0 +449110,0 +449111,0 +449112,0 +449113,0 +449114,0 +449115,0 +449116,0 +449117,0 +449118,0 +449119,0 +449120,0 +449121,0 +449122,0 +449123,0 +449124,0 +449125,0 +449126,0 +449127,0 +449128,0 +449129,0 +449130,0 +449131,12 +449132,12 +449133,33 +449134,33 +449135,33 +449136,33 +449137,33 +449138,33 +449139,33 +449140,12 +449141,12 +449142,12 +449143,12 +449144,12 +449145,12 +449146,12 +449147,12 +449148,12 +449149,12 +449150,12 +449151,12 +449152,12 +449153,26 +449154,26 +449155,26 +449156,26 +449157,26 +449158,4 +449159,4 +449160,4 +449161,4 +449162,32 +449163,32 +449164,32 +449165,32 +449166,4 +449167,4 +449168,4 +449169,4 +449170,4 +449171,0 +449172,0 +449173,4 +449174,4 +449175,0 +449176,0 +449177,0 +449178,0 +449179,0 +449180,0 +449181,0 +449182,35 +449183,4 +449184,4 +449185,12 +449186,12 +449187,12 +449188,12 +449189,12 +449190,12 +449191,12 +449192,12 +449193,12 +449194,12 +449195,12 +449196,12 +449197,12 +449198,31 +449199,31 +449200,31 +449201,31 +449202,31 +449203,33 +449204,33 +449205,33 +449206,33 +449207,31 +449208,31 +449209,8 +449210,8 +449211,8 +449212,8 +449213,8 +449214,8 +449215,8 +449216,8 +449217,29 +449218,29 +449219,29 +449220,29 +449221,29 +449222,29 +449223,29 +449224,29 +449225,29 +449226,29 +449227,31 +449228,31 +449229,31 +449230,31 +449231,31 +449232,19 +449233,19 +449234,4 +449235,4 +449236,4 +449237,4 +449238,4 +449239,4 +449240,4 +449241,4 +449242,4 +449243,4 +449244,4 +449245,4 +449246,4 +449247,4 +449248,4 +449249,4 +449250,4 +449251,4 +449252,4 +449253,4 +449254,4 +449255,37 +449256,37 +449257,37 +449258,37 +449259,37 +449260,3 +449261,3 +449262,3 +449263,3 +449264,3 +449265,3 +449266,3 +449267,3 +449268,3 +449269,3 +449270,3 +449271,3 +449272,3 +449273,33 +449274,33 +449275,33 +449276,3 +449277,3 +449278,33 +449279,3 +449280,2 +449281,2 +449282,2 +449283,2 +449284,2 +449285,2 +449286,2 +449287,2 +449288,2 +449289,2 +449290,2 +449291,2 +449292,2 +449293,2 +449294,2 +449295,2 +449296,2 +449297,2 +449298,2 +449299,27 +449300,27 +449301,27 +449302,27 +449303,27 +449304,27 +449305,27 +449306,27 +449307,27 +449308,2 +449309,2 +449310,2 +449311,2 +449312,2 +449313,2 +449314,2 +449315,2 +449316,2 +449317,2 +449318,2 +449319,2 +449320,2 +449321,4 +449322,4 +449323,4 +449324,4 +449325,4 +449326,4 +449327,27 +449328,31 +449329,31 +449330,31 +449331,31 +449332,31 +449333,31 +449334,28 +449335,28 +449336,28 +449337,28 +449338,28 +449339,28 +449340,28 +449341,28 +449342,28 +449343,28 +449344,28 +449345,28 +449346,28 +449347,28 +449348,28 +449349,28 +449350,28 +449351,28 +449352,28 +449353,28 +449354,28 +449355,28 +449356,28 +449357,28 +449358,0 +449359,0 +449360,0 +449361,0 +449362,0 +449363,0 +449364,0 +449365,0 +449366,0 +449367,0 +449368,0 +449369,0 +449370,33 +449371,33 +449372,33 +449373,31 +449374,31 +449375,31 +449376,31 +449377,31 +449378,31 +449379,31 +449380,31 +449381,31 +449382,31 +449383,31 +449384,31 +449385,31 +449386,31 +449387,23 +449388,23 +449389,23 +449390,23 +449391,23 +449392,23 +449393,23 +449394,23 +449395,23 +449396,23 +449397,23 +449398,23 +449399,23 +449400,23 +449401,23 +449402,23 +449403,23 +449404,40 +449405,40 +449406,40 +449407,40 +449408,36 +449409,4 +449410,4 +449411,4 +449412,4 +449413,2 +449414,2 +449415,2 +449416,2 +449417,2 +449418,2 +449419,2 +449420,2 +449421,2 +449422,2 +449423,2 +449424,2 +449425,31 +449426,31 +449427,31 +449428,31 +449429,31 +449430,31 +449431,2 +449432,2 +449433,2 +449434,2 +449435,2 +449436,2 +449437,2 +449438,2 +449439,2 +449440,2 +449441,2 +449442,2 +449443,10 +449444,10 +449445,10 +449446,10 +449447,10 +449448,10 +449449,10 +449450,10 +449451,10 +449452,10 +449453,10 +449454,10 +449455,10 +449456,10 +449457,10 +449458,10 +449459,10 +449460,10 +449461,10 +449462,10 +449463,10 +449464,10 +449465,27 +449466,4 +449467,4 +449468,4 +449469,4 +449470,4 +449471,4 +449472,4 +449473,4 +449474,4 +449475,4 +449476,4 +449477,4 +449478,4 +449479,4 +449480,27 +449481,27 +449482,27 +449483,27 +449484,27 +449485,39 +449486,39 +449487,39 +449488,39 +449489,39 +449490,39 +449491,39 +449492,39 +449493,39 +449494,39 +449495,39 +449496,39 +449497,39 +449498,39 +449499,39 +449500,0 +449501,0 +449502,0 +449503,0 +449504,0 +449505,0 +449506,0 +449507,0 +449508,0 +449509,0 +449510,0 +449511,0 +449512,0 +449513,0 +449514,0 +449515,0 +449516,0 +449517,0 +449518,0 +449519,0 +449520,0 +449521,0 +449522,0 +449523,0 +449524,0 +449525,0 +449526,0 +449527,0 +449528,0 +449529,0 +449530,0 +449531,0 +449532,0 +449533,0 +449534,0 +449535,0 +449536,0 +449537,0 +449538,0 +449539,0 +449540,0 +449541,0 +449542,0 +449543,0 +449544,0 +449545,0 +449546,0 +449547,0 +449548,0 +449549,0 +449550,0 +449551,0 +449552,0 +449553,0 +449554,0 +449555,0 +449556,0 +449557,0 +449558,0 +449559,0 +449560,0 +449561,0 +449562,0 +449563,0 +449564,0 +449565,0 +449566,0 +449567,0 +449568,0 +449569,0 +449570,0 +449571,0 +449572,0 +449573,0 +449574,0 +449575,0 +449576,0 +449577,0 +449578,0 +449579,0 +449580,0 +449581,0 +449582,0 +449583,0 +449584,0 +449585,0 +449586,0 +449587,0 +449588,0 +449589,0 +449590,0 +449591,0 +449592,0 +449593,0 +449594,0 +449595,0 +449596,0 +449597,0 +449598,0 +449599,0 +449600,0 +449601,0 +449602,0 +449603,0 +449604,0 +449605,0 +449606,0 +449607,0 +449608,0 +449609,0 +449610,0 +449611,0 +449612,0 +449613,0 +449614,0 +449615,0 +449616,0 +449617,0 +449618,0 +449619,0 +449620,0 +449621,0 +449622,0 +449623,0 +449624,0 +449625,0 +449626,0 +449627,0 +449628,0 +449629,0 +449630,0 +449631,0 +449632,0 +449633,0 +449634,0 +449635,0 +449636,0 +449637,0 +449638,0 +449639,0 +449640,0 +449641,0 +449642,0 +449643,0 +449644,0 +449645,36 +449646,36 +449647,36 +449648,36 +449649,36 +449650,36 +449651,36 +449652,36 +449653,36 +449654,10 +449655,10 +449656,35 +449657,35 +449658,35 +449659,35 +449660,35 +449661,35 +449662,14 +449663,14 +449664,14 +449665,14 +449666,14 +449667,14 +449668,14 +449669,14 +449670,14 +449671,6 +449672,6 +449673,6 +449674,6 +449675,6 +449676,6 +449677,6 +449678,6 +449679,6 +449680,6 +449681,6 +449682,6 +449683,31 +449684,31 +449685,31 +449686,31 +449687,31 +449688,28 +449689,28 +449690,28 +449691,28 +449692,28 +449693,28 +449694,19 +449695,19 +449696,15 +449697,19 +449698,15 +449699,15 +449700,36 +449701,40 +449702,36 +449703,36 +449704,36 +449705,36 +449706,36 +449707,36 +449708,4 +449709,4 +449710,4 +449711,4 +449712,4 +449713,4 +449714,4 +449715,4 +449716,27 +449717,27 +449718,27 +449719,19 +449720,19 +449721,19 +449722,19 +449723,4 +449724,4 +449725,4 +449726,4 +449727,2 +449728,2 +449729,2 +449730,40 +449731,40 +449732,40 +449733,40 +449734,40 +449735,40 +449736,40 +449737,40 +449738,40 +449739,40 +449740,40 +449741,40 +449742,40 +449743,40 +449744,32 +449745,32 +449746,32 +449747,32 +449748,32 +449749,32 +449750,32 +449751,32 +449752,32 +449753,32 +449754,32 +449755,32 +449756,32 +449757,32 +449758,0 +449759,0 +449760,0 +449761,0 +449762,0 +449763,0 +449764,0 +449765,0 +449766,0 +449767,0 +449768,0 +449769,0 +449770,0 +449771,0 +449772,0 +449773,0 +449774,0 +449775,0 +449776,0 +449777,0 +449778,0 +449779,0 +449780,0 +449781,0 +449782,0 +449783,0 +449784,0 +449785,0 +449786,0 +449787,0 +449788,0 +449789,0 +449790,0 +449791,0 +449792,0 +449793,0 +449794,0 +449795,0 +449796,0 +449797,0 +449798,0 +449799,0 +449800,0 +449801,0 +449802,0 +449803,0 +449804,0 +449805,0 +449806,0 +449807,0 +449808,0 +449809,0 +449810,0 +449811,0 +449812,0 +449813,0 +449814,0 +449815,0 +449816,0 +449817,0 +449818,0 +449819,0 +449820,0 +449821,0 +449822,0 +449823,0 +449824,0 +449825,0 +449826,26 +449827,31 +449828,31 +449829,31 +449830,31 +449831,31 +449832,31 +449833,26 +449834,26 +449835,6 +449836,6 +449837,6 +449838,6 +449839,6 +449840,6 +449841,6 +449842,6 +449843,6 +449844,6 +449845,6 +449846,6 +449847,6 +449848,6 +449849,6 +449850,37 +449851,37 +449852,37 +449853,37 +449854,37 +449855,36 +449856,36 +449857,26 +449858,26 +449859,26 +449860,26 +449861,26 +449862,26 +449863,32 +449864,32 +449865,32 +449866,32 +449867,32 +449868,32 +449869,32 +449870,32 +449871,27 +449872,27 +449873,27 +449874,27 +449875,27 +449876,23 +449877,24 +449878,24 +449879,24 +449880,6 +449881,6 +449882,6 +449883,6 +449884,24 +449885,6 +449886,6 +449887,6 +449888,6 +449889,6 +449890,6 +449891,6 +449892,6 +449893,6 +449894,35 +449895,35 +449896,35 +449897,35 +449898,35 +449899,9 +449900,9 +449901,9 +449902,9 +449903,9 +449904,9 +449905,9 +449906,9 +449907,9 +449908,9 +449909,9 +449910,9 +449911,9 +449912,9 +449913,9 +449914,9 +449915,9 +449916,9 +449917,9 +449918,9 +449919,37 +449920,37 +449921,37 +449922,37 +449923,37 +449924,37 +449925,37 +449926,37 +449927,37 +449928,37 +449929,37 +449930,25 +449931,25 +449932,5 +449933,5 +449934,5 +449935,5 +449936,5 +449937,5 +449938,4 +449939,4 +449940,4 +449941,4 +449942,4 +449943,4 +449944,27 +449945,27 +449946,27 +449947,27 +449948,27 +449949,27 +449950,27 +449951,27 +449952,27 +449953,27 +449954,27 +449955,27 +449956,27 +449957,27 +449958,27 +449959,27 +449960,27 +449961,27 +449962,27 +449963,27 +449964,27 +449965,2 +449966,2 +449967,2 +449968,2 +449969,2 +449970,2 +449971,2 +449972,8 +449973,8 +449974,8 +449975,8 +449976,8 +449977,8 +449978,8 +449979,8 +449980,5 +449981,5 +449982,5 +449983,5 +449984,28 +449985,28 +449986,5 +449987,5 +449988,5 +449989,5 +449990,5 +449991,5 +449992,5 +449993,5 +449994,5 +449995,26 +449996,26 +449997,26 +449998,26 +449999,26 +450000,26 +450001,34 +450002,34 +450003,26 +450004,26 +450005,26 +450006,5 +450007,5 +450008,5 +450009,33 +450010,33 +450011,9 +450012,9 +450013,9 +450014,9 +450015,9 +450016,9 +450017,9 +450018,9 +450019,9 +450020,9 +450021,30 +450022,30 +450023,30 +450024,30 +450025,30 +450026,30 +450027,30 +450028,30 +450029,17 +450030,17 +450031,17 +450032,17 +450033,17 +450034,17 +450035,17 +450036,17 +450037,17 +450038,17 +450039,5 +450040,5 +450041,5 +450042,5 +450043,5 +450044,5 +450045,5 +450046,5 +450047,6 +450048,6 +450049,6 +450050,6 +450051,6 +450052,6 +450053,31 +450054,31 +450055,31 +450056,31 +450057,31 +450058,31 +450059,31 +450060,31 +450061,31 +450062,31 +450063,30 +450064,30 +450065,30 +450066,30 +450067,30 +450068,30 +450069,19 +450070,19 +450071,19 +450072,30 +450073,30 +450074,30 +450075,30 +450076,0 +450077,0 +450078,0 +450079,0 +450080,0 +450081,0 +450082,0 +450083,0 +450084,0 +450085,0 +450086,0 +450087,0 +450088,0 +450089,0 +450090,0 +450091,0 +450092,0 +450093,0 +450094,0 +450095,0 +450096,0 +450097,0 +450098,0 +450099,0 +450100,0 +450101,0 +450102,0 +450103,0 +450104,0 +450105,0 +450106,0 +450107,0 +450108,0 +450109,0 +450110,0 +450111,0 +450112,0 +450113,0 +450114,0 +450115,0 +450116,0 +450117,0 +450118,0 +450119,0 +450120,0 +450121,0 +450122,0 +450123,0 +450124,0 +450125,0 +450126,0 +450127,0 +450128,0 +450129,0 +450130,0 +450131,0 +450132,0 +450133,0 +450134,0 +450135,0 +450136,0 +450137,0 +450138,0 +450139,0 +450140,0 +450141,0 +450142,0 +450143,0 +450144,0 +450145,0 +450146,0 +450147,0 +450148,27 +450149,27 +450150,27 +450151,27 +450152,27 +450153,27 +450154,27 +450155,27 +450156,27 +450157,27 +450158,27 +450159,5 +450160,5 +450161,5 +450162,5 +450163,5 +450164,31 +450165,31 +450166,31 +450167,31 +450168,31 +450169,31 +450170,4 +450171,4 +450172,4 +450173,4 +450174,4 +450175,4 +450176,4 +450177,4 +450178,4 +450179,4 +450180,4 +450181,4 +450182,4 +450183,4 +450184,4 +450185,4 +450186,10 +450187,10 +450188,10 +450189,10 +450190,10 +450191,10 +450192,10 +450193,10 +450194,10 +450195,10 +450196,10 +450197,28 +450198,28 +450199,28 +450200,28 +450201,28 +450202,28 +450203,31 +450204,33 +450205,33 +450206,33 +450207,33 +450208,23 +450209,23 +450210,23 +450211,23 +450212,23 +450213,23 +450214,23 +450215,23 +450216,23 +450217,23 +450218,23 +450219,23 +450220,14 +450221,36 +450222,36 +450223,36 +450224,36 +450225,36 +450226,36 +450227,36 +450228,36 +450229,36 +450230,36 +450231,36 +450232,36 +450233,5 +450234,5 +450235,28 +450236,28 +450237,28 +450238,28 +450239,28 +450240,31 +450241,31 +450242,31 +450243,29 +450244,31 +450245,29 +450246,5 +450247,5 +450248,31 +450249,31 +450250,25 +450251,31 +450252,31 +450253,31 +450254,31 +450255,6 +450256,6 +450257,6 +450258,6 +450259,6 +450260,6 +450261,6 +450262,6 +450263,6 +450264,6 +450265,31 +450266,31 +450267,31 +450268,31 +450269,31 +450270,19 +450271,19 +450272,15 +450273,15 +450274,15 +450275,15 +450276,15 +450277,15 +450278,15 +450279,15 +450280,15 +450281,15 +450282,39 +450283,39 +450284,39 +450285,39 +450286,39 +450287,39 +450288,39 +450289,39 +450290,39 +450291,7 +450292,7 +450293,7 +450294,7 +450295,7 +450296,7 +450297,7 +450298,7 +450299,7 +450300,7 +450301,7 +450302,7 +450303,7 +450304,7 +450305,7 +450306,7 +450307,3 +450308,3 +450309,3 +450310,3 +450311,3 +450312,3 +450313,3 +450314,3 +450315,3 +450316,3 +450317,3 +450318,3 +450319,3 +450320,3 +450321,3 +450322,3 +450323,28 +450324,3 +450325,3 +450326,3 +450327,3 +450328,3 +450329,3 +450330,3 +450331,3 +450332,3 +450333,3 +450334,3 +450335,3 +450336,8 +450337,8 +450338,8 +450339,8 +450340,8 +450341,8 +450342,8 +450343,8 +450344,8 +450345,8 +450346,8 +450347,8 +450348,8 +450349,8 +450350,8 +450351,0 +450352,0 +450353,0 +450354,0 +450355,0 +450356,0 +450357,0 +450358,0 +450359,0 +450360,0 +450361,0 +450362,0 +450363,0 +450364,0 +450365,0 +450366,0 +450367,0 +450368,0 +450369,0 +450370,0 +450371,0 +450372,0 +450373,0 +450374,0 +450375,0 +450376,0 +450377,28 +450378,28 +450379,28 +450380,28 +450381,15 +450382,15 +450383,15 +450384,15 +450385,15 +450386,15 +450387,15 +450388,15 +450389,15 +450390,15 +450391,15 +450392,15 +450393,31 +450394,31 +450395,31 +450396,31 +450397,31 +450398,31 +450399,31 +450400,4 +450401,4 +450402,4 +450403,4 +450404,4 +450405,32 +450406,32 +450407,32 +450408,32 +450409,2 +450410,2 +450411,2 +450412,2 +450413,2 +450414,2 +450415,2 +450416,2 +450417,2 +450418,2 +450419,2 +450420,2 +450421,2 +450422,2 +450423,2 +450424,2 +450425,2 +450426,39 +450427,39 +450428,39 +450429,39 +450430,39 +450431,39 +450432,39 +450433,39 +450434,39 +450435,39 +450436,39 +450437,39 +450438,39 +450439,39 +450440,39 +450441,39 +450442,39 +450443,39 +450444,6 +450445,6 +450446,6 +450447,6 +450448,6 +450449,6 +450450,6 +450451,6 +450452,6 +450453,6 +450454,6 +450455,6 +450456,6 +450457,6 +450458,9 +450459,9 +450460,9 +450461,9 +450462,9 +450463,9 +450464,9 +450465,9 +450466,9 +450467,9 +450468,9 +450469,9 +450470,9 +450471,9 +450472,37 +450473,37 +450474,37 +450475,37 +450476,37 +450477,37 +450478,25 +450479,25 +450480,25 +450481,5 +450482,25 +450483,31 +450484,31 +450485,31 +450486,25 +450487,25 +450488,25 +450489,12 +450490,12 +450491,12 +450492,12 +450493,12 +450494,37 +450495,12 +450496,12 +450497,31 +450498,31 +450499,31 +450500,12 +450501,12 +450502,12 +450503,31 +450504,31 +450505,31 +450506,31 +450507,31 +450508,31 +450509,31 +450510,2 +450511,2 +450512,2 +450513,2 +450514,2 +450515,2 +450516,2 +450517,2 +450518,2 +450519,2 +450520,2 +450521,2 +450522,2 +450523,2 +450524,2 +450525,2 +450526,2 +450527,2 +450528,2 +450529,2 +450530,2 +450531,2 +450532,14 +450533,14 +450534,14 +450535,14 +450536,14 +450537,14 +450538,14 +450539,14 +450540,14 +450541,14 +450542,14 +450543,14 +450544,14 +450545,14 +450546,14 +450547,14 +450548,14 +450549,39 +450550,39 +450551,39 +450552,39 +450553,39 +450554,39 +450555,39 +450556,39 +450557,39 +450558,39 +450559,39 +450560,39 +450561,39 +450562,39 +450563,24 +450564,24 +450565,24 +450566,24 +450567,24 +450568,24 +450569,24 +450570,24 +450571,24 +450572,24 +450573,24 +450574,24 +450575,19 +450576,19 +450577,4 +450578,4 +450579,4 +450580,0 +450581,0 +450582,0 +450583,4 +450584,4 +450585,4 +450586,4 +450587,4 +450588,23 +450589,23 +450590,23 +450591,23 +450592,23 +450593,23 +450594,23 +450595,23 +450596,23 +450597,23 +450598,23 +450599,25 +450600,25 +450601,25 +450602,25 +450603,25 +450604,25 +450605,28 +450606,28 +450607,28 +450608,28 +450609,28 +450610,28 +450611,12 +450612,5 +450613,5 +450614,30 +450615,30 +450616,30 +450617,30 +450618,30 +450619,30 +450620,36 +450621,36 +450622,36 +450623,36 +450624,36 +450625,36 +450626,36 +450627,36 +450628,36 +450629,36 +450630,36 +450631,36 +450632,36 +450633,36 +450634,36 +450635,36 +450636,2 +450637,2 +450638,2 +450639,2 +450640,2 +450641,2 +450642,2 +450643,16 +450644,18 +450645,18 +450646,18 +450647,18 +450648,11 +450649,11 +450650,11 +450651,11 +450652,11 +450653,16 +450654,27 +450655,27 +450656,27 +450657,27 +450658,27 +450659,39 +450660,27 +450661,27 +450662,27 +450663,37 +450664,37 +450665,37 +450666,37 +450667,37 +450668,37 +450669,37 +450670,37 +450671,37 +450672,37 +450673,37 +450674,37 +450675,37 +450676,37 +450677,37 +450678,37 +450679,37 +450680,37 +450681,25 +450682,25 +450683,25 +450684,25 +450685,25 +450686,25 +450687,25 +450688,25 +450689,25 +450690,25 +450691,0 +450692,0 +450693,0 +450694,0 +450695,0 +450696,0 +450697,0 +450698,0 +450699,0 +450700,0 +450701,0 +450702,0 +450703,0 +450704,0 +450705,0 +450706,0 +450707,0 +450708,0 +450709,0 +450710,0 +450711,0 +450712,0 +450713,0 +450714,0 +450715,0 +450716,0 +450717,0 +450718,0 +450719,0 +450720,0 +450721,0 +450722,0 +450723,0 +450724,0 +450725,0 +450726,0 +450727,0 +450728,0 +450729,0 +450730,0 +450731,0 +450732,0 +450733,0 +450734,0 +450735,0 +450736,0 +450737,0 +450738,0 +450739,0 +450740,0 +450741,0 +450742,0 +450743,0 +450744,0 +450745,0 +450746,0 +450747,0 +450748,0 +450749,29 +450750,29 +450751,29 +450752,23 +450753,31 +450754,31 +450755,29 +450756,29 +450757,29 +450758,29 +450759,29 +450760,31 +450761,31 +450762,40 +450763,40 +450764,40 +450765,40 +450766,40 +450767,31 +450768,18 +450769,18 +450770,18 +450771,18 +450772,18 +450773,18 +450774,18 +450775,18 +450776,18 +450777,18 +450778,18 +450779,40 +450780,40 +450781,40 +450782,40 +450783,40 +450784,40 +450785,40 +450786,40 +450787,2 +450788,2 +450789,2 +450790,2 +450791,2 +450792,2 +450793,4 +450794,4 +450795,4 +450796,4 +450797,4 +450798,27 +450799,27 +450800,14 +450801,14 +450802,14 +450803,14 +450804,6 +450805,6 +450806,6 +450807,6 +450808,4 +450809,4 +450810,16 +450811,16 +450812,16 +450813,16 +450814,4 +450815,4 +450816,4 +450817,37 +450818,37 +450819,37 +450820,37 +450821,37 +450822,37 +450823,37 +450824,37 +450825,39 +450826,39 +450827,39 +450828,39 +450829,39 +450830,39 +450831,39 +450832,39 +450833,39 +450834,39 +450835,39 +450836,39 +450837,8 +450838,8 +450839,8 +450840,8 +450841,8 +450842,8 +450843,8 +450844,8 +450845,33 +450846,33 +450847,33 +450848,33 +450849,33 +450850,33 +450851,33 +450852,33 +450853,24 +450854,24 +450855,24 +450856,24 +450857,24 +450858,24 +450859,24 +450860,24 +450861,25 +450862,25 +450863,25 +450864,25 +450865,25 +450866,25 +450867,25 +450868,25 +450869,25 +450870,35 +450871,35 +450872,35 +450873,35 +450874,35 +450875,35 +450876,35 +450877,36 +450878,40 +450879,40 +450880,40 +450881,36 +450882,36 +450883,36 +450884,36 +450885,36 +450886,5 +450887,5 +450888,5 +450889,5 +450890,19 +450891,19 +450892,19 +450893,19 +450894,30 +450895,30 +450896,30 +450897,30 +450898,30 +450899,30 +450900,30 +450901,39 +450902,39 +450903,39 +450904,39 +450905,39 +450906,39 +450907,27 +450908,27 +450909,13 +450910,13 +450911,14 +450912,14 +450913,14 +450914,14 +450915,14 +450916,14 +450917,14 +450918,14 +450919,28 +450920,28 +450921,28 +450922,28 +450923,13 +450924,13 +450925,13 +450926,13 +450927,9 +450928,9 +450929,9 +450930,9 +450931,9 +450932,9 +450933,9 +450934,33 +450935,9 +450936,9 +450937,9 +450938,9 +450939,9 +450940,24 +450941,24 +450942,24 +450943,24 +450944,24 +450945,24 +450946,24 +450947,25 +450948,25 +450949,25 +450950,25 +450951,29 +450952,29 +450953,29 +450954,29 +450955,29 +450956,31 +450957,31 +450958,31 +450959,31 +450960,31 +450961,31 +450962,31 +450963,32 +450964,32 +450965,32 +450966,32 +450967,32 +450968,32 +450969,32 +450970,32 +450971,37 +450972,37 +450973,37 +450974,37 +450975,37 +450976,37 +450977,27 +450978,27 +450979,27 +450980,27 +450981,13 +450982,13 +450983,13 +450984,13 +450985,6 +450986,6 +450987,6 +450988,6 +450989,6 +450990,6 +450991,6 +450992,6 +450993,6 +450994,30 +450995,30 +450996,30 +450997,30 +450998,30 +450999,30 +451000,30 +451001,30 +451002,30 +451003,30 +451004,10 +451005,10 +451006,10 +451007,10 +451008,10 +451009,10 +451010,10 +451011,10 +451012,6 +451013,6 +451014,6 +451015,6 +451016,6 +451017,6 +451018,6 +451019,6 +451020,6 +451021,30 +451022,30 +451023,30 +451024,30 +451025,30 +451026,30 +451027,30 +451028,30 +451029,30 +451030,30 +451031,30 +451032,30 +451033,30 +451034,27 +451035,27 +451036,31 +451037,31 +451038,31 +451039,31 +451040,2 +451041,2 +451042,2 +451043,2 +451044,2 +451045,2 +451046,2 +451047,2 +451048,2 +451049,2 +451050,28 +451051,28 +451052,5 +451053,5 +451054,5 +451055,5 +451056,5 +451057,5 +451058,25 +451059,25 +451060,25 +451061,25 +451062,25 +451063,25 +451064,25 +451065,25 +451066,25 +451067,25 +451068,25 +451069,25 +451070,25 +451071,25 +451072,25 +451073,8 +451074,8 +451075,8 +451076,8 +451077,8 +451078,8 +451079,8 +451080,39 +451081,39 +451082,39 +451083,39 +451084,39 +451085,39 +451086,39 +451087,39 +451088,39 +451089,39 +451090,39 +451091,39 +451092,39 +451093,39 +451094,39 +451095,39 +451096,39 +451097,39 +451098,39 +451099,39 +451100,21 +451101,21 +451102,21 +451103,21 +451104,21 +451105,21 +451106,25 +451107,25 +451108,37 +451109,37 +451110,37 +451111,4 +451112,4 +451113,4 +451114,4 +451115,4 +451116,4 +451117,27 +451118,27 +451119,27 +451120,27 +451121,31 +451122,31 +451123,31 +451124,6 +451125,6 +451126,6 +451127,6 +451128,6 +451129,6 +451130,6 +451131,6 +451132,6 +451133,6 +451134,6 +451135,6 +451136,36 +451137,36 +451138,36 +451139,36 +451140,36 +451141,36 +451142,36 +451143,36 +451144,36 +451145,36 +451146,16 +451147,16 +451148,16 +451149,16 +451150,16 +451151,16 +451152,16 +451153,16 +451154,16 +451155,36 +451156,40 +451157,40 +451158,40 +451159,40 +451160,40 +451161,40 +451162,40 +451163,40 +451164,40 +451165,40 +451166,40 +451167,40 +451168,40 +451169,24 +451170,24 +451171,24 +451172,24 +451173,24 +451174,24 +451175,24 +451176,37 +451177,37 +451178,37 +451179,39 +451180,39 +451181,39 +451182,39 +451183,39 +451184,39 +451185,39 +451186,12 +451187,12 +451188,12 +451189,12 +451190,12 +451191,12 +451192,12 +451193,12 +451194,12 +451195,12 +451196,25 +451197,25 +451198,25 +451199,25 +451200,25 +451201,25 +451202,25 +451203,25 +451204,37 +451205,37 +451206,25 +451207,25 +451208,25 +451209,25 +451210,19 +451211,19 +451212,19 +451213,19 +451214,19 +451215,31 +451216,31 +451217,31 +451218,31 +451219,31 +451220,24 +451221,24 +451222,24 +451223,24 +451224,38 +451225,38 +451226,38 +451227,29 +451228,31 +451229,31 +451230,31 +451231,31 +451232,31 +451233,31 +451234,31 +451235,12 +451236,12 +451237,12 +451238,12 +451239,12 +451240,12 +451241,12 +451242,12 +451243,12 +451244,12 +451245,10 +451246,10 +451247,10 +451248,10 +451249,10 +451250,10 +451251,10 +451252,10 +451253,10 +451254,10 +451255,6 +451256,4 +451257,6 +451258,6 +451259,6 +451260,6 +451261,6 +451262,6 +451263,32 +451264,4 +451265,21 +451266,25 +451267,25 +451268,25 +451269,25 +451270,25 +451271,23 +451272,23 +451273,23 +451274,23 +451275,23 +451276,23 +451277,23 +451278,23 +451279,23 +451280,23 +451281,37 +451282,37 +451283,37 +451284,37 +451285,37 +451286,40 +451287,40 +451288,40 +451289,40 +451290,40 +451291,11 +451292,11 +451293,11 +451294,11 +451295,11 +451296,11 +451297,11 +451298,11 +451299,11 +451300,31 +451301,31 +451302,31 +451303,31 +451304,19 +451305,19 +451306,19 +451307,19 +451308,19 +451309,19 +451310,19 +451311,13 +451312,13 +451313,12 +451314,12 +451315,12 +451316,12 +451317,9 +451318,9 +451319,9 +451320,9 +451321,9 +451322,9 +451323,9 +451324,9 +451325,9 +451326,9 +451327,9 +451328,9 +451329,4 +451330,4 +451331,4 +451332,4 +451333,4 +451334,25 +451335,25 +451336,25 +451337,25 +451338,25 +451339,25 +451340,25 +451341,25 +451342,25 +451343,25 +451344,37 +451345,8 +451346,8 +451347,8 +451348,8 +451349,8 +451350,8 +451351,8 +451352,8 +451353,8 +451354,8 +451355,8 +451356,8 +451357,8 +451358,8 +451359,0 +451360,0 +451361,0 +451362,0 +451363,0 +451364,0 +451365,0 +451366,0 +451367,0 +451368,0 +451369,0 +451370,0 +451371,0 +451372,0 +451373,0 +451374,0 +451375,0 +451376,0 +451377,0 +451378,0 +451379,0 +451380,0 +451381,0 +451382,0 +451383,0 +451384,0 +451385,0 +451386,0 +451387,0 +451388,0 +451389,0 +451390,0 +451391,28 +451392,28 +451393,0 +451394,28 +451395,28 +451396,28 +451397,28 +451398,28 +451399,28 +451400,28 +451401,28 +451402,28 +451403,28 +451404,28 +451405,10 +451406,10 +451407,10 +451408,10 +451409,10 +451410,10 +451411,10 +451412,10 +451413,34 +451414,10 +451415,10 +451416,10 +451417,10 +451418,10 +451419,10 +451420,10 +451421,10 +451422,10 +451423,10 +451424,10 +451425,10 +451426,10 +451427,19 +451428,19 +451429,19 +451430,19 +451431,19 +451432,21 +451433,21 +451434,21 +451435,21 +451436,21 +451437,21 +451438,21 +451439,21 +451440,35 +451441,35 +451442,35 +451443,35 +451444,35 +451445,35 +451446,35 +451447,35 +451448,35 +451449,35 +451450,35 +451451,35 +451452,35 +451453,36 +451454,22 +451455,22 +451456,19 +451457,19 +451458,19 +451459,19 +451460,19 +451461,19 +451462,19 +451463,19 +451464,19 +451465,19 +451466,19 +451467,28 +451468,28 +451469,28 +451470,28 +451471,28 +451472,28 +451473,28 +451474,28 +451475,28 +451476,28 +451477,14 +451478,14 +451479,14 +451480,14 +451481,14 +451482,14 +451483,14 +451484,14 +451485,14 +451486,14 +451487,14 +451488,14 +451489,14 +451490,14 +451491,14 +451492,14 +451493,14 +451494,14 +451495,14 +451496,14 +451497,14 +451498,19 +451499,19 +451500,19 +451501,19 +451502,19 +451503,19 +451504,19 +451505,19 +451506,19 +451507,5 +451508,5 +451509,2 +451510,2 +451511,2 +451512,2 +451513,2 +451514,2 +451515,2 +451516,2 +451517,2 +451518,2 +451519,2 +451520,2 +451521,2 +451522,40 +451523,40 +451524,40 +451525,40 +451526,40 +451527,40 +451528,40 +451529,40 +451530,40 +451531,19 +451532,19 +451533,19 +451534,19 +451535,19 +451536,19 +451537,19 +451538,19 +451539,9 +451540,9 +451541,9 +451542,9 +451543,9 +451544,26 +451545,9 +451546,9 +451547,9 +451548,10 +451549,10 +451550,10 +451551,10 +451552,10 +451553,10 +451554,10 +451555,10 +451556,10 +451557,10 +451558,10 +451559,10 +451560,10 +451561,10 +451562,10 +451563,10 +451564,10 +451565,10 +451566,10 +451567,10 +451568,10 +451569,10 +451570,10 +451571,10 +451572,10 +451573,10 +451574,10 +451575,14 +451576,14 +451577,14 +451578,14 +451579,14 +451580,14 +451581,39 +451582,39 +451583,39 +451584,0 +451585,0 +451586,0 +451587,0 +451588,0 +451589,0 +451590,0 +451591,0 +451592,0 +451593,0 +451594,0 +451595,0 +451596,0 +451597,0 +451598,0 +451599,0 +451600,0 +451601,0 +451602,0 +451603,0 +451604,0 +451605,0 +451606,0 +451607,0 +451608,0 +451609,0 +451610,0 +451611,0 +451612,0 +451613,0 +451614,6 +451615,6 +451616,6 +451617,6 +451618,6 +451619,6 +451620,6 +451621,6 +451622,36 +451623,36 +451624,36 +451625,36 +451626,40 +451627,40 +451628,40 +451629,40 +451630,40 +451631,40 +451632,40 +451633,40 +451634,40 +451635,40 +451636,40 +451637,5 +451638,5 +451639,5 +451640,5 +451641,5 +451642,5 +451643,5 +451644,5 +451645,7 +451646,7 +451647,7 +451648,7 +451649,7 +451650,22 +451651,22 +451652,22 +451653,25 +451654,37 +451655,37 +451656,37 +451657,37 +451658,37 +451659,37 +451660,37 +451661,37 +451662,37 +451663,37 +451664,37 +451665,39 +451666,39 +451667,39 +451668,39 +451669,39 +451670,39 +451671,39 +451672,39 +451673,39 +451674,39 +451675,2 +451676,2 +451677,2 +451678,2 +451679,2 +451680,2 +451681,2 +451682,2 +451683,2 +451684,2 +451685,2 +451686,4 +451687,4 +451688,4 +451689,4 +451690,4 +451691,4 +451692,9 +451693,9 +451694,9 +451695,9 +451696,9 +451697,9 +451698,9 +451699,9 +451700,9 +451701,9 +451702,9 +451703,9 +451704,37 +451705,37 +451706,37 +451707,37 +451708,37 +451709,37 +451710,25 +451711,28 +451712,28 +451713,28 +451714,28 +451715,28 +451716,28 +451717,28 +451718,10 +451719,10 +451720,10 +451721,10 +451722,10 +451723,10 +451724,10 +451725,34 +451726,34 +451727,10 +451728,10 +451729,10 +451730,10 +451731,10 +451732,2 +451733,2 +451734,2 +451735,2 +451736,2 +451737,2 +451738,2 +451739,2 +451740,2 +451741,2 +451742,2 +451743,2 +451744,2 +451745,2 +451746,31 +451747,31 +451748,31 +451749,31 +451750,31 +451751,31 +451752,31 +451753,31 +451754,31 +451755,31 +451756,31 +451757,31 +451758,5 +451759,5 +451760,5 +451761,5 +451762,5 +451763,5 +451764,5 +451765,5 +451766,5 +451767,4 +451768,4 +451769,4 +451770,4 +451771,4 +451772,4 +451773,4 +451774,4 +451775,4 +451776,4 +451777,3 +451778,3 +451779,3 +451780,3 +451781,3 +451782,3 +451783,3 +451784,3 +451785,3 +451786,3 +451787,3 +451788,12 +451789,31 +451790,31 +451791,31 +451792,31 +451793,31 +451794,31 +451795,31 +451796,8 +451797,8 +451798,8 +451799,8 +451800,8 +451801,8 +451802,8 +451803,8 +451804,8 +451805,8 +451806,8 +451807,8 +451808,8 +451809,8 +451810,23 +451811,23 +451812,23 +451813,23 +451814,23 +451815,23 +451816,23 +451817,9 +451818,9 +451819,9 +451820,9 +451821,9 +451822,9 +451823,9 +451824,9 +451825,37 +451826,37 +451827,37 +451828,37 +451829,37 +451830,37 +451831,37 +451832,37 +451833,37 +451834,25 +451835,37 +451836,37 +451837,37 +451838,27 +451839,27 +451840,27 +451841,27 +451842,25 +451843,11 +451844,11 +451845,11 +451846,11 +451847,11 +451848,11 +451849,11 +451850,11 +451851,11 +451852,11 +451853,11 +451854,11 +451855,11 +451856,11 +451857,11 +451858,14 +451859,14 +451860,14 +451861,14 +451862,14 +451863,14 +451864,14 +451865,14 +451866,14 +451867,14 +451868,14 +451869,14 +451870,14 +451871,14 +451872,14 +451873,32 +451874,32 +451875,32 +451876,32 +451877,32 +451878,32 +451879,32 +451880,32 +451881,32 +451882,32 +451883,32 +451884,0 +451885,0 +451886,4 +451887,4 +451888,4 +451889,0 +451890,0 +451891,0 +451892,0 +451893,0 +451894,0 +451895,0 +451896,0 +451897,0 +451898,0 +451899,0 +451900,0 +451901,0 +451902,0 +451903,0 +451904,0 +451905,0 +451906,0 +451907,0 +451908,0 +451909,0 +451910,0 +451911,0 +451912,0 +451913,0 +451914,0 +451915,0 +451916,0 +451917,0 +451918,0 +451919,0 +451920,0 +451921,0 +451922,0 +451923,0 +451924,0 +451925,0 +451926,0 +451927,0 +451928,0 +451929,0 +451930,0 +451931,0 +451932,0 +451933,0 +451934,0 +451935,0 +451936,0 +451937,0 +451938,0 +451939,0 +451940,0 +451941,0 +451942,0 +451943,0 +451944,0 +451945,0 +451946,0 +451947,0 +451948,0 +451949,0 +451950,0 +451951,0 +451952,0 +451953,0 +451954,0 +451955,0 +451956,0 +451957,0 +451958,0 +451959,0 +451960,0 +451961,0 +451962,0 +451963,0 +451964,0 +451965,0 +451966,0 +451967,0 +451968,0 +451969,7 +451970,7 +451971,39 +451972,7 +451973,39 +451974,7 +451975,7 +451976,7 +451977,7 +451978,7 +451979,7 +451980,7 +451981,7 +451982,7 +451983,7 +451984,40 +451985,40 +451986,40 +451987,40 +451988,40 +451989,31 +451990,40 +451991,40 +451992,40 +451993,40 +451994,40 +451995,40 +451996,40 +451997,40 +451998,40 +451999,40 +452000,2 +452001,2 +452002,2 +452003,2 +452004,2 +452005,2 +452006,2 +452007,2 +452008,2 +452009,2 +452010,2 +452011,2 +452012,2 +452013,2 +452014,2 +452015,2 +452016,2 +452017,2 +452018,2 +452019,2 +452020,2 +452021,2 +452022,2 +452023,2 +452024,2 +452025,2 +452026,4 +452027,4 +452028,0 +452029,0 +452030,11 +452031,11 +452032,11 +452033,11 +452034,11 +452035,11 +452036,11 +452037,11 +452038,11 +452039,11 +452040,11 +452041,11 +452042,11 +452043,11 +452044,11 +452045,39 +452046,39 +452047,39 +452048,39 +452049,39 +452050,39 +452051,39 +452052,37 +452053,37 +452054,37 +452055,37 +452056,37 +452057,37 +452058,3 +452059,3 +452060,3 +452061,39 +452062,39 +452063,39 +452064,39 +452065,39 +452066,39 +452067,32 +452068,32 +452069,32 +452070,32 +452071,32 +452072,32 +452073,32 +452074,30 +452075,30 +452076,30 +452077,30 +452078,10 +452079,10 +452080,10 +452081,10 +452082,10 +452083,10 +452084,10 +452085,10 +452086,10 +452087,10 +452088,10 +452089,10 +452090,10 +452091,10 +452092,10 +452093,10 +452094,10 +452095,19 +452096,19 +452097,19 +452098,19 +452099,19 +452100,19 +452101,0 +452102,0 +452103,0 +452104,0 +452105,0 +452106,10 +452107,10 +452108,10 +452109,10 +452110,10 +452111,10 +452112,10 +452113,10 +452114,10 +452115,10 +452116,10 +452117,10 +452118,10 +452119,10 +452120,10 +452121,10 +452122,10 +452123,10 +452124,10 +452125,10 +452126,10 +452127,10 +452128,10 +452129,10 +452130,10 +452131,10 +452132,10 +452133,10 +452134,10 +452135,10 +452136,10 +452137,10 +452138,10 +452139,4 +452140,6 +452141,6 +452142,6 +452143,6 +452144,6 +452145,6 +452146,6 +452147,6 +452148,6 +452149,6 +452150,6 +452151,6 +452152,6 +452153,6 +452154,6 +452155,36 +452156,36 +452157,36 +452158,36 +452159,36 +452160,36 +452161,36 +452162,36 +452163,36 +452164,36 +452165,36 +452166,36 +452167,36 +452168,36 +452169,36 +452170,36 +452171,36 +452172,36 +452173,36 +452174,36 +452175,40 +452176,40 +452177,40 +452178,40 +452179,40 +452180,40 +452181,40 +452182,40 +452183,5 +452184,5 +452185,5 +452186,5 +452187,5 +452188,5 +452189,5 +452190,5 +452191,5 +452192,5 +452193,0 +452194,0 +452195,5 +452196,0 +452197,0 +452198,0 +452199,19 +452200,19 +452201,19 +452202,19 +452203,0 +452204,0 +452205,0 +452206,0 +452207,0 +452208,0 +452209,0 +452210,0 +452211,0 +452212,0 +452213,0 +452214,0 +452215,0 +452216,0 +452217,0 +452218,0 +452219,0 +452220,0 +452221,0 +452222,0 +452223,0 +452224,0 +452225,0 +452226,0 +452227,0 +452228,0 +452229,0 +452230,0 +452231,0 +452232,0 +452233,0 +452234,0 +452235,0 +452236,0 +452237,0 +452238,0 +452239,0 +452240,0 +452241,0 +452242,0 +452243,0 +452244,0 +452245,0 +452246,0 +452247,0 +452248,0 +452249,0 +452250,0 +452251,0 +452252,0 +452253,0 +452254,0 +452255,38 +452256,38 +452257,38 +452258,38 +452259,38 +452260,38 +452261,27 +452262,27 +452263,27 +452264,25 +452265,24 +452266,24 +452267,24 +452268,24 +452269,25 +452270,25 +452271,25 +452272,25 +452273,25 +452274,25 +452275,25 +452276,25 +452277,25 +452278,28 +452279,28 +452280,28 +452281,28 +452282,28 +452283,28 +452284,28 +452285,10 +452286,10 +452287,10 +452288,10 +452289,10 +452290,10 +452291,10 +452292,10 +452293,10 +452294,10 +452295,10 +452296,10 +452297,19 +452298,19 +452299,19 +452300,19 +452301,19 +452302,19 +452303,19 +452304,19 +452305,19 +452306,19 +452307,32 +452308,32 +452309,32 +452310,32 +452311,32 +452312,32 +452313,32 +452314,32 +452315,32 +452316,32 +452317,32 +452318,32 +452319,32 +452320,32 +452321,27 +452322,27 +452323,39 +452324,39 +452325,39 +452326,39 +452327,39 +452328,39 +452329,39 +452330,4 +452331,4 +452332,4 +452333,25 +452334,25 +452335,25 +452336,25 +452337,25 +452338,25 +452339,25 +452340,25 +452341,25 +452342,25 +452343,29 +452344,29 +452345,29 +452346,29 +452347,29 +452348,29 +452349,27 +452350,27 +452351,27 +452352,31 +452353,31 +452354,6 +452355,6 +452356,19 +452357,19 +452358,19 +452359,35 +452360,35 +452361,35 +452362,6 +452363,35 +452364,6 +452365,6 +452366,39 +452367,39 +452368,39 +452369,39 +452370,39 +452371,39 +452372,39 +452373,39 +452374,39 +452375,39 +452376,39 +452377,39 +452378,39 +452379,31 +452380,31 +452381,31 +452382,31 +452383,31 +452384,19 +452385,19 +452386,19 +452387,9 +452388,9 +452389,9 +452390,9 +452391,9 +452392,9 +452393,9 +452394,26 +452395,26 +452396,26 +452397,26 +452398,26 +452399,26 +452400,9 +452401,9 +452402,9 +452403,9 +452404,26 +452405,26 +452406,9 +452407,9 +452408,9 +452409,23 +452410,23 +452411,23 +452412,23 +452413,23 +452414,23 +452415,23 +452416,23 +452417,23 +452418,23 +452419,4 +452420,4 +452421,4 +452422,27 +452423,13 +452424,13 +452425,25 +452426,13 +452427,13 +452428,13 +452429,13 +452430,13 +452431,13 +452432,13 +452433,13 +452434,25 +452435,25 +452436,25 +452437,25 +452438,25 +452439,25 +452440,25 +452441,25 +452442,25 +452443,35 +452444,35 +452445,35 +452446,35 +452447,25 +452448,25 +452449,25 +452450,25 +452451,25 +452452,25 +452453,25 +452454,25 +452455,25 +452456,25 +452457,25 +452458,25 +452459,25 +452460,19 +452461,19 +452462,19 +452463,19 +452464,19 +452465,19 +452466,19 +452467,19 +452468,2 +452469,2 +452470,2 +452471,2 +452472,2 +452473,2 +452474,2 +452475,2 +452476,2 +452477,2 +452478,23 +452479,23 +452480,23 +452481,4 +452482,4 +452483,4 +452484,37 +452485,37 +452486,37 +452487,37 +452488,37 +452489,37 +452490,37 +452491,37 +452492,40 +452493,40 +452494,40 +452495,40 +452496,40 +452497,40 +452498,40 +452499,36 +452500,40 +452501,40 +452502,32 +452503,32 +452504,32 +452505,32 +452506,32 +452507,32 +452508,32 +452509,25 +452510,25 +452511,25 +452512,25 +452513,25 +452514,25 +452515,25 +452516,25 +452517,25 +452518,25 +452519,6 +452520,6 +452521,6 +452522,6 +452523,6 +452524,6 +452525,6 +452526,6 +452527,6 +452528,6 +452529,6 +452530,6 +452531,6 +452532,9 +452533,9 +452534,9 +452535,9 +452536,9 +452537,9 +452538,9 +452539,9 +452540,9 +452541,9 +452542,9 +452543,9 +452544,9 +452545,9 +452546,30 +452547,30 +452548,30 +452549,30 +452550,30 +452551,30 +452552,30 +452553,30 +452554,15 +452555,15 +452556,19 +452557,19 +452558,19 +452559,19 +452560,29 +452561,29 +452562,29 +452563,29 +452564,29 +452565,31 +452566,31 +452567,31 +452568,31 +452569,15 +452570,15 +452571,15 +452572,15 +452573,15 +452574,15 +452575,15 +452576,15 +452577,15 +452578,15 +452579,15 +452580,15 +452581,15 +452582,15 +452583,15 +452584,39 +452585,39 +452586,39 +452587,39 +452588,39 +452589,39 +452590,39 +452591,39 +452592,39 +452593,39 +452594,39 +452595,39 +452596,39 +452597,39 +452598,39 +452599,39 +452600,39 +452601,28 +452602,28 +452603,28 +452604,28 +452605,28 +452606,12 +452607,12 +452608,28 +452609,28 +452610,28 +452611,26 +452612,26 +452613,26 +452614,26 +452615,26 +452616,26 +452617,37 +452618,37 +452619,37 +452620,37 +452621,37 +452622,37 +452623,37 +452624,37 +452625,37 +452626,37 +452627,0 +452628,0 +452629,0 +452630,5 +452631,5 +452632,5 +452633,5 +452634,5 +452635,5 +452636,5 +452637,5 +452638,5 +452639,5 +452640,5 +452641,5 +452642,5 +452643,5 +452644,5 +452645,5 +452646,0 +452647,0 +452648,0 +452649,0 +452650,0 +452651,0 +452652,0 +452653,0 +452654,0 +452655,0 +452656,0 +452657,0 +452658,0 +452659,0 +452660,0 +452661,0 +452662,0 +452663,0 +452664,0 +452665,0 +452666,0 +452667,0 +452668,0 +452669,0 +452670,0 +452671,0 +452672,0 +452673,0 +452674,0 +452675,0 +452676,0 +452677,0 +452678,0 +452679,0 +452680,0 +452681,0 +452682,0 +452683,0 +452684,0 +452685,0 +452686,0 +452687,0 +452688,0 +452689,0 +452690,0 +452691,36 +452692,36 +452693,36 +452694,36 +452695,36 +452696,36 +452697,36 +452698,36 +452699,5 +452700,5 +452701,5 +452702,5 +452703,5 +452704,5 +452705,5 +452706,5 +452707,5 +452708,5 +452709,5 +452710,5 +452711,5 +452712,34 +452713,34 +452714,34 +452715,34 +452716,34 +452717,34 +452718,34 +452719,10 +452720,10 +452721,10 +452722,10 +452723,10 +452724,10 +452725,35 +452726,35 +452727,35 +452728,35 +452729,5 +452730,5 +452731,35 +452732,35 +452733,35 +452734,35 +452735,35 +452736,35 +452737,39 +452738,39 +452739,39 +452740,39 +452741,39 +452742,39 +452743,39 +452744,39 +452745,39 +452746,39 +452747,31 +452748,31 +452749,31 +452750,31 +452751,36 +452752,36 +452753,24 +452754,24 +452755,24 +452756,24 +452757,24 +452758,24 +452759,24 +452760,24 +452761,25 +452762,25 +452763,25 +452764,25 +452765,25 +452766,25 +452767,25 +452768,2 +452769,2 +452770,2 +452771,2 +452772,2 +452773,2 +452774,2 +452775,2 +452776,2 +452777,2 +452778,2 +452779,4 +452780,4 +452781,4 +452782,4 +452783,33 +452784,35 +452785,33 +452786,33 +452787,36 +452788,36 +452789,36 +452790,24 +452791,24 +452792,24 +452793,24 +452794,24 +452795,12 +452796,12 +452797,12 +452798,12 +452799,12 +452800,12 +452801,12 +452802,12 +452803,12 +452804,12 +452805,12 +452806,12 +452807,12 +452808,26 +452809,26 +452810,26 +452811,26 +452812,9 +452813,9 +452814,9 +452815,9 +452816,9 +452817,9 +452818,9 +452819,9 +452820,9 +452821,26 +452822,10 +452823,26 +452824,10 +452825,10 +452826,10 +452827,10 +452828,10 +452829,10 +452830,10 +452831,10 +452832,10 +452833,10 +452834,10 +452835,10 +452836,25 +452837,25 +452838,0 +452839,0 +452840,0 +452841,0 +452842,0 +452843,0 +452844,0 +452845,0 +452846,0 +452847,0 +452848,0 +452849,0 +452850,0 +452851,0 +452852,0 +452853,0 +452854,0 +452855,0 +452856,0 +452857,0 +452858,0 +452859,0 +452860,0 +452861,0 +452862,0 +452863,0 +452864,0 +452865,0 +452866,0 +452867,0 +452868,0 +452869,0 +452870,0 +452871,0 +452872,0 +452873,0 +452874,0 +452875,0 +452876,0 +452877,0 +452878,0 +452879,0 +452880,0 +452881,0 +452882,0 +452883,0 +452884,0 +452885,0 +452886,0 +452887,0 +452888,0 +452889,0 +452890,0 +452891,0 +452892,0 +452893,0 +452894,0 +452895,0 +452896,0 +452897,0 +452898,0 +452899,0 +452900,0 +452901,0 +452902,0 +452903,0 +452904,0 +452905,0 +452906,0 +452907,0 +452908,0 +452909,0 +452910,0 +452911,0 +452912,0 +452913,0 +452914,0 +452915,0 +452916,0 +452917,0 +452918,0 +452919,0 +452920,0 +452921,19 +452922,19 +452923,19 +452924,19 +452925,19 +452926,19 +452927,7 +452928,7 +452929,7 +452930,7 +452931,7 +452932,7 +452933,7 +452934,3 +452935,3 +452936,3 +452937,3 +452938,3 +452939,3 +452940,3 +452941,3 +452942,3 +452943,3 +452944,30 +452945,30 +452946,5 +452947,5 +452948,5 +452949,5 +452950,5 +452951,5 +452952,5 +452953,33 +452954,40 +452955,40 +452956,40 +452957,40 +452958,10 +452959,10 +452960,10 +452961,10 +452962,24 +452963,24 +452964,24 +452965,24 +452966,24 +452967,17 +452968,9 +452969,9 +452970,9 +452971,9 +452972,9 +452973,9 +452974,9 +452975,9 +452976,9 +452977,9 +452978,5 +452979,5 +452980,5 +452981,5 +452982,5 +452983,19 +452984,5 +452985,5 +452986,32 +452987,32 +452988,32 +452989,32 +452990,32 +452991,32 +452992,32 +452993,32 +452994,15 +452995,39 +452996,39 +452997,39 +452998,39 +452999,39 +453000,39 +453001,39 +453002,39 +453003,39 +453004,39 +453005,39 +453006,39 +453007,39 +453008,39 +453009,39 +453010,39 +453011,39 +453012,39 +453013,39 +453014,39 +453015,39 +453016,39 +453017,8 +453018,8 +453019,8 +453020,8 +453021,8 +453022,8 +453023,8 +453024,8 +453025,8 +453026,8 +453027,8 +453028,8 +453029,8 +453030,8 +453031,8 +453032,9 +453033,9 +453034,9 +453035,9 +453036,9 +453037,9 +453038,9 +453039,9 +453040,9 +453041,9 +453042,9 +453043,9 +453044,9 +453045,30 +453046,30 +453047,30 +453048,30 +453049,30 +453050,30 +453051,4 +453052,4 +453053,4 +453054,19 +453055,4 +453056,4 +453057,19 +453058,19 +453059,19 +453060,19 +453061,39 +453062,21 +453063,21 +453064,21 +453065,21 +453066,21 +453067,21 +453068,21 +453069,21 +453070,21 +453071,21 +453072,21 +453073,21 +453074,21 +453075,40 +453076,40 +453077,40 +453078,40 +453079,40 +453080,40 +453081,40 +453082,31 +453083,31 +453084,31 +453085,31 +453086,31 +453087,29 +453088,29 +453089,29 +453090,29 +453091,29 +453092,29 +453093,29 +453094,25 +453095,25 +453096,25 +453097,25 +453098,25 +453099,25 +453100,25 +453101,25 +453102,25 +453103,25 +453104,25 +453105,25 +453106,25 +453107,10 +453108,36 +453109,10 +453110,10 +453111,10 +453112,10 +453113,10 +453114,10 +453115,10 +453116,10 +453117,36 +453118,36 +453119,36 +453120,36 +453121,2 +453122,2 +453123,2 +453124,2 +453125,2 +453126,2 +453127,2 +453128,2 +453129,2 +453130,2 +453131,32 +453132,32 +453133,32 +453134,32 +453135,32 +453136,32 +453137,32 +453138,32 +453139,32 +453140,32 +453141,27 +453142,27 +453143,27 +453144,27 +453145,27 +453146,27 +453147,27 +453148,27 +453149,27 +453150,27 +453151,27 +453152,39 +453153,37 +453154,37 +453155,37 +453156,37 +453157,37 +453158,37 +453159,37 +453160,37 +453161,37 +453162,37 +453163,37 +453164,37 +453165,37 +453166,37 +453167,37 +453168,37 +453169,37 +453170,37 +453171,37 +453172,25 +453173,0 +453174,0 +453175,0 +453176,0 +453177,0 +453178,0 +453179,0 +453180,0 +453181,0 +453182,0 +453183,0 +453184,0 +453185,0 +453186,0 +453187,0 +453188,0 +453189,0 +453190,0 +453191,0 +453192,0 +453193,0 +453194,0 +453195,0 +453196,0 +453197,0 +453198,0 +453199,0 +453200,0 +453201,0 +453202,0 +453203,0 +453204,0 +453205,0 +453206,0 +453207,0 +453208,0 +453209,0 +453210,0 +453211,0 +453212,0 +453213,0 +453214,0 +453215,0 +453216,0 +453217,0 +453218,0 +453219,0 +453220,0 +453221,0 +453222,0 +453223,0 +453224,0 +453225,0 +453226,0 +453227,0 +453228,0 +453229,0 +453230,0 +453231,0 +453232,0 +453233,0 +453234,0 +453235,0 +453236,0 +453237,0 +453238,0 +453239,0 +453240,0 +453241,0 +453242,0 +453243,0 +453244,0 +453245,0 +453246,0 +453247,0 +453248,0 +453249,0 +453250,0 +453251,2 +453252,0 +453253,0 +453254,0 +453255,0 +453256,0 +453257,0 +453258,0 +453259,31 +453260,31 +453261,31 +453262,31 +453263,31 +453264,10 +453265,10 +453266,40 +453267,40 +453268,40 +453269,19 +453270,5 +453271,19 +453272,19 +453273,19 +453274,5 +453275,19 +453276,19 +453277,19 +453278,19 +453279,3 +453280,3 +453281,3 +453282,3 +453283,3 +453284,3 +453285,3 +453286,3 +453287,3 +453288,3 +453289,5 +453290,5 +453291,5 +453292,5 +453293,5 +453294,13 +453295,13 +453296,13 +453297,2 +453298,2 +453299,2 +453300,2 +453301,2 +453302,2 +453303,2 +453304,2 +453305,2 +453306,2 +453307,2 +453308,2 +453309,2 +453310,33 +453311,33 +453312,33 +453313,33 +453314,33 +453315,33 +453316,33 +453317,33 +453318,33 +453319,33 +453320,33 +453321,33 +453322,33 +453323,33 +453324,33 +453325,33 +453326,33 +453327,33 +453328,33 +453329,33 +453330,33 +453331,33 +453332,33 +453333,30 +453334,33 +453335,30 +453336,33 +453337,30 +453338,30 +453339,10 +453340,10 +453341,10 +453342,10 +453343,10 +453344,10 +453345,10 +453346,2 +453347,2 +453348,2 +453349,2 +453350,2 +453351,2 +453352,2 +453353,2 +453354,2 +453355,2 +453356,2 +453357,25 +453358,25 +453359,25 +453360,25 +453361,25 +453362,25 +453363,5 +453364,5 +453365,5 +453366,5 +453367,30 +453368,30 +453369,30 +453370,30 +453371,30 +453372,30 +453373,30 +453374,39 +453375,39 +453376,39 +453377,39 +453378,39 +453379,2 +453380,2 +453381,2 +453382,2 +453383,2 +453384,2 +453385,2 +453386,2 +453387,2 +453388,2 +453389,2 +453390,2 +453391,14 +453392,14 +453393,14 +453394,14 +453395,14 +453396,14 +453397,14 +453398,14 +453399,14 +453400,14 +453401,14 +453402,14 +453403,14 +453404,14 +453405,24 +453406,24 +453407,24 +453408,24 +453409,24 +453410,24 +453411,24 +453412,24 +453413,24 +453414,24 +453415,12 +453416,12 +453417,12 +453418,12 +453419,12 +453420,12 +453421,12 +453422,12 +453423,12 +453424,12 +453425,12 +453426,31 +453427,31 +453428,31 +453429,31 +453430,31 +453431,5 +453432,5 +453433,5 +453434,5 +453435,5 +453436,5 +453437,5 +453438,15 +453439,15 +453440,15 +453441,15 +453442,15 +453443,15 +453444,15 +453445,10 +453446,10 +453447,10 +453448,10 +453449,31 +453450,31 +453451,31 +453452,10 +453453,10 +453454,10 +453455,10 +453456,10 +453457,10 +453458,10 +453459,10 +453460,10 +453461,10 +453462,14 +453463,15 +453464,15 +453465,15 +453466,15 +453467,31 +453468,31 +453469,31 +453470,31 +453471,31 +453472,31 +453473,31 +453474,30 +453475,30 +453476,30 +453477,30 +453478,30 +453479,30 +453480,30 +453481,30 +453482,30 +453483,30 +453484,30 +453485,10 +453486,10 +453487,10 +453488,10 +453489,10 +453490,10 +453491,10 +453492,14 +453493,10 +453494,10 +453495,10 +453496,10 +453497,10 +453498,10 +453499,10 +453500,10 +453501,10 +453502,14 +453503,14 +453504,14 +453505,23 +453506,23 +453507,23 +453508,23 +453509,23 +453510,23 +453511,23 +453512,23 +453513,23 +453514,23 +453515,23 +453516,23 +453517,0 +453518,0 +453519,0 +453520,0 +453521,0 +453522,0 +453523,0 +453524,0 +453525,0 +453526,0 +453527,0 +453528,0 +453529,0 +453530,0 +453531,0 +453532,0 +453533,0 +453534,0 +453535,0 +453536,0 +453537,0 +453538,0 +453539,0 +453540,0 +453541,0 +453542,0 +453543,0 +453544,0 +453545,0 +453546,0 +453547,0 +453548,0 +453549,0 +453550,0 +453551,0 +453552,0 +453553,0 +453554,0 +453555,0 +453556,0 +453557,0 +453558,0 +453559,0 +453560,0 +453561,0 +453562,0 +453563,0 +453564,0 +453565,0 +453566,0 +453567,0 +453568,10 +453569,10 +453570,10 +453571,10 +453572,10 +453573,10 +453574,10 +453575,10 +453576,10 +453577,10 +453578,10 +453579,10 +453580,10 +453581,31 +453582,1 +453583,2 +453584,2 +453585,2 +453586,2 +453587,2 +453588,2 +453589,8 +453590,2 +453591,28 +453592,15 +453593,15 +453594,15 +453595,15 +453596,15 +453597,15 +453598,15 +453599,15 +453600,15 +453601,15 +453602,15 +453603,39 +453604,39 +453605,39 +453606,39 +453607,28 +453608,28 +453609,28 +453610,28 +453611,28 +453612,28 +453613,28 +453614,28 +453615,9 +453616,9 +453617,9 +453618,9 +453619,9 +453620,9 +453621,9 +453622,37 +453623,37 +453624,37 +453625,37 +453626,37 +453627,37 +453628,37 +453629,37 +453630,37 +453631,37 +453632,31 +453633,31 +453634,31 +453635,31 +453636,31 +453637,5 +453638,5 +453639,5 +453640,5 +453641,5 +453642,5 +453643,5 +453644,5 +453645,13 +453646,5 +453647,31 +453648,31 +453649,31 +453650,31 +453651,31 +453652,31 +453653,37 +453654,37 +453655,31 +453656,31 +453657,31 +453658,31 +453659,5 +453660,5 +453661,5 +453662,5 +453663,5 +453664,28 +453665,28 +453666,28 +453667,28 +453668,28 +453669,28 +453670,28 +453671,28 +453672,5 +453673,5 +453674,0 +453675,0 +453676,0 +453677,0 +453678,0 +453679,0 +453680,0 +453681,0 +453682,0 +453683,0 +453684,0 +453685,0 +453686,0 +453687,0 +453688,0 +453689,0 +453690,0 +453691,0 +453692,0 +453693,0 +453694,0 +453695,0 +453696,0 +453697,0 +453698,0 +453699,0 +453700,0 +453701,0 +453702,0 +453703,0 +453704,0 +453705,0 +453706,0 +453707,0 +453708,0 +453709,0 +453710,0 +453711,0 +453712,0 +453713,0 +453714,0 +453715,0 +453716,0 +453717,0 +453718,0 +453719,0 +453720,0 +453721,0 +453722,0 +453723,0 +453724,0 +453725,0 +453726,0 +453727,0 +453728,0 +453729,0 +453730,0 +453731,0 +453732,0 +453733,0 +453734,0 +453735,0 +453736,0 +453737,0 +453738,0 +453739,0 +453740,0 +453741,0 +453742,0 +453743,0 +453744,0 +453745,0 +453746,0 +453747,0 +453748,0 +453749,0 +453750,0 +453751,0 +453752,0 +453753,0 +453754,27 +453755,14 +453756,27 +453757,27 +453758,27 +453759,27 +453760,27 +453761,27 +453762,31 +453763,27 +453764,27 +453765,5 +453766,27 +453767,27 +453768,27 +453769,39 +453770,39 +453771,3 +453772,39 +453773,29 +453774,12 +453775,12 +453776,29 +453777,12 +453778,31 +453779,27 +453780,27 +453781,27 +453782,27 +453783,8 +453784,8 +453785,8 +453786,8 +453787,8 +453788,27 +453789,27 +453790,27 +453791,27 +453792,27 +453793,27 +453794,27 +453795,5 +453796,5 +453797,5 +453798,4 +453799,4 +453800,4 +453801,4 +453802,4 +453803,4 +453804,37 +453805,37 +453806,37 +453807,37 +453808,37 +453809,2 +453810,2 +453811,2 +453812,2 +453813,2 +453814,2 +453815,2 +453816,2 +453817,2 +453818,4 +453819,4 +453820,4 +453821,4 +453822,4 +453823,4 +453824,27 +453825,27 +453826,27 +453827,3 +453828,3 +453829,27 +453830,27 +453831,27 +453832,27 +453833,27 +453834,27 +453835,27 +453836,27 +453837,19 +453838,19 +453839,19 +453840,19 +453841,19 +453842,19 +453843,19 +453844,12 +453845,12 +453846,12 +453847,12 +453848,12 +453849,12 +453850,12 +453851,27 +453852,27 +453853,27 +453854,27 +453855,11 +453856,11 +453857,11 +453858,11 +453859,11 +453860,11 +453861,11 +453862,11 +453863,11 +453864,11 +453865,11 +453866,11 +453867,11 +453868,11 +453869,33 +453870,33 +453871,33 +453872,33 +453873,33 +453874,33 +453875,33 +453876,28 +453877,28 +453878,28 +453879,28 +453880,28 +453881,28 +453882,15 +453883,15 +453884,15 +453885,15 +453886,15 +453887,10 +453888,10 +453889,10 +453890,10 +453891,10 +453892,10 +453893,10 +453894,10 +453895,10 +453896,34 +453897,10 +453898,40 +453899,40 +453900,40 +453901,40 +453902,40 +453903,37 +453904,37 +453905,37 +453906,37 +453907,37 +453908,37 +453909,37 +453910,37 +453911,37 +453912,37 +453913,37 +453914,25 +453915,25 +453916,25 +453917,25 +453918,25 +453919,25 +453920,25 +453921,25 +453922,18 +453923,18 +453924,18 +453925,18 +453926,18 +453927,18 +453928,18 +453929,18 +453930,18 +453931,18 +453932,25 +453933,25 +453934,25 +453935,25 +453936,25 +453937,25 +453938,25 +453939,25 +453940,25 +453941,25 +453942,25 +453943,25 +453944,28 +453945,28 +453946,28 +453947,28 +453948,28 +453949,28 +453950,28 +453951,27 +453952,27 +453953,27 +453954,27 +453955,5 +453956,5 +453957,5 +453958,5 +453959,4 +453960,4 +453961,4 +453962,4 +453963,4 +453964,4 +453965,4 +453966,4 +453967,31 +453968,31 +453969,31 +453970,31 +453971,31 +453972,29 +453973,29 +453974,39 +453975,39 +453976,39 +453977,39 +453978,39 +453979,39 +453980,39 +453981,39 +453982,39 +453983,39 +453984,39 +453985,39 +453986,39 +453987,39 +453988,28 +453989,27 +453990,28 +453991,28 +453992,28 +453993,28 +453994,6 +453995,32 +453996,32 +453997,32 +453998,32 +453999,7 +454000,7 +454001,7 +454002,7 +454003,7 +454004,3 +454005,3 +454006,39 +454007,24 +454008,24 +454009,24 +454010,24 +454011,24 +454012,24 +454013,24 +454014,37 +454015,37 +454016,37 +454017,37 +454018,37 +454019,3 +454020,3 +454021,3 +454022,3 +454023,3 +454024,3 +454025,3 +454026,3 +454027,3 +454028,3 +454029,3 +454030,28 +454031,28 +454032,28 +454033,28 +454034,28 +454035,28 +454036,28 +454037,5 +454038,5 +454039,28 +454040,5 +454041,5 +454042,5 +454043,5 +454044,5 +454045,28 +454046,28 +454047,28 +454048,28 +454049,0 +454050,0 +454051,0 +454052,0 +454053,0 +454054,0 +454055,0 +454056,0 +454057,0 +454058,0 +454059,0 +454060,0 +454061,0 +454062,0 +454063,0 +454064,0 +454065,0 +454066,0 +454067,0 +454068,0 +454069,0 +454070,0 +454071,0 +454072,0 +454073,0 +454074,0 +454075,0 +454076,0 +454077,0 +454078,0 +454079,0 +454080,0 +454081,0 +454082,27 +454083,27 +454084,27 +454085,27 +454086,27 +454087,27 +454088,27 +454089,27 +454090,27 +454091,27 +454092,12 +454093,12 +454094,12 +454095,12 +454096,31 +454097,3 +454098,3 +454099,8 +454100,8 +454101,8 +454102,8 +454103,8 +454104,8 +454105,8 +454106,35 +454107,35 +454108,35 +454109,35 +454110,35 +454111,35 +454112,39 +454113,39 +454114,39 +454115,39 +454116,39 +454117,39 +454118,39 +454119,39 +454120,39 +454121,39 +454122,39 +454123,35 +454124,35 +454125,35 +454126,35 +454127,35 +454128,35 +454129,35 +454130,35 +454131,35 +454132,12 +454133,12 +454134,12 +454135,12 +454136,12 +454137,22 +454138,22 +454139,22 +454140,22 +454141,22 +454142,22 +454143,24 +454144,24 +454145,24 +454146,24 +454147,24 +454148,24 +454149,24 +454150,24 +454151,24 +454152,24 +454153,24 +454154,40 +454155,40 +454156,40 +454157,40 +454158,40 +454159,40 +454160,19 +454161,19 +454162,19 +454163,19 +454164,19 +454165,19 +454166,4 +454167,4 +454168,4 +454169,27 +454170,27 +454171,19 +454172,27 +454173,19 +454174,19 +454175,19 +454176,19 +454177,29 +454178,29 +454179,29 +454180,29 +454181,39 +454182,39 +454183,39 +454184,39 +454185,39 +454186,39 +454187,39 +454188,39 +454189,39 +454190,36 +454191,36 +454192,36 +454193,36 +454194,36 +454195,36 +454196,36 +454197,36 +454198,36 +454199,36 +454200,36 +454201,36 +454202,23 +454203,23 +454204,23 +454205,23 +454206,23 +454207,23 +454208,23 +454209,23 +454210,23 +454211,23 +454212,30 +454213,30 +454214,30 +454215,30 +454216,39 +454217,39 +454218,39 +454219,14 +454220,14 +454221,14 +454222,14 +454223,39 +454224,4 +454225,4 +454226,4 +454227,4 +454228,4 +454229,2 +454230,2 +454231,2 +454232,2 +454233,2 +454234,2 +454235,2 +454236,36 +454237,36 +454238,36 +454239,36 +454240,36 +454241,36 +454242,36 +454243,36 +454244,36 +454245,36 +454246,36 +454247,36 +454248,36 +454249,24 +454250,15 +454251,15 +454252,24 +454253,24 +454254,24 +454255,24 +454256,24 +454257,25 +454258,25 +454259,25 +454260,25 +454261,25 +454262,25 +454263,25 +454264,25 +454265,31 +454266,31 +454267,31 +454268,31 +454269,31 +454270,31 +454271,31 +454272,31 +454273,31 +454274,30 +454275,30 +454276,30 +454277,22 +454278,30 +454279,30 +454280,30 +454281,30 +454282,30 +454283,30 +454284,30 +454285,37 +454286,37 +454287,37 +454288,37 +454289,37 +454290,37 +454291,37 +454292,37 +454293,37 +454294,3 +454295,3 +454296,3 +454297,3 +454298,3 +454299,3 +454300,3 +454301,3 +454302,3 +454303,3 +454304,3 +454305,3 +454306,30 +454307,30 +454308,30 +454309,22 +454310,30 +454311,30 +454312,30 +454313,30 +454314,30 +454315,30 +454316,30 +454317,30 +454318,30 +454319,8 +454320,8 +454321,8 +454322,8 +454323,8 +454324,8 +454325,8 +454326,8 +454327,8 +454328,8 +454329,8 +454330,2 +454331,2 +454332,2 +454333,2 +454334,2 +454335,2 +454336,2 +454337,2 +454338,2 +454339,2 +454340,0 +454341,0 +454342,0 +454343,0 +454344,0 +454345,0 +454346,0 +454347,0 +454348,0 +454349,0 +454350,0 +454351,0 +454352,0 +454353,0 +454354,0 +454355,0 +454356,0 +454357,0 +454358,0 +454359,0 +454360,0 +454361,0 +454362,0 +454363,0 +454364,0 +454365,15 +454366,15 +454367,15 +454368,31 +454369,31 +454370,31 +454371,31 +454372,31 +454373,31 +454374,31 +454375,31 +454376,4 +454377,4 +454378,4 +454379,4 +454380,4 +454381,0 +454382,0 +454383,0 +454384,0 +454385,0 +454386,0 +454387,0 +454388,9 +454389,9 +454390,0 +454391,9 +454392,9 +454393,9 +454394,9 +454395,9 +454396,9 +454397,9 +454398,9 +454399,9 +454400,9 +454401,9 +454402,9 +454403,9 +454404,9 +454405,9 +454406,9 +454407,9 +454408,9 +454409,9 +454410,9 +454411,9 +454412,9 +454413,9 +454414,9 +454415,9 +454416,5 +454417,5 +454418,5 +454419,5 +454420,28 +454421,28 +454422,28 +454423,28 +454424,28 +454425,28 +454426,10 +454427,10 +454428,10 +454429,10 +454430,10 +454431,10 +454432,10 +454433,10 +454434,10 +454435,10 +454436,6 +454437,6 +454438,6 +454439,6 +454440,6 +454441,6 +454442,6 +454443,6 +454444,6 +454445,6 +454446,6 +454447,6 +454448,6 +454449,6 +454450,6 +454451,6 +454452,40 +454453,40 +454454,40 +454455,40 +454456,40 +454457,40 +454458,40 +454459,40 +454460,40 +454461,37 +454462,37 +454463,37 +454464,37 +454465,37 +454466,37 +454467,37 +454468,37 +454469,37 +454470,37 +454471,37 +454472,37 +454473,31 +454474,31 +454475,31 +454476,31 +454477,31 +454478,5 +454479,5 +454480,5 +454481,5 +454482,5 +454483,5 +454484,5 +454485,4 +454486,4 +454487,4 +454488,4 +454489,4 +454490,32 +454491,14 +454492,14 +454493,14 +454494,14 +454495,14 +454496,14 +454497,14 +454498,14 +454499,14 +454500,39 +454501,39 +454502,27 +454503,27 +454504,27 +454505,14 +454506,27 +454507,27 +454508,27 +454509,27 +454510,27 +454511,13 +454512,5 +454513,5 +454514,5 +454515,5 +454516,5 +454517,13 +454518,13 +454519,13 +454520,13 +454521,13 +454522,8 +454523,8 +454524,8 +454525,8 +454526,8 +454527,8 +454528,8 +454529,9 +454530,9 +454531,9 +454532,9 +454533,9 +454534,9 +454535,9 +454536,37 +454537,37 +454538,37 +454539,37 +454540,37 +454541,37 +454542,37 +454543,26 +454544,26 +454545,26 +454546,26 +454547,26 +454548,26 +454549,26 +454550,26 +454551,26 +454552,5 +454553,5 +454554,5 +454555,5 +454556,5 +454557,31 +454558,31 +454559,31 +454560,31 +454561,24 +454562,24 +454563,24 +454564,24 +454565,24 +454566,24 +454567,14 +454568,14 +454569,14 +454570,14 +454571,14 +454572,14 +454573,14 +454574,14 +454575,14 +454576,30 +454577,30 +454578,30 +454579,30 +454580,30 +454581,30 +454582,30 +454583,30 +454584,30 +454585,27 +454586,27 +454587,27 +454588,27 +454589,27 +454590,27 +454591,27 +454592,27 +454593,13 +454594,13 +454595,13 +454596,13 +454597,13 +454598,13 +454599,13 +454600,13 +454601,13 +454602,13 +454603,13 +454604,23 +454605,23 +454606,23 +454607,23 +454608,23 +454609,23 +454610,23 +454611,23 +454612,23 +454613,23 +454614,23 +454615,25 +454616,25 +454617,25 +454618,25 +454619,25 +454620,25 +454621,25 +454622,28 +454623,28 +454624,28 +454625,28 +454626,28 +454627,28 +454628,28 +454629,10 +454630,10 +454631,10 +454632,10 +454633,10 +454634,10 +454635,10 +454636,10 +454637,10 +454638,10 +454639,28 +454640,28 +454641,28 +454642,28 +454643,28 +454644,28 +454645,28 +454646,28 +454647,28 +454648,28 +454649,28 +454650,28 +454651,36 +454652,36 +454653,36 +454654,36 +454655,36 +454656,36 +454657,36 +454658,36 +454659,36 +454660,2 +454661,2 +454662,2 +454663,2 +454664,2 +454665,2 +454666,2 +454667,2 +454668,2 +454669,4 +454670,4 +454671,4 +454672,4 +454673,4 +454674,4 +454675,4 +454676,4 +454677,25 +454678,25 +454679,25 +454680,25 +454681,25 +454682,28 +454683,28 +454684,28 +454685,28 +454686,28 +454687,28 +454688,28 +454689,28 +454690,28 +454691,28 +454692,28 +454693,28 +454694,28 +454695,39 +454696,39 +454697,39 +454698,39 +454699,39 +454700,39 +454701,39 +454702,39 +454703,39 +454704,39 +454705,39 +454706,39 +454707,4 +454708,4 +454709,4 +454710,4 +454711,4 +454712,29 +454713,29 +454714,29 +454715,31 +454716,31 +454717,31 +454718,31 +454719,31 +454720,4 +454721,4 +454722,19 +454723,19 +454724,19 +454725,19 +454726,19 +454727,27 +454728,27 +454729,27 +454730,27 +454731,2 +454732,2 +454733,2 +454734,2 +454735,2 +454736,2 +454737,2 +454738,2 +454739,2 +454740,2 +454741,6 +454742,6 +454743,6 +454744,6 +454745,6 +454746,6 +454747,40 +454748,40 +454749,40 +454750,37 +454751,24 +454752,24 +454753,24 +454754,24 +454755,24 +454756,24 +454757,24 +454758,24 +454759,24 +454760,24 +454761,24 +454762,37 +454763,37 +454764,37 +454765,37 +454766,37 +454767,37 +454768,39 +454769,39 +454770,39 +454771,39 +454772,29 +454773,29 +454774,29 +454775,29 +454776,29 +454777,29 +454778,31 +454779,31 +454780,31 +454781,4 +454782,4 +454783,4 +454784,4 +454785,4 +454786,10 +454787,10 +454788,10 +454789,10 +454790,10 +454791,10 +454792,10 +454793,10 +454794,10 +454795,10 +454796,12 +454797,12 +454798,12 +454799,12 +454800,12 +454801,12 +454802,12 +454803,31 +454804,31 +454805,31 +454806,8 +454807,8 +454808,8 +454809,8 +454810,8 +454811,8 +454812,8 +454813,5 +454814,5 +454815,5 +454816,5 +454817,5 +454818,5 +454819,5 +454820,26 +454821,26 +454822,26 +454823,26 +454824,26 +454825,26 +454826,26 +454827,26 +454828,26 +454829,4 +454830,4 +454831,4 +454832,4 +454833,4 +454834,4 +454835,4 +454836,4 +454837,28 +454838,28 +454839,28 +454840,28 +454841,28 +454842,28 +454843,28 +454844,28 +454845,28 +454846,28 +454847,28 +454848,28 +454849,36 +454850,36 +454851,36 +454852,36 +454853,36 +454854,36 +454855,36 +454856,36 +454857,36 +454858,36 +454859,36 +454860,36 +454861,36 +454862,36 +454863,36 +454864,36 +454865,36 +454866,36 +454867,36 +454868,5 +454869,5 +454870,5 +454871,5 +454872,5 +454873,5 +454874,5 +454875,5 +454876,5 +454877,5 +454878,5 +454879,0 +454880,0 +454881,0 +454882,0 +454883,0 +454884,0 +454885,0 +454886,0 +454887,0 +454888,0 +454889,0 +454890,0 +454891,0 +454892,0 +454893,0 +454894,31 +454895,31 +454896,31 +454897,31 +454898,31 +454899,31 +454900,31 +454901,31 +454902,19 +454903,19 +454904,19 +454905,19 +454906,5 +454907,5 +454908,5 +454909,35 +454910,35 +454911,35 +454912,35 +454913,35 +454914,35 +454915,35 +454916,35 +454917,35 +454918,35 +454919,26 +454920,26 +454921,26 +454922,26 +454923,26 +454924,26 +454925,37 +454926,37 +454927,37 +454928,37 +454929,37 +454930,15 +454931,15 +454932,15 +454933,15 +454934,15 +454935,24 +454936,24 +454937,25 +454938,25 +454939,25 +454940,25 +454941,25 +454942,25 +454943,29 +454944,29 +454945,29 +454946,15 +454947,19 +454948,19 +454949,19 +454950,29 +454951,29 +454952,27 +454953,27 +454954,27 +454955,27 +454956,27 +454957,27 +454958,31 +454959,31 +454960,31 +454961,2 +454962,2 +454963,2 +454964,2 +454965,2 +454966,2 +454967,2 +454968,2 +454969,2 +454970,2 +454971,2 +454972,2 +454973,2 +454974,2 +454975,2 +454976,2 +454977,14 +454978,14 +454979,14 +454980,14 +454981,14 +454982,14 +454983,14 +454984,14 +454985,14 +454986,14 +454987,14 +454988,14 +454989,14 +454990,14 +454991,14 +454992,28 +454993,28 +454994,28 +454995,28 +454996,28 +454997,28 +454998,13 +454999,13 +455000,13 +455001,13 +455002,13 +455003,15 +455004,15 +455005,15 +455006,15 +455007,15 +455008,27 +455009,39 +455010,39 +455011,39 +455012,39 +455013,39 +455014,39 +455015,39 +455016,14 +455017,14 +455018,14 +455019,14 +455020,14 +455021,2 +455022,2 +455023,2 +455024,2 +455025,2 +455026,2 +455027,2 +455028,2 +455029,2 +455030,2 +455031,2 +455032,2 +455033,4 +455034,4 +455035,29 +455036,29 +455037,4 +455038,27 +455039,27 +455040,27 +455041,27 +455042,27 +455043,27 +455044,8 +455045,2 +455046,8 +455047,8 +455048,8 +455049,8 +455050,8 +455051,8 +455052,10 +455053,10 +455054,10 +455055,10 +455056,10 +455057,10 +455058,10 +455059,10 +455060,10 +455061,10 +455062,10 +455063,10 +455064,10 +455065,10 +455066,10 +455067,10 +455068,10 +455069,5 +455070,5 +455071,5 +455072,5 +455073,5 +455074,8 +455075,8 +455076,8 +455077,40 +455078,40 +455079,40 +455080,40 +455081,40 +455082,40 +455083,40 +455084,8 +455085,8 +455086,8 +455087,8 +455088,8 +455089,28 +455090,28 +455091,28 +455092,28 +455093,28 +455094,28 +455095,10 +455096,10 +455097,10 +455098,10 +455099,10 +455100,10 +455101,10 +455102,10 +455103,2 +455104,2 +455105,2 +455106,2 +455107,2 +455108,2 +455109,2 +455110,2 +455111,2 +455112,2 +455113,2 +455114,2 +455115,2 +455116,2 +455117,2 +455118,2 +455119,2 +455120,25 +455121,25 +455122,25 +455123,25 +455124,25 +455125,25 +455126,25 +455127,25 +455128,24 +455129,24 +455130,24 +455131,24 +455132,31 +455133,31 +455134,31 +455135,31 +455136,31 +455137,31 +455138,5 +455139,5 +455140,5 +455141,5 +455142,5 +455143,5 +455144,5 +455145,5 +455146,5 +455147,0 +455148,0 +455149,0 +455150,0 +455151,0 +455152,0 +455153,0 +455154,0 +455155,0 +455156,0 +455157,0 +455158,0 +455159,0 +455160,0 +455161,0 +455162,0 +455163,0 +455164,0 +455165,0 +455166,0 +455167,0 +455168,0 +455169,0 +455170,0 +455171,0 +455172,0 +455173,0 +455174,0 +455175,0 +455176,0 +455177,0 +455178,0 +455179,0 +455180,0 +455181,0 +455182,0 +455183,0 +455184,0 +455185,0 +455186,23 +455187,23 +455188,23 +455189,23 +455190,23 +455191,23 +455192,23 +455193,40 +455194,40 +455195,40 +455196,40 +455197,40 +455198,40 +455199,32 +455200,32 +455201,32 +455202,32 +455203,32 +455204,37 +455205,37 +455206,22 +455207,22 +455208,9 +455209,9 +455210,9 +455211,9 +455212,9 +455213,9 +455214,37 +455215,37 +455216,37 +455217,37 +455218,37 +455219,37 +455220,37 +455221,39 +455222,14 +455223,14 +455224,14 +455225,14 +455226,14 +455227,14 +455228,14 +455229,30 +455230,30 +455231,30 +455232,30 +455233,30 +455234,30 +455235,30 +455236,30 +455237,30 +455238,30 +455239,40 +455240,40 +455241,40 +455242,40 +455243,40 +455244,24 +455245,24 +455246,24 +455247,24 +455248,24 +455249,25 +455250,25 +455251,25 +455252,25 +455253,31 +455254,31 +455255,5 +455256,5 +455257,5 +455258,5 +455259,5 +455260,5 +455261,5 +455262,5 +455263,5 +455264,4 +455265,4 +455266,8 +455267,8 +455268,2 +455269,4 +455270,4 +455271,4 +455272,38 +455273,38 +455274,4 +455275,4 +455276,4 +455277,4 +455278,0 +455279,0 +455280,0 +455281,0 +455282,0 +455283,0 +455284,0 +455285,0 +455286,0 +455287,0 +455288,0 +455289,0 +455290,0 +455291,0 +455292,0 +455293,0 +455294,35 +455295,35 +455296,35 +455297,35 +455298,39 +455299,39 +455300,39 +455301,14 +455302,39 +455303,14 +455304,14 +455305,14 +455306,14 +455307,14 +455308,14 +455309,14 +455310,4 +455311,4 +455312,4 +455313,4 +455314,4 +455315,4 +455316,4 +455317,4 +455318,4 +455319,4 +455320,4 +455321,4 +455322,4 +455323,39 +455324,39 +455325,39 +455326,39 +455327,39 +455328,14 +455329,39 +455330,14 +455331,39 +455332,5 +455333,5 +455334,5 +455335,5 +455336,5 +455337,19 +455338,18 +455339,18 +455340,18 +455341,18 +455342,18 +455343,11 +455344,23 +455345,23 +455346,23 +455347,23 +455348,23 +455349,35 +455350,23 +455351,23 +455352,23 +455353,27 +455354,27 +455355,27 +455356,27 +455357,27 +455358,23 +455359,23 +455360,23 +455361,23 +455362,23 +455363,23 +455364,23 +455365,23 +455366,23 +455367,4 +455368,4 +455369,4 +455370,4 +455371,4 +455372,27 +455373,27 +455374,27 +455375,27 +455376,13 +455377,13 +455378,13 +455379,13 +455380,13 +455381,13 +455382,13 +455383,35 +455384,35 +455385,10 +455386,10 +455387,10 +455388,35 +455389,35 +455390,35 +455391,36 +455392,10 +455393,10 +455394,10 +455395,10 +455396,10 +455397,10 +455398,10 +455399,10 +455400,10 +455401,10 +455402,10 +455403,5 +455404,13 +455405,5 +455406,5 +455407,5 +455408,5 +455409,5 +455410,5 +455411,5 +455412,5 +455413,5 +455414,5 +455415,5 +455416,25 +455417,25 +455418,0 +455419,0 +455420,0 +455421,0 +455422,0 +455423,0 +455424,0 +455425,0 +455426,0 +455427,0 +455428,0 +455429,0 +455430,0 +455431,0 +455432,0 +455433,0 +455434,0 +455435,0 +455436,0 +455437,0 +455438,0 +455439,0 +455440,0 +455441,0 +455442,0 +455443,0 +455444,0 +455445,0 +455446,0 +455447,0 +455448,0 +455449,0 +455450,0 +455451,0 +455452,0 +455453,0 +455454,0 +455455,0 +455456,0 +455457,0 +455458,0 +455459,0 +455460,0 +455461,0 +455462,0 +455463,0 +455464,0 +455465,0 +455466,0 +455467,0 +455468,0 +455469,0 +455470,0 +455471,0 +455472,0 +455473,0 +455474,0 +455475,0 +455476,0 +455477,0 +455478,0 +455479,0 +455480,0 +455481,0 +455482,0 +455483,0 +455484,0 +455485,0 +455486,0 +455487,0 +455488,0 +455489,0 +455490,0 +455491,0 +455492,0 +455493,0 +455494,0 +455495,0 +455496,0 +455497,0 +455498,0 +455499,0 +455500,0 +455501,0 +455502,0 +455503,0 +455504,0 +455505,0 +455506,0 +455507,0 +455508,0 +455509,0 +455510,0 +455511,0 +455512,0 +455513,0 +455514,0 +455515,0 +455516,29 +455517,29 +455518,29 +455519,29 +455520,29 +455521,29 +455522,29 +455523,29 +455524,29 +455525,29 +455526,39 +455527,39 +455528,39 +455529,39 +455530,39 +455531,39 +455532,39 +455533,39 +455534,40 +455535,40 +455536,35 +455537,35 +455538,35 +455539,40 +455540,40 +455541,40 +455542,40 +455543,40 +455544,40 +455545,19 +455546,19 +455547,19 +455548,19 +455549,25 +455550,25 +455551,25 +455552,25 +455553,37 +455554,25 +455555,25 +455556,25 +455557,16 +455558,16 +455559,16 +455560,16 +455561,16 +455562,16 +455563,16 +455564,16 +455565,16 +455566,16 +455567,16 +455568,25 +455569,25 +455570,25 +455571,25 +455572,25 +455573,25 +455574,25 +455575,25 +455576,25 +455577,25 +455578,37 +455579,25 +455580,25 +455581,31 +455582,31 +455583,31 +455584,31 +455585,31 +455586,31 +455587,24 +455588,24 +455589,24 +455590,24 +455591,24 +455592,24 +455593,29 +455594,29 +455595,29 +455596,29 +455597,27 +455598,31 +455599,31 +455600,31 +455601,31 +455602,31 +455603,31 +455604,2 +455605,2 +455606,8 +455607,8 +455608,8 +455609,8 +455610,8 +455611,8 +455612,12 +455613,31 +455614,31 +455615,3 +455616,3 +455617,12 +455618,12 +455619,12 +455620,12 +455621,12 +455622,12 +455623,12 +455624,9 +455625,9 +455626,30 +455627,30 +455628,30 +455629,30 +455630,30 +455631,30 +455632,9 +455633,30 +455634,30 +455635,30 +455636,30 +455637,30 +455638,31 +455639,31 +455640,31 +455641,40 +455642,18 +455643,18 +455644,18 +455645,18 +455646,18 +455647,18 +455648,18 +455649,18 +455650,18 +455651,18 +455652,11 +455653,18 +455654,18 +455655,27 +455656,31 +455657,31 +455658,31 +455659,31 +455660,31 +455661,31 +455662,31 +455663,31 +455664,31 +455665,31 +455666,31 +455667,31 +455668,31 +455669,2 +455670,2 +455671,2 +455672,2 +455673,2 +455674,2 +455675,2 +455676,2 +455677,8 +455678,2 +455679,2 +455680,2 +455681,2 +455682,2 +455683,2 +455684,2 +455685,2 +455686,2 +455687,2 +455688,2 +455689,2 +455690,2 +455691,2 +455692,2 +455693,2 +455694,2 +455695,2 +455696,0 +455697,0 +455698,0 +455699,0 +455700,0 +455701,0 +455702,0 +455703,0 +455704,0 +455705,0 +455706,0 +455707,0 +455708,0 +455709,0 +455710,0 +455711,0 +455712,36 +455713,36 +455714,36 +455715,36 +455716,36 +455717,36 +455718,36 +455719,36 +455720,36 +455721,36 +455722,36 +455723,36 +455724,36 +455725,36 +455726,8 +455727,8 +455728,8 +455729,8 +455730,8 +455731,8 +455732,8 +455733,8 +455734,8 +455735,8 +455736,7 +455737,7 +455738,7 +455739,7 +455740,7 +455741,3 +455742,3 +455743,3 +455744,3 +455745,3 +455746,3 +455747,3 +455748,12 +455749,12 +455750,12 +455751,25 +455752,37 +455753,25 +455754,25 +455755,25 +455756,25 +455757,5 +455758,5 +455759,5 +455760,5 +455761,5 +455762,5 +455763,5 +455764,5 +455765,26 +455766,26 +455767,26 +455768,26 +455769,26 +455770,26 +455771,26 +455772,26 +455773,26 +455774,26 +455775,26 +455776,26 +455777,5 +455778,5 +455779,5 +455780,4 +455781,4 +455782,4 +455783,4 +455784,4 +455785,4 +455786,7 +455787,7 +455788,7 +455789,7 +455790,7 +455791,7 +455792,7 +455793,7 +455794,40 +455795,40 +455796,40 +455797,40 +455798,40 +455799,40 +455800,40 +455801,40 +455802,40 +455803,40 +455804,40 +455805,40 +455806,32 +455807,32 +455808,32 +455809,32 +455810,32 +455811,32 +455812,32 +455813,32 +455814,32 +455815,32 +455816,32 +455817,32 +455818,32 +455819,32 +455820,32 +455821,32 +455822,32 +455823,32 +455824,32 +455825,37 +455826,37 +455827,37 +455828,37 +455829,37 +455830,37 +455831,40 +455832,40 +455833,40 +455834,40 +455835,40 +455836,19 +455837,19 +455838,19 +455839,35 +455840,39 +455841,39 +455842,39 +455843,39 +455844,39 +455845,39 +455846,39 +455847,39 +455848,39 +455849,23 +455850,23 +455851,23 +455852,23 +455853,23 +455854,23 +455855,23 +455856,23 +455857,25 +455858,25 +455859,25 +455860,31 +455861,15 +455862,37 +455863,37 +455864,37 +455865,37 +455866,37 +455867,37 +455868,37 +455869,37 +455870,37 +455871,37 +455872,37 +455873,37 +455874,37 +455875,40 +455876,40 +455877,40 +455878,40 +455879,40 +455880,40 +455881,40 +455882,6 +455883,6 +455884,4 +455885,0 +455886,6 +455887,6 +455888,0 +455889,0 +455890,0 +455891,0 +455892,0 +455893,0 +455894,15 +455895,15 +455896,15 +455897,27 +455898,27 +455899,27 +455900,27 +455901,27 +455902,27 +455903,27 +455904,27 +455905,27 +455906,27 +455907,27 +455908,27 +455909,2 +455910,2 +455911,2 +455912,2 +455913,2 +455914,2 +455915,2 +455916,2 +455917,4 +455918,4 +455919,4 +455920,4 +455921,4 +455922,4 +455923,0 +455924,0 +455925,0 +455926,0 +455927,0 +455928,0 +455929,0 +455930,0 +455931,0 +455932,0 +455933,0 +455934,0 +455935,0 +455936,0 +455937,0 +455938,0 +455939,0 +455940,0 +455941,0 +455942,0 +455943,0 +455944,0 +455945,0 +455946,0 +455947,0 +455948,0 +455949,0 +455950,0 +455951,0 +455952,0 +455953,0 +455954,0 +455955,0 +455956,36 +455957,36 +455958,36 +455959,36 +455960,36 +455961,36 +455962,36 +455963,36 +455964,19 +455965,19 +455966,19 +455967,19 +455968,19 +455969,19 +455970,19 +455971,19 +455972,10 +455973,10 +455974,10 +455975,10 +455976,10 +455977,34 +455978,34 +455979,34 +455980,34 +455981,34 +455982,34 +455983,34 +455984,34 +455985,34 +455986,34 +455987,34 +455988,34 +455989,34 +455990,15 +455991,15 +455992,15 +455993,15 +455994,15 +455995,15 +455996,15 +455997,37 +455998,37 +455999,37 +456000,37 +456001,37 +456002,33 +456003,33 +456004,33 +456005,33 +456006,33 +456007,33 +456008,33 +456009,33 +456010,33 +456011,33 +456012,6 +456013,6 +456014,6 +456015,6 +456016,6 +456017,31 +456018,31 +456019,31 +456020,5 +456021,5 +456022,5 +456023,5 +456024,5 +456025,5 +456026,5 +456027,5 +456028,5 +456029,5 +456030,30 +456031,30 +456032,30 +456033,30 +456034,30 +456035,3 +456036,3 +456037,3 +456038,3 +456039,3 +456040,3 +456041,3 +456042,3 +456043,3 +456044,2 +456045,2 +456046,2 +456047,2 +456048,2 +456049,2 +456050,2 +456051,2 +456052,2 +456053,2 +456054,2 +456055,27 +456056,27 +456057,27 +456058,27 +456059,31 +456060,31 +456061,31 +456062,21 +456063,21 +456064,21 +456065,21 +456066,21 +456067,21 +456068,21 +456069,21 +456070,21 +456071,40 +456072,36 +456073,36 +456074,36 +456075,36 +456076,36 +456077,36 +456078,36 +456079,40 +456080,40 +456081,40 +456082,36 +456083,36 +456084,36 +456085,36 +456086,36 +456087,36 +456088,5 +456089,5 +456090,5 +456091,5 +456092,5 +456093,5 +456094,5 +456095,5 +456096,5 +456097,5 +456098,5 +456099,5 +456100,5 +456101,5 +456102,23 +456103,23 +456104,0 +456105,0 +456106,0 +456107,0 +456108,0 +456109,24 +456110,24 +456111,23 +456112,23 +456113,23 +456114,23 +456115,23 +456116,0 +456117,23 +456118,23 +456119,0 +456120,0 +456121,0 +456122,0 +456123,0 +456124,0 +456125,0 +456126,0 +456127,0 +456128,0 +456129,0 +456130,0 +456131,0 +456132,0 +456133,0 +456134,0 +456135,0 +456136,0 +456137,0 +456138,0 +456139,0 +456140,0 +456141,36 +456142,36 +456143,36 +456144,36 +456145,36 +456146,36 +456147,36 +456148,36 +456149,36 +456150,36 +456151,5 +456152,5 +456153,5 +456154,5 +456155,5 +456156,19 +456157,19 +456158,29 +456159,29 +456160,29 +456161,31 +456162,31 +456163,31 +456164,31 +456165,31 +456166,5 +456167,5 +456168,5 +456169,5 +456170,5 +456171,5 +456172,5 +456173,9 +456174,9 +456175,9 +456176,9 +456177,9 +456178,9 +456179,9 +456180,9 +456181,37 +456182,37 +456183,37 +456184,37 +456185,37 +456186,37 +456187,37 +456188,37 +456189,38 +456190,38 +456191,38 +456192,38 +456193,38 +456194,38 +456195,38 +456196,39 +456197,39 +456198,39 +456199,39 +456200,39 +456201,39 +456202,39 +456203,39 +456204,39 +456205,39 +456206,39 +456207,39 +456208,2 +456209,2 +456210,2 +456211,2 +456212,2 +456213,2 +456214,2 +456215,2 +456216,2 +456217,4 +456218,4 +456219,4 +456220,4 +456221,4 +456222,4 +456223,25 +456224,25 +456225,25 +456226,25 +456227,25 +456228,25 +456229,25 +456230,25 +456231,25 +456232,25 +456233,25 +456234,25 +456235,12 +456236,12 +456237,12 +456238,12 +456239,12 +456240,12 +456241,12 +456242,12 +456243,12 +456244,31 +456245,31 +456246,31 +456247,8 +456248,8 +456249,8 +456250,8 +456251,8 +456252,8 +456253,8 +456254,8 +456255,8 +456256,4 +456257,4 +456258,4 +456259,4 +456260,31 +456261,31 +456262,31 +456263,12 +456264,3 +456265,3 +456266,3 +456267,3 +456268,3 +456269,27 +456270,27 +456271,27 +456272,27 +456273,27 +456274,27 +456275,27 +456276,13 +456277,13 +456278,13 +456279,13 +456280,13 +456281,9 +456282,9 +456283,9 +456284,9 +456285,9 +456286,9 +456287,9 +456288,9 +456289,9 +456290,9 +456291,9 +456292,9 +456293,9 +456294,9 +456295,9 +456296,9 +456297,9 +456298,9 +456299,9 +456300,9 +456301,30 +456302,30 +456303,30 +456304,30 +456305,30 +456306,30 +456307,30 +456308,30 +456309,27 +456310,27 +456311,27 +456312,27 +456313,27 +456314,27 +456315,27 +456316,19 +456317,19 +456318,19 +456319,19 +456320,19 +456321,19 +456322,19 +456323,6 +456324,6 +456325,6 +456326,6 +456327,6 +456328,6 +456329,6 +456330,6 +456331,6 +456332,1 +456333,6 +456334,6 +456335,6 +456336,9 +456337,33 +456338,33 +456339,33 +456340,33 +456341,33 +456342,33 +456343,33 +456344,22 +456345,22 +456346,22 +456347,19 +456348,19 +456349,19 +456350,19 +456351,19 +456352,19 +456353,19 +456354,19 +456355,19 +456356,19 +456357,19 +456358,19 +456359,19 +456360,0 +456361,0 +456362,0 +456363,0 +456364,0 +456365,0 +456366,0 +456367,0 +456368,0 +456369,0 +456370,0 +456371,6 +456372,0 +456373,0 +456374,0 +456375,0 +456376,0 +456377,0 +456378,0 +456379,0 +456380,0 +456381,0 +456382,0 +456383,0 +456384,0 +456385,0 +456386,0 +456387,0 +456388,0 +456389,0 +456390,0 +456391,0 +456392,0 +456393,0 +456394,0 +456395,0 +456396,0 +456397,0 +456398,0 +456399,0 +456400,0 +456401,0 +456402,0 +456403,0 +456404,0 +456405,0 +456406,0 +456407,0 +456408,0 +456409,0 +456410,0 +456411,0 +456412,0 +456413,0 +456414,0 +456415,0 +456416,0 +456417,0 +456418,0 +456419,0 +456420,0 +456421,0 +456422,0 +456423,0 +456424,0 +456425,0 +456426,0 +456427,0 +456428,0 +456429,0 +456430,0 +456431,0 +456432,0 +456433,0 +456434,10 +456435,26 +456436,26 +456437,26 +456438,26 +456439,26 +456440,26 +456441,26 +456442,26 +456443,26 +456444,5 +456445,5 +456446,5 +456447,5 +456448,6 +456449,6 +456450,6 +456451,6 +456452,6 +456453,6 +456454,31 +456455,31 +456456,31 +456457,31 +456458,31 +456459,31 +456460,30 +456461,30 +456462,30 +456463,19 +456464,19 +456465,19 +456466,19 +456467,19 +456468,19 +456469,19 +456470,18 +456471,26 +456472,26 +456473,26 +456474,26 +456475,26 +456476,26 +456477,26 +456478,26 +456479,31 +456480,5 +456481,5 +456482,5 +456483,5 +456484,5 +456485,35 +456486,35 +456487,35 +456488,35 +456489,35 +456490,35 +456491,35 +456492,35 +456493,35 +456494,35 +456495,35 +456496,35 +456497,35 +456498,35 +456499,35 +456500,36 +456501,36 +456502,36 +456503,36 +456504,36 +456505,36 +456506,8 +456507,8 +456508,8 +456509,8 +456510,8 +456511,8 +456512,8 +456513,8 +456514,8 +456515,31 +456516,31 +456517,31 +456518,31 +456519,31 +456520,4 +456521,4 +456522,4 +456523,4 +456524,4 +456525,4 +456526,4 +456527,4 +456528,4 +456529,4 +456530,14 +456531,14 +456532,14 +456533,14 +456534,14 +456535,14 +456536,14 +456537,14 +456538,4 +456539,4 +456540,4 +456541,4 +456542,31 +456543,31 +456544,31 +456545,31 +456546,27 +456547,27 +456548,27 +456549,27 +456550,19 +456551,19 +456552,19 +456553,19 +456554,19 +456555,31 +456556,31 +456557,31 +456558,31 +456559,31 +456560,28 +456561,28 +456562,28 +456563,28 +456564,28 +456565,28 +456566,28 +456567,34 +456568,34 +456569,34 +456570,28 +456571,28 +456572,34 +456573,34 +456574,34 +456575,34 +456576,5 +456577,5 +456578,28 +456579,28 +456580,28 +456581,28 +456582,28 +456583,31 +456584,31 +456585,31 +456586,31 +456587,5 +456588,5 +456589,19 +456590,19 +456591,5 +456592,19 +456593,19 +456594,19 +456595,19 +456596,19 +456597,31 +456598,31 +456599,31 +456600,31 +456601,31 +456602,31 +456603,5 +456604,5 +456605,5 +456606,5 +456607,5 +456608,5 +456609,5 +456610,5 +456611,29 +456612,29 +456613,29 +456614,40 +456615,40 +456616,40 +456617,40 +456618,40 +456619,40 +456620,40 +456621,5 +456622,5 +456623,5 +456624,5 +456625,5 +456626,5 +456627,5 +456628,5 +456629,19 +456630,19 +456631,19 +456632,19 +456633,19 +456634,19 +456635,37 +456636,37 +456637,37 +456638,37 +456639,37 +456640,37 +456641,37 +456642,37 +456643,3 +456644,3 +456645,3 +456646,3 +456647,3 +456648,3 +456649,3 +456650,3 +456651,3 +456652,23 +456653,23 +456654,23 +456655,23 +456656,23 +456657,23 +456658,23 +456659,23 +456660,23 +456661,23 +456662,23 +456663,25 +456664,25 +456665,25 +456666,25 +456667,25 +456668,28 +456669,28 +456670,28 +456671,28 +456672,28 +456673,28 +456674,31 +456675,31 +456676,5 +456677,5 +456678,5 +456679,5 +456680,5 +456681,27 +456682,27 +456683,27 +456684,27 +456685,27 +456686,27 +456687,27 +456688,27 +456689,27 +456690,27 +456691,27 +456692,5 +456693,5 +456694,5 +456695,5 +456696,5 +456697,5 +456698,25 +456699,25 +456700,25 +456701,25 +456702,25 +456703,25 +456704,25 +456705,32 +456706,32 +456707,32 +456708,32 +456709,32 +456710,32 +456711,32 +456712,32 +456713,32 +456714,32 +456715,32 +456716,32 +456717,36 +456718,36 +456719,36 +456720,36 +456721,36 +456722,36 +456723,36 +456724,6 +456725,6 +456726,6 +456727,6 +456728,6 +456729,6 +456730,6 +456731,6 +456732,6 +456733,6 +456734,6 +456735,31 +456736,31 +456737,31 +456738,31 +456739,31 +456740,31 +456741,5 +456742,5 +456743,5 +456744,5 +456745,31 +456746,31 +456747,24 +456748,24 +456749,24 +456750,24 +456751,24 +456752,24 +456753,24 +456754,27 +456755,27 +456756,27 +456757,27 +456758,27 +456759,8 +456760,8 +456761,8 +456762,8 +456763,8 +456764,8 +456765,8 +456766,6 +456767,6 +456768,6 +456769,6 +456770,6 +456771,6 +456772,6 +456773,6 +456774,6 +456775,6 +456776,6 +456777,33 +456778,33 +456779,33 +456780,33 +456781,33 +456782,33 +456783,33 +456784,33 +456785,33 +456786,33 +456787,33 +456788,33 +456789,33 +456790,4 +456791,4 +456792,4 +456793,4 +456794,4 +456795,4 +456796,31 +456797,31 +456798,36 +456799,36 +456800,36 +456801,36 +456802,36 +456803,2 +456804,38 +456805,32 +456806,38 +456807,38 +456808,38 +456809,32 +456810,32 +456811,29 +456812,29 +456813,29 +456814,29 +456815,29 +456816,40 +456817,40 +456818,40 +456819,40 +456820,40 +456821,40 +456822,5 +456823,5 +456824,5 +456825,5 +456826,5 +456827,5 +456828,5 +456829,5 +456830,28 +456831,28 +456832,28 +456833,28 +456834,28 +456835,28 +456836,28 +456837,28 +456838,9 +456839,9 +456840,9 +456841,9 +456842,9 +456843,9 +456844,9 +456845,9 +456846,9 +456847,30 +456848,30 +456849,30 +456850,30 +456851,30 +456852,30 +456853,30 +456854,30 +456855,30 +456856,30 +456857,30 +456858,30 +456859,31 +456860,31 +456861,4 +456862,4 +456863,4 +456864,4 +456865,32 +456866,0 +456867,0 +456868,0 +456869,0 +456870,0 +456871,0 +456872,0 +456873,0 +456874,0 +456875,0 +456876,0 +456877,0 +456878,0 +456879,0 +456880,0 +456881,0 +456882,0 +456883,0 +456884,0 +456885,0 +456886,0 +456887,0 +456888,0 +456889,0 +456890,0 +456891,0 +456892,0 +456893,0 +456894,0 +456895,0 +456896,0 +456897,0 +456898,0 +456899,0 +456900,0 +456901,0 +456902,0 +456903,0 +456904,0 +456905,0 +456906,0 +456907,0 +456908,0 +456909,0 +456910,0 +456911,0 +456912,0 +456913,0 +456914,0 +456915,0 +456916,0 +456917,0 +456918,0 +456919,0 +456920,0 +456921,0 +456922,0 +456923,23 +456924,23 +456925,23 +456926,23 +456927,23 +456928,23 +456929,25 +456930,25 +456931,25 +456932,25 +456933,25 +456934,28 +456935,28 +456936,28 +456937,28 +456938,28 +456939,28 +456940,28 +456941,28 +456942,28 +456943,28 +456944,29 +456945,29 +456946,29 +456947,14 +456948,14 +456949,40 +456950,40 +456951,40 +456952,40 +456953,40 +456954,40 +456955,40 +456956,40 +456957,40 +456958,40 +456959,40 +456960,40 +456961,40 +456962,2 +456963,2 +456964,2 +456965,2 +456966,2 +456967,2 +456968,2 +456969,2 +456970,2 +456971,2 +456972,2 +456973,2 +456974,2 +456975,2 +456976,2 +456977,2 +456978,2 +456979,2 +456980,2 +456981,12 +456982,12 +456983,12 +456984,12 +456985,12 +456986,12 +456987,12 +456988,40 +456989,40 +456990,40 +456991,5 +456992,5 +456993,5 +456994,5 +456995,5 +456996,11 +456997,11 +456998,11 +456999,11 +457000,11 +457001,11 +457002,11 +457003,11 +457004,16 +457005,16 +457006,16 +457007,11 +457008,39 +457009,39 +457010,35 +457011,35 +457012,35 +457013,35 +457014,36 +457015,36 +457016,27 +457017,19 +457018,19 +457019,19 +457020,19 +457021,37 +457022,37 +457023,37 +457024,37 +457025,37 +457026,37 +457027,27 +457028,27 +457029,27 +457030,27 +457031,2 +457032,2 +457033,2 +457034,2 +457035,2 +457036,2 +457037,2 +457038,2 +457039,2 +457040,2 +457041,2 +457042,2 +457043,2 +457044,2 +457045,2 +457046,39 +457047,39 +457048,39 +457049,39 +457050,39 +457051,39 +457052,39 +457053,39 +457054,39 +457055,39 +457056,19 +457057,19 +457058,19 +457059,19 +457060,19 +457061,19 +457062,19 +457063,19 +457064,19 +457065,25 +457066,25 +457067,25 +457068,25 +457069,25 +457070,25 +457071,25 +457072,23 +457073,23 +457074,23 +457075,23 +457076,23 +457077,23 +457078,23 +457079,23 +457080,23 +457081,23 +457082,23 +457083,25 +457084,25 +457085,25 +457086,25 +457087,28 +457088,28 +457089,28 +457090,28 +457091,28 +457092,28 +457093,28 +457094,27 +457095,27 +457096,27 +457097,8 +457098,8 +457099,8 +457100,8 +457101,8 +457102,8 +457103,8 +457104,8 +457105,35 +457106,35 +457107,35 +457108,35 +457109,35 +457110,35 +457111,36 +457112,36 +457113,10 +457114,10 +457115,36 +457116,36 +457117,36 +457118,36 +457119,36 +457120,36 +457121,36 +457122,36 +457123,36 +457124,36 +457125,36 +457126,36 +457127,36 +457128,5 +457129,5 +457130,5 +457131,5 +457132,5 +457133,5 +457134,5 +457135,5 +457136,5 +457137,5 +457138,5 +457139,5 +457140,5 +457141,5 +457142,0 +457143,0 +457144,0 +457145,0 +457146,0 +457147,0 +457148,0 +457149,0 +457150,0 +457151,0 +457152,0 +457153,0 +457154,0 +457155,0 +457156,0 +457157,0 +457158,0 +457159,0 +457160,27 +457161,29 +457162,29 +457163,29 +457164,31 +457165,31 +457166,31 +457167,21 +457168,21 +457169,21 +457170,21 +457171,21 +457172,21 +457173,21 +457174,37 +457175,37 +457176,37 +457177,37 +457178,37 +457179,37 +457180,37 +457181,37 +457182,37 +457183,37 +457184,26 +457185,26 +457186,26 +457187,26 +457188,26 +457189,26 +457190,26 +457191,26 +457192,26 +457193,30 +457194,30 +457195,30 +457196,30 +457197,30 +457198,30 +457199,30 +457200,30 +457201,30 +457202,30 +457203,30 +457204,30 +457205,30 +457206,30 +457207,30 +457208,30 +457209,30 +457210,0 +457211,0 +457212,0 +457213,0 +457214,0 +457215,0 +457216,0 +457217,0 +457218,0 +457219,0 +457220,0 +457221,0 +457222,0 +457223,0 +457224,0 +457225,0 +457226,0 +457227,0 +457228,0 +457229,0 +457230,0 +457231,0 +457232,0 +457233,0 +457234,0 +457235,0 +457236,0 +457237,0 +457238,0 +457239,0 +457240,0 +457241,0 +457242,0 +457243,0 +457244,0 +457245,0 +457246,0 +457247,0 +457248,0 +457249,0 +457250,0 +457251,0 +457252,0 +457253,0 +457254,0 +457255,0 +457256,0 +457257,0 +457258,0 +457259,0 +457260,0 +457261,0 +457262,0 +457263,0 +457264,0 +457265,0 +457266,0 +457267,0 +457268,0 +457269,0 +457270,27 +457271,27 +457272,27 +457273,27 +457274,27 +457275,27 +457276,27 +457277,5 +457278,5 +457279,5 +457280,5 +457281,5 +457282,5 +457283,5 +457284,5 +457285,5 +457286,5 +457287,2 +457288,2 +457289,2 +457290,2 +457291,2 +457292,2 +457293,2 +457294,2 +457295,2 +457296,2 +457297,2 +457298,2 +457299,2 +457300,2 +457301,32 +457302,32 +457303,32 +457304,32 +457305,32 +457306,0 +457307,0 +457308,0 +457309,21 +457310,21 +457311,26 +457312,26 +457313,26 +457314,26 +457315,26 +457316,26 +457317,10 +457318,10 +457319,10 +457320,10 +457321,10 +457322,10 +457323,10 +457324,10 +457325,10 +457326,10 +457327,10 +457328,10 +457329,10 +457330,10 +457331,10 +457332,10 +457333,10 +457334,10 +457335,10 +457336,10 +457337,10 +457338,10 +457339,25 +457340,25 +457341,25 +457342,25 +457343,25 +457344,37 +457345,37 +457346,37 +457347,25 +457348,25 +457349,25 +457350,25 +457351,19 +457352,19 +457353,19 +457354,32 +457355,32 +457356,32 +457357,32 +457358,32 +457359,32 +457360,32 +457361,32 +457362,32 +457363,32 +457364,32 +457365,32 +457366,10 +457367,10 +457368,10 +457369,10 +457370,10 +457371,10 +457372,10 +457373,10 +457374,10 +457375,10 +457376,31 +457377,10 +457378,10 +457379,10 +457380,10 +457381,10 +457382,10 +457383,14 +457384,14 +457385,14 +457386,14 +457387,24 +457388,24 +457389,24 +457390,24 +457391,24 +457392,24 +457393,24 +457394,5 +457395,23 +457396,23 +457397,23 +457398,23 +457399,23 +457400,23 +457401,23 +457402,23 +457403,23 +457404,23 +457405,27 +457406,14 +457407,14 +457408,14 +457409,14 +457410,14 +457411,14 +457412,14 +457413,14 +457414,14 +457415,14 +457416,14 +457417,14 +457418,14 +457419,14 +457420,14 +457421,14 +457422,14 +457423,14 +457424,14 +457425,14 +457426,14 +457427,14 +457428,14 +457429,14 +457430,6 +457431,6 +457432,6 +457433,6 +457434,6 +457435,6 +457436,6 +457437,6 +457438,31 +457439,31 +457440,31 +457441,28 +457442,28 +457443,28 +457444,28 +457445,28 +457446,28 +457447,28 +457448,28 +457449,28 +457450,29 +457451,29 +457452,31 +457453,31 +457454,31 +457455,31 +457456,31 +457457,31 +457458,31 +457459,31 +457460,31 +457461,30 +457462,30 +457463,30 +457464,30 +457465,30 +457466,30 +457467,30 +457468,30 +457469,30 +457470,30 +457471,30 +457472,30 +457473,30 +457474,40 +457475,40 +457476,40 +457477,31 +457478,40 +457479,40 +457480,27 +457481,15 +457482,15 +457483,15 +457484,15 +457485,15 +457486,15 +457487,15 +457488,31 +457489,31 +457490,31 +457491,31 +457492,30 +457493,30 +457494,30 +457495,30 +457496,30 +457497,30 +457498,30 +457499,30 +457500,30 +457501,30 +457502,40 +457503,40 +457504,40 +457505,40 +457506,40 +457507,5 +457508,5 +457509,13 +457510,5 +457511,0 +457512,5 +457513,5 +457514,5 +457515,5 +457516,5 +457517,5 +457518,5 +457519,0 +457520,2 +457521,2 +457522,2 +457523,2 +457524,2 +457525,2 +457526,2 +457527,2 +457528,2 +457529,2 +457530,2 +457531,2 +457532,2 +457533,2 +457534,2 +457535,2 +457536,2 +457537,2 +457538,2 +457539,2 +457540,2 +457541,2 +457542,2 +457543,2 +457544,2 +457545,2 +457546,2 +457547,2 +457548,2 +457549,0 +457550,0 +457551,0 +457552,0 +457553,0 +457554,0 +457555,0 +457556,0 +457557,0 +457558,0 +457559,0 +457560,0 +457561,0 +457562,0 +457563,0 +457564,0 +457565,0 +457566,0 +457567,0 +457568,0 +457569,0 +457570,0 +457571,0 +457572,0 +457573,0 +457574,0 +457575,0 +457576,0 +457577,0 +457578,0 +457579,0 +457580,0 +457581,0 +457582,0 +457583,0 +457584,0 +457585,0 +457586,0 +457587,0 +457588,0 +457589,0 +457590,0 +457591,0 +457592,0 +457593,0 +457594,0 +457595,0 +457596,0 +457597,0 +457598,0 +457599,0 +457600,0 +457601,0 +457602,0 +457603,0 +457604,0 +457605,0 +457606,0 +457607,0 +457608,0 +457609,0 +457610,0 +457611,0 +457612,0 +457613,0 +457614,0 +457615,0 +457616,0 +457617,0 +457618,0 +457619,0 +457620,0 +457621,0 +457622,0 +457623,0 +457624,0 +457625,0 +457626,0 +457627,0 +457628,0 +457629,0 +457630,0 +457631,0 +457632,0 +457633,0 +457634,0 +457635,0 +457636,0 +457637,0 +457638,0 +457639,0 +457640,0 +457641,0 +457642,0 +457643,0 +457644,0 +457645,0 +457646,0 +457647,0 +457648,0 +457649,0 +457650,0 +457651,0 +457652,0 +457653,0 +457654,0 +457655,0 +457656,0 +457657,0 +457658,0 +457659,0 +457660,0 +457661,0 +457662,0 +457663,0 +457664,0 +457665,0 +457666,0 +457667,0 +457668,0 +457669,0 +457670,0 +457671,0 +457672,0 +457673,0 +457674,0 +457675,0 +457676,0 +457677,0 +457678,0 +457679,0 +457680,0 +457681,0 +457682,0 +457683,0 +457684,0 +457685,0 +457686,0 +457687,0 +457688,0 +457689,0 +457690,0 +457691,0 +457692,0 +457693,0 +457694,0 +457695,0 +457696,0 +457697,0 +457698,0 +457699,0 +457700,0 +457701,0 +457702,0 +457703,0 +457704,0 +457705,0 +457706,0 +457707,0 +457708,0 +457709,0 +457710,0 +457711,0 +457712,0 +457713,0 +457714,0 +457715,0 +457716,0 +457717,0 +457718,0 +457719,0 +457720,0 +457721,0 +457722,0 +457723,0 +457724,0 +457725,0 +457726,0 +457727,0 +457728,0 +457729,0 +457730,0 +457731,0 +457732,0 +457733,0 +457734,0 +457735,0 +457736,0 +457737,0 +457738,0 +457739,0 +457740,0 +457741,0 +457742,0 +457743,0 +457744,0 +457745,0 +457746,0 +457747,0 +457748,0 +457749,0 +457750,0 +457751,0 +457752,0 +457753,0 +457754,0 +457755,0 +457756,0 +457757,0 +457758,0 +457759,0 +457760,0 +457761,0 +457762,0 +457763,0 +457764,27 +457765,27 +457766,27 +457767,27 +457768,27 +457769,27 +457770,27 +457771,27 +457772,5 +457773,5 +457774,5 +457775,5 +457776,5 +457777,5 +457778,5 +457779,5 +457780,2 +457781,2 +457782,2 +457783,2 +457784,2 +457785,2 +457786,2 +457787,2 +457788,2 +457789,2 +457790,2 +457791,2 +457792,2 +457793,2 +457794,2 +457795,32 +457796,32 +457797,32 +457798,32 +457799,32 +457800,32 +457801,32 +457802,32 +457803,27 +457804,27 +457805,27 +457806,27 +457807,27 +457808,27 +457809,27 +457810,37 +457811,37 +457812,37 +457813,37 +457814,37 +457815,37 +457816,37 +457817,37 +457818,27 +457819,27 +457820,27 +457821,27 +457822,27 +457823,27 +457824,4 +457825,4 +457826,4 +457827,4 +457828,4 +457829,4 +457830,4 +457831,4 +457832,4 +457833,4 +457834,4 +457835,4 +457836,4 +457837,27 +457838,27 +457839,27 +457840,27 +457841,27 +457842,27 +457843,27 +457844,4 +457845,4 +457846,19 +457847,4 +457848,4 +457849,4 +457850,4 +457851,4 +457852,4 +457853,4 +457854,4 +457855,4 +457856,4 +457857,4 +457858,4 +457859,4 +457860,15 +457861,15 +457862,15 +457863,10 +457864,10 +457865,10 +457866,10 +457867,10 +457868,10 +457869,10 +457870,10 +457871,10 +457872,10 +457873,10 +457874,10 +457875,10 +457876,10 +457877,10 +457878,10 +457879,40 +457880,40 +457881,37 +457882,37 +457883,37 +457884,37 +457885,27 +457886,32 +457887,32 +457888,32 +457889,32 +457890,32 +457891,32 +457892,32 +457893,32 +457894,32 +457895,32 +457896,32 +457897,32 +457898,32 +457899,32 +457900,32 +457901,32 +457902,32 +457903,37 +457904,37 +457905,37 +457906,37 +457907,37 +457908,37 +457909,37 +457910,37 +457911,3 +457912,3 +457913,3 +457914,3 +457915,3 +457916,3 +457917,24 +457918,24 +457919,24 +457920,24 +457921,24 +457922,24 +457923,24 +457924,31 +457925,31 +457926,31 +457927,31 +457928,31 +457929,31 +457930,31 +457931,30 +457932,30 +457933,30 +457934,30 +457935,30 +457936,30 +457937,30 +457938,30 +457939,30 +457940,30 +457941,31 +457942,31 +457943,31 +457944,31 +457945,31 +457946,31 +457947,31 +457948,31 +457949,31 +457950,31 +457951,31 +457952,36 +457953,36 +457954,36 +457955,36 +457956,40 +457957,40 +457958,40 +457959,5 +457960,5 +457961,5 +457962,5 +457963,5 +457964,31 +457965,31 +457966,31 +457967,31 +457968,31 +457969,31 +457970,31 +457971,31 +457972,28 +457973,28 +457974,28 +457975,28 +457976,28 +457977,28 +457978,32 +457979,32 +457980,32 +457981,32 +457982,32 +457983,32 +457984,32 +457985,32 +457986,6 +457987,35 +457988,35 +457989,35 +457990,35 +457991,35 +457992,6 +457993,6 +457994,32 +457995,6 +457996,6 +457997,32 +457998,6 +457999,6 +458000,32 +458001,30 +458002,30 +458003,30 +458004,30 +458005,30 +458006,9 +458007,9 +458008,9 +458009,9 +458010,9 +458011,9 +458012,9 +458013,9 +458014,9 +458015,9 +458016,9 +458017,9 +458018,9 +458019,9 +458020,9 +458021,9 +458022,9 +458023,9 +458024,9 +458025,9 +458026,9 +458027,9 +458028,9 +458029,9 +458030,9 +458031,9 +458032,9 +458033,9 +458034,9 +458035,31 +458036,31 +458037,31 +458038,31 +458039,31 +458040,2 +458041,2 +458042,2 +458043,2 +458044,2 +458045,2 +458046,2 +458047,2 +458048,2 +458049,2 +458050,2 +458051,2 +458052,2 +458053,2 +458054,2 +458055,2 +458056,2 +458057,2 +458058,2 +458059,2 +458060,2 +458061,2 +458062,2 +458063,2 +458064,0 +458065,0 +458066,0 +458067,0 +458068,0 +458069,0 +458070,0 +458071,0 +458072,0 +458073,0 +458074,0 +458075,0 +458076,0 +458077,0 +458078,0 +458079,0 +458080,0 +458081,0 +458082,0 +458083,0 +458084,0 +458085,0 +458086,0 +458087,0 +458088,0 +458089,0 +458090,0 +458091,0 +458092,0 +458093,0 +458094,0 +458095,0 +458096,0 +458097,0 +458098,0 +458099,0 +458100,0 +458101,0 +458102,0 +458103,0 +458104,0 +458105,0 +458106,0 +458107,0 +458108,0 +458109,0 +458110,0 +458111,0 +458112,0 +458113,0 +458114,0 +458115,0 +458116,0 +458117,0 +458118,0 +458119,0 +458120,0 +458121,0 +458122,0 +458123,0 +458124,0 +458125,0 +458126,0 +458127,0 +458128,0 +458129,0 +458130,0 +458131,5 +458132,5 +458133,5 +458134,5 +458135,5 +458136,28 +458137,28 +458138,5 +458139,33 +458140,30 +458141,30 +458142,33 +458143,33 +458144,33 +458145,33 +458146,33 +458147,33 +458148,33 +458149,33 +458150,33 +458151,11 +458152,11 +458153,11 +458154,11 +458155,11 +458156,11 +458157,11 +458158,11 +458159,11 +458160,11 +458161,11 +458162,11 +458163,11 +458164,39 +458165,39 +458166,39 +458167,39 +458168,39 +458169,39 +458170,27 +458171,27 +458172,27 +458173,27 +458174,27 +458175,27 +458176,27 +458177,13 +458178,13 +458179,13 +458180,13 +458181,13 +458182,13 +458183,13 +458184,13 +458185,13 +458186,13 +458187,29 +458188,29 +458189,29 +458190,29 +458191,31 +458192,31 +458193,31 +458194,31 +458195,14 +458196,14 +458197,14 +458198,14 +458199,14 +458200,14 +458201,14 +458202,14 +458203,14 +458204,14 +458205,14 +458206,14 +458207,14 +458208,14 +458209,14 +458210,27 +458211,14 +458212,27 +458213,27 +458214,14 +458215,5 +458216,13 +458217,13 +458218,13 +458219,13 +458220,13 +458221,21 +458222,21 +458223,21 +458224,21 +458225,37 +458226,37 +458227,37 +458228,37 +458229,37 +458230,37 +458231,37 +458232,39 +458233,39 +458234,39 +458235,39 +458236,39 +458237,18 +458238,18 +458239,18 +458240,18 +458241,18 +458242,18 +458243,18 +458244,18 +458245,18 +458246,18 +458247,18 +458248,18 +458249,36 +458250,36 +458251,36 +458252,36 +458253,36 +458254,36 +458255,36 +458256,36 +458257,36 +458258,36 +458259,36 +458260,36 +458261,36 +458262,6 +458263,6 +458264,6 +458265,6 +458266,6 +458267,6 +458268,6 +458269,6 +458270,6 +458271,2 +458272,2 +458273,2 +458274,2 +458275,2 +458276,2 +458277,2 +458278,2 +458279,31 +458280,31 +458281,31 +458282,31 +458283,27 +458284,27 +458285,5 +458286,5 +458287,5 +458288,5 +458289,31 +458290,31 +458291,31 +458292,31 +458293,31 +458294,31 +458295,31 +458296,12 +458297,12 +458298,12 +458299,12 +458300,12 +458301,12 +458302,12 +458303,12 +458304,12 +458305,12 +458306,14 +458307,14 +458308,14 +458309,14 +458310,14 +458311,14 +458312,14 +458313,14 +458314,14 +458315,14 +458316,14 +458317,14 +458318,14 +458319,14 +458320,14 +458321,14 +458322,14 +458323,10 +458324,14 +458325,39 +458326,39 +458327,39 +458328,39 +458329,39 +458330,39 +458331,39 +458332,39 +458333,39 +458334,39 +458335,39 +458336,0 +458337,0 +458338,0 +458339,0 +458340,0 +458341,0 +458342,0 +458343,0 +458344,0 +458345,0 +458346,0 +458347,0 +458348,0 +458349,0 +458350,0 +458351,0 +458352,0 +458353,0 +458354,0 +458355,0 +458356,0 +458357,0 +458358,0 +458359,0 +458360,0 +458361,0 +458362,0 +458363,0 +458364,0 +458365,0 +458366,0 +458367,0 +458368,0 +458369,0 +458370,0 +458371,0 +458372,0 +458373,0 +458374,0 +458375,0 +458376,0 +458377,0 +458378,0 +458379,0 +458380,0 +458381,0 +458382,0 +458383,0 +458384,0 +458385,0 +458386,0 +458387,0 +458388,0 +458389,0 +458390,0 +458391,0 +458392,0 +458393,0 +458394,0 +458395,0 +458396,0 +458397,0 +458398,0 +458399,0 +458400,0 +458401,0 +458402,0 +458403,0 +458404,0 +458405,0 +458406,0 +458407,0 +458408,0 +458409,0 +458410,0 +458411,0 +458412,0 +458413,0 +458414,0 +458415,0 +458416,0 +458417,0 +458418,0 +458419,0 +458420,0 +458421,0 +458422,0 +458423,0 +458424,0 +458425,0 +458426,0 +458427,0 +458428,0 +458429,35 +458430,35 +458431,35 +458432,35 +458433,35 +458434,35 +458435,35 +458436,35 +458437,35 +458438,35 +458439,35 +458440,35 +458441,39 +458442,39 +458443,39 +458444,39 +458445,39 +458446,39 +458447,39 +458448,39 +458449,39 +458450,39 +458451,39 +458452,39 +458453,39 +458454,39 +458455,39 +458456,39 +458457,39 +458458,39 +458459,39 +458460,39 +458461,39 +458462,39 +458463,39 +458464,39 +458465,39 +458466,39 +458467,39 +458468,39 +458469,39 +458470,39 +458471,39 +458472,39 +458473,39 +458474,39 +458475,39 +458476,0 +458477,0 +458478,0 +458479,0 +458480,0 +458481,0 +458482,0 +458483,0 +458484,0 +458485,0 +458486,0 +458487,0 +458488,0 +458489,0 +458490,0 +458491,0 +458492,0 +458493,0 +458494,0 +458495,35 +458496,35 +458497,35 +458498,35 +458499,35 +458500,35 +458501,35 +458502,35 +458503,35 +458504,35 +458505,35 +458506,39 +458507,39 +458508,39 +458509,39 +458510,39 +458511,39 +458512,39 +458513,2 +458514,2 +458515,2 +458516,2 +458517,2 +458518,2 +458519,2 +458520,2 +458521,2 +458522,2 +458523,2 +458524,2 +458525,2 +458526,40 +458527,40 +458528,40 +458529,40 +458530,40 +458531,40 +458532,40 +458533,40 +458534,40 +458535,19 +458536,19 +458537,19 +458538,19 +458539,19 +458540,19 +458541,19 +458542,19 +458543,19 +458544,19 +458545,19 +458546,19 +458547,19 +458548,19 +458549,34 +458550,34 +458551,26 +458552,26 +458553,26 +458554,26 +458555,26 +458556,26 +458557,26 +458558,26 +458559,26 +458560,5 +458561,5 +458562,5 +458563,5 +458564,5 +458565,5 +458566,36 +458567,36 +458568,36 +458569,36 +458570,36 +458571,36 +458572,36 +458573,36 +458574,36 +458575,36 +458576,36 +458577,36 +458578,36 +458579,36 +458580,4 +458581,19 +458582,19 +458583,19 +458584,19 +458585,19 +458586,4 +458587,4 +458588,4 +458589,4 +458590,19 +458591,27 +458592,27 +458593,27 +458594,27 +458595,27 +458596,5 +458597,5 +458598,4 +458599,4 +458600,4 +458601,4 +458602,4 +458603,4 +458604,4 +458605,4 +458606,4 +458607,4 +458608,4 +458609,4 +458610,14 +458611,14 +458612,14 +458613,14 +458614,14 +458615,14 +458616,14 +458617,14 +458618,14 +458619,14 +458620,14 +458621,14 +458622,14 +458623,14 +458624,15 +458625,15 +458626,15 +458627,15 +458628,15 +458629,15 +458630,15 +458631,15 +458632,15 +458633,33 +458634,33 +458635,33 +458636,33 +458637,33 +458638,33 +458639,33 +458640,33 +458641,33 +458642,15 +458643,15 +458644,15 +458645,15 +458646,15 +458647,15 +458648,15 +458649,31 +458650,31 +458651,31 +458652,31 +458653,31 +458654,31 +458655,31 +458656,31 +458657,4 +458658,4 +458659,4 +458660,4 +458661,4 +458662,4 +458663,4 +458664,35 +458665,35 +458666,35 +458667,35 +458668,35 +458669,39 +458670,39 +458671,39 +458672,39 +458673,39 +458674,39 +458675,39 +458676,39 +458677,39 +458678,39 +458679,39 +458680,39 +458681,39 +458682,39 +458683,14 +458684,14 +458685,14 +458686,14 +458687,14 +458688,39 +458689,39 +458690,39 +458691,39 +458692,14 +458693,14 +458694,14 +458695,14 +458696,14 +458697,14 +458698,14 +458699,39 +458700,39 +458701,39 +458702,39 +458703,4 +458704,4 +458705,4 +458706,4 +458707,4 +458708,4 +458709,0 +458710,0 +458711,0 +458712,0 +458713,0 +458714,0 +458715,0 +458716,14 +458717,14 +458718,14 +458719,14 +458720,14 +458721,14 +458722,14 +458723,14 +458724,14 +458725,40 +458726,14 +458727,14 +458728,25 +458729,14 +458730,4 +458731,4 +458732,4 +458733,4 +458734,4 +458735,4 +458736,4 +458737,4 +458738,25 +458739,19 +458740,19 +458741,19 +458742,19 +458743,5 +458744,5 +458745,5 +458746,5 +458747,5 +458748,5 +458749,5 +458750,10 +458751,10 +458752,10 +458753,10 +458754,10 +458755,31 +458756,31 +458757,31 +458758,31 +458759,31 +458760,34 +458761,36 +458762,31 +458763,31 +458764,31 +458765,31 +458766,31 +458767,5 +458768,28 +458769,28 +458770,28 +458771,28 +458772,28 +458773,5 +458774,5 +458775,5 +458776,5 +458777,5 +458778,5 +458779,5 +458780,5 +458781,5 +458782,5 +458783,5 +458784,0 +458785,0 +458786,0 +458787,0 +458788,0 +458789,0 +458790,0 +458791,0 +458792,0 +458793,0 +458794,0 +458795,0 +458796,0 +458797,0 +458798,0 +458799,0 +458800,0 +458801,0 +458802,0 +458803,0 +458804,0 +458805,0 +458806,29 +458807,29 +458808,29 +458809,29 +458810,31 +458811,31 +458812,31 +458813,31 +458814,31 +458815,15 +458816,15 +458817,15 +458818,15 +458819,15 +458820,15 +458821,15 +458822,15 +458823,15 +458824,17 +458825,17 +458826,17 +458827,17 +458828,17 +458829,17 +458830,17 +458831,17 +458832,17 +458833,17 +458834,17 +458835,17 +458836,17 +458837,17 +458838,17 +458839,17 +458840,17 +458841,17 +458842,17 +458843,17 +458844,17 +458845,17 +458846,2 +458847,2 +458848,2 +458849,2 +458850,2 +458851,2 +458852,2 +458853,2 +458854,2 +458855,2 +458856,2 +458857,2 +458858,2 +458859,4 +458860,4 +458861,4 +458862,4 +458863,4 +458864,4 +458865,32 +458866,32 +458867,32 +458868,36 +458869,26 +458870,31 +458871,31 +458872,34 +458873,34 +458874,31 +458875,31 +458876,4 +458877,4 +458878,4 +458879,4 +458880,4 +458881,4 +458882,4 +458883,4 +458884,4 +458885,25 +458886,25 +458887,25 +458888,25 +458889,25 +458890,25 +458891,25 +458892,25 +458893,25 +458894,25 +458895,19 +458896,19 +458897,19 +458898,19 +458899,19 +458900,19 +458901,19 +458902,19 +458903,19 +458904,19 +458905,19 +458906,19 +458907,19 +458908,0 +458909,0 +458910,0 +458911,0 +458912,0 +458913,0 +458914,0 +458915,0 +458916,0 +458917,0 +458918,0 +458919,0 +458920,0 +458921,0 +458922,0 +458923,0 +458924,0 +458925,0 +458926,0 +458927,0 +458928,0 +458929,0 +458930,0 +458931,0 +458932,0 +458933,0 +458934,0 +458935,0 +458936,0 +458937,0 +458938,0 +458939,0 +458940,0 +458941,0 +458942,0 +458943,0 +458944,0 +458945,0 +458946,0 +458947,0 +458948,0 +458949,0 +458950,0 +458951,0 +458952,0 +458953,0 +458954,0 +458955,0 +458956,0 +458957,0 +458958,0 +458959,0 +458960,0 +458961,0 +458962,0 +458963,0 +458964,0 +458965,12 +458966,12 +458967,12 +458968,12 +458969,31 +458970,31 +458971,31 +458972,31 +458973,31 +458974,31 +458975,4 +458976,4 +458977,4 +458978,4 +458979,4 +458980,4 +458981,4 +458982,4 +458983,4 +458984,4 +458985,4 +458986,4 +458987,4 +458988,7 +458989,7 +458990,7 +458991,7 +458992,7 +458993,3 +458994,3 +458995,3 +458996,3 +458997,3 +458998,3 +458999,3 +459000,3 +459001,3 +459002,28 +459003,28 +459004,28 +459005,28 +459006,28 +459007,28 +459008,39 +459009,39 +459010,39 +459011,39 +459012,39 +459013,39 +459014,39 +459015,1 +459016,1 +459017,39 +459018,39 +459019,39 +459020,39 +459021,5 +459022,39 +459023,28 +459024,28 +459025,28 +459026,5 +459027,5 +459028,5 +459029,5 +459030,5 +459031,18 +459032,18 +459033,18 +459034,18 +459035,18 +459036,18 +459037,18 +459038,18 +459039,18 +459040,9 +459041,9 +459042,9 +459043,9 +459044,9 +459045,9 +459046,9 +459047,9 +459048,9 +459049,9 +459050,9 +459051,9 +459052,37 +459053,37 +459054,37 +459055,37 +459056,37 +459057,37 +459058,37 +459059,37 +459060,37 +459061,37 +459062,37 +459063,37 +459064,37 +459065,18 +459066,18 +459067,18 +459068,18 +459069,18 +459070,18 +459071,18 +459072,18 +459073,18 +459074,18 +459075,18 +459076,18 +459077,18 +459078,18 +459079,18 +459080,18 +459081,18 +459082,18 +459083,18 +459084,18 +459085,18 +459086,18 +459087,19 +459088,0 +459089,0 +459090,0 +459091,0 +459092,0 +459093,0 +459094,0 +459095,0 +459096,0 +459097,0 +459098,0 +459099,0 +459100,0 +459101,0 +459102,0 +459103,0 +459104,0 +459105,0 +459106,0 +459107,0 +459108,0 +459109,0 +459110,0 +459111,0 +459112,0 +459113,0 +459114,0 +459115,0 +459116,0 +459117,0 +459118,0 +459119,11 +459120,11 +459121,11 +459122,11 +459123,11 +459124,18 +459125,11 +459126,11 +459127,11 +459128,11 +459129,11 +459130,11 +459131,11 +459132,11 +459133,11 +459134,11 +459135,39 +459136,39 +459137,39 +459138,39 +459139,39 +459140,39 +459141,39 +459142,39 +459143,12 +459144,12 +459145,12 +459146,12 +459147,12 +459148,12 +459149,12 +459150,12 +459151,27 +459152,27 +459153,27 +459154,27 +459155,5 +459156,5 +459157,5 +459158,5 +459159,5 +459160,2 +459161,2 +459162,2 +459163,2 +459164,2 +459165,2 +459166,2 +459167,2 +459168,2 +459169,2 +459170,2 +459171,2 +459172,2 +459173,14 +459174,14 +459175,14 +459176,14 +459177,14 +459178,14 +459179,14 +459180,14 +459181,14 +459182,14 +459183,14 +459184,14 +459185,14 +459186,14 +459187,14 +459188,14 +459189,14 +459190,14 +459191,14 +459192,14 +459193,14 +459194,14 +459195,14 +459196,14 +459197,14 +459198,0 +459199,0 +459200,0 +459201,0 +459202,0 +459203,0 +459204,0 +459205,0 +459206,0 +459207,0 +459208,0 +459209,0 +459210,0 +459211,0 +459212,0 +459213,0 +459214,0 +459215,0 +459216,0 +459217,0 +459218,0 +459219,0 +459220,0 +459221,0 +459222,0 +459223,0 +459224,0 +459225,0 +459226,0 +459227,0 +459228,0 +459229,0 +459230,0 +459231,0 +459232,0 +459233,0 +459234,0 +459235,0 +459236,0 +459237,0 +459238,0 +459239,0 +459240,0 +459241,0 +459242,0 +459243,0 +459244,0 +459245,0 +459246,0 +459247,0 +459248,0 +459249,0 +459250,0 +459251,0 +459252,0 +459253,0 +459254,5 +459255,5 +459256,5 +459257,5 +459258,5 +459259,5 +459260,5 +459261,5 +459262,5 +459263,5 +459264,5 +459265,5 +459266,5 +459267,5 +459268,5 +459269,5 +459270,5 +459271,34 +459272,34 +459273,34 +459274,34 +459275,34 +459276,34 +459277,34 +459278,34 +459279,34 +459280,34 +459281,34 +459282,10 +459283,10 +459284,10 +459285,10 +459286,30 +459287,30 +459288,30 +459289,30 +459290,30 +459291,30 +459292,30 +459293,30 +459294,30 +459295,30 +459296,30 +459297,16 +459298,16 +459299,16 +459300,4 +459301,11 +459302,11 +459303,11 +459304,11 +459305,11 +459306,11 +459307,11 +459308,11 +459309,11 +459310,11 +459311,11 +459312,11 +459313,11 +459314,22 +459315,22 +459316,33 +459317,33 +459318,25 +459319,25 +459320,25 +459321,25 +459322,30 +459323,30 +459324,30 +459325,30 +459326,30 +459327,30 +459328,30 +459329,30 +459330,30 +459331,30 +459332,30 +459333,21 +459334,21 +459335,21 +459336,21 +459337,21 +459338,15 +459339,37 +459340,37 +459341,37 +459342,37 +459343,37 +459344,37 +459345,37 +459346,37 +459347,37 +459348,36 +459349,36 +459350,36 +459351,36 +459352,36 +459353,36 +459354,36 +459355,5 +459356,5 +459357,5 +459358,5 +459359,5 +459360,5 +459361,5 +459362,5 +459363,5 +459364,5 +459365,5 +459366,5 +459367,5 +459368,5 +459369,5 +459370,5 +459371,0 +459372,0 +459373,0 +459374,0 +459375,0 +459376,0 +459377,0 +459378,0 +459379,0 +459380,0 +459381,0 +459382,0 +459383,0 +459384,0 +459385,0 +459386,0 +459387,0 +459388,0 +459389,0 +459390,0 +459391,0 +459392,0 +459393,0 +459394,0 +459395,0 +459396,0 +459397,0 +459398,0 +459399,0 +459400,0 +459401,0 +459402,0 +459403,0 +459404,0 +459405,0 +459406,0 +459407,0 +459408,0 +459409,0 +459410,0 +459411,0 +459412,0 +459413,0 +459414,27 +459415,27 +459416,27 +459417,27 +459418,27 +459419,27 +459420,27 +459421,27 +459422,27 +459423,27 +459424,5 +459425,5 +459426,5 +459427,5 +459428,5 +459429,5 +459430,5 +459431,5 +459432,5 +459433,5 +459434,2 +459435,2 +459436,2 +459437,2 +459438,2 +459439,2 +459440,2 +459441,2 +459442,2 +459443,2 +459444,2 +459445,2 +459446,31 +459447,31 +459448,31 +459449,31 +459450,31 +459451,31 +459452,31 +459453,31 +459454,16 +459455,16 +459456,16 +459457,16 +459458,16 +459459,16 +459460,16 +459461,16 +459462,16 +459463,16 +459464,16 +459465,3 +459466,3 +459467,3 +459468,3 +459469,31 +459470,12 +459471,12 +459472,12 +459473,12 +459474,12 +459475,12 +459476,12 +459477,12 +459478,12 +459479,12 +459480,12 +459481,14 +459482,14 +459483,14 +459484,17 +459485,17 +459486,17 +459487,17 +459488,17 +459489,19 +459490,19 +459491,29 +459492,29 +459493,29 +459494,29 +459495,29 +459496,29 +459497,29 +459498,29 +459499,29 +459500,29 +459501,29 +459502,29 +459503,29 +459504,29 +459505,29 +459506,29 +459507,29 +459508,40 +459509,40 +459510,40 +459511,35 +459512,35 +459513,35 +459514,35 +459515,35 +459516,35 +459517,35 +459518,35 +459519,35 +459520,35 +459521,35 +459522,36 +459523,36 +459524,36 +459525,36 +459526,36 +459527,36 +459528,36 +459529,5 +459530,5 +459531,5 +459532,5 +459533,5 +459534,5 +459535,19 +459536,19 +459537,19 +459538,19 +459539,27 +459540,27 +459541,27 +459542,27 +459543,2 +459544,2 +459545,2 +459546,2 +459547,2 +459548,2 +459549,2 +459550,2 +459551,2 +459552,2 +459553,2 +459554,2 +459555,2 +459556,2 +459557,2 +459558,2 +459559,26 +459560,26 +459561,26 +459562,26 +459563,26 +459564,26 +459565,26 +459566,26 +459567,26 +459568,26 +459569,26 +459570,26 +459571,26 +459572,26 +459573,26 +459574,26 +459575,26 +459576,26 +459577,26 +459578,26 +459579,34 +459580,34 +459581,34 +459582,34 +459583,34 +459584,34 +459585,34 +459586,34 +459587,34 +459588,34 +459589,5 +459590,5 +459591,0 +459592,0 +459593,0 +459594,0 +459595,0 +459596,0 +459597,0 +459598,0 +459599,0 +459600,0 +459601,0 +459602,0 +459603,0 +459604,0 +459605,0 +459606,0 +459607,0 +459608,0 +459609,0 +459610,0 +459611,0 +459612,0 +459613,0 +459614,0 +459615,0 +459616,0 +459617,0 +459618,0 +459619,0 +459620,0 +459621,0 +459622,0 +459623,0 +459624,0 +459625,0 +459626,0 +459627,0 +459628,0 +459629,0 +459630,0 +459631,0 +459632,0 +459633,0 +459634,0 +459635,0 +459636,0 +459637,0 +459638,0 +459639,0 +459640,0 +459641,0 +459642,0 +459643,0 +459644,0 +459645,0 +459646,0 +459647,0 +459648,0 +459649,0 +459650,0 +459651,10 +459652,10 +459653,10 +459654,10 +459655,10 +459656,10 +459657,10 +459658,10 +459659,10 +459660,10 +459661,10 +459662,4 +459663,4 +459664,4 +459665,4 +459666,4 +459667,4 +459668,4 +459669,4 +459670,4 +459671,4 +459672,4 +459673,4 +459674,4 +459675,4 +459676,40 +459677,40 +459678,40 +459679,40 +459680,30 +459681,30 +459682,30 +459683,30 +459684,30 +459685,30 +459686,39 +459687,7 +459688,7 +459689,7 +459690,7 +459691,7 +459692,7 +459693,7 +459694,7 +459695,3 +459696,39 +459697,39 +459698,3 +459699,3 +459700,3 +459701,3 +459702,3 +459703,3 +459704,3 +459705,3 +459706,4 +459707,19 +459708,19 +459709,39 +459710,39 +459711,39 +459712,39 +459713,27 +459714,2 +459715,2 +459716,2 +459717,8 +459718,8 +459719,8 +459720,2 +459721,2 +459722,4 +459723,4 +459724,4 +459725,4 +459726,4 +459727,4 +459728,4 +459729,4 +459730,4 +459731,4 +459732,4 +459733,4 +459734,4 +459735,3 +459736,3 +459737,3 +459738,3 +459739,3 +459740,3 +459741,3 +459742,3 +459743,19 +459744,30 +459745,30 +459746,30 +459747,30 +459748,30 +459749,30 +459750,30 +459751,30 +459752,30 +459753,30 +459754,14 +459755,39 +459756,14 +459757,14 +459758,39 +459759,14 +459760,14 +459761,14 +459762,14 +459763,14 +459764,14 +459765,14 +459766,14 +459767,14 +459768,14 +459769,4 +459770,4 +459771,4 +459772,4 +459773,4 +459774,4 +459775,4 +459776,4 +459777,4 +459778,4 +459779,4 +459780,4 +459781,4 +459782,4 +459783,4 +459784,0 +459785,0 +459786,0 +459787,0 +459788,0 +459789,0 +459790,0 +459791,0 +459792,0 +459793,0 +459794,0 +459795,0 +459796,0 +459797,0 +459798,0 +459799,0 +459800,0 +459801,0 +459802,0 +459803,0 +459804,0 +459805,0 +459806,0 +459807,0 +459808,0 +459809,0 +459810,0 +459811,0 +459812,0 +459813,0 +459814,0 +459815,0 +459816,0 +459817,0 +459818,0 +459819,0 +459820,0 +459821,0 +459822,0 +459823,0 +459824,0 +459825,0 +459826,0 +459827,0 +459828,0 +459829,0 +459830,0 +459831,0 +459832,0 +459833,0 +459834,0 +459835,0 +459836,0 +459837,0 +459838,0 +459839,0 +459840,0 +459841,0 +459842,0 +459843,0 +459844,0 +459845,0 +459846,0 +459847,25 +459848,25 +459849,25 +459850,25 +459851,25 +459852,25 +459853,25 +459854,25 +459855,25 +459856,25 +459857,25 +459858,25 +459859,25 +459860,25 +459861,25 +459862,25 +459863,25 +459864,25 +459865,30 +459866,30 +459867,30 +459868,30 +459869,30 +459870,39 +459871,39 +459872,39 +459873,39 +459874,39 +459875,39 +459876,39 +459877,29 +459878,29 +459879,29 +459880,29 +459881,29 +459882,31 +459883,31 +459884,27 +459885,27 +459886,27 +459887,27 +459888,2 +459889,2 +459890,2 +459891,2 +459892,2 +459893,2 +459894,2 +459895,2 +459896,2 +459897,28 +459898,28 +459899,28 +459900,28 +459901,28 +459902,28 +459903,28 +459904,28 +459905,28 +459906,9 +459907,9 +459908,9 +459909,9 +459910,9 +459911,9 +459912,9 +459913,37 +459914,37 +459915,37 +459916,37 +459917,27 +459918,27 +459919,27 +459920,27 +459921,27 +459922,27 +459923,27 +459924,27 +459925,13 +459926,13 +459927,13 +459928,13 +459929,13 +459930,13 +459931,13 +459932,29 +459933,29 +459934,31 +459935,31 +459936,27 +459937,27 +459938,31 +459939,4 +459940,4 +459941,4 +459942,4 +459943,4 +459944,4 +459945,4 +459946,4 +459947,4 +459948,4 +459949,4 +459950,4 +459951,40 +459952,40 +459953,40 +459954,40 +459955,30 +459956,30 +459957,30 +459958,30 +459959,30 +459960,30 +459961,30 +459962,27 +459963,33 +459964,27 +459965,27 +459966,33 +459967,21 +459968,21 +459969,21 +459970,21 +459971,37 +459972,37 +459973,37 +459974,37 +459975,37 +459976,37 +459977,37 +459978,37 +459979,36 +459980,36 +459981,36 +459982,36 +459983,36 +459984,36 +459985,36 +459986,36 +459987,23 +459988,23 +459989,23 +459990,23 +459991,23 +459992,23 +459993,23 +459994,23 +459995,23 +459996,12 +459997,12 +459998,12 +459999,31 +460000,31 +460001,31 +460002,8 +460003,8 +460004,8 +460005,8 +460006,8 +460007,8 +460008,27 +460009,27 +460010,27 +460011,27 +460012,27 +460013,5 +460014,5 +460015,5 +460016,5 +460017,5 +460018,5 +460019,32 +460020,32 +460021,32 +460022,32 +460023,32 +460024,32 +460025,32 +460026,32 +460027,32 +460028,32 +460029,32 +460030,32 +460031,30 +460032,17 +460033,17 +460034,17 +460035,17 +460036,17 +460037,17 +460038,17 +460039,17 +460040,17 +460041,17 +460042,17 +460043,17 +460044,17 +460045,14 +460046,14 +460047,14 +460048,14 +460049,14 +460050,14 +460051,14 +460052,14 +460053,14 +460054,14 +460055,14 +460056,19 +460057,19 +460058,19 +460059,19 +460060,19 +460061,19 +460062,19 +460063,19 +460064,19 +460065,19 +460066,0 +460067,0 +460068,0 +460069,0 +460070,0 +460071,0 +460072,0 +460073,0 +460074,0 +460075,0 +460076,0 +460077,0 +460078,0 +460079,0 +460080,0 +460081,0 +460082,0 +460083,0 +460084,0 +460085,0 +460086,0 +460087,0 +460088,31 +460089,31 +460090,31 +460091,31 +460092,31 +460093,31 +460094,5 +460095,5 +460096,5 +460097,5 +460098,5 +460099,40 +460100,40 +460101,40 +460102,27 +460103,40 +460104,19 +460105,19 +460106,19 +460107,19 +460108,19 +460109,19 +460110,19 +460111,29 +460112,29 +460113,29 +460114,29 +460115,31 +460116,31 +460117,31 +460118,31 +460119,31 +460120,31 +460121,2 +460122,2 +460123,2 +460124,2 +460125,2 +460126,2 +460127,2 +460128,2 +460129,2 +460130,2 +460131,2 +460132,23 +460133,23 +460134,23 +460135,23 +460136,23 +460137,23 +460138,23 +460139,25 +460140,40 +460141,40 +460142,40 +460143,37 +460144,37 +460145,37 +460146,37 +460147,37 +460148,37 +460149,37 +460150,37 +460151,39 +460152,39 +460153,39 +460154,39 +460155,39 +460156,39 +460157,28 +460158,28 +460159,28 +460160,28 +460161,28 +460162,28 +460163,28 +460164,28 +460165,40 +460166,40 +460167,40 +460168,40 +460169,40 +460170,5 +460171,5 +460172,5 +460173,5 +460174,5 +460175,36 +460176,36 +460177,36 +460178,36 +460179,36 +460180,36 +460181,36 +460182,36 +460183,36 +460184,36 +460185,36 +460186,36 +460187,0 +460188,0 +460189,0 +460190,0 +460191,0 +460192,0 +460193,0 +460194,0 +460195,0 +460196,0 +460197,0 +460198,0 +460199,0 +460200,0 +460201,0 +460202,0 +460203,0 +460204,0 +460205,0 +460206,0 +460207,0 +460208,0 +460209,0 +460210,0 +460211,0 +460212,0 +460213,0 +460214,0 +460215,0 +460216,0 +460217,0 +460218,0 +460219,0 +460220,0 +460221,0 +460222,0 +460223,0 +460224,0 +460225,0 +460226,0 +460227,0 +460228,0 +460229,0 +460230,0 +460231,0 +460232,0 +460233,0 +460234,0 +460235,0 +460236,0 +460237,0 +460238,0 +460239,0 +460240,0 +460241,29 +460242,29 +460243,29 +460244,29 +460245,29 +460246,29 +460247,29 +460248,40 +460249,40 +460250,40 +460251,40 +460252,40 +460253,40 +460254,40 +460255,40 +460256,40 +460257,40 +460258,37 +460259,37 +460260,37 +460261,37 +460262,37 +460263,37 +460264,37 +460265,37 +460266,25 +460267,25 +460268,19 +460269,19 +460270,19 +460271,29 +460272,29 +460273,31 +460274,31 +460275,19 +460276,27 +460277,6 +460278,6 +460279,6 +460280,4 +460281,32 +460282,4 +460283,4 +460284,4 +460285,4 +460286,4 +460287,4 +460288,4 +460289,4 +460290,37 +460291,37 +460292,37 +460293,37 +460294,34 +460295,36 +460296,36 +460297,36 +460298,34 +460299,34 +460300,34 +460301,30 +460302,30 +460303,30 +460304,30 +460305,30 +460306,30 +460307,5 +460308,5 +460309,5 +460310,30 +460311,30 +460312,30 +460313,27 +460314,5 +460315,5 +460316,5 +460317,5 +460318,5 +460319,5 +460320,5 +460321,6 +460322,6 +460323,6 +460324,6 +460325,6 +460326,6 +460327,6 +460328,31 +460329,31 +460330,31 +460331,31 +460332,31 +460333,31 +460334,31 +460335,32 +460336,32 +460337,32 +460338,32 +460339,32 +460340,32 +460341,32 +460342,32 +460343,32 +460344,32 +460345,32 +460346,32 +460347,32 +460348,32 +460349,40 +460350,40 +460351,40 +460352,40 +460353,40 +460354,40 +460355,36 +460356,36 +460357,5 +460358,5 +460359,5 +460360,5 +460361,5 +460362,5 +460363,5 +460364,7 +460365,7 +460366,31 +460367,31 +460368,31 +460369,31 +460370,5 +460371,5 +460372,5 +460373,2 +460374,2 +460375,2 +460376,2 +460377,2 +460378,2 +460379,2 +460380,2 +460381,2 +460382,2 +460383,2 +460384,2 +460385,2 +460386,2 +460387,4 +460388,4 +460389,4 +460390,4 +460391,4 +460392,4 +460393,26 +460394,26 +460395,26 +460396,26 +460397,26 +460398,26 +460399,26 +460400,26 +460401,26 +460402,9 +460403,9 +460404,26 +460405,26 +460406,9 +460407,9 +460408,9 +460409,9 +460410,4 +460411,32 +460412,32 +460413,6 +460414,6 +460415,6 +460416,32 +460417,32 +460418,32 +460419,32 +460420,4 +460421,4 +460422,4 +460423,4 +460424,4 +460425,4 +460426,4 +460427,0 +460428,0 +460429,0 +460430,0 +460431,0 +460432,0 +460433,0 +460434,0 +460435,0 +460436,0 +460437,0 +460438,0 +460439,0 +460440,0 +460441,0 +460442,0 +460443,0 +460444,0 +460445,0 +460446,0 +460447,0 +460448,0 +460449,0 +460450,0 +460451,0 +460452,0 +460453,0 +460454,0 +460455,0 +460456,0 +460457,0 +460458,0 +460459,0 +460460,0 +460461,0 +460462,0 +460463,0 +460464,0 +460465,0 +460466,0 +460467,0 +460468,36 +460469,36 +460470,36 +460471,36 +460472,36 +460473,36 +460474,36 +460475,5 +460476,5 +460477,19 +460478,19 +460479,19 +460480,19 +460481,19 +460482,19 +460483,19 +460484,19 +460485,19 +460486,19 +460487,19 +460488,19 +460489,37 +460490,37 +460491,37 +460492,37 +460493,37 +460494,37 +460495,9 +460496,9 +460497,9 +460498,9 +460499,9 +460500,9 +460501,10 +460502,10 +460503,10 +460504,10 +460505,10 +460506,10 +460507,10 +460508,10 +460509,10 +460510,10 +460511,10 +460512,10 +460513,10 +460514,5 +460515,5 +460516,5 +460517,5 +460518,5 +460519,5 +460520,5 +460521,10 +460522,10 +460523,10 +460524,10 +460525,26 +460526,10 +460527,10 +460528,34 +460529,34 +460530,34 +460531,34 +460532,34 +460533,34 +460534,26 +460535,26 +460536,26 +460537,26 +460538,26 +460539,4 +460540,4 +460541,4 +460542,4 +460543,24 +460544,24 +460545,24 +460546,24 +460547,24 +460548,31 +460549,31 +460550,31 +460551,31 +460552,31 +460553,31 +460554,30 +460555,30 +460556,30 +460557,30 +460558,30 +460559,30 +460560,30 +460561,30 +460562,30 +460563,3 +460564,3 +460565,27 +460566,27 +460567,4 +460568,4 +460569,30 +460570,30 +460571,30 +460572,30 +460573,30 +460574,30 +460575,30 +460576,30 +460577,32 +460578,32 +460579,32 +460580,32 +460581,32 +460582,32 +460583,32 +460584,32 +460585,32 +460586,32 +460587,32 +460588,32 +460589,32 +460590,32 +460591,32 +460592,32 +460593,32 +460594,32 +460595,10 +460596,10 +460597,10 +460598,10 +460599,10 +460600,10 +460601,10 +460602,10 +460603,10 +460604,10 +460605,10 +460606,10 +460607,4 +460608,4 +460609,4 +460610,4 +460611,6 +460612,6 +460613,6 +460614,6 +460615,6 +460616,23 +460617,23 +460618,23 +460619,23 +460620,23 +460621,23 +460622,23 +460623,23 +460624,28 +460625,28 +460626,28 +460627,28 +460628,28 +460629,28 +460630,28 +460631,28 +460632,28 +460633,28 +460634,31 +460635,31 +460636,31 +460637,31 +460638,31 +460639,31 +460640,31 +460641,5 +460642,5 +460643,5 +460644,5 +460645,5 +460646,5 +460647,19 +460648,19 +460649,19 +460650,19 +460651,25 +460652,25 +460653,25 +460654,25 +460655,25 +460656,25 +460657,1 +460658,1 +460659,1 +460660,25 +460661,25 +460662,27 +460663,27 +460664,27 +460665,27 +460666,27 +460667,27 +460668,27 +460669,27 +460670,8 +460671,8 +460672,8 +460673,8 +460674,8 +460675,8 +460676,8 +460677,8 +460678,8 +460679,8 +460680,8 +460681,18 +460682,18 +460683,18 +460684,18 +460685,18 +460686,18 +460687,18 +460688,18 +460689,36 +460690,36 +460691,36 +460692,36 +460693,36 +460694,36 +460695,36 +460696,36 +460697,36 +460698,36 +460699,6 +460700,6 +460701,6 +460702,6 +460703,6 +460704,6 +460705,6 +460706,6 +460707,6 +460708,6 +460709,27 +460710,21 +460711,27 +460712,27 +460713,27 +460714,27 +460715,4 +460716,4 +460717,4 +460718,4 +460719,4 +460720,4 +460721,4 +460722,4 +460723,4 +460724,19 +460725,19 +460726,0 +460727,0 +460728,0 +460729,0 +460730,0 +460731,0 +460732,0 +460733,0 +460734,0 +460735,0 +460736,0 +460737,0 +460738,0 +460739,0 +460740,0 +460741,0 +460742,0 +460743,0 +460744,0 +460745,0 +460746,0 +460747,0 +460748,0 +460749,0 +460750,0 +460751,0 +460752,0 +460753,0 +460754,0 +460755,0 +460756,0 +460757,0 +460758,4 +460759,4 +460760,4 +460761,4 +460762,4 +460763,4 +460764,4 +460765,4 +460766,31 +460767,31 +460768,31 +460769,31 +460770,31 +460771,31 +460772,29 +460773,29 +460774,29 +460775,29 +460776,29 +460777,29 +460778,14 +460779,14 +460780,14 +460781,14 +460782,3 +460783,3 +460784,3 +460785,3 +460786,3 +460787,3 +460788,3 +460789,12 +460790,12 +460791,22 +460792,22 +460793,22 +460794,19 +460795,19 +460796,19 +460797,19 +460798,19 +460799,23 +460800,23 +460801,23 +460802,23 +460803,23 +460804,23 +460805,23 +460806,23 +460807,23 +460808,23 +460809,23 +460810,10 +460811,10 +460812,10 +460813,10 +460814,10 +460815,10 +460816,10 +460817,10 +460818,34 +460819,10 +460820,10 +460821,5 +460822,5 +460823,29 +460824,29 +460825,28 +460826,29 +460827,29 +460828,29 +460829,39 +460830,39 +460831,39 +460832,39 +460833,39 +460834,39 +460835,2 +460836,2 +460837,2 +460838,2 +460839,2 +460840,2 +460841,2 +460842,2 +460843,2 +460844,2 +460845,2 +460846,2 +460847,2 +460848,2 +460849,2 +460850,25 +460851,25 +460852,25 +460853,25 +460854,25 +460855,25 +460856,6 +460857,6 +460858,6 +460859,6 +460860,6 +460861,6 +460862,6 +460863,6 +460864,9 +460865,9 +460866,9 +460867,9 +460868,9 +460869,9 +460870,9 +460871,9 +460872,37 +460873,37 +460874,37 +460875,37 +460876,37 +460877,37 +460878,37 +460879,37 +460880,37 +460881,37 +460882,37 +460883,37 +460884,37 +460885,34 +460886,34 +460887,34 +460888,34 +460889,34 +460890,34 +460891,34 +460892,34 +460893,34 +460894,34 +460895,34 +460896,34 +460897,5 +460898,5 +460899,5 +460900,19 +460901,31 +460902,31 +460903,31 +460904,31 +460905,31 +460906,31 +460907,5 +460908,19 +460909,5 +460910,5 +460911,5 +460912,5 +460913,5 +460914,37 +460915,37 +460916,37 +460917,37 +460918,37 +460919,37 +460920,37 +460921,36 +460922,10 +460923,10 +460924,34 +460925,34 +460926,34 +460927,34 +460928,34 +460929,34 +460930,30 +460931,30 +460932,34 +460933,34 +460934,34 +460935,34 +460936,4 +460937,4 +460938,4 +460939,4 +460940,5 +460941,5 +460942,5 +460943,5 +460944,19 +460945,19 +460946,19 +460947,19 +460948,19 +460949,19 +460950,19 +460951,0 +460952,0 +460953,0 +460954,0 +460955,0 +460956,0 +460957,0 +460958,0 +460959,0 +460960,0 +460961,0 +460962,0 +460963,0 +460964,0 +460965,0 +460966,0 +460967,0 +460968,0 +460969,0 +460970,0 +460971,0 +460972,0 +460973,0 +460974,0 +460975,0 +460976,0 +460977,0 +460978,0 +460979,0 +460980,0 +460981,0 +460982,0 +460983,0 +460984,0 +460985,0 +460986,0 +460987,0 +460988,0 +460989,0 +460990,0 +460991,0 +460992,0 +460993,0 +460994,0 +460995,0 +460996,0 +460997,0 +460998,0 +460999,0 +461000,0 +461001,0 +461002,0 +461003,0 +461004,0 +461005,0 +461006,0 +461007,0 +461008,0 +461009,0 +461010,0 +461011,0 +461012,9 +461013,9 +461014,9 +461015,9 +461016,9 +461017,9 +461018,9 +461019,9 +461020,9 +461021,9 +461022,9 +461023,9 +461024,9 +461025,9 +461026,9 +461027,9 +461028,9 +461029,5 +461030,5 +461031,5 +461032,5 +461033,5 +461034,5 +461035,5 +461036,29 +461037,29 +461038,27 +461039,27 +461040,27 +461041,27 +461042,27 +461043,8 +461044,8 +461045,2 +461046,2 +461047,2 +461048,2 +461049,2 +461050,8 +461051,8 +461052,8 +461053,8 +461054,2 +461055,2 +461056,28 +461057,28 +461058,28 +461059,28 +461060,28 +461061,28 +461062,28 +461063,9 +461064,9 +461065,9 +461066,9 +461067,9 +461068,9 +461069,37 +461070,37 +461071,37 +461072,37 +461073,37 +461074,37 +461075,27 +461076,27 +461077,27 +461078,27 +461079,27 +461080,10 +461081,10 +461082,5 +461083,5 +461084,5 +461085,5 +461086,5 +461087,5 +461088,29 +461089,29 +461090,31 +461091,31 +461092,31 +461093,31 +461094,31 +461095,15 +461096,15 +461097,15 +461098,15 +461099,15 +461100,15 +461101,15 +461102,15 +461103,26 +461104,26 +461105,26 +461106,26 +461107,26 +461108,26 +461109,26 +461110,30 +461111,30 +461112,23 +461113,23 +461114,23 +461115,23 +461116,23 +461117,23 +461118,23 +461119,30 +461120,30 +461121,30 +461122,30 +461123,30 +461124,30 +461125,30 +461126,33 +461127,33 +461128,33 +461129,33 +461130,33 +461131,33 +461132,33 +461133,30 +461134,30 +461135,30 +461136,33 +461137,33 +461138,33 +461139,8 +461140,8 +461141,8 +461142,8 +461143,8 +461144,37 +461145,37 +461146,37 +461147,37 +461148,37 +461149,37 +461150,37 +461151,31 +461152,31 +461153,31 +461154,31 +461155,24 +461156,24 +461157,24 +461158,24 +461159,24 +461160,24 +461161,24 +461162,40 +461163,40 +461164,40 +461165,37 +461166,37 +461167,37 +461168,37 +461169,37 +461170,37 +461171,37 +461172,37 +461173,37 +461174,37 +461175,40 +461176,27 +461177,27 +461178,27 +461179,27 +461180,27 +461181,14 +461182,14 +461183,14 +461184,14 +461185,14 +461186,14 +461187,6 +461188,6 +461189,6 +461190,6 +461191,6 +461192,6 +461193,6 +461194,6 +461195,6 +461196,6 +461197,6 +461198,10 +461199,34 +461200,34 +461201,34 +461202,34 +461203,34 +461204,34 +461205,34 +461206,34 +461207,34 +461208,34 +461209,34 +461210,34 +461211,34 +461212,34 +461213,34 +461214,34 +461215,34 +461216,5 +461217,5 +461218,5 +461219,5 +461220,5 +461221,19 +461222,19 +461223,19 +461224,14 +461225,14 +461226,14 +461227,14 +461228,14 +461229,14 +461230,14 +461231,14 +461232,14 +461233,14 +461234,14 +461235,14 +461236,14 +461237,14 +461238,14 +461239,14 +461240,14 +461241,14 +461242,39 +461243,39 +461244,39 +461245,39 +461246,39 +461247,39 +461248,39 +461249,5 +461250,5 +461251,5 +461252,5 +461253,5 +461254,13 +461255,13 +461256,13 +461257,13 +461258,13 +461259,13 +461260,0 +461261,0 +461262,0 +461263,0 +461264,0 +461265,0 +461266,0 +461267,0 +461268,0 +461269,0 +461270,0 +461271,0 +461272,0 +461273,0 +461274,0 +461275,0 +461276,36 +461277,36 +461278,36 +461279,36 +461280,36 +461281,36 +461282,36 +461283,36 +461284,36 +461285,36 +461286,36 +461287,36 +461288,36 +461289,5 +461290,5 +461291,5 +461292,5 +461293,5 +461294,4 +461295,4 +461296,4 +461297,4 +461298,4 +461299,4 +461300,37 +461301,37 +461302,37 +461303,37 +461304,39 +461305,39 +461306,39 +461307,29 +461308,29 +461309,29 +461310,29 +461311,29 +461312,29 +461313,29 +461314,29 +461315,29 +461316,31 +461317,31 +461318,31 +461319,31 +461320,31 +461321,31 +461322,31 +461323,31 +461324,31 +461325,37 +461326,37 +461327,37 +461328,3 +461329,3 +461330,3 +461331,3 +461332,3 +461333,3 +461334,3 +461335,3 +461336,3 +461337,3 +461338,3 +461339,3 +461340,3 +461341,3 +461342,3 +461343,3 +461344,3 +461345,3 +461346,3 +461347,3 +461348,3 +461349,3 +461350,28 +461351,28 +461352,28 +461353,28 +461354,28 +461355,28 +461356,28 +461357,28 +461358,5 +461359,5 +461360,5 +461361,5 +461362,0 +461363,0 +461364,0 +461365,0 +461366,0 +461367,0 +461368,0 +461369,0 +461370,0 +461371,0 +461372,0 +461373,0 +461374,0 +461375,0 +461376,0 +461377,0 +461378,19 +461379,31 +461380,5 +461381,5 +461382,5 +461383,5 +461384,19 +461385,4 +461386,4 +461387,4 +461388,4 +461389,4 +461390,4 +461391,4 +461392,27 +461393,31 +461394,31 +461395,31 +461396,31 +461397,5 +461398,5 +461399,5 +461400,5 +461401,5 +461402,5 +461403,5 +461404,5 +461405,5 +461406,37 +461407,37 +461408,37 +461409,37 +461410,37 +461411,37 +461412,37 +461413,37 +461414,37 +461415,37 +461416,10 +461417,10 +461418,10 +461419,10 +461420,10 +461421,10 +461422,10 +461423,10 +461424,10 +461425,10 +461426,10 +461427,10 +461428,8 +461429,8 +461430,8 +461431,8 +461432,8 +461433,8 +461434,8 +461435,8 +461436,8 +461437,8 +461438,27 +461439,27 +461440,27 +461441,27 +461442,27 +461443,5 +461444,5 +461445,5 +461446,5 +461447,5 +461448,5 +461449,11 +461450,11 +461451,11 +461452,11 +461453,11 +461454,11 +461455,11 +461456,11 +461457,11 +461458,11 +461459,11 +461460,39 +461461,39 +461462,39 +461463,39 +461464,39 +461465,39 +461466,27 +461467,31 +461468,31 +461469,27 +461470,28 +461471,28 +461472,28 +461473,28 +461474,28 +461475,31 +461476,31 +461477,31 +461478,31 +461479,24 +461480,24 +461481,24 +461482,24 +461483,24 +461484,24 +461485,35 +461486,35 +461487,35 +461488,35 +461489,35 +461490,36 +461491,36 +461492,36 +461493,36 +461494,24 +461495,24 +461496,24 +461497,24 +461498,24 +461499,24 +461500,24 +461501,27 +461502,27 +461503,27 +461504,27 +461505,13 +461506,13 +461507,13 +461508,13 +461509,13 +461510,13 +461511,35 +461512,35 +461513,35 +461514,35 +461515,35 +461516,35 +461517,35 +461518,35 +461519,35 +461520,35 +461521,35 +461522,35 +461523,25 +461524,25 +461525,25 +461526,25 +461527,25 +461528,25 +461529,25 +461530,25 +461531,25 +461532,24 +461533,24 +461534,24 +461535,24 +461536,24 +461537,25 +461538,25 +461539,25 +461540,25 +461541,25 +461542,25 +461543,27 +461544,25 +461545,19 +461546,19 +461547,19 +461548,19 +461549,19 +461550,19 +461551,23 +461552,23 +461553,23 +461554,23 +461555,25 +461556,25 +461557,25 +461558,25 +461559,25 +461560,25 +461561,25 +461562,25 +461563,2 +461564,2 +461565,2 +461566,2 +461567,2 +461568,2 +461569,2 +461570,2 +461571,2 +461572,2 +461573,2 +461574,31 +461575,31 +461576,31 +461577,31 +461578,31 +461579,31 +461580,28 +461581,28 +461582,28 +461583,28 +461584,28 +461585,28 +461586,28 +461587,28 +461588,28 +461589,28 +461590,28 +461591,28 +461592,28 +461593,27 +461594,27 +461595,27 +461596,5 +461597,5 +461598,5 +461599,5 +461600,27 +461601,27 +461602,27 +461603,27 +461604,27 +461605,27 +461606,27 +461607,27 +461608,4 +461609,4 +461610,4 +461611,4 +461612,4 +461613,2 +461614,2 +461615,2 +461616,2 +461617,2 +461618,2 +461619,2 +461620,2 +461621,4 +461622,4 +461623,4 +461624,4 +461625,31 +461626,5 +461627,5 +461628,5 +461629,5 +461630,5 +461631,5 +461632,31 +461633,31 +461634,31 +461635,31 +461636,31 +461637,31 +461638,24 +461639,24 +461640,24 +461641,24 +461642,24 +461643,24 +461644,24 +461645,24 +461646,24 +461647,24 +461648,24 +461649,2 +461650,2 +461651,2 +461652,2 +461653,2 +461654,2 +461655,2 +461656,2 +461657,2 +461658,2 +461659,2 +461660,2 +461661,2 +461662,2 +461663,2 +461664,2 +461665,2 +461666,2 +461667,2 +461668,25 +461669,25 +461670,25 +461671,25 +461672,25 +461673,25 +461674,25 +461675,25 +461676,25 +461677,25 +461678,25 +461679,19 +461680,19 +461681,19 +461682,19 +461683,19 +461684,40 +461685,40 +461686,40 +461687,40 +461688,40 +461689,6 +461690,6 +461691,6 +461692,6 +461693,6 +461694,6 +461695,6 +461696,2 +461697,2 +461698,2 +461699,2 +461700,2 +461701,32 +461702,32 +461703,32 +461704,32 +461705,32 +461706,37 +461707,37 +461708,27 +461709,27 +461710,27 +461711,27 +461712,6 +461713,6 +461714,6 +461715,6 +461716,6 +461717,4 +461718,4 +461719,4 +461720,4 +461721,4 +461722,4 +461723,4 +461724,14 +461725,14 +461726,14 +461727,14 +461728,14 +461729,14 +461730,14 +461731,14 +461732,14 +461733,14 +461734,14 +461735,11 +461736,11 +461737,11 +461738,11 +461739,11 +461740,11 +461741,11 +461742,11 +461743,11 +461744,11 +461745,11 +461746,11 +461747,11 +461748,31 +461749,31 +461750,31 +461751,31 +461752,31 +461753,31 +461754,31 +461755,31 +461756,5 +461757,5 +461758,5 +461759,5 +461760,5 +461761,5 +461762,5 +461763,5 +461764,5 +461765,5 +461766,5 +461767,0 +461768,0 +461769,0 +461770,0 +461771,0 +461772,0 +461773,0 +461774,0 +461775,0 +461776,0 +461777,0 +461778,0 +461779,0 +461780,0 +461781,0 +461782,0 +461783,0 +461784,0 +461785,0 +461786,0 +461787,0 +461788,0 +461789,0 +461790,0 +461791,0 +461792,0 +461793,0 +461794,0 +461795,0 +461796,0 +461797,0 +461798,0 +461799,0 +461800,0 +461801,0 +461802,12 +461803,12 +461804,12 +461805,12 +461806,12 +461807,12 +461808,31 +461809,31 +461810,31 +461811,31 +461812,31 +461813,8 +461814,8 +461815,8 +461816,8 +461817,8 +461818,8 +461819,8 +461820,8 +461821,29 +461822,29 +461823,29 +461824,29 +461825,25 +461826,25 +461827,25 +461828,40 +461829,40 +461830,40 +461831,40 +461832,40 +461833,40 +461834,40 +461835,40 +461836,40 +461837,5 +461838,5 +461839,5 +461840,5 +461841,5 +461842,5 +461843,36 +461844,40 +461845,40 +461846,40 +461847,40 +461848,40 +461849,40 +461850,40 +461851,36 +461852,36 +461853,36 +461854,36 +461855,4 +461856,4 +461857,4 +461858,4 +461859,4 +461860,27 +461861,27 +461862,31 +461863,31 +461864,31 +461865,31 +461866,31 +461867,24 +461868,24 +461869,19 +461870,19 +461871,19 +461872,19 +461873,29 +461874,29 +461875,29 +461876,31 +461877,31 +461878,31 +461879,31 +461880,11 +461881,11 +461882,11 +461883,11 +461884,11 +461885,11 +461886,11 +461887,11 +461888,11 +461889,11 +461890,11 +461891,11 +461892,11 +461893,11 +461894,14 +461895,14 +461896,14 +461897,14 +461898,14 +461899,14 +461900,14 +461901,14 +461902,14 +461903,24 +461904,12 +461905,12 +461906,12 +461907,12 +461908,12 +461909,12 +461910,12 +461911,27 +461912,27 +461913,27 +461914,27 +461915,27 +461916,38 +461917,38 +461918,38 +461919,38 +461920,38 +461921,38 +461922,38 +461923,38 +461924,39 +461925,39 +461926,39 +461927,39 +461928,39 +461929,39 +461930,39 +461931,39 +461932,39 +461933,39 +461934,39 +461935,39 +461936,39 +461937,39 +461938,13 +461939,13 +461940,13 +461941,13 +461942,13 +461943,13 +461944,13 +461945,6 +461946,6 +461947,6 +461948,6 +461949,6 +461950,6 +461951,6 +461952,6 +461953,6 +461954,6 +461955,6 +461956,6 +461957,6 +461958,6 +461959,6 +461960,6 +461961,6 +461962,6 +461963,26 +461964,26 +461965,26 +461966,26 +461967,9 +461968,9 +461969,9 +461970,9 +461971,9 +461972,9 +461973,9 +461974,23 +461975,23 +461976,23 +461977,23 +461978,23 +461979,32 +461980,32 +461981,32 +461982,32 +461983,32 +461984,32 +461985,32 +461986,32 +461987,32 +461988,0 +461989,0 +461990,0 +461991,0 +461992,0 +461993,0 +461994,0 +461995,5 +461996,5 +461997,5 +461998,5 +461999,5 +462000,5 +462001,5 +462002,5 +462003,5 +462004,5 +462005,2 +462006,2 +462007,2 +462008,2 +462009,2 +462010,2 +462011,2 +462012,2 +462013,2 +462014,2 +462015,2 +462016,2 +462017,3 +462018,27 +462019,30 +462020,30 +462021,30 +462022,30 +462023,30 +462024,30 +462025,30 +462026,30 +462027,30 +462028,30 +462029,30 +462030,0 +462031,0 +462032,30 +462033,30 +462034,33 +462035,10 +462036,10 +462037,10 +462038,10 +462039,10 +462040,10 +462041,10 +462042,10 +462043,10 +462044,10 +462045,19 +462046,19 +462047,19 +462048,19 +462049,19 +462050,31 +462051,31 +462052,31 +462053,31 +462054,31 +462055,31 +462056,30 +462057,30 +462058,30 +462059,30 +462060,30 +462061,30 +462062,30 +462063,32 +462064,32 +462065,32 +462066,32 +462067,31 +462068,31 +462069,31 +462070,31 +462071,2 +462072,2 +462073,2 +462074,2 +462075,2 +462076,2 +462077,2 +462078,2 +462079,2 +462080,2 +462081,2 +462082,2 +462083,2 +462084,2 +462085,2 +462086,2 +462087,2 +462088,25 +462089,25 +462090,25 +462091,25 +462092,25 +462093,25 +462094,25 +462095,25 +462096,25 +462097,25 +462098,25 +462099,25 +462100,25 +462101,25 +462102,25 +462103,25 +462104,25 +462105,4 +462106,4 +462107,4 +462108,6 +462109,16 +462110,16 +462111,16 +462112,16 +462113,16 +462114,16 +462115,16 +462116,16 +462117,16 +462118,16 +462119,16 +462120,16 +462121,16 +462122,16 +462123,16 +462124,16 +462125,16 +462126,11 +462127,11 +462128,11 +462129,0 +462130,0 +462131,0 +462132,0 +462133,0 +462134,0 +462135,0 +462136,0 +462137,0 +462138,0 +462139,0 +462140,0 +462141,0 +462142,0 +462143,0 +462144,0 +462145,0 +462146,0 +462147,0 +462148,0 +462149,0 +462150,0 +462151,0 +462152,0 +462153,0 +462154,0 +462155,0 +462156,0 +462157,0 +462158,0 +462159,0 +462160,0 +462161,0 +462162,0 +462163,0 +462164,0 +462165,0 +462166,0 +462167,0 +462168,0 +462169,0 +462170,0 +462171,0 +462172,0 +462173,0 +462174,0 +462175,0 +462176,0 +462177,0 +462178,0 +462179,0 +462180,0 +462181,0 +462182,0 +462183,0 +462184,0 +462185,0 +462186,0 +462187,0 +462188,0 +462189,0 +462190,0 +462191,0 +462192,0 +462193,0 +462194,0 +462195,0 +462196,0 +462197,0 +462198,0 +462199,0 +462200,0 +462201,0 +462202,0 +462203,0 +462204,0 +462205,0 +462206,0 +462207,0 +462208,0 +462209,0 +462210,0 +462211,0 +462212,0 +462213,23 +462214,23 +462215,23 +462216,23 +462217,23 +462218,23 +462219,23 +462220,23 +462221,23 +462222,23 +462223,23 +462224,23 +462225,23 +462226,23 +462227,23 +462228,23 +462229,37 +462230,37 +462231,37 +462232,37 +462233,12 +462234,12 +462235,12 +462236,12 +462237,1 +462238,1 +462239,12 +462240,12 +462241,12 +462242,12 +462243,12 +462244,12 +462245,12 +462246,12 +462247,12 +462248,31 +462249,31 +462250,31 +462251,31 +462252,31 +462253,4 +462254,4 +462255,4 +462256,32 +462257,32 +462258,21 +462259,37 +462260,37 +462261,37 +462262,37 +462263,37 +462264,37 +462265,37 +462266,37 +462267,37 +462268,37 +462269,37 +462270,39 +462271,39 +462272,39 +462273,39 +462274,39 +462275,39 +462276,39 +462277,39 +462278,8 +462279,8 +462280,8 +462281,8 +462282,8 +462283,8 +462284,2 +462285,2 +462286,2 +462287,2 +462288,40 +462289,40 +462290,40 +462291,40 +462292,40 +462293,40 +462294,40 +462295,40 +462296,5 +462297,5 +462298,5 +462299,5 +462300,5 +462301,5 +462302,5 +462303,5 +462304,5 +462305,5 +462306,5 +462307,5 +462308,5 +462309,5 +462310,5 +462311,5 +462312,0 +462313,0 +462314,0 +462315,0 +462316,0 +462317,0 +462318,0 +462319,0 +462320,0 +462321,0 +462322,0 +462323,0 +462324,0 +462325,0 +462326,0 +462327,0 +462328,0 +462329,0 +462330,0 +462331,0 +462332,0 +462333,0 +462334,0 +462335,0 +462336,0 +462337,0 +462338,0 +462339,0 +462340,0 +462341,0 +462342,0 +462343,0 +462344,0 +462345,0 +462346,0 +462347,0 +462348,0 +462349,0 +462350,0 +462351,0 +462352,0 +462353,0 +462354,0 +462355,0 +462356,0 +462357,0 +462358,0 +462359,0 +462360,0 +462361,0 +462362,0 +462363,0 +462364,0 +462365,0 +462366,0 +462367,0 +462368,0 +462369,0 +462370,0 +462371,0 +462372,0 +462373,0 +462374,0 +462375,0 +462376,0 +462377,0 +462378,0 +462379,0 +462380,15 +462381,23 +462382,27 +462383,27 +462384,27 +462385,27 +462386,27 +462387,27 +462388,27 +462389,6 +462390,6 +462391,6 +462392,6 +462393,6 +462394,31 +462395,31 +462396,31 +462397,31 +462398,31 +462399,31 +462400,31 +462401,31 +462402,31 +462403,8 +462404,8 +462405,8 +462406,8 +462407,8 +462408,8 +462409,29 +462410,29 +462411,29 +462412,29 +462413,14 +462414,14 +462415,14 +462416,14 +462417,14 +462418,14 +462419,14 +462420,12 +462421,12 +462422,12 +462423,12 +462424,12 +462425,12 +462426,12 +462427,3 +462428,5 +462429,5 +462430,5 +462431,5 +462432,5 +462433,5 +462434,5 +462435,5 +462436,5 +462437,5 +462438,26 +462439,26 +462440,26 +462441,26 +462442,26 +462443,26 +462444,26 +462445,26 +462446,26 +462447,26 +462448,5 +462449,5 +462450,5 +462451,5 +462452,5 +462453,2 +462454,2 +462455,2 +462456,2 +462457,2 +462458,2 +462459,2 +462460,2 +462461,2 +462462,2 +462463,32 +462464,32 +462465,32 +462466,32 +462467,32 +462468,32 +462469,32 +462470,40 +462471,40 +462472,40 +462473,31 +462474,5 +462475,5 +462476,5 +462477,5 +462478,5 +462479,5 +462480,5 +462481,25 +462482,25 +462483,25 +462484,28 +462485,28 +462486,28 +462487,28 +462488,28 +462489,28 +462490,28 +462491,28 +462492,28 +462493,26 +462494,26 +462495,26 +462496,26 +462497,26 +462498,26 +462499,26 +462500,5 +462501,5 +462502,5 +462503,5 +462504,5 +462505,5 +462506,39 +462507,39 +462508,14 +462509,14 +462510,14 +462511,14 +462512,14 +462513,14 +462514,14 +462515,14 +462516,14 +462517,2 +462518,39 +462519,2 +462520,2 +462521,2 +462522,2 +462523,2 +462524,2 +462525,2 +462526,2 +462527,2 +462528,2 +462529,2 +462530,2 +462531,33 +462532,33 +462533,31 +462534,31 +462535,31 +462536,31 +462537,31 +462538,21 +462539,21 +462540,21 +462541,21 +462542,21 +462543,21 +462544,21 +462545,21 +462546,14 +462547,14 +462548,14 +462549,14 +462550,33 +462551,33 +462552,1 +462553,1 +462554,1 +462555,1 +462556,17 +462557,19 +462558,19 +462559,19 +462560,2 +462561,2 +462562,2 +462563,2 +462564,2 +462565,2 +462566,2 +462567,2 +462568,2 +462569,2 +462570,2 +462571,2 +462572,30 +462573,30 +462574,30 +462575,30 +462576,30 +462577,30 +462578,39 +462579,39 +462580,39 +462581,3 +462582,3 +462583,3 +462584,39 +462585,39 +462586,3 +462587,3 +462588,3 +462589,33 +462590,33 +462591,6 +462592,6 +462593,6 +462594,6 +462595,6 +462596,6 +462597,6 +462598,6 +462599,6 +462600,6 +462601,6 +462602,12 +462603,12 +462604,12 +462605,12 +462606,12 +462607,12 +462608,12 +462609,12 +462610,12 +462611,10 +462612,10 +462613,10 +462614,10 +462615,10 +462616,10 +462617,10 +462618,10 +462619,10 +462620,10 +462621,10 +462622,10 +462623,10 +462624,10 +462625,10 +462626,10 +462627,40 +462628,40 +462629,40 +462630,37 +462631,37 +462632,37 +462633,37 +462634,37 +462635,37 +462636,37 +462637,37 +462638,25 +462639,25 +462640,25 +462641,25 +462642,25 +462643,25 +462644,19 +462645,19 +462646,19 +462647,19 +462648,19 +462649,19 +462650,19 +462651,19 +462652,19 +462653,19 +462654,19 +462655,19 +462656,19 +462657,19 +462658,0 +462659,0 +462660,0 +462661,0 +462662,0 +462663,0 +462664,0 +462665,0 +462666,0 +462667,0 +462668,0 +462669,0 +462670,0 +462671,0 +462672,0 +462673,0 +462674,0 +462675,0 +462676,0 +462677,0 +462678,0 +462679,0 +462680,0 +462681,0 +462682,0 +462683,0 +462684,0 +462685,0 +462686,0 +462687,0 +462688,0 +462689,0 +462690,0 +462691,0 +462692,0 +462693,0 +462694,0 +462695,0 +462696,0 +462697,0 +462698,0 +462699,0 +462700,0 +462701,0 +462702,0 +462703,36 +462704,36 +462705,36 +462706,36 +462707,36 +462708,5 +462709,5 +462710,5 +462711,5 +462712,5 +462713,5 +462714,5 +462715,14 +462716,14 +462717,14 +462718,14 +462719,14 +462720,14 +462721,14 +462722,14 +462723,4 +462724,4 +462725,4 +462726,6 +462727,6 +462728,6 +462729,6 +462730,6 +462731,6 +462732,6 +462733,2 +462734,2 +462735,2 +462736,2 +462737,2 +462738,2 +462739,2 +462740,2 +462741,2 +462742,2 +462743,2 +462744,4 +462745,4 +462746,4 +462747,4 +462748,4 +462749,4 +462750,4 +462751,37 +462752,37 +462753,37 +462754,37 +462755,37 +462756,37 +462757,37 +462758,37 +462759,37 +462760,37 +462761,37 +462762,37 +462763,37 +462764,37 +462765,37 +462766,37 +462767,37 +462768,37 +462769,37 +462770,31 +462771,31 +462772,31 +462773,31 +462774,28 +462775,28 +462776,28 +462777,5 +462778,5 +462779,28 +462780,40 +462781,40 +462782,40 +462783,40 +462784,40 +462785,40 +462786,40 +462787,37 +462788,37 +462789,37 +462790,37 +462791,37 +462792,37 +462793,37 +462794,37 +462795,37 +462796,37 +462797,37 +462798,37 +462799,37 +462800,39 +462801,39 +462802,39 +462803,39 +462804,39 +462805,39 +462806,39 +462807,18 +462808,18 +462809,18 +462810,18 +462811,18 +462812,18 +462813,18 +462814,18 +462815,18 +462816,18 +462817,18 +462818,18 +462819,40 +462820,40 +462821,40 +462822,40 +462823,40 +462824,37 +462825,37 +462826,37 +462827,37 +462828,37 +462829,37 +462830,37 +462831,25 +462832,5 +462833,5 +462834,5 +462835,5 +462836,5 +462837,39 +462838,39 +462839,39 +462840,39 +462841,39 +462842,39 +462843,39 +462844,14 +462845,14 +462846,14 +462847,14 +462848,14 +462849,14 +462850,39 +462851,39 +462852,29 +462853,29 +462854,29 +462855,29 +462856,29 +462857,29 +462858,29 +462859,29 +462860,36 +462861,36 +462862,36 +462863,4 +462864,4 +462865,4 +462866,4 +462867,4 +462868,4 +462869,4 +462870,12 +462871,12 +462872,12 +462873,12 +462874,12 +462875,12 +462876,3 +462877,39 +462878,39 +462879,39 +462880,39 +462881,39 +462882,39 +462883,39 +462884,12 +462885,12 +462886,12 +462887,12 +462888,12 +462889,12 +462890,12 +462891,12 +462892,12 +462893,12 +462894,25 +462895,25 +462896,25 +462897,25 +462898,25 +462899,25 +462900,25 +462901,25 +462902,31 +462903,31 +462904,31 +462905,31 +462906,31 +462907,31 +462908,31 +462909,5 +462910,5 +462911,5 +462912,5 +462913,5 +462914,5 +462915,5 +462916,19 +462917,19 +462918,19 +462919,19 +462920,25 +462921,25 +462922,25 +462923,25 +462924,25 +462925,25 +462926,25 +462927,25 +462928,25 +462929,25 +462930,4 +462931,4 +462932,4 +462933,4 +462934,4 +462935,4 +462936,4 +462937,4 +462938,4 +462939,4 +462940,14 +462941,14 +462942,14 +462943,14 +462944,14 +462945,14 +462946,14 +462947,14 +462948,14 +462949,14 +462950,14 +462951,14 +462952,14 +462953,14 +462954,14 +462955,14 +462956,6 +462957,6 +462958,6 +462959,6 +462960,6 +462961,6 +462962,6 +462963,27 +462964,27 +462965,27 +462966,27 +462967,27 +462968,27 +462969,13 +462970,13 +462971,13 +462972,13 +462973,13 +462974,13 +462975,13 +462976,13 +462977,13 +462978,13 +462979,13 +462980,13 +462981,13 +462982,13 +462983,13 +462984,0 +462985,0 +462986,0 +462987,0 +462988,0 +462989,0 +462990,0 +462991,0 +462992,0 +462993,0 +462994,0 +462995,0 +462996,0 +462997,0 +462998,0 +462999,0 +463000,0 +463001,0 +463002,0 +463003,0 +463004,0 +463005,0 +463006,0 +463007,0 +463008,0 +463009,0 +463010,0 +463011,0 +463012,0 +463013,0 +463014,0 +463015,0 +463016,0 +463017,0 +463018,0 +463019,0 +463020,0 +463021,0 +463022,0 +463023,0 +463024,0 +463025,0 +463026,0 +463027,0 +463028,0 +463029,0 +463030,0 +463031,0 +463032,0 +463033,0 +463034,0 +463035,0 +463036,0 +463037,0 +463038,0 +463039,0 +463040,0 +463041,0 +463042,0 +463043,0 +463044,0 +463045,0 +463046,0 +463047,0 +463048,0 +463049,0 +463050,0 +463051,23 +463052,23 +463053,23 +463054,23 +463055,23 +463056,23 +463057,23 +463058,38 +463059,38 +463060,38 +463061,38 +463062,38 +463063,37 +463064,37 +463065,37 +463066,37 +463067,37 +463068,3 +463069,3 +463070,3 +463071,3 +463072,3 +463073,3 +463074,5 +463075,3 +463076,3 +463077,3 +463078,3 +463079,3 +463080,3 +463081,3 +463082,3 +463083,3 +463084,3 +463085,3 +463086,3 +463087,3 +463088,3 +463089,3 +463090,3 +463091,3 +463092,3 +463093,3 +463094,3 +463095,37 +463096,37 +463097,37 +463098,37 +463099,37 +463100,37 +463101,37 +463102,37 +463103,37 +463104,37 +463105,39 +463106,39 +463107,39 +463108,39 +463109,39 +463110,39 +463111,39 +463112,39 +463113,39 +463114,39 +463115,39 +463116,39 +463117,21 +463118,21 +463119,21 +463120,21 +463121,21 +463122,20 +463123,20 +463124,20 +463125,20 +463126,20 +463127,20 +463128,20 +463129,27 +463130,27 +463131,27 +463132,31 +463133,31 +463134,5 +463135,5 +463136,5 +463137,5 +463138,5 +463139,5 +463140,5 +463141,5 +463142,5 +463143,5 +463144,31 +463145,5 +463146,27 +463147,27 +463148,8 +463149,31 +463150,2 +463151,8 +463152,8 +463153,8 +463154,8 +463155,8 +463156,8 +463157,8 +463158,8 +463159,8 +463160,8 +463161,8 +463162,8 +463163,2 +463164,2 +463165,2 +463166,2 +463167,2 +463168,8 +463169,8 +463170,8 +463171,0 +463172,0 +463173,0 +463174,0 +463175,5 +463176,5 +463177,5 +463178,5 +463179,5 +463180,5 +463181,5 +463182,5 +463183,5 +463184,3 +463185,3 +463186,3 +463187,3 +463188,3 +463189,3 +463190,3 +463191,28 +463192,28 +463193,28 +463194,28 +463195,28 +463196,28 +463197,28 +463198,28 +463199,28 +463200,28 +463201,28 +463202,28 +463203,34 +463204,34 +463205,34 +463206,34 +463207,34 +463208,34 +463209,34 +463210,34 +463211,34 +463212,34 +463213,34 +463214,34 +463215,34 +463216,34 +463217,34 +463218,34 +463219,4 +463220,4 +463221,4 +463222,4 +463223,4 +463224,4 +463225,4 +463226,5 +463227,5 +463228,5 +463229,5 +463230,5 +463231,5 +463232,13 +463233,5 +463234,5 +463235,5 +463236,5 +463237,5 +463238,5 +463239,5 +463240,5 +463241,5 +463242,5 +463243,8 +463244,8 +463245,8 +463246,8 +463247,8 +463248,8 +463249,8 +463250,8 +463251,8 +463252,8 +463253,8 +463254,8 +463255,8 +463256,2 +463257,2 +463258,2 +463259,2 +463260,2 +463261,2 +463262,2 +463263,2 +463264,2 +463265,0 +463266,0 +463267,0 +463268,0 +463269,0 +463270,0 +463271,15 +463272,15 +463273,15 +463274,15 +463275,15 +463276,15 +463277,31 +463278,31 +463279,31 +463280,30 +463281,30 +463282,30 +463283,30 +463284,30 +463285,30 +463286,30 +463287,14 +463288,14 +463289,14 +463290,14 +463291,14 +463292,14 +463293,14 +463294,10 +463295,10 +463296,10 +463297,11 +463298,11 +463299,11 +463300,11 +463301,11 +463302,11 +463303,11 +463304,11 +463305,11 +463306,11 +463307,11 +463308,11 +463309,11 +463310,11 +463311,11 +463312,16 +463313,16 +463314,25 +463315,25 +463316,25 +463317,25 +463318,25 +463319,25 +463320,25 +463321,25 +463322,8 +463323,8 +463324,8 +463325,8 +463326,8 +463327,8 +463328,8 +463329,36 +463330,36 +463331,36 +463332,36 +463333,36 +463334,5 +463335,5 +463336,5 +463337,5 +463338,5 +463339,5 +463340,5 +463341,5 +463342,5 +463343,2 +463344,2 +463345,2 +463346,2 +463347,2 +463348,2 +463349,2 +463350,2 +463351,2 +463352,2 +463353,2 +463354,40 +463355,40 +463356,40 +463357,40 +463358,40 +463359,40 +463360,30 +463361,30 +463362,30 +463363,30 +463364,30 +463365,30 +463366,30 +463367,30 +463368,30 +463369,30 +463370,30 +463371,30 +463372,9 +463373,9 +463374,9 +463375,9 +463376,9 +463377,9 +463378,12 +463379,10 +463380,10 +463381,10 +463382,26 +463383,26 +463384,26 +463385,26 +463386,26 +463387,9 +463388,9 +463389,9 +463390,9 +463391,5 +463392,5 +463393,5 +463394,5 +463395,5 +463396,5 +463397,5 +463398,5 +463399,5 +463400,5 +463401,5 +463402,5 +463403,5 +463404,5 +463405,5 +463406,5 +463407,5 +463408,5 +463409,5 +463410,5 +463411,0 +463412,0 +463413,0 +463414,0 +463415,0 +463416,0 +463417,0 +463418,0 +463419,0 +463420,0 +463421,0 +463422,0 +463423,0 +463424,0 +463425,0 +463426,0 +463427,0 +463428,0 +463429,0 +463430,0 +463431,0 +463432,0 +463433,0 +463434,0 +463435,0 +463436,0 +463437,0 +463438,0 +463439,0 +463440,0 +463441,0 +463442,12 +463443,12 +463444,27 +463445,27 +463446,27 +463447,38 +463448,38 +463449,38 +463450,38 +463451,38 +463452,34 +463453,34 +463454,36 +463455,36 +463456,34 +463457,34 +463458,34 +463459,34 +463460,34 +463461,34 +463462,34 +463463,34 +463464,34 +463465,34 +463466,34 +463467,34 +463468,34 +463469,34 +463470,29 +463471,29 +463472,29 +463473,29 +463474,15 +463475,24 +463476,24 +463477,24 +463478,24 +463479,29 +463480,29 +463481,39 +463482,39 +463483,39 +463484,39 +463485,39 +463486,39 +463487,39 +463488,39 +463489,39 +463490,39 +463491,39 +463492,39 +463493,39 +463494,27 +463495,27 +463496,13 +463497,39 +463498,5 +463499,5 +463500,5 +463501,5 +463502,14 +463503,14 +463504,14 +463505,14 +463506,14 +463507,14 +463508,14 +463509,14 +463510,14 +463511,14 +463512,14 +463513,14 +463514,14 +463515,14 +463516,24 +463517,24 +463518,24 +463519,24 +463520,24 +463521,15 +463522,15 +463523,15 +463524,30 +463525,30 +463526,30 +463527,30 +463528,30 +463529,30 +463530,30 +463531,30 +463532,30 +463533,4 +463534,4 +463535,4 +463536,4 +463537,4 +463538,4 +463539,4 +463540,4 +463541,27 +463542,31 +463543,31 +463544,31 +463545,31 +463546,31 +463547,31 +463548,31 +463549,2 +463550,2 +463551,2 +463552,2 +463553,2 +463554,2 +463555,2 +463556,2 +463557,2 +463558,2 +463559,2 +463560,2 +463561,2 +463562,2 +463563,2 +463564,39 +463565,39 +463566,39 +463567,39 +463568,39 +463569,39 +463570,39 +463571,39 +463572,39 +463573,39 +463574,39 +463575,39 +463576,39 +463577,39 +463578,39 +463579,39 +463580,39 +463581,39 +463582,39 +463583,39 +463584,39 +463585,39 +463586,39 +463587,39 +463588,39 +463589,39 +463590,39 +463591,39 +463592,39 +463593,39 +463594,39 +463595,39 +463596,39 +463597,39 +463598,39 +463599,0 +463600,0 +463601,0 +463602,0 +463603,0 +463604,0 +463605,0 +463606,0 +463607,0 +463608,0 +463609,0 +463610,0 +463611,0 +463612,0 +463613,0 +463614,0 +463615,0 +463616,0 +463617,0 +463618,0 +463619,0 +463620,0 +463621,0 +463622,0 +463623,0 +463624,0 +463625,0 +463626,0 +463627,0 +463628,0 +463629,0 +463630,0 +463631,0 +463632,0 +463633,0 +463634,0 +463635,0 +463636,0 +463637,0 +463638,0 +463639,0 +463640,0 +463641,0 +463642,0 +463643,0 +463644,0 +463645,0 +463646,0 +463647,0 +463648,0 +463649,0 +463650,0 +463651,0 +463652,0 +463653,0 +463654,0 +463655,0 +463656,0 +463657,0 +463658,0 +463659,0 +463660,0 +463661,0 +463662,0 +463663,0 +463664,0 +463665,0 +463666,0 +463667,0 +463668,0 +463669,0 +463670,0 +463671,0 +463672,0 +463673,0 +463674,0 +463675,0 +463676,0 +463677,0 +463678,0 +463679,0 +463680,0 +463681,0 +463682,0 +463683,0 +463684,0 +463685,0 +463686,0 +463687,0 +463688,0 +463689,0 +463690,0 +463691,0 +463692,0 +463693,0 +463694,0 +463695,0 +463696,0 +463697,32 +463698,32 +463699,32 +463700,32 +463701,32 +463702,32 +463703,32 +463704,32 +463705,32 +463706,32 +463707,32 +463708,32 +463709,4 +463710,4 +463711,4 +463712,4 +463713,6 +463714,6 +463715,6 +463716,6 +463717,6 +463718,6 +463719,6 +463720,6 +463721,35 +463722,6 +463723,6 +463724,6 +463725,6 +463726,6 +463727,6 +463728,6 +463729,31 +463730,31 +463731,31 +463732,31 +463733,31 +463734,31 +463735,31 +463736,31 +463737,31 +463738,31 +463739,5 +463740,5 +463741,5 +463742,5 +463743,5 +463744,5 +463745,5 +463746,13 +463747,13 +463748,13 +463749,27 +463750,31 +463751,27 +463752,29 +463753,29 +463754,29 +463755,29 +463756,29 +463757,29 +463758,29 +463759,29 +463760,29 +463761,31 +463762,31 +463763,31 +463764,31 +463765,31 +463766,5 +463767,5 +463768,5 +463769,5 +463770,5 +463771,5 +463772,36 +463773,36 +463774,36 +463775,36 +463776,36 +463777,36 +463778,36 +463779,36 +463780,36 +463781,36 +463782,36 +463783,36 +463784,36 +463785,36 +463786,36 +463787,6 +463788,6 +463789,6 +463790,6 +463791,6 +463792,6 +463793,2 +463794,2 +463795,2 +463796,2 +463797,2 +463798,2 +463799,31 +463800,31 +463801,31 +463802,31 +463803,31 +463804,24 +463805,24 +463806,24 +463807,8 +463808,8 +463809,31 +463810,31 +463811,31 +463812,31 +463813,31 +463814,31 +463815,5 +463816,5 +463817,5 +463818,5 +463819,5 +463820,5 +463821,5 +463822,5 +463823,12 +463824,12 +463825,12 +463826,12 +463827,12 +463828,12 +463829,12 +463830,12 +463831,12 +463832,31 +463833,31 +463834,31 +463835,31 +463836,31 +463837,31 +463838,8 +463839,8 +463840,8 +463841,8 +463842,8 +463843,8 +463844,8 +463845,8 +463846,8 +463847,27 +463848,27 +463849,27 +463850,27 +463851,27 +463852,19 +463853,5 +463854,5 +463855,19 +463856,19 +463857,19 +463858,19 +463859,19 +463860,19 +463861,37 +463862,37 +463863,37 +463864,37 +463865,37 +463866,40 +463867,40 +463868,40 +463869,40 +463870,40 +463871,40 +463872,40 +463873,5 +463874,5 +463875,19 +463876,19 +463877,19 +463878,19 +463879,19 +463880,6 +463881,6 +463882,6 +463883,6 +463884,6 +463885,6 +463886,6 +463887,6 +463888,6 +463889,6 +463890,33 +463891,25 +463892,25 +463893,25 +463894,25 +463895,25 +463896,25 +463897,37 +463898,37 +463899,37 +463900,25 +463901,37 +463902,37 +463903,25 +463904,25 +463905,37 +463906,37 +463907,37 +463908,4 +463909,4 +463910,4 +463911,4 +463912,4 +463913,4 +463914,4 +463915,4 +463916,4 +463917,4 +463918,4 +463919,4 +463920,4 +463921,4 +463922,0 +463923,0 +463924,0 +463925,0 +463926,0 +463927,0 +463928,0 +463929,0 +463930,0 +463931,0 +463932,0 +463933,0 +463934,0 +463935,0 +463936,0 +463937,0 +463938,0 +463939,0 +463940,0 +463941,0 +463942,0 +463943,0 +463944,0 +463945,0 +463946,0 +463947,0 +463948,31 +463949,31 +463950,31 +463951,31 +463952,31 +463953,5 +463954,5 +463955,5 +463956,5 +463957,5 +463958,5 +463959,5 +463960,35 +463961,35 +463962,35 +463963,35 +463964,35 +463965,35 +463966,35 +463967,35 +463968,34 +463969,34 +463970,34 +463971,34 +463972,34 +463973,34 +463974,34 +463975,34 +463976,34 +463977,34 +463978,19 +463979,19 +463980,19 +463981,19 +463982,27 +463983,27 +463984,27 +463985,27 +463986,27 +463987,4 +463988,4 +463989,4 +463990,4 +463991,4 +463992,4 +463993,4 +463994,27 +463995,27 +463996,27 +463997,27 +463998,27 +463999,27 +464000,19 +464001,19 +464002,19 +464003,19 +464004,19 +464005,19 +464006,19 +464007,35 +464008,10 +464009,10 +464010,10 +464011,10 +464012,4 +464013,10 +464014,10 +464015,10 +464016,10 +464017,10 +464018,36 +464019,36 +464020,36 +464021,36 +464022,36 +464023,10 +464024,28 +464025,28 +464026,28 +464027,28 +464028,32 +464029,32 +464030,32 +464031,32 +464032,32 +464033,4 +464034,4 +464035,31 +464036,31 +464037,31 +464038,31 +464039,31 +464040,31 +464041,31 +464042,5 +464043,5 +464044,5 +464045,5 +464046,5 +464047,5 +464048,5 +464049,5 +464050,5 +464051,13 +464052,13 +464053,13 +464054,13 +464055,13 +464056,13 +464057,5 +464058,5 +464059,13 +464060,13 +464061,13 +464062,13 +464063,13 +464064,13 +464065,5 +464066,0 +464067,0 +464068,0 +464069,0 +464070,0 +464071,0 +464072,0 +464073,0 +464074,0 +464075,0 +464076,0 +464077,0 +464078,0 +464079,0 +464080,0 +464081,0 +464082,0 +464083,0 +464084,0 +464085,0 +464086,0 +464087,0 +464088,0 +464089,0 +464090,0 +464091,0 +464092,0 +464093,0 +464094,0 +464095,35 +464096,35 +464097,35 +464098,35 +464099,35 +464100,35 +464101,35 +464102,39 +464103,39 +464104,39 +464105,39 +464106,39 +464107,39 +464108,39 +464109,39 +464110,39 +464111,39 +464112,39 +464113,14 +464114,14 +464115,33 +464116,33 +464117,33 +464118,33 +464119,33 +464120,33 +464121,33 +464122,33 +464123,33 +464124,34 +464125,34 +464126,34 +464127,34 +464128,34 +464129,34 +464130,34 +464131,34 +464132,34 +464133,34 +464134,2 +464135,2 +464136,2 +464137,2 +464138,2 +464139,2 +464140,2 +464141,2 +464142,2 +464143,2 +464144,2 +464145,2 +464146,2 +464147,4 +464148,4 +464149,4 +464150,4 +464151,4 +464152,4 +464153,4 +464154,4 +464155,4 +464156,4 +464157,4 +464158,4 +464159,4 +464160,4 +464161,0 +464162,0 +464163,0 +464164,0 +464165,0 +464166,0 +464167,0 +464168,0 +464169,0 +464170,0 +464171,0 +464172,0 +464173,0 +464174,0 +464175,0 +464176,0 +464177,0 +464178,0 +464179,0 +464180,0 +464181,0 +464182,0 +464183,0 +464184,0 +464185,0 +464186,0 +464187,0 +464188,0 +464189,0 +464190,0 +464191,0 +464192,0 +464193,0 +464194,0 +464195,0 +464196,0 +464197,0 +464198,0 +464199,0 +464200,0 +464201,0 +464202,0 +464203,0 +464204,0 +464205,0 +464206,0 +464207,0 +464208,0 +464209,0 +464210,0 +464211,0 +464212,0 +464213,0 +464214,0 +464215,0 +464216,0 +464217,0 +464218,0 +464219,0 +464220,0 +464221,0 +464222,0 +464223,0 +464224,0 +464225,0 +464226,0 +464227,0 +464228,0 +464229,0 +464230,0 +464231,9 +464232,9 +464233,9 +464234,9 +464235,9 +464236,9 +464237,37 +464238,37 +464239,37 +464240,37 +464241,37 +464242,25 +464243,37 +464244,37 +464245,9 +464246,9 +464247,9 +464248,9 +464249,9 +464250,9 +464251,26 +464252,26 +464253,26 +464254,26 +464255,37 +464256,37 +464257,37 +464258,37 +464259,37 +464260,37 +464261,37 +464262,37 +464263,37 +464264,37 +464265,37 +464266,37 +464267,12 +464268,12 +464269,12 +464270,12 +464271,12 +464272,12 +464273,12 +464274,27 +464275,27 +464276,27 +464277,27 +464278,27 +464279,27 +464280,27 +464281,13 +464282,13 +464283,13 +464284,13 +464285,13 +464286,13 +464287,13 +464288,13 +464289,13 +464290,13 +464291,13 +464292,13 +464293,13 +464294,13 +464295,13 +464296,13 +464297,29 +464298,29 +464299,29 +464300,31 +464301,31 +464302,31 +464303,31 +464304,31 +464305,31 +464306,35 +464307,35 +464308,35 +464309,35 +464310,35 +464311,35 +464312,35 +464313,35 +464314,35 +464315,35 +464316,35 +464317,35 +464318,35 +464319,35 +464320,35 +464321,9 +464322,9 +464323,9 +464324,9 +464325,9 +464326,9 +464327,9 +464328,9 +464329,9 +464330,9 +464331,9 +464332,9 +464333,9 +464334,9 +464335,30 +464336,30 +464337,30 +464338,30 +464339,30 +464340,30 +464341,34 +464342,34 +464343,34 +464344,6 +464345,6 +464346,6 +464347,6 +464348,6 +464349,6 +464350,6 +464351,6 +464352,6 +464353,6 +464354,6 +464355,4 +464356,4 +464357,6 +464358,4 +464359,4 +464360,4 +464361,4 +464362,4 +464363,37 +464364,37 +464365,37 +464366,37 +464367,37 +464368,37 +464369,37 +464370,10 +464371,10 +464372,10 +464373,10 +464374,10 +464375,10 +464376,10 +464377,10 +464378,10 +464379,10 +464380,10 +464381,4 +464382,4 +464383,4 +464384,4 +464385,4 +464386,4 +464387,4 +464388,4 +464389,4 +464390,4 +464391,4 +464392,27 +464393,27 +464394,27 +464395,27 +464396,6 +464397,6 +464398,6 +464399,6 +464400,6 +464401,6 +464402,6 +464403,6 +464404,6 +464405,6 +464406,6 +464407,6 +464408,6 +464409,6 +464410,36 +464411,36 +464412,36 +464413,36 +464414,36 +464415,36 +464416,36 +464417,36 +464418,36 +464419,36 +464420,36 +464421,16 +464422,16 +464423,16 +464424,16 +464425,16 +464426,16 +464427,16 +464428,16 +464429,16 +464430,16 +464431,16 +464432,2 +464433,16 +464434,16 +464435,12 +464436,28 +464437,28 +464438,28 +464439,28 +464440,28 +464441,28 +464442,28 +464443,39 +464444,39 +464445,39 +464446,39 +464447,39 +464448,39 +464449,39 +464450,39 +464451,39 +464452,39 +464453,39 +464454,39 +464455,39 +464456,39 +464457,39 +464458,39 +464459,39 +464460,39 +464461,39 +464462,39 +464463,39 +464464,39 +464465,39 +464466,0 +464467,0 +464468,0 +464469,0 +464470,0 +464471,0 +464472,0 +464473,0 +464474,0 +464475,0 +464476,0 +464477,0 +464478,0 +464479,0 +464480,0 +464481,0 +464482,0 +464483,0 +464484,0 +464485,0 +464486,0 +464487,0 +464488,0 +464489,0 +464490,0 +464491,0 +464492,0 +464493,12 +464494,12 +464495,12 +464496,31 +464497,31 +464498,31 +464499,31 +464500,27 +464501,27 +464502,38 +464503,38 +464504,38 +464505,6 +464506,4 +464507,4 +464508,4 +464509,38 +464510,38 +464511,38 +464512,29 +464513,29 +464514,38 +464515,31 +464516,31 +464517,31 +464518,31 +464519,31 +464520,31 +464521,31 +464522,31 +464523,37 +464524,37 +464525,37 +464526,25 +464527,25 +464528,25 +464529,25 +464530,25 +464531,40 +464532,40 +464533,40 +464534,40 +464535,40 +464536,40 +464537,40 +464538,2 +464539,2 +464540,2 +464541,2 +464542,2 +464543,2 +464544,2 +464545,2 +464546,2 +464547,2 +464548,2 +464549,2 +464550,2 +464551,2 +464552,2 +464553,2 +464554,2 +464555,2 +464556,2 +464557,4 +464558,4 +464559,4 +464560,0 +464561,0 +464562,4 +464563,0 +464564,4 +464565,4 +464566,4 +464567,4 +464568,4 +464569,4 +464570,6 +464571,6 +464572,31 +464573,31 +464574,31 +464575,31 +464576,31 +464577,31 +464578,31 +464579,31 +464580,24 +464581,24 +464582,24 +464583,24 +464584,24 +464585,24 +464586,24 +464587,24 +464588,24 +464589,24 +464590,24 +464591,24 +464592,29 +464593,29 +464594,29 +464595,31 +464596,31 +464597,31 +464598,31 +464599,31 +464600,31 +464601,12 +464602,12 +464603,9 +464604,9 +464605,9 +464606,9 +464607,9 +464608,9 +464609,9 +464610,9 +464611,9 +464612,9 +464613,9 +464614,9 +464615,37 +464616,37 +464617,37 +464618,9 +464619,9 +464620,5 +464621,5 +464622,5 +464623,5 +464624,19 +464625,19 +464626,19 +464627,19 +464628,19 +464629,27 +464630,27 +464631,27 +464632,27 +464633,27 +464634,27 +464635,27 +464636,27 +464637,27 +464638,27 +464639,19 +464640,19 +464641,19 +464642,19 +464643,19 +464644,19 +464645,19 +464646,19 +464647,19 +464648,19 +464649,19 +464650,19 +464651,19 +464652,0 +464653,0 +464654,19 +464655,19 +464656,0 +464657,0 +464658,0 +464659,0 +464660,0 +464661,0 +464662,0 +464663,0 +464664,0 +464665,0 +464666,0 +464667,0 +464668,0 +464669,0 +464670,0 +464671,0 +464672,0 +464673,0 +464674,0 +464675,0 +464676,0 +464677,0 +464678,0 +464679,0 +464680,0 +464681,0 +464682,0 +464683,0 +464684,0 +464685,0 +464686,0 +464687,0 +464688,0 +464689,0 +464690,0 +464691,0 +464692,0 +464693,0 +464694,0 +464695,0 +464696,0 +464697,0 +464698,0 +464699,0 +464700,0 +464701,0 +464702,0 +464703,0 +464704,0 +464705,0 +464706,0 +464707,0 +464708,0 +464709,0 +464710,0 +464711,0 +464712,0 +464713,0 +464714,0 +464715,0 +464716,0 +464717,0 +464718,0 +464719,0 +464720,0 +464721,0 +464722,0 +464723,0 +464724,0 +464725,0 +464726,0 +464727,0 +464728,0 +464729,0 +464730,0 +464731,0 +464732,0 +464733,0 +464734,0 +464735,0 +464736,0 +464737,0 +464738,0 +464739,0 +464740,0 +464741,0 +464742,0 +464743,29 +464744,29 +464745,29 +464746,29 +464747,15 +464748,15 +464749,15 +464750,15 +464751,15 +464752,40 +464753,40 +464754,10 +464755,10 +464756,10 +464757,10 +464758,10 +464759,4 +464760,32 +464761,32 +464762,4 +464763,4 +464764,4 +464765,4 +464766,4 +464767,4 +464768,4 +464769,4 +464770,32 +464771,32 +464772,32 +464773,32 +464774,32 +464775,32 +464776,39 +464777,39 +464778,39 +464779,39 +464780,39 +464781,39 +464782,39 +464783,39 +464784,39 +464785,19 +464786,19 +464787,19 +464788,14 +464789,14 +464790,14 +464791,14 +464792,14 +464793,14 +464794,14 +464795,14 +464796,14 +464797,14 +464798,14 +464799,14 +464800,14 +464801,14 +464802,14 +464803,14 +464804,14 +464805,14 +464806,14 +464807,14 +464808,8 +464809,8 +464810,8 +464811,8 +464812,8 +464813,2 +464814,2 +464815,2 +464816,2 +464817,2 +464818,2 +464819,2 +464820,2 +464821,2 +464822,2 +464823,2 +464824,2 +464825,2 +464826,2 +464827,2 +464828,2 +464829,0 +464830,0 +464831,0 +464832,0 +464833,0 +464834,0 +464835,0 +464836,0 +464837,0 +464838,0 +464839,0 +464840,0 +464841,0 +464842,30 +464843,33 +464844,33 +464845,30 +464846,30 +464847,30 +464848,30 +464849,30 +464850,30 +464851,30 +464852,30 +464853,30 +464854,30 +464855,30 +464856,14 +464857,14 +464858,14 +464859,14 +464860,14 +464861,14 +464862,14 +464863,14 +464864,14 +464865,14 +464866,14 +464867,14 +464868,4 +464869,4 +464870,4 +464871,4 +464872,4 +464873,4 +464874,25 +464875,25 +464876,25 +464877,25 +464878,25 +464879,25 +464880,25 +464881,25 +464882,25 +464883,25 +464884,25 +464885,25 +464886,25 +464887,25 +464888,25 +464889,25 +464890,25 +464891,25 +464892,25 +464893,25 +464894,25 +464895,25 +464896,25 +464897,25 +464898,25 +464899,25 +464900,25 +464901,25 +464902,25 +464903,0 +464904,0 +464905,0 +464906,0 +464907,0 +464908,0 +464909,0 +464910,0 +464911,0 +464912,0 +464913,0 +464914,0 +464915,0 +464916,0 +464917,0 +464918,0 +464919,0 +464920,0 +464921,0 +464922,0 +464923,0 +464924,0 +464925,0 +464926,0 +464927,0 +464928,0 +464929,0 +464930,0 +464931,0 +464932,0 +464933,0 +464934,0 +464935,0 +464936,0 +464937,0 +464938,0 +464939,0 +464940,0 +464941,0 +464942,0 +464943,35 +464944,35 +464945,35 +464946,7 +464947,27 +464948,27 +464949,27 +464950,39 +464951,39 +464952,39 +464953,39 +464954,39 +464955,39 +464956,39 +464957,39 +464958,39 +464959,14 +464960,14 +464961,14 +464962,39 +464963,39 +464964,39 +464965,39 +464966,39 +464967,39 +464968,39 +464969,39 +464970,31 +464971,31 +464972,31 +464973,31 +464974,31 +464975,32 +464976,32 +464977,32 +464978,4 +464979,32 +464980,32 +464981,32 +464982,32 +464983,32 +464984,32 +464985,32 +464986,32 +464987,27 +464988,27 +464989,27 +464990,27 +464991,27 +464992,27 +464993,27 +464994,37 +464995,27 +464996,27 +464997,37 +464998,37 +464999,37 +465000,37 +465001,25 +465002,25 +465003,37 +465004,37 +465005,25 +465006,25 +465007,25 +465008,25 +465009,5 +465010,19 +465011,19 +465012,19 +465013,27 +465014,27 +465015,27 +465016,27 +465017,27 +465018,27 +465019,27 +465020,27 +465021,5 +465022,5 +465023,5 +465024,5 +465025,5 +465026,5 +465027,5 +465028,5 +465029,27 +465030,27 +465031,27 +465032,27 +465033,27 +465034,27 +465035,6 +465036,6 +465037,6 +465038,6 +465039,6 +465040,6 +465041,6 +465042,6 +465043,6 +465044,6 +465045,6 +465046,6 +465047,6 +465048,36 +465049,36 +465050,36 +465051,36 +465052,36 +465053,36 +465054,36 +465055,36 +465056,36 +465057,36 +465058,36 +465059,36 +465060,36 +465061,36 +465062,36 +465063,36 +465064,36 +465065,36 +465066,36 +465067,36 +465068,36 +465069,32 +465070,32 +465071,32 +465072,32 +465073,32 +465074,32 +465075,32 +465076,32 +465077,32 +465078,32 +465079,32 +465080,32 +465081,32 +465082,32 +465083,32 +465084,32 +465085,19 +465086,19 +465087,19 +465088,19 +465089,0 +465090,0 +465091,0 +465092,0 +465093,0 +465094,0 +465095,0 +465096,0 +465097,0 +465098,0 +465099,0 +465100,0 +465101,0 +465102,0 +465103,0 +465104,0 +465105,0 +465106,0 +465107,0 +465108,0 +465109,0 +465110,0 +465111,0 +465112,0 +465113,14 +465114,14 +465115,14 +465116,14 +465117,14 +465118,14 +465119,27 +465120,27 +465121,27 +465122,27 +465123,27 +465124,21 +465125,21 +465126,21 +465127,21 +465128,21 +465129,21 +465130,8 +465131,8 +465132,8 +465133,8 +465134,8 +465135,8 +465136,8 +465137,8 +465138,8 +465139,8 +465140,10 +465141,36 +465142,36 +465143,36 +465144,36 +465145,36 +465146,36 +465147,36 +465148,36 +465149,36 +465150,36 +465151,36 +465152,36 +465153,36 +465154,36 +465155,36 +465156,6 +465157,6 +465158,6 +465159,6 +465160,6 +465161,6 +465162,6 +465163,6 +465164,6 +465165,6 +465166,6 +465167,30 +465168,30 +465169,30 +465170,30 +465171,30 +465172,30 +465173,39 +465174,39 +465175,39 +465176,39 +465177,39 +465178,39 +465179,39 +465180,39 +465181,39 +465182,39 +465183,39 +465184,39 +465185,39 +465186,39 +465187,39 +465188,39 +465189,39 +465190,39 +465191,39 +465192,39 +465193,0 +465194,0 +465195,0 +465196,0 +465197,0 +465198,0 +465199,0 +465200,0 +465201,0 +465202,0 +465203,0 +465204,0 +465205,0 +465206,0 +465207,0 +465208,0 +465209,0 +465210,0 +465211,0 +465212,0 +465213,0 +465214,0 +465215,0 +465216,0 +465217,0 +465218,0 +465219,0 +465220,0 +465221,0 +465222,0 +465223,0 +465224,0 +465225,0 +465226,0 +465227,0 +465228,0 +465229,0 +465230,0 +465231,0 +465232,0 +465233,0 +465234,0 +465235,0 +465236,0 +465237,0 +465238,0 +465239,0 +465240,0 +465241,0 +465242,0 +465243,0 +465244,0 +465245,0 +465246,0 +465247,0 +465248,15 +465249,15 +465250,15 +465251,31 +465252,31 +465253,31 +465254,31 +465255,4 +465256,4 +465257,4 +465258,4 +465259,27 +465260,27 +465261,27 +465262,27 +465263,27 +465264,27 +465265,19 +465266,19 +465267,19 +465268,19 +465269,19 +465270,19 +465271,27 +465272,27 +465273,27 +465274,27 +465275,27 +465276,8 +465277,8 +465278,8 +465279,8 +465280,8 +465281,8 +465282,8 +465283,8 +465284,8 +465285,8 +465286,8 +465287,28 +465288,28 +465289,5 +465290,5 +465291,5 +465292,5 +465293,5 +465294,5 +465295,5 +465296,5 +465297,5 +465298,5 +465299,26 +465300,26 +465301,26 +465302,26 +465303,26 +465304,26 +465305,26 +465306,26 +465307,26 +465308,26 +465309,26 +465310,26 +465311,26 +465312,26 +465313,32 +465314,4 +465315,4 +465316,4 +465317,4 +465318,29 +465319,32 +465320,32 +465321,29 +465322,32 +465323,29 +465324,29 +465325,31 +465326,31 +465327,31 +465328,31 +465329,31 +465330,31 +465331,31 +465332,30 +465333,30 +465334,30 +465335,30 +465336,30 +465337,30 +465338,30 +465339,30 +465340,30 +465341,30 +465342,30 +465343,30 +465344,40 +465345,40 +465346,40 +465347,40 +465348,40 +465349,40 +465350,40 +465351,40 +465352,40 +465353,40 +465354,40 +465355,40 +465356,40 +465357,2 +465358,2 +465359,2 +465360,2 +465361,2 +465362,2 +465363,2 +465364,2 +465365,2 +465366,2 +465367,2 +465368,4 +465369,4 +465370,4 +465371,4 +465372,4 +465373,4 +465374,4 +465375,4 +465376,4 +465377,4 +465378,4 +465379,4 +465380,4 +465381,37 +465382,37 +465383,37 +465384,37 +465385,3 +465386,3 +465387,3 +465388,3 +465389,3 +465390,3 +465391,3 +465392,3 +465393,29 +465394,29 +465395,29 +465396,29 +465397,27 +465398,27 +465399,27 +465400,27 +465401,27 +465402,27 +465403,4 +465404,4 +465405,4 +465406,4 +465407,4 +465408,4 +465409,4 +465410,30 +465411,30 +465412,30 +465413,30 +465414,30 +465415,30 +465416,30 +465417,30 +465418,30 +465419,40 +465420,40 +465421,40 +465422,40 +465423,40 +465424,40 +465425,4 +465426,4 +465427,4 +465428,4 +465429,4 +465430,4 +465431,4 +465432,25 +465433,25 +465434,25 +465435,25 +465436,25 +465437,25 +465438,8 +465439,8 +465440,8 +465441,8 +465442,8 +465443,8 +465444,8 +465445,8 +465446,12 +465447,12 +465448,12 +465449,12 +465450,31 +465451,31 +465452,31 +465453,31 +465454,31 +465455,31 +465456,16 +465457,16 +465458,19 +465459,16 +465460,16 +465461,16 +465462,16 +465463,18 +465464,18 +465465,16 +465466,16 +465467,16 +465468,16 +465469,16 +465470,16 +465471,6 +465472,6 +465473,6 +465474,6 +465475,6 +465476,6 +465477,6 +465478,6 +465479,6 +465480,6 +465481,6 +465482,6 +465483,6 +465484,6 +465485,26 +465486,26 +465487,26 +465488,26 +465489,26 +465490,26 +465491,26 +465492,5 +465493,5 +465494,5 +465495,5 +465496,5 +465497,31 +465498,31 +465499,31 +465500,31 +465501,31 +465502,31 +465503,5 +465504,5 +465505,5 +465506,5 +465507,5 +465508,5 +465509,5 +465510,5 +465511,27 +465512,27 +465513,27 +465514,27 +465515,27 +465516,27 +465517,27 +465518,27 +465519,2 +465520,2 +465521,2 +465522,2 +465523,2 +465524,2 +465525,2 +465526,2 +465527,2 +465528,2 +465529,2 +465530,12 +465531,12 +465532,12 +465533,12 +465534,12 +465535,12 +465536,12 +465537,12 +465538,12 +465539,12 +465540,14 +465541,14 +465542,14 +465543,14 +465544,14 +465545,14 +465546,14 +465547,14 +465548,14 +465549,14 +465550,14 +465551,14 +465552,14 +465553,14 +465554,14 +465555,14 +465556,14 +465557,14 +465558,14 +465559,14 +465560,14 +465561,14 +465562,14 +465563,14 +465564,27 +465565,27 +465566,14 +465567,27 +465568,5 +465569,5 +465570,5 +465571,19 +465572,19 +465573,19 +465574,19 +465575,19 +465576,19 +465577,27 +465578,27 +465579,27 +465580,27 +465581,27 +465582,27 +465583,11 +465584,11 +465585,11 +465586,11 +465587,11 +465588,11 +465589,11 +465590,11 +465591,11 +465592,2 +465593,2 +465594,2 +465595,11 +465596,11 +465597,11 +465598,11 +465599,11 +465600,34 +465601,34 +465602,36 +465603,36 +465604,36 +465605,4 +465606,36 +465607,4 +465608,4 +465609,4 +465610,4 +465611,31 +465612,31 +465613,31 +465614,31 +465615,31 +465616,31 +465617,31 +465618,32 +465619,32 +465620,32 +465621,32 +465622,32 +465623,35 +465624,32 +465625,32 +465626,32 +465627,32 +465628,32 +465629,32 +465630,32 +465631,35 +465632,35 +465633,34 +465634,34 +465635,34 +465636,34 +465637,34 +465638,34 +465639,34 +465640,34 +465641,34 +465642,34 +465643,34 +465644,34 +465645,34 +465646,34 +465647,34 +465648,34 +465649,34 +465650,34 +465651,30 +465652,8 +465653,8 +465654,8 +465655,8 +465656,8 +465657,8 +465658,40 +465659,40 +465660,40 +465661,40 +465662,40 +465663,27 +465664,40 +465665,40 +465666,40 +465667,40 +465668,40 +465669,40 +465670,40 +465671,40 +465672,40 +465673,8 +465674,8 +465675,8 +465676,8 +465677,8 +465678,8 +465679,8 +465680,8 +465681,8 +465682,8 +465683,8 +465684,8 +465685,8 +465686,8 +465687,8 +465688,0 +465689,0 +465690,0 +465691,0 +465692,0 +465693,0 +465694,0 +465695,0 +465696,0 +465697,0 +465698,0 +465699,0 +465700,0 +465701,0 +465702,0 +465703,0 +465704,0 +465705,0 +465706,0 +465707,0 +465708,0 +465709,0 +465710,0 +465711,0 +465712,0 +465713,0 +465714,0 +465715,0 +465716,0 +465717,0 +465718,0 +465719,0 +465720,0 +465721,0 +465722,0 +465723,0 +465724,0 +465725,0 +465726,0 +465727,0 +465728,0 +465729,0 +465730,0 +465731,0 +465732,0 +465733,23 +465734,23 +465735,23 +465736,23 +465737,23 +465738,9 +465739,9 +465740,9 +465741,26 +465742,26 +465743,9 +465744,9 +465745,9 +465746,9 +465747,9 +465748,9 +465749,9 +465750,30 +465751,30 +465752,30 +465753,30 +465754,23 +465755,23 +465756,23 +465757,23 +465758,23 +465759,23 +465760,25 +465761,37 +465762,25 +465763,25 +465764,25 +465765,25 +465766,28 +465767,28 +465768,28 +465769,28 +465770,28 +465771,28 +465772,35 +465773,35 +465774,35 +465775,35 +465776,35 +465777,35 +465778,35 +465779,35 +465780,36 +465781,36 +465782,36 +465783,36 +465784,36 +465785,24 +465786,24 +465787,24 +465788,24 +465789,24 +465790,27 +465791,27 +465792,27 +465793,27 +465794,27 +465795,31 +465796,5 +465797,5 +465798,5 +465799,5 +465800,5 +465801,5 +465802,28 +465803,28 +465804,28 +465805,28 +465806,28 +465807,28 +465808,10 +465809,10 +465810,10 +465811,10 +465812,10 +465813,10 +465814,10 +465815,10 +465816,10 +465817,10 +465818,10 +465819,10 +465820,23 +465821,23 +465822,23 +465823,23 +465824,23 +465825,23 +465826,23 +465827,23 +465828,23 +465829,23 +465830,23 +465831,23 +465832,37 +465833,37 +465834,37 +465835,37 +465836,37 +465837,40 +465838,40 +465839,40 +465840,40 +465841,40 +465842,40 +465843,40 +465844,40 +465845,40 +465846,40 +465847,5 +465848,5 +465849,5 +465850,5 +465851,5 +465852,5 +465853,19 +465854,19 +465855,19 +465856,19 +465857,19 +465858,19 +465859,19 +465860,23 +465861,23 +465862,23 +465863,23 +465864,23 +465865,23 +465866,23 +465867,23 +465868,23 +465869,23 +465870,23 +465871,23 +465872,23 +465873,23 +465874,23 +465875,26 +465876,26 +465877,26 +465878,26 +465879,26 +465880,9 +465881,9 +465882,9 +465883,9 +465884,9 +465885,30 +465886,30 +465887,30 +465888,30 +465889,30 +465890,30 +465891,30 +465892,23 +465893,23 +465894,23 +465895,23 +465896,23 +465897,23 +465898,23 +465899,23 +465900,25 +465901,25 +465902,25 +465903,25 +465904,25 +465905,28 +465906,28 +465907,28 +465908,28 +465909,28 +465910,28 +465911,35 +465912,35 +465913,35 +465914,35 +465915,35 +465916,35 +465917,35 +465918,27 +465919,27 +465920,36 +465921,36 +465922,40 +465923,40 +465924,40 +465925,36 +465926,24 +465927,24 +465928,24 +465929,24 +465930,24 +465931,31 +465932,31 +465933,31 +465934,31 +465935,31 +465936,31 +465937,31 +465938,31 +465939,5 +465940,5 +465941,5 +465942,5 +465943,5 +465944,5 +465945,5 +465946,5 +465947,5 +465948,5 +465949,5 +465950,5 +465951,5 +465952,0 +465953,0 +465954,0 +465955,0 +465956,0 +465957,0 +465958,0 +465959,0 +465960,0 +465961,0 +465962,0 +465963,0 +465964,0 +465965,0 +465966,0 +465967,0 +465968,0 +465969,0 +465970,0 +465971,0 +465972,0 +465973,0 +465974,0 +465975,0 +465976,0 +465977,0 +465978,0 +465979,0 +465980,0 +465981,0 +465982,0 +465983,0 +465984,0 +465985,0 +465986,0 +465987,0 +465988,0 +465989,0 +465990,0 +465991,0 +465992,0 +465993,0 +465994,0 +465995,0 +465996,0 +465997,0 +465998,0 +465999,0 +466000,0 +466001,0 +466002,0 +466003,0 +466004,0 +466005,0 +466006,0 +466007,0 +466008,0 +466009,0 +466010,0 +466011,0 +466012,0 +466013,0 +466014,0 +466015,0 +466016,0 +466017,0 +466018,0 +466019,27 +466020,27 +466021,27 +466022,27 +466023,27 +466024,27 +466025,0 +466026,0 +466027,27 +466028,27 +466029,27 +466030,27 +466031,27 +466032,27 +466033,27 +466034,4 +466035,4 +466036,4 +466037,4 +466038,12 +466039,12 +466040,12 +466041,12 +466042,12 +466043,12 +466044,12 +466045,31 +466046,31 +466047,31 +466048,31 +466049,8 +466050,8 +466051,8 +466052,8 +466053,2 +466054,2 +466055,2 +466056,2 +466057,2 +466058,2 +466059,2 +466060,2 +466061,2 +466062,2 +466063,2 +466064,2 +466065,14 +466066,14 +466067,14 +466068,40 +466069,40 +466070,40 +466071,40 +466072,40 +466073,40 +466074,27 +466075,27 +466076,27 +466077,27 +466078,19 +466079,19 +466080,19 +466081,19 +466082,19 +466083,4 +466084,4 +466085,4 +466086,4 +466087,4 +466088,4 +466089,4 +466090,4 +466091,4 +466092,4 +466093,4 +466094,4 +466095,4 +466096,2 +466097,3 +466098,3 +466099,3 +466100,3 +466101,3 +466102,3 +466103,3 +466104,3 +466105,3 +466106,3 +466107,3 +466108,3 +466109,3 +466110,3 +466111,3 +466112,3 +466113,3 +466114,3 +466115,3 +466116,3 +466117,3 +466118,3 +466119,3 +466120,3 +466121,3 +466122,3 +466123,3 +466124,0 +466125,0 +466126,0 +466127,0 +466128,0 +466129,0 +466130,0 +466131,0 +466132,0 +466133,0 +466134,0 +466135,0 +466136,0 +466137,0 +466138,0 +466139,0 +466140,0 +466141,0 +466142,0 +466143,0 +466144,0 +466145,29 +466146,29 +466147,29 +466148,40 +466149,40 +466150,40 +466151,40 +466152,40 +466153,40 +466154,40 +466155,4 +466156,4 +466157,4 +466158,4 +466159,4 +466160,4 +466161,4 +466162,25 +466163,25 +466164,25 +466165,25 +466166,25 +466167,25 +466168,25 +466169,25 +466170,5 +466171,5 +466172,5 +466173,5 +466174,5 +466175,5 +466176,14 +466177,14 +466178,14 +466179,14 +466180,14 +466181,14 +466182,14 +466183,14 +466184,14 +466185,14 +466186,14 +466187,14 +466188,14 +466189,14 +466190,14 +466191,14 +466192,28 +466193,28 +466194,28 +466195,28 +466196,28 +466197,28 +466198,28 +466199,28 +466200,28 +466201,28 +466202,28 +466203,28 +466204,28 +466205,28 +466206,28 +466207,28 +466208,12 +466209,12 +466210,12 +466211,12 +466212,12 +466213,12 +466214,12 +466215,31 +466216,31 +466217,31 +466218,31 +466219,31 +466220,31 +466221,31 +466222,31 +466223,31 +466224,8 +466225,8 +466226,8 +466227,8 +466228,8 +466229,8 +466230,8 +466231,8 +466232,8 +466233,8 +466234,8 +466235,8 +466236,8 +466237,8 +466238,8 +466239,8 +466240,8 +466241,0 +466242,0 +466243,0 +466244,0 +466245,0 +466246,29 +466247,29 +466248,29 +466249,29 +466250,29 +466251,29 +466252,29 +466253,29 +466254,31 +466255,31 +466256,31 +466257,31 +466258,31 +466259,31 +466260,31 +466261,31 +466262,2 +466263,2 +466264,2 +466265,2 +466266,2 +466267,2 +466268,2 +466269,2 +466270,2 +466271,2 +466272,2 +466273,40 +466274,40 +466275,40 +466276,40 +466277,5 +466278,5 +466279,5 +466280,5 +466281,5 +466282,5 +466283,5 +466284,5 +466285,29 +466286,19 +466287,19 +466288,31 +466289,31 +466290,31 +466291,31 +466292,31 +466293,31 +466294,31 +466295,31 +466296,31 +466297,31 +466298,31 +466299,31 +466300,31 +466301,31 +466302,0 +466303,0 +466304,0 +466305,0 +466306,0 +466307,0 +466308,0 +466309,0 +466310,0 +466311,0 +466312,0 +466313,0 +466314,0 +466315,0 +466316,0 +466317,0 +466318,0 +466319,0 +466320,0 +466321,0 +466322,0 +466323,31 +466324,31 +466325,31 +466326,31 +466327,31 +466328,31 +466329,31 +466330,31 +466331,31 +466332,31 +466333,31 +466334,31 +466335,31 +466336,31 +466337,31 +466338,5 +466339,5 +466340,5 +466341,5 +466342,5 +466343,5 +466344,5 +466345,5 +466346,5 +466347,5 +466348,5 +466349,5 +466350,5 +466351,5 +466352,5 +466353,0 +466354,0 +466355,0 +466356,0 +466357,0 +466358,0 +466359,0 +466360,0 +466361,0 +466362,0 +466363,0 +466364,0 +466365,0 +466366,29 +466367,29 +466368,29 +466369,29 +466370,29 +466371,36 +466372,36 +466373,36 +466374,36 +466375,36 +466376,36 +466377,36 +466378,36 +466379,36 +466380,36 +466381,36 +466382,36 +466383,4 +466384,4 +466385,4 +466386,4 +466387,4 +466388,4 +466389,36 +466390,36 +466391,36 +466392,36 +466393,36 +466394,0 +466395,36 +466396,36 +466397,36 +466398,36 +466399,36 +466400,36 +466401,38 +466402,38 +466403,29 +466404,38 +466405,29 +466406,29 +466407,29 +466408,29 +466409,29 +466410,29 +466411,29 +466412,31 +466413,31 +466414,31 +466415,15 +466416,15 +466417,15 +466418,15 +466419,15 +466420,15 +466421,15 +466422,15 +466423,31 +466424,31 +466425,31 +466426,4 +466427,4 +466428,4 +466429,4 +466430,4 +466431,4 +466432,4 +466433,4 +466434,4 +466435,4 +466436,4 +466437,4 +466438,4 +466439,37 +466440,37 +466441,37 +466442,33 +466443,33 +466444,33 +466445,33 +466446,33 +466447,33 +466448,33 +466449,33 +466450,33 +466451,3 +466452,32 +466453,32 +466454,32 +466455,31 +466456,31 +466457,31 +466458,31 +466459,30 +466460,30 +466461,30 +466462,30 +466463,30 +466464,30 +466465,30 +466466,30 +466467,2 +466468,2 +466469,2 +466470,2 +466471,2 +466472,2 +466473,2 +466474,2 +466475,2 +466476,31 +466477,31 +466478,31 +466479,31 +466480,31 +466481,5 +466482,5 +466483,5 +466484,5 +466485,5 +466486,5 +466487,5 +466488,5 +466489,2 +466490,2 +466491,2 +466492,2 +466493,2 +466494,2 +466495,2 +466496,2 +466497,2 +466498,2 +466499,4 +466500,4 +466501,4 +466502,4 +466503,4 +466504,4 +466505,4 +466506,4 +466507,37 +466508,37 +466509,37 +466510,14 +466511,14 +466512,14 +466513,14 +466514,14 +466515,14 +466516,14 +466517,14 +466518,14 +466519,14 +466520,14 +466521,5 +466522,5 +466523,5 +466524,5 +466525,5 +466526,28 +466527,28 +466528,28 +466529,28 +466530,28 +466531,28 +466532,28 +466533,28 +466534,2 +466535,2 +466536,2 +466537,2 +466538,2 +466539,2 +466540,32 +466541,32 +466542,29 +466543,29 +466544,29 +466545,29 +466546,29 +466547,29 +466548,14 +466549,39 +466550,27 +466551,27 +466552,27 +466553,27 +466554,27 +466555,27 +466556,13 +466557,5 +466558,5 +466559,5 +466560,5 +466561,5 +466562,5 +466563,5 +466564,5 +466565,5 +466566,5 +466567,2 +466568,2 +466569,2 +466570,2 +466571,2 +466572,2 +466573,2 +466574,35 +466575,2 +466576,31 +466577,31 +466578,31 +466579,31 +466580,31 +466581,31 +466582,31 +466583,31 +466584,35 +466585,35 +466586,35 +466587,35 +466588,35 +466589,35 +466590,35 +466591,35 +466592,35 +466593,36 +466594,36 +466595,36 +466596,4 +466597,4 +466598,4 +466599,19 +466600,19 +466601,19 +466602,19 +466603,4 +466604,31 +466605,31 +466606,31 +466607,31 +466608,31 +466609,5 +466610,5 +466611,5 +466612,5 +466613,5 +466614,5 +466615,19 +466616,19 +466617,19 +466618,19 +466619,4 +466620,4 +466621,4 +466622,4 +466623,4 +466624,4 +466625,4 +466626,4 +466627,4 +466628,4 +466629,4 +466630,0 +466631,0 +466632,0 +466633,0 +466634,0 +466635,0 +466636,0 +466637,0 +466638,0 +466639,0 +466640,0 +466641,0 +466642,0 +466643,0 +466644,0 +466645,0 +466646,0 +466647,0 +466648,0 +466649,0 +466650,0 +466651,0 +466652,0 +466653,0 +466654,0 +466655,0 +466656,21 +466657,21 +466658,21 +466659,21 +466660,21 +466661,27 +466662,27 +466663,27 +466664,27 +466665,27 +466666,27 +466667,27 +466668,40 +466669,27 +466670,27 +466671,24 +466672,24 +466673,24 +466674,28 +466675,28 +466676,28 +466677,28 +466678,28 +466679,28 +466680,28 +466681,28 +466682,28 +466683,14 +466684,14 +466685,14 +466686,14 +466687,14 +466688,14 +466689,14 +466690,14 +466691,32 +466692,24 +466693,32 +466694,32 +466695,32 +466696,32 +466697,32 +466698,32 +466699,37 +466700,25 +466701,37 +466702,37 +466703,37 +466704,25 +466705,37 +466706,37 +466707,28 +466708,28 +466709,28 +466710,28 +466711,28 +466712,40 +466713,40 +466714,40 +466715,40 +466716,40 +466717,40 +466718,11 +466719,11 +466720,11 +466721,11 +466722,11 +466723,11 +466724,11 +466725,11 +466726,11 +466727,11 +466728,11 +466729,11 +466730,31 +466731,31 +466732,31 +466733,31 +466734,31 +466735,5 +466736,5 +466737,5 +466738,5 +466739,4 +466740,4 +466741,4 +466742,4 +466743,4 +466744,4 +466745,4 +466746,27 +466747,27 +466748,27 +466749,27 +466750,27 +466751,31 +466752,31 +466753,31 +466754,2 +466755,2 +466756,2 +466757,2 +466758,2 +466759,2 +466760,2 +466761,2 +466762,2 +466763,2 +466764,2 +466765,2 +466766,32 +466767,32 +466768,32 +466769,32 +466770,32 +466771,32 +466772,32 +466773,32 +466774,39 +466775,39 +466776,39 +466777,39 +466778,39 +466779,39 +466780,39 +466781,39 +466782,39 +466783,39 +466784,39 +466785,39 +466786,14 +466787,6 +466788,39 +466789,39 +466790,6 +466791,6 +466792,6 +466793,6 +466794,6 +466795,6 +466796,6 +466797,6 +466798,6 +466799,6 +466800,6 +466801,6 +466802,6 +466803,6 +466804,6 +466805,6 +466806,6 +466807,6 +466808,6 +466809,6 +466810,6 +466811,6 +466812,6 +466813,6 +466814,6 +466815,0 +466816,0 +466817,0 +466818,0 +466819,0 +466820,0 +466821,0 +466822,0 +466823,0 +466824,0 +466825,0 +466826,0 +466827,0 +466828,0 +466829,0 +466830,0 +466831,0 +466832,0 +466833,0 +466834,0 +466835,0 +466836,0 +466837,0 +466838,0 +466839,0 +466840,0 +466841,0 +466842,0 +466843,0 +466844,0 +466845,0 +466846,0 +466847,0 +466848,0 +466849,0 +466850,0 +466851,0 +466852,0 +466853,0 +466854,0 +466855,0 +466856,0 +466857,0 +466858,0 +466859,0 +466860,0 +466861,0 +466862,0 +466863,0 +466864,0 +466865,0 +466866,0 +466867,0 +466868,0 +466869,0 +466870,0 +466871,0 +466872,0 +466873,0 +466874,0 +466875,0 +466876,0 +466877,0 +466878,0 +466879,0 +466880,0 +466881,0 +466882,0 +466883,0 +466884,0 +466885,0 +466886,0 +466887,0 +466888,0 +466889,0 +466890,0 +466891,0 +466892,0 +466893,0 +466894,0 +466895,0 +466896,26 +466897,10 +466898,10 +466899,10 +466900,10 +466901,10 +466902,10 +466903,10 +466904,10 +466905,10 +466906,10 +466907,10 +466908,10 +466909,10 +466910,10 +466911,10 +466912,10 +466913,10 +466914,10 +466915,10 +466916,10 +466917,10 +466918,2 +466919,2 +466920,2 +466921,2 +466922,2 +466923,2 +466924,2 +466925,2 +466926,2 +466927,2 +466928,2 +466929,2 +466930,2 +466931,2 +466932,2 +466933,2 +466934,14 +466935,14 +466936,14 +466937,14 +466938,14 +466939,14 +466940,14 +466941,14 +466942,14 +466943,14 +466944,14 +466945,14 +466946,14 +466947,14 +466948,5 +466949,5 +466950,5 +466951,5 +466952,5 +466953,5 +466954,5 +466955,5 +466956,5 +466957,5 +466958,5 +466959,5 +466960,33 +466961,33 +466962,33 +466963,33 +466964,33 +466965,33 +466966,33 +466967,33 +466968,33 +466969,33 +466970,33 +466971,33 +466972,33 +466973,33 +466974,33 +466975,6 +466976,6 +466977,6 +466978,6 +466979,6 +466980,6 +466981,39 +466982,39 +466983,39 +466984,39 +466985,39 +466986,39 +466987,39 +466988,39 +466989,39 +466990,39 +466991,39 +466992,39 +466993,39 +466994,39 +466995,39 +466996,39 +466997,24 +466998,24 +466999,24 +467000,24 +467001,24 +467002,31 +467003,31 +467004,31 +467005,31 +467006,31 +467007,31 +467008,30 +467009,30 +467010,30 +467011,30 +467012,30 +467013,30 +467014,30 +467015,30 +467016,30 +467017,30 +467018,30 +467019,30 +467020,30 +467021,30 +467022,30 +467023,30 +467024,0 +467025,0 +467026,31 +467027,31 +467028,31 +467029,31 +467030,31 +467031,31 +467032,31 +467033,31 +467034,31 +467035,31 +467036,31 +467037,31 +467038,24 +467039,24 +467040,24 +467041,24 +467042,24 +467043,24 +467044,29 +467045,29 +467046,29 +467047,31 +467048,31 +467049,31 +467050,31 +467051,31 +467052,31 +467053,32 +467054,32 +467055,32 +467056,32 +467057,32 +467058,32 +467059,32 +467060,32 +467061,39 +467062,39 +467063,39 +467064,39 +467065,39 +467066,39 +467067,39 +467068,39 +467069,39 +467070,39 +467071,32 +467072,32 +467073,32 +467074,32 +467075,32 +467076,32 +467077,32 +467078,31 +467079,31 +467080,31 +467081,31 +467082,31 +467083,30 +467084,30 +467085,30 +467086,30 +467087,30 +467088,30 +467089,30 +467090,31 +467091,31 +467092,31 +467093,31 +467094,31 +467095,31 +467096,31 +467097,31 +467098,31 +467099,31 +467100,31 +467101,8 +467102,8 +467103,8 +467104,8 +467105,8 +467106,8 +467107,8 +467108,8 +467109,8 +467110,7 +467111,7 +467112,7 +467113,7 +467114,7 +467115,7 +467116,7 +467117,3 +467118,3 +467119,3 +467120,3 +467121,3 +467122,3 +467123,2 +467124,2 +467125,2 +467126,2 +467127,2 +467128,2 +467129,2 +467130,2 +467131,2 +467132,2 +467133,2 +467134,2 +467135,2 +467136,2 +467137,39 +467138,39 +467139,39 +467140,39 +467141,39 +467142,39 +467143,39 +467144,39 +467145,39 +467146,39 +467147,39 +467148,39 +467149,39 +467150,39 +467151,39 +467152,39 +467153,39 +467154,39 +467155,39 +467156,39 +467157,39 +467158,39 +467159,39 +467160,39 +467161,39 +467162,39 +467163,39 +467164,39 +467165,39 +467166,39 +467167,39 +467168,39 +467169,39 +467170,39 +467171,39 +467172,0 +467173,0 +467174,0 +467175,0 +467176,0 +467177,0 +467178,0 +467179,0 +467180,0 +467181,0 +467182,0 +467183,0 +467184,0 +467185,0 +467186,0 +467187,0 +467188,0 +467189,0 +467190,0 +467191,0 +467192,0 +467193,0 +467194,0 +467195,0 +467196,0 +467197,0 +467198,0 +467199,0 +467200,0 +467201,0 +467202,0 +467203,0 +467204,0 +467205,0 +467206,0 +467207,0 +467208,0 +467209,36 +467210,36 +467211,36 +467212,36 +467213,36 +467214,36 +467215,36 +467216,36 +467217,36 +467218,36 +467219,36 +467220,36 +467221,5 +467222,5 +467223,5 +467224,5 +467225,5 +467226,5 +467227,26 +467228,9 +467229,9 +467230,9 +467231,9 +467232,9 +467233,9 +467234,26 +467235,26 +467236,26 +467237,4 +467238,12 +467239,12 +467240,12 +467241,12 +467242,12 +467243,14 +467244,17 +467245,17 +467246,17 +467247,17 +467248,17 +467249,2 +467250,2 +467251,2 +467252,8 +467253,8 +467254,8 +467255,35 +467256,35 +467257,35 +467258,35 +467259,35 +467260,35 +467261,35 +467262,35 +467263,35 +467264,35 +467265,35 +467266,35 +467267,35 +467268,26 +467269,26 +467270,26 +467271,26 +467272,26 +467273,26 +467274,26 +467275,26 +467276,26 +467277,37 +467278,37 +467279,32 +467280,32 +467281,32 +467282,32 +467283,32 +467284,32 +467285,32 +467286,32 +467287,32 +467288,37 +467289,37 +467290,40 +467291,40 +467292,40 +467293,10 +467294,10 +467295,10 +467296,10 +467297,10 +467298,10 +467299,10 +467300,10 +467301,10 +467302,10 +467303,10 +467304,10 +467305,10 +467306,10 +467307,10 +467308,10 +467309,10 +467310,26 +467311,26 +467312,5 +467313,5 +467314,5 +467315,5 +467316,5 +467317,5 +467318,5 +467319,7 +467320,7 +467321,7 +467322,25 +467323,25 +467324,37 +467325,25 +467326,25 +467327,25 +467328,25 +467329,25 +467330,37 +467331,37 +467332,37 +467333,37 +467334,25 +467335,25 +467336,32 +467337,32 +467338,32 +467339,32 +467340,32 +467341,32 +467342,32 +467343,32 +467344,39 +467345,39 +467346,39 +467347,39 +467348,39 +467349,39 +467350,39 +467351,39 +467352,39 +467353,39 +467354,39 +467355,32 +467356,32 +467357,32 +467358,32 +467359,32 +467360,32 +467361,31 +467362,31 +467363,31 +467364,31 +467365,31 +467366,31 +467367,30 +467368,30 +467369,30 +467370,30 +467371,30 +467372,30 +467373,30 +467374,30 +467375,30 +467376,30 +467377,30 +467378,30 +467379,30 +467380,30 +467381,30 +467382,30 +467383,30 +467384,30 +467385,30 +467386,0 +467387,0 +467388,0 +467389,0 +467390,0 +467391,0 +467392,0 +467393,0 +467394,0 +467395,0 +467396,0 +467397,0 +467398,0 +467399,0 +467400,0 +467401,0 +467402,0 +467403,0 +467404,0 +467405,0 +467406,0 +467407,0 +467408,0 +467409,0 +467410,0 +467411,0 +467412,0 +467413,0 +467414,0 +467415,0 +467416,0 +467417,29 +467418,29 +467419,29 +467420,29 +467421,31 +467422,31 +467423,31 +467424,31 +467425,31 +467426,31 +467427,31 +467428,19 +467429,19 +467430,19 +467431,19 +467432,19 +467433,19 +467434,19 +467435,19 +467436,22 +467437,22 +467438,22 +467439,22 +467440,22 +467441,22 +467442,22 +467443,37 +467444,37 +467445,37 +467446,37 +467447,37 +467448,37 +467449,37 +467450,37 +467451,37 +467452,37 +467453,37 +467454,37 +467455,37 +467456,14 +467457,14 +467458,14 +467459,14 +467460,14 +467461,14 +467462,14 +467463,14 +467464,14 +467465,14 +467466,14 +467467,11 +467468,11 +467469,11 +467470,11 +467471,11 +467472,11 +467473,11 +467474,11 +467475,11 +467476,11 +467477,31 +467478,31 +467479,31 +467480,31 +467481,31 +467482,5 +467483,5 +467484,5 +467485,5 +467486,31 +467487,27 +467488,27 +467489,27 +467490,3 +467491,27 +467492,27 +467493,27 +467494,5 +467495,5 +467496,5 +467497,5 +467498,5 +467499,5 +467500,5 +467501,5 +467502,26 +467503,26 +467504,26 +467505,26 +467506,26 +467507,9 +467508,9 +467509,9 +467510,9 +467511,9 +467512,9 +467513,9 +467514,9 +467515,23 +467516,23 +467517,23 +467518,23 +467519,23 +467520,23 +467521,23 +467522,31 +467523,31 +467524,31 +467525,31 +467526,31 +467527,31 +467528,31 +467529,31 +467530,31 +467531,2 +467532,2 +467533,2 +467534,2 +467535,2 +467536,2 +467537,2 +467538,2 +467539,2 +467540,2 +467541,2 +467542,2 +467543,2 +467544,2 +467545,2 +467546,2 +467547,31 +467548,31 +467549,31 +467550,31 +467551,31 +467552,31 +467553,31 +467554,31 +467555,31 +467556,31 +467557,24 +467558,24 +467559,24 +467560,24 +467561,24 +467562,24 +467563,24 +467564,29 +467565,29 +467566,29 +467567,29 +467568,29 +467569,39 +467570,39 +467571,14 +467572,14 +467573,14 +467574,14 +467575,14 +467576,14 +467577,14 +467578,14 +467579,21 +467580,21 +467581,21 +467582,21 +467583,21 +467584,21 +467585,21 +467586,21 +467587,21 +467588,21 +467589,8 +467590,8 +467591,8 +467592,8 +467593,8 +467594,8 +467595,8 +467596,8 +467597,14 +467598,14 +467599,40 +467600,40 +467601,40 +467602,14 +467603,14 +467604,14 +467605,14 +467606,14 +467607,14 +467608,14 +467609,14 +467610,14 +467611,14 +467612,14 +467613,10 +467614,35 +467615,35 +467616,35 +467617,35 +467618,14 +467619,27 +467620,27 +467621,27 +467622,19 +467623,19 +467624,19 +467625,19 +467626,31 +467627,31 +467628,27 +467629,27 +467630,14 +467631,14 +467632,14 +467633,14 +467634,14 +467635,23 +467636,23 +467637,24 +467638,23 +467639,23 +467640,23 +467641,23 +467642,23 +467643,24 +467644,24 +467645,23 +467646,23 +467647,0 +467648,0 +467649,0 +467650,0 +467651,0 +467652,0 +467653,0 +467654,0 +467655,0 +467656,0 +467657,0 +467658,0 +467659,0 +467660,0 +467661,0 +467662,0 +467663,0 +467664,0 +467665,0 +467666,0 +467667,0 +467668,0 +467669,0 +467670,0 +467671,0 +467672,0 +467673,0 +467674,0 +467675,0 +467676,0 +467677,0 +467678,0 +467679,0 +467680,0 +467681,0 +467682,0 +467683,0 +467684,0 +467685,0 +467686,0 +467687,0 +467688,23 +467689,23 +467690,23 +467691,23 +467692,23 +467693,23 +467694,23 +467695,23 +467696,25 +467697,25 +467698,25 +467699,25 +467700,25 +467701,25 +467702,28 +467703,28 +467704,28 +467705,28 +467706,28 +467707,28 +467708,28 +467709,28 +467710,29 +467711,29 +467712,29 +467713,31 +467714,31 +467715,31 +467716,31 +467717,5 +467718,5 +467719,5 +467720,5 +467721,5 +467722,5 +467723,5 +467724,5 +467725,3 +467726,3 +467727,3 +467728,3 +467729,3 +467730,3 +467731,3 +467732,3 +467733,3 +467734,3 +467735,3 +467736,7 +467737,7 +467738,7 +467739,7 +467740,7 +467741,7 +467742,7 +467743,7 +467744,9 +467745,9 +467746,9 +467747,9 +467748,9 +467749,9 +467750,9 +467751,9 +467752,9 +467753,9 +467754,37 +467755,37 +467756,37 +467757,37 +467758,37 +467759,37 +467760,6 +467761,6 +467762,6 +467763,6 +467764,6 +467765,6 +467766,6 +467767,6 +467768,6 +467769,6 +467770,32 +467771,32 +467772,32 +467773,32 +467774,0 +467775,32 +467776,32 +467777,32 +467778,32 +467779,32 +467780,32 +467781,36 +467782,36 +467783,36 +467784,36 +467785,36 +467786,36 +467787,36 +467788,36 +467789,36 +467790,36 +467791,36 +467792,6 +467793,6 +467794,6 +467795,6 +467796,6 +467797,6 +467798,6 +467799,31 +467800,31 +467801,31 +467802,27 +467803,27 +467804,27 +467805,27 +467806,4 +467807,4 +467808,4 +467809,4 +467810,4 +467811,4 +467812,4 +467813,4 +467814,4 +467815,19 +467816,0 +467817,0 +467818,0 +467819,0 +467820,0 +467821,0 +467822,0 +467823,0 +467824,0 +467825,0 +467826,0 +467827,0 +467828,0 +467829,0 +467830,0 +467831,0 +467832,0 +467833,0 +467834,0 +467835,0 +467836,0 +467837,0 +467838,23 +467839,23 +467840,23 +467841,23 +467842,23 +467843,23 +467844,23 +467845,23 +467846,23 +467847,23 +467848,23 +467849,23 +467850,23 +467851,23 +467852,9 +467853,9 +467854,9 +467855,9 +467856,9 +467857,37 +467858,37 +467859,37 +467860,37 +467861,37 +467862,37 +467863,37 +467864,37 +467865,37 +467866,4 +467867,4 +467868,4 +467869,4 +467870,4 +467871,4 +467872,4 +467873,4 +467874,4 +467875,4 +467876,4 +467877,4 +467878,4 +467879,4 +467880,10 +467881,10 +467882,10 +467883,10 +467884,10 +467885,10 +467886,10 +467887,10 +467888,10 +467889,10 +467890,10 +467891,10 +467892,10 +467893,10 +467894,10 +467895,40 +467896,40 +467897,28 +467898,28 +467899,28 +467900,28 +467901,35 +467902,35 +467903,35 +467904,35 +467905,39 +467906,39 +467907,39 +467908,39 +467909,39 +467910,39 +467911,39 +467912,39 +467913,39 +467914,39 +467915,14 +467916,14 +467917,14 +467918,14 +467919,14 +467920,14 +467921,14 +467922,14 +467923,14 +467924,14 +467925,14 +467926,14 +467927,14 +467928,14 +467929,14 +467930,14 +467931,14 +467932,14 +467933,14 +467934,14 +467935,14 +467936,19 +467937,19 +467938,4 +467939,4 +467940,4 +467941,4 +467942,4 +467943,4 +467944,4 +467945,4 +467946,4 +467947,4 +467948,4 +467949,4 +467950,12 +467951,12 +467952,12 +467953,12 +467954,12 +467955,12 +467956,12 +467957,12 +467958,12 +467959,12 +467960,27 +467961,27 +467962,27 +467963,27 +467964,5 +467965,5 +467966,29 +467967,29 +467968,29 +467969,31 +467970,21 +467971,21 +467972,21 +467973,21 +467974,21 +467975,21 +467976,21 +467977,37 +467978,37 +467979,37 +467980,37 +467981,37 +467982,37 +467983,37 +467984,37 +467985,37 +467986,37 +467987,14 +467988,14 +467989,14 +467990,14 +467991,14 +467992,14 +467993,14 +467994,14 +467995,4 +467996,4 +467997,4 +467998,4 +467999,4 +468000,4 +468001,4 +468002,4 +468003,31 +468004,31 +468005,31 +468006,31 +468007,31 +468008,30 +468009,30 +468010,30 +468011,30 +468012,30 +468013,30 +468014,30 +468015,30 +468016,27 +468017,27 +468018,27 +468019,27 +468020,27 +468021,27 +468022,15 +468023,15 +468024,29 +468025,29 +468026,31 +468027,25 +468028,25 +468029,25 +468030,25 +468031,25 +468032,25 +468033,25 +468034,25 +468035,25 +468036,25 +468037,25 +468038,25 +468039,25 +468040,25 +468041,14 +468042,14 +468043,14 +468044,14 +468045,14 +468046,14 +468047,14 +468048,14 +468049,14 +468050,14 +468051,11 +468052,11 +468053,11 +468054,11 +468055,11 +468056,11 +468057,11 +468058,11 +468059,11 +468060,11 +468061,11 +468062,11 +468063,11 +468064,11 +468065,11 +468066,31 +468067,31 +468068,31 +468069,31 +468070,31 +468071,31 +468072,5 +468073,5 +468074,5 +468075,5 +468076,5 +468077,5 +468078,5 +468079,5 +468080,5 +468081,5 +468082,5 +468083,5 +468084,5 +468085,5 +468086,5 +468087,5 +468088,5 +468089,0 +468090,0 +468091,0 +468092,0 +468093,36 +468094,36 +468095,36 +468096,36 +468097,36 +468098,36 +468099,36 +468100,36 +468101,36 +468102,5 +468103,5 +468104,5 +468105,5 +468106,5 +468107,5 +468108,5 +468109,37 +468110,37 +468111,37 +468112,37 +468113,37 +468114,37 +468115,39 +468116,39 +468117,39 +468118,39 +468119,39 +468120,39 +468121,24 +468122,24 +468123,24 +468124,24 +468125,24 +468126,24 +468127,24 +468128,24 +468129,24 +468130,24 +468131,24 +468132,24 +468133,26 +468134,26 +468135,26 +468136,26 +468137,26 +468138,26 +468139,26 +468140,26 +468141,26 +468142,26 +468143,26 +468144,26 +468145,26 +468146,26 +468147,26 +468148,9 +468149,9 +468150,9 +468151,9 +468152,9 +468153,9 +468154,9 +468155,9 +468156,24 +468157,24 +468158,24 +468159,24 +468160,35 +468161,24 +468162,35 +468163,35 +468164,35 +468165,27 +468166,27 +468167,27 +468168,27 +468169,31 +468170,31 +468171,31 +468172,5 +468173,5 +468174,5 +468175,5 +468176,5 +468177,5 +468178,5 +468179,5 +468180,27 +468181,27 +468182,27 +468183,27 +468184,27 +468185,27 +468186,27 +468187,27 +468188,27 +468189,27 +468190,36 +468191,36 +468192,27 +468193,5 +468194,5 +468195,5 +468196,5 +468197,5 +468198,4 +468199,4 +468200,4 +468201,4 +468202,4 +468203,4 +468204,4 +468205,25 +468206,25 +468207,25 +468208,25 +468209,37 +468210,25 +468211,2 +468212,2 +468213,2 +468214,2 +468215,2 +468216,2 +468217,2 +468218,2 +468219,2 +468220,4 +468221,4 +468222,4 +468223,4 +468224,4 +468225,14 +468226,27 +468227,27 +468228,13 +468229,13 +468230,13 +468231,13 +468232,13 +468233,13 +468234,13 +468235,13 +468236,13 +468237,13 +468238,23 +468239,38 +468240,38 +468241,38 +468242,38 +468243,38 +468244,38 +468245,38 +468246,38 +468247,38 +468248,38 +468249,9 +468250,9 +468251,9 +468252,9 +468253,9 +468254,9 +468255,9 +468256,9 +468257,9 +468258,9 +468259,9 +468260,10 +468261,10 +468262,9 +468263,9 +468264,9 +468265,26 +468266,26 +468267,26 +468268,26 +468269,26 +468270,4 +468271,4 +468272,4 +468273,4 +468274,4 +468275,4 +468276,4 +468277,4 +468278,4 +468279,4 +468280,4 +468281,4 +468282,4 +468283,4 +468284,0 +468285,0 +468286,0 +468287,0 +468288,0 +468289,0 +468290,0 +468291,0 +468292,36 +468293,36 +468294,36 +468295,5 +468296,5 +468297,5 +468298,28 +468299,5 +468300,5 +468301,5 +468302,27 +468303,35 +468304,7 +468305,27 +468306,27 +468307,27 +468308,27 +468309,8 +468310,8 +468311,8 +468312,8 +468313,8 +468314,8 +468315,8 +468316,8 +468317,28 +468318,28 +468319,28 +468320,28 +468321,28 +468322,28 +468323,28 +468324,28 +468325,26 +468326,26 +468327,26 +468328,26 +468329,26 +468330,10 +468331,10 +468332,10 +468333,10 +468334,10 +468335,10 +468336,10 +468337,10 +468338,10 +468339,10 +468340,10 +468341,10 +468342,10 +468343,10 +468344,10 +468345,10 +468346,10 +468347,10 +468348,10 +468349,10 +468350,5 +468351,5 +468352,5 +468353,5 +468354,5 +468355,0 +468356,0 +468357,0 +468358,0 +468359,19 +468360,0 +468361,0 +468362,0 +468363,0 +468364,0 +468365,0 +468366,0 +468367,0 +468368,0 +468369,0 +468370,23 +468371,0 +468372,0 +468373,0 +468374,0 +468375,0 +468376,0 +468377,0 +468378,0 +468379,23 +468380,0 +468381,0 +468382,0 +468383,0 +468384,0 +468385,0 +468386,0 +468387,0 +468388,0 +468389,0 +468390,0 +468391,0 +468392,0 +468393,0 +468394,0 +468395,0 +468396,0 +468397,0 +468398,0 +468399,0 +468400,0 +468401,0 +468402,0 +468403,0 +468404,0 +468405,0 +468406,0 +468407,0 +468408,0 +468409,0 +468410,0 +468411,0 +468412,0 +468413,0 +468414,0 +468415,0 +468416,0 +468417,0 +468418,0 +468419,0 +468420,0 +468421,0 +468422,0 +468423,0 +468424,0 +468425,0 +468426,0 +468427,0 +468428,0 +468429,0 +468430,35 +468431,35 +468432,35 +468433,35 +468434,35 +468435,35 +468436,35 +468437,35 +468438,27 +468439,27 +468440,27 +468441,27 +468442,27 +468443,27 +468444,27 +468445,27 +468446,27 +468447,27 +468448,27 +468449,27 +468450,27 +468451,27 +468452,27 +468453,27 +468454,27 +468455,27 +468456,27 +468457,8 +468458,8 +468459,8 +468460,8 +468461,8 +468462,8 +468463,8 +468464,27 +468465,27 +468466,27 +468467,31 +468468,31 +468469,31 +468470,21 +468471,21 +468472,21 +468473,21 +468474,21 +468475,21 +468476,21 +468477,40 +468478,40 +468479,40 +468480,40 +468481,40 +468482,40 +468483,40 +468484,40 +468485,40 +468486,31 +468487,31 +468488,31 +468489,33 +468490,33 +468491,33 +468492,33 +468493,33 +468494,33 +468495,33 +468496,33 +468497,33 +468498,33 +468499,33 +468500,33 +468501,33 +468502,33 +468503,33 +468504,33 +468505,33 +468506,33 +468507,33 +468508,33 +468509,33 +468510,33 +468511,33 +468512,33 +468513,0 +468514,0 +468515,0 +468516,0 +468517,0 +468518,0 +468519,0 +468520,0 +468521,0 +468522,0 +468523,0 +468524,0 +468525,0 +468526,0 +468527,0 +468528,0 +468529,0 +468530,0 +468531,0 +468532,0 +468533,0 +468534,0 +468535,0 +468536,0 +468537,0 +468538,0 +468539,0 +468540,0 +468541,0 +468542,0 +468543,0 +468544,0 +468545,2 +468546,2 +468547,2 +468548,2 +468549,2 +468550,2 +468551,2 +468552,2 +468553,2 +468554,2 +468555,2 +468556,2 +468557,2 +468558,2 +468559,2 +468560,2 +468561,2 +468562,32 +468563,32 +468564,32 +468565,32 +468566,32 +468567,32 +468568,32 +468569,37 +468570,37 +468571,37 +468572,37 +468573,37 +468574,37 +468575,37 +468576,40 +468577,40 +468578,40 +468579,40 +468580,40 +468581,40 +468582,19 +468583,19 +468584,19 +468585,19 +468586,19 +468587,19 +468588,19 +468589,37 +468590,37 +468591,37 +468592,37 +468593,37 +468594,37 +468595,37 +468596,37 +468597,37 +468598,37 +468599,37 +468600,37 +468601,37 +468602,37 +468603,37 +468604,37 +468605,3 +468606,3 +468607,37 +468608,37 +468609,37 +468610,28 +468611,28 +468612,28 +468613,28 +468614,28 +468615,28 +468616,28 +468617,25 +468618,25 +468619,25 +468620,25 +468621,25 +468622,25 +468623,25 +468624,25 +468625,25 +468626,25 +468627,25 +468628,25 +468629,25 +468630,25 +468631,25 +468632,25 +468633,25 +468634,25 +468635,8 +468636,8 +468637,8 +468638,8 +468639,2 +468640,2 +468641,2 +468642,2 +468643,2 +468644,2 +468645,2 +468646,2 +468647,27 +468648,27 +468649,27 +468650,27 +468651,27 +468652,27 +468653,27 +468654,27 +468655,27 +468656,28 +468657,28 +468658,28 +468659,28 +468660,28 +468661,28 +468662,28 +468663,37 +468664,37 +468665,37 +468666,37 +468667,37 +468668,37 +468669,37 +468670,39 +468671,39 +468672,39 +468673,39 +468674,39 +468675,39 +468676,39 +468677,32 +468678,32 +468679,32 +468680,32 +468681,32 +468682,32 +468683,32 +468684,32 +468685,32 +468686,9 +468687,9 +468688,9 +468689,9 +468690,9 +468691,9 +468692,37 +468693,37 +468694,37 +468695,37 +468696,37 +468697,37 +468698,19 +468699,19 +468700,19 +468701,19 +468702,19 +468703,2 +468704,2 +468705,2 +468706,2 +468707,2 +468708,2 +468709,2 +468710,2 +468711,31 +468712,31 +468713,31 +468714,31 +468715,24 +468716,24 +468717,24 +468718,24 +468719,24 +468720,24 +468721,24 +468722,29 +468723,29 +468724,29 +468725,29 +468726,38 +468727,38 +468728,27 +468729,27 +468730,27 +468731,27 +468732,27 +468733,27 +468734,27 +468735,27 +468736,27 +468737,27 +468738,27 +468739,13 +468740,13 +468741,13 +468742,13 +468743,13 +468744,13 +468745,5 +468746,5 +468747,4 +468748,4 +468749,4 +468750,4 +468751,4 +468752,4 +468753,8 +468754,8 +468755,8 +468756,8 +468757,8 +468758,8 +468759,8 +468760,8 +468761,8 +468762,8 +468763,8 +468764,8 +468765,2 +468766,2 +468767,0 +468768,0 +468769,0 +468770,0 +468771,0 +468772,0 +468773,0 +468774,0 +468775,0 +468776,0 +468777,0 +468778,0 +468779,0 +468780,0 +468781,0 +468782,0 +468783,0 +468784,0 +468785,0 +468786,0 +468787,0 +468788,0 +468789,0 +468790,0 +468791,0 +468792,0 +468793,0 +468794,0 +468795,0 +468796,0 +468797,0 +468798,0 +468799,0 +468800,0 +468801,0 +468802,0 +468803,0 +468804,0 +468805,0 +468806,0 +468807,0 +468808,0 +468809,0 +468810,0 +468811,0 +468812,0 +468813,0 +468814,0 +468815,36 +468816,36 +468817,36 +468818,36 +468819,36 +468820,36 +468821,36 +468822,36 +468823,36 +468824,36 +468825,36 +468826,36 +468827,36 +468828,36 +468829,36 +468830,5 +468831,5 +468832,5 +468833,5 +468834,5 +468835,5 +468836,5 +468837,5 +468838,5 +468839,5 +468840,5 +468841,5 +468842,5 +468843,19 +468844,19 +468845,4 +468846,4 +468847,19 +468848,19 +468849,19 +468850,35 +468851,35 +468852,35 +468853,35 +468854,35 +468855,4 +468856,12 +468857,12 +468858,12 +468859,12 +468860,35 +468861,27 +468862,27 +468863,27 +468864,27 +468865,5 +468866,5 +468867,5 +468868,5 +468869,5 +468870,5 +468871,5 +468872,6 +468873,32 +468874,32 +468875,32 +468876,32 +468877,32 +468878,32 +468879,32 +468880,32 +468881,37 +468882,37 +468883,37 +468884,37 +468885,37 +468886,37 +468887,37 +468888,3 +468889,3 +468890,3 +468891,3 +468892,3 +468893,24 +468894,24 +468895,24 +468896,24 +468897,24 +468898,24 +468899,24 +468900,24 +468901,24 +468902,24 +468903,24 +468904,24 +468905,40 +468906,40 +468907,40 +468908,36 +468909,40 +468910,40 +468911,40 +468912,40 +468913,40 +468914,40 +468915,40 +468916,36 +468917,36 +468918,36 +468919,5 +468920,5 +468921,5 +468922,5 +468923,5 +468924,5 +468925,5 +468926,5 +468927,5 +468928,5 +468929,15 +468930,15 +468931,15 +468932,15 +468933,15 +468934,15 +468935,15 +468936,10 +468937,10 +468938,10 +468939,10 +468940,10 +468941,10 +468942,10 +468943,10 +468944,10 +468945,10 +468946,10 +468947,10 +468948,19 +468949,19 +468950,19 +468951,19 +468952,29 +468953,29 +468954,29 +468955,29 +468956,39 +468957,39 +468958,39 +468959,39 +468960,39 +468961,39 +468962,39 +468963,39 +468964,39 +468965,39 +468966,39 +468967,39 +468968,39 +468969,39 +468970,39 +468971,27 +468972,27 +468973,27 +468974,27 +468975,5 +468976,5 +468977,5 +468978,5 +468979,5 +468980,24 +468981,24 +468982,24 +468983,24 +468984,24 +468985,24 +468986,40 +468987,40 +468988,40 +468989,40 +468990,40 +468991,40 +468992,40 +468993,5 +468994,5 +468995,5 +468996,5 +468997,5 +468998,5 +468999,5 +469000,5 +469001,11 +469002,11 +469003,11 +469004,11 +469005,11 +469006,11 +469007,11 +469008,11 +469009,11 +469010,11 +469011,11 +469012,31 +469013,31 +469014,5 +469015,5 +469016,5 +469017,5 +469018,5 +469019,31 +469020,31 +469021,31 +469022,31 +469023,31 +469024,31 +469025,31 +469026,31 +469027,24 +469028,24 +469029,24 +469030,24 +469031,24 +469032,24 +469033,24 +469034,28 +469035,28 +469036,28 +469037,28 +469038,28 +469039,28 +469040,28 +469041,28 +469042,36 +469043,36 +469044,36 +469045,36 +469046,36 +469047,36 +469048,36 +469049,36 +469050,36 +469051,36 +469052,5 +469053,5 +469054,5 +469055,5 +469056,5 +469057,5 +469058,5 +469059,5 +469060,5 +469061,5 +469062,5 +469063,5 +469064,5 +469065,5 +469066,5 +469067,5 +469068,0 +469069,0 +469070,0 +469071,0 +469072,0 +469073,0 +469074,0 +469075,0 +469076,0 +469077,0 +469078,0 +469079,0 +469080,0 +469081,0 +469082,0 +469083,0 +469084,0 +469085,0 +469086,0 +469087,0 +469088,0 +469089,0 +469090,0 +469091,0 +469092,0 +469093,0 +469094,0 +469095,0 +469096,0 +469097,0 +469098,0 +469099,0 +469100,0 +469101,0 +469102,0 +469103,0 +469104,0 +469105,0 +469106,0 +469107,0 +469108,0 +469109,0 +469110,0 +469111,0 +469112,0 +469113,0 +469114,0 +469115,0 +469116,0 +469117,0 +469118,0 +469119,0 +469120,0 +469121,0 +469122,0 +469123,0 +469124,0 +469125,0 +469126,0 +469127,0 +469128,0 +469129,0 +469130,0 +469131,0 +469132,0 +469133,0 +469134,0 +469135,0 +469136,0 +469137,0 +469138,0 +469139,40 +469140,40 +469141,40 +469142,40 +469143,40 +469144,40 +469145,40 +469146,40 +469147,40 +469148,40 +469149,40 +469150,40 +469151,40 +469152,40 +469153,40 +469154,40 +469155,40 +469156,40 +469157,40 +469158,8 +469159,8 +469160,8 +469161,8 +469162,8 +469163,8 +469164,2 +469165,2 +469166,2 +469167,2 +469168,10 +469169,10 +469170,10 +469171,10 +469172,10 +469173,10 +469174,10 +469175,10 +469176,10 +469177,10 +469178,10 +469179,35 +469180,35 +469181,35 +469182,35 +469183,35 +469184,35 +469185,36 +469186,36 +469187,36 +469188,24 +469189,24 +469190,24 +469191,24 +469192,24 +469193,24 +469194,24 +469195,24 +469196,24 +469197,27 +469198,27 +469199,27 +469200,30 +469201,30 +469202,30 +469203,30 +469204,30 +469205,27 +469206,27 +469207,27 +469208,27 +469209,27 +469210,27 +469211,27 +469212,27 +469213,24 +469214,24 +469215,24 +469216,24 +469217,24 +469218,24 +469219,24 +469220,4 +469221,4 +469222,4 +469223,4 +469224,4 +469225,4 +469226,4 +469227,4 +469228,27 +469229,27 +469230,2 +469231,2 +469232,2 +469233,2 +469234,2 +469235,2 +469236,2 +469237,2 +469238,2 +469239,2 +469240,2 +469241,2 +469242,2 +469243,2 +469244,39 +469245,39 +469246,39 +469247,39 +469248,39 +469249,39 +469250,39 +469251,39 +469252,39 +469253,32 +469254,32 +469255,32 +469256,32 +469257,32 +469258,32 +469259,32 +469260,32 +469261,32 +469262,37 +469263,37 +469264,37 +469265,37 +469266,37 +469267,36 +469268,36 +469269,36 +469270,36 +469271,36 +469272,36 +469273,36 +469274,6 +469275,6 +469276,6 +469277,6 +469278,6 +469279,6 +469280,6 +469281,6 +469282,6 +469283,6 +469284,4 +469285,4 +469286,4 +469287,4 +469288,4 +469289,27 +469290,31 +469291,27 +469292,27 +469293,27 +469294,27 +469295,27 +469296,31 +469297,31 +469298,2 +469299,2 +469300,2 +469301,2 +469302,2 +469303,2 +469304,2 +469305,2 +469306,2 +469307,2 +469308,2 +469309,2 +469310,2 +469311,2 +469312,2 +469313,2 +469314,2 +469315,2 +469316,2 +469317,2 +469318,2 +469319,2 +469320,2 +469321,2 +469322,2 +469323,2 +469324,2 +469325,2 +469326,2 +469327,0 +469328,2 +469329,2 +469330,2 +469331,2 +469332,0 +469333,0 +469334,2 +469335,2 +469336,2 +469337,2 +469338,2 +469339,2 +469340,2 +469341,2 +469342,2 +469343,2 +469344,2 +469345,2 +469346,2 +469347,2 +469348,2 +469349,2 +469350,2 +469351,2 +469352,2 +469353,2 +469354,2 +469355,2 +469356,2 +469357,40 +469358,40 +469359,40 +469360,40 +469361,40 +469362,40 +469363,40 +469364,40 +469365,40 +469366,28 +469367,4 +469368,4 +469369,5 +469370,5 +469371,5 +469372,5 +469373,5 +469374,5 +469375,5 +469376,5 +469377,5 +469378,2 +469379,2 +469380,2 +469381,2 +469382,2 +469383,2 +469384,2 +469385,2 +469386,2 +469387,2 +469388,2 +469389,2 +469390,2 +469391,2 +469392,2 +469393,2 +469394,2 +469395,2 +469396,2 +469397,2 +469398,2 +469399,2 +469400,2 +469401,2 +469402,2 +469403,0 +469404,0 +469405,0 +469406,0 +469407,0 +469408,0 +469409,0 +469410,0 +469411,0 +469412,0 +469413,0 +469414,0 +469415,0 +469416,0 +469417,0 +469418,0 +469419,0 +469420,0 +469421,0 +469422,0 +469423,0 +469424,0 +469425,0 +469426,0 +469427,0 +469428,0 +469429,0 +469430,0 +469431,0 +469432,0 +469433,0 +469434,0 +469435,0 +469436,0 +469437,0 +469438,0 +469439,0 +469440,0 +469441,0 +469442,0 +469443,0 +469444,0 +469445,0 +469446,0 +469447,0 +469448,0 +469449,0 +469450,0 +469451,0 +469452,0 +469453,0 +469454,0 +469455,0 +469456,0 +469457,0 +469458,0 +469459,0 +469460,0 +469461,0 +469462,0 +469463,0 +469464,0 +469465,0 +469466,0 +469467,0 +469468,0 +469469,0 +469470,0 +469471,0 +469472,0 +469473,0 +469474,0 +469475,0 +469476,0 +469477,0 +469478,16 +469479,16 +469480,16 +469481,16 +469482,16 +469483,16 +469484,16 +469485,16 +469486,16 +469487,16 +469488,16 +469489,16 +469490,16 +469491,16 +469492,36 +469493,36 +469494,31 +469495,31 +469496,31 +469497,31 +469498,34 +469499,34 +469500,31 +469501,28 +469502,4 +469503,32 +469504,32 +469505,32 +469506,32 +469507,32 +469508,32 +469509,32 +469510,32 +469511,32 +469512,0 +469513,19 +469514,19 +469515,19 +469516,37 +469517,37 +469518,37 +469519,37 +469520,37 +469521,37 +469522,37 +469523,37 +469524,37 +469525,2 +469526,2 +469527,2 +469528,2 +469529,2 +469530,2 +469531,2 +469532,2 +469533,2 +469534,2 +469535,2 +469536,2 +469537,2 +469538,2 +469539,40 +469540,40 +469541,40 +469542,40 +469543,40 +469544,40 +469545,40 +469546,40 +469547,40 +469548,29 +469549,29 +469550,29 +469551,24 +469552,29 +469553,29 +469554,31 +469555,31 +469556,31 +469557,31 +469558,5 +469559,5 +469560,5 +469561,5 +469562,5 +469563,5 +469564,5 +469565,5 +469566,5 +469567,5 +469568,5 +469569,5 +469570,5 +469571,5 +469572,5 +469573,5 +469574,5 +469575,4 +469576,4 +469577,4 +469578,4 +469579,4 +469580,4 +469581,19 +469582,19 +469583,19 +469584,19 +469585,0 +469586,0 +469587,0 +469588,0 +469589,0 +469590,0 +469591,0 +469592,0 +469593,0 +469594,0 +469595,0 +469596,0 +469597,0 +469598,0 +469599,0 +469600,0 +469601,0 +469602,0 +469603,0 +469604,0 +469605,0 +469606,0 +469607,0 +469608,0 +469609,0 +469610,0 +469611,0 +469612,0 +469613,0 +469614,0 +469615,0 +469616,0 +469617,0 +469618,0 +469619,0 +469620,0 +469621,0 +469622,0 +469623,0 +469624,0 +469625,0 +469626,0 +469627,0 +469628,0 +469629,0 +469630,0 +469631,0 +469632,0 +469633,0 +469634,0 +469635,0 +469636,0 +469637,0 +469638,0 +469639,0 +469640,0 +469641,0 +469642,0 +469643,0 +469644,0 +469645,0 +469646,0 +469647,0 +469648,0 +469649,0 +469650,0 +469651,0 +469652,0 +469653,0 +469654,0 +469655,0 +469656,0 +469657,0 +469658,0 +469659,0 +469660,0 +469661,0 +469662,0 +469663,0 +469664,35 +469665,35 +469666,35 +469667,35 +469668,35 +469669,35 +469670,34 +469671,34 +469672,34 +469673,34 +469674,34 +469675,34 +469676,34 +469677,34 +469678,34 +469679,34 +469680,34 +469681,34 +469682,34 +469683,34 +469684,34 +469685,34 +469686,25 +469687,26 +469688,37 +469689,37 +469690,25 +469691,25 +469692,25 +469693,25 +469694,25 +469695,25 +469696,25 +469697,24 +469698,24 +469699,24 +469700,24 +469701,24 +469702,24 +469703,24 +469704,24 +469705,25 +469706,25 +469707,25 +469708,25 +469709,25 +469710,25 +469711,25 +469712,25 +469713,25 +469714,25 +469715,25 +469716,25 +469717,25 +469718,16 +469719,16 +469720,16 +469721,16 +469722,16 +469723,16 +469724,16 +469725,16 +469726,16 +469727,16 +469728,16 +469729,16 +469730,16 +469731,16 +469732,16 +469733,39 +469734,39 +469735,39 +469736,39 +469737,39 +469738,39 +469739,39 +469740,39 +469741,7 +469742,3 +469743,39 +469744,39 +469745,3 +469746,3 +469747,3 +469748,5 +469749,5 +469750,5 +469751,5 +469752,5 +469753,5 +469754,5 +469755,5 +469756,28 +469757,28 +469758,28 +469759,2 +469760,2 +469761,2 +469762,8 +469763,8 +469764,8 +469765,8 +469766,2 +469767,2 +469768,2 +469769,2 +469770,2 +469771,2 +469772,2 +469773,2 +469774,2 +469775,2 +469776,2 +469777,2 +469778,8 +469779,0 +469780,0 +469781,0 +469782,0 +469783,0 +469784,0 +469785,0 +469786,0 +469787,0 +469788,0 +469789,0 +469790,0 +469791,0 +469792,0 +469793,0 +469794,0 +469795,0 +469796,0 +469797,0 +469798,0 +469799,0 +469800,0 +469801,0 +469802,0 +469803,0 +469804,0 +469805,0 +469806,0 +469807,0 +469808,0 +469809,0 +469810,0 +469811,0 +469812,0 +469813,0 +469814,0 +469815,0 +469816,0 +469817,0 +469818,0 +469819,0 +469820,0 +469821,0 +469822,0 +469823,0 +469824,0 +469825,0 +469826,0 +469827,0 +469828,0 +469829,0 +469830,0 +469831,0 +469832,0 +469833,0 +469834,0 +469835,0 +469836,0 +469837,0 +469838,0 +469839,0 +469840,0 +469841,0 +469842,0 +469843,0 +469844,7 +469845,7 +469846,7 +469847,7 +469848,7 +469849,7 +469850,7 +469851,7 +469852,7 +469853,3 +469854,3 +469855,3 +469856,3 +469857,3 +469858,3 +469859,3 +469860,3 +469861,3 +469862,12 +469863,12 +469864,12 +469865,12 +469866,12 +469867,12 +469868,12 +469869,12 +469870,12 +469871,12 +469872,12 +469873,12 +469874,22 +469875,12 +469876,22 +469877,22 +469878,22 +469879,4 +469880,3 +469881,3 +469882,3 +469883,4 +469884,4 +469885,4 +469886,3 +469887,3 +469888,3 +469889,3 +469890,3 +469891,3 +469892,3 +469893,3 +469894,3 +469895,28 +469896,28 +469897,28 +469898,28 +469899,28 +469900,28 +469901,28 +469902,28 +469903,14 +469904,14 +469905,14 +469906,14 +469907,14 +469908,14 +469909,14 +469910,14 +469911,40 +469912,40 +469913,40 +469914,37 +469915,37 +469916,37 +469917,37 +469918,37 +469919,37 +469920,37 +469921,37 +469922,37 +469923,37 +469924,25 +469925,25 +469926,25 +469927,25 +469928,25 +469929,25 +469930,25 +469931,25 +469932,0 +469933,0 +469934,0 +469935,0 +469936,0 +469937,0 +469938,0 +469939,0 +469940,0 +469941,0 +469942,0 +469943,0 +469944,0 +469945,0 +469946,0 +469947,0 +469948,0 +469949,0 +469950,0 +469951,0 +469952,0 +469953,0 +469954,0 +469955,0 +469956,0 +469957,0 +469958,0 +469959,0 +469960,0 +469961,0 +469962,0 +469963,0 +469964,0 +469965,0 +469966,0 +469967,0 +469968,0 +469969,0 +469970,0 +469971,0 +469972,0 +469973,0 +469974,0 +469975,0 +469976,0 +469977,0 +469978,0 +469979,0 +469980,0 +469981,0 +469982,0 +469983,0 +469984,0 +469985,0 +469986,0 +469987,0 +469988,0 +469989,0 +469990,0 +469991,0 +469992,0 +469993,0 +469994,0 +469995,0 +469996,0 +469997,0 +469998,0 +469999,0 +470000,0 +470001,0 +470002,0 +470003,0 +470004,0 +470005,29 +470006,29 +470007,29 +470008,31 +470009,31 +470010,31 +470011,31 +470012,16 +470013,11 +470014,11 +470015,11 +470016,11 +470017,11 +470018,16 +470019,11 +470020,16 +470021,16 +470022,11 +470023,40 +470024,40 +470025,40 +470026,31 +470027,31 +470028,31 +470029,31 +470030,32 +470031,32 +470032,32 +470033,32 +470034,32 +470035,32 +470036,32 +470037,32 +470038,25 +470039,25 +470040,37 +470041,25 +470042,25 +470043,24 +470044,24 +470045,24 +470046,12 +470047,24 +470048,24 +470049,24 +470050,24 +470051,31 +470052,31 +470053,31 +470054,31 +470055,31 +470056,31 +470057,31 +470058,31 +470059,31 +470060,8 +470061,29 +470062,8 +470063,29 +470064,29 +470065,29 +470066,29 +470067,29 +470068,29 +470069,15 +470070,33 +470071,33 +470072,33 +470073,33 +470074,33 +470075,33 +470076,33 +470077,33 +470078,30 +470079,30 +470080,30 +470081,30 +470082,30 +470083,30 +470084,30 +470085,27 +470086,27 +470087,27 +470088,27 +470089,17 +470090,17 +470091,31 +470092,31 +470093,5 +470094,5 +470095,5 +470096,5 +470097,5 +470098,5 +470099,5 +470100,5 +470101,5 +470102,5 +470103,5 +470104,5 +470105,5 +470106,0 +470107,0 +470108,0 +470109,0 +470110,0 +470111,0 +470112,0 +470113,0 +470114,0 +470115,0 +470116,0 +470117,0 +470118,0 +470119,0 +470120,0 +470121,0 +470122,0 +470123,0 +470124,0 +470125,31 +470126,31 +470127,31 +470128,31 +470129,31 +470130,31 +470131,31 +470132,31 +470133,31 +470134,31 +470135,28 +470136,28 +470137,28 +470138,5 +470139,5 +470140,28 +470141,5 +470142,5 +470143,5 +470144,5 +470145,5 +470146,5 +470147,5 +470148,21 +470149,21 +470150,21 +470151,21 +470152,21 +470153,21 +470154,21 +470155,26 +470156,26 +470157,26 +470158,26 +470159,26 +470160,26 +470161,26 +470162,26 +470163,10 +470164,10 +470165,26 +470166,26 +470167,26 +470168,26 +470169,26 +470170,26 +470171,29 +470172,29 +470173,29 +470174,29 +470175,10 +470176,36 +470177,36 +470178,36 +470179,36 +470180,40 +470181,40 +470182,27 +470183,27 +470184,27 +470185,27 +470186,27 +470187,40 +470188,36 +470189,5 +470190,5 +470191,5 +470192,5 +470193,5 +470194,19 +470195,19 +470196,19 +470197,19 +470198,5 +470199,5 +470200,5 +470201,5 +470202,5 +470203,0 +470204,0 +470205,0 +470206,0 +470207,0 +470208,0 +470209,0 +470210,0 +470211,0 +470212,0 +470213,0 +470214,0 +470215,0 +470216,0 +470217,0 +470218,0 +470219,0 +470220,0 +470221,0 +470222,0 +470223,0 +470224,0 +470225,0 +470226,0 +470227,0 +470228,0 +470229,0 +470230,0 +470231,0 +470232,0 +470233,0 +470234,31 +470235,0 +470236,0 +470237,0 +470238,31 +470239,31 +470240,31 +470241,31 +470242,31 +470243,5 +470244,5 +470245,5 +470246,5 +470247,5 +470248,5 +470249,5 +470250,29 +470251,29 +470252,31 +470253,31 +470254,31 +470255,31 +470256,31 +470257,32 +470258,32 +470259,32 +470260,32 +470261,32 +470262,32 +470263,32 +470264,32 +470265,32 +470266,36 +470267,40 +470268,40 +470269,40 +470270,40 +470271,40 +470272,40 +470273,40 +470274,8 +470275,8 +470276,8 +470277,8 +470278,8 +470279,27 +470280,27 +470281,27 +470282,27 +470283,27 +470284,5 +470285,5 +470286,5 +470287,5 +470288,5 +470289,5 +470290,5 +470291,5 +470292,5 +470293,16 +470294,16 +470295,16 +470296,16 +470297,11 +470298,11 +470299,11 +470300,11 +470301,16 +470302,16 +470303,11 +470304,11 +470305,11 +470306,11 +470307,11 +470308,11 +470309,11 +470310,11 +470311,11 +470312,11 +470313,31 +470314,31 +470315,31 +470316,31 +470317,31 +470318,4 +470319,4 +470320,4 +470321,4 +470322,0 +470323,0 +470324,0 +470325,0 +470326,0 +470327,0 +470328,0 +470329,0 +470330,29 +470331,29 +470332,29 +470333,31 +470334,31 +470335,31 +470336,4 +470337,4 +470338,4 +470339,4 +470340,4 +470341,4 +470342,4 +470343,4 +470344,4 +470345,4 +470346,4 +470347,4 +470348,4 +470349,26 +470350,26 +470351,9 +470352,9 +470353,26 +470354,26 +470355,26 +470356,26 +470357,26 +470358,26 +470359,26 +470360,32 +470361,32 +470362,32 +470363,32 +470364,32 +470365,32 +470366,32 +470367,32 +470368,32 +470369,32 +470370,32 +470371,4 +470372,4 +470373,0 +470374,0 +470375,10 +470376,10 +470377,10 +470378,10 +470379,10 +470380,10 +470381,10 +470382,10 +470383,10 +470384,10 +470385,34 +470386,34 +470387,34 +470388,34 +470389,34 +470390,26 +470391,26 +470392,26 +470393,5 +470394,5 +470395,5 +470396,5 +470397,5 +470398,5 +470399,5 +470400,26 +470401,26 +470402,26 +470403,26 +470404,26 +470405,26 +470406,26 +470407,26 +470408,26 +470409,26 +470410,26 +470411,26 +470412,26 +470413,5 +470414,5 +470415,5 +470416,5 +470417,5 +470418,5 +470419,5 +470420,5 +470421,5 +470422,28 +470423,28 +470424,5 +470425,5 +470426,5 +470427,5 +470428,5 +470429,5 +470430,5 +470431,28 +470432,28 +470433,5 +470434,5 +470435,5 +470436,0 +470437,0 +470438,0 +470439,0 +470440,0 +470441,0 +470442,0 +470443,0 +470444,0 +470445,0 +470446,0 +470447,0 +470448,0 +470449,0 +470450,0 +470451,0 +470452,0 +470453,0 +470454,0 +470455,0 +470456,0 +470457,0 +470458,32 +470459,32 +470460,32 +470461,32 +470462,32 +470463,32 +470464,32 +470465,9 +470466,9 +470467,9 +470468,9 +470469,9 +470470,9 +470471,9 +470472,9 +470473,37 +470474,37 +470475,37 +470476,37 +470477,37 +470478,19 +470479,19 +470480,19 +470481,19 +470482,19 +470483,19 +470484,34 +470485,34 +470486,34 +470487,34 +470488,34 +470489,34 +470490,34 +470491,34 +470492,34 +470493,34 +470494,34 +470495,4 +470496,4 +470497,4 +470498,34 +470499,34 +470500,34 +470501,34 +470502,26 +470503,26 +470504,26 +470505,26 +470506,5 +470507,5 +470508,5 +470509,5 +470510,5 +470511,5 +470512,5 +470513,5 +470514,5 +470515,29 +470516,29 +470517,31 +470518,31 +470519,31 +470520,15 +470521,15 +470522,15 +470523,15 +470524,15 +470525,15 +470526,15 +470527,15 +470528,36 +470529,36 +470530,36 +470531,36 +470532,36 +470533,36 +470534,36 +470535,36 +470536,36 +470537,36 +470538,36 +470539,36 +470540,6 +470541,6 +470542,6 +470543,6 +470544,16 +470545,16 +470546,16 +470547,6 +470548,6 +470549,6 +470550,23 +470551,23 +470552,6 +470553,6 +470554,6 +470555,6 +470556,30 +470557,30 +470558,30 +470559,30 +470560,30 +470561,25 +470562,25 +470563,25 +470564,25 +470565,25 +470566,25 +470567,25 +470568,25 +470569,25 +470570,25 +470571,25 +470572,25 +470573,25 +470574,25 +470575,25 +470576,25 +470577,25 +470578,25 +470579,25 +470580,25 +470581,25 +470582,0 +470583,0 +470584,0 +470585,0 +470586,0 +470587,0 +470588,0 +470589,0 +470590,0 +470591,0 +470592,0 +470593,0 +470594,0 +470595,37 +470596,37 +470597,12 +470598,25 +470599,25 +470600,25 +470601,25 +470602,25 +470603,32 +470604,32 +470605,32 +470606,32 +470607,32 +470608,32 +470609,32 +470610,32 +470611,32 +470612,32 +470613,36 +470614,36 +470615,36 +470616,36 +470617,36 +470618,36 +470619,36 +470620,36 +470621,36 +470622,36 +470623,36 +470624,2 +470625,2 +470626,2 +470627,2 +470628,2 +470629,2 +470630,2 +470631,2 +470632,2 +470633,2 +470634,6 +470635,6 +470636,6 +470637,6 +470638,6 +470639,6 +470640,6 +470641,6 +470642,34 +470643,34 +470644,34 +470645,34 +470646,34 +470647,34 +470648,34 +470649,34 +470650,34 +470651,34 +470652,5 +470653,5 +470654,5 +470655,5 +470656,5 +470657,5 +470658,19 +470659,19 +470660,19 +470661,19 +470662,19 +470663,27 +470664,27 +470665,27 +470666,27 +470667,27 +470668,27 +470669,27 +470670,27 +470671,27 +470672,13 +470673,13 +470674,13 +470675,13 +470676,13 +470677,13 +470678,13 +470679,13 +470680,13 +470681,13 +470682,13 +470683,13 +470684,13 +470685,13 +470686,5 +470687,5 +470688,5 +470689,0 +470690,0 +470691,0 +470692,0 +470693,0 +470694,0 +470695,0 +470696,0 +470697,0 +470698,0 +470699,0 +470700,0 +470701,0 +470702,0 +470703,0 +470704,0 +470705,0 +470706,0 +470707,0 +470708,0 +470709,0 +470710,0 +470711,0 +470712,0 +470713,0 +470714,0 +470715,0 +470716,0 +470717,0 +470718,29 +470719,29 +470720,29 +470721,29 +470722,14 +470723,14 +470724,14 +470725,14 +470726,14 +470727,14 +470728,14 +470729,4 +470730,4 +470731,4 +470732,4 +470733,4 +470734,4 +470735,4 +470736,4 +470737,4 +470738,9 +470739,9 +470740,9 +470741,9 +470742,9 +470743,9 +470744,9 +470745,37 +470746,37 +470747,37 +470748,37 +470749,37 +470750,37 +470751,37 +470752,37 +470753,37 +470754,29 +470755,29 +470756,29 +470757,29 +470758,40 +470759,40 +470760,25 +470761,25 +470762,25 +470763,25 +470764,25 +470765,25 +470766,25 +470767,25 +470768,25 +470769,25 +470770,40 +470771,40 +470772,40 +470773,40 +470774,37 +470775,37 +470776,37 +470777,37 +470778,37 +470779,37 +470780,37 +470781,37 +470782,37 +470783,25 +470784,25 +470785,25 +470786,25 +470787,25 +470788,25 +470789,25 +470790,37 +470791,37 +470792,37 +470793,37 +470794,25 +470795,25 +470796,25 +470797,25 +470798,25 +470799,25 +470800,0 +470801,0 +470802,0 +470803,0 +470804,0 +470805,0 +470806,0 +470807,0 +470808,0 +470809,0 +470810,0 +470811,0 +470812,0 +470813,0 +470814,0 +470815,0 +470816,0 +470817,0 +470818,0 +470819,0 +470820,0 +470821,0 +470822,0 +470823,0 +470824,0 +470825,0 +470826,0 +470827,0 +470828,0 +470829,29 +470830,29 +470831,29 +470832,29 +470833,29 +470834,29 +470835,29 +470836,29 +470837,29 +470838,29 +470839,27 +470840,27 +470841,27 +470842,27 +470843,27 +470844,27 +470845,6 +470846,6 +470847,6 +470848,6 +470849,6 +470850,6 +470851,6 +470852,6 +470853,6 +470854,6 +470855,6 +470856,30 +470857,6 +470858,30 +470859,30 +470860,9 +470861,9 +470862,26 +470863,26 +470864,26 +470865,26 +470866,26 +470867,26 +470868,26 +470869,26 +470870,26 +470871,26 +470872,26 +470873,15 +470874,29 +470875,29 +470876,29 +470877,29 +470878,29 +470879,29 +470880,40 +470881,40 +470882,40 +470883,40 +470884,40 +470885,40 +470886,37 +470887,31 +470888,31 +470889,31 +470890,23 +470891,23 +470892,23 +470893,23 +470894,23 +470895,23 +470896,39 +470897,39 +470898,14 +470899,14 +470900,14 +470901,14 +470902,14 +470903,14 +470904,14 +470905,14 +470906,14 +470907,14 +470908,14 +470909,2 +470910,2 +470911,2 +470912,2 +470913,2 +470914,2 +470915,2 +470916,2 +470917,2 +470918,27 +470919,27 +470920,27 +470921,27 +470922,27 +470923,27 +470924,27 +470925,27 +470926,27 +470927,27 +470928,27 +470929,27 +470930,27 +470931,27 +470932,27 +470933,27 +470934,8 +470935,8 +470936,8 +470937,8 +470938,8 +470939,8 +470940,8 +470941,8 +470942,8 +470943,8 +470944,8 +470945,8 +470946,2 +470947,2 +470948,0 +470949,0 +470950,0 +470951,0 +470952,0 +470953,0 +470954,0 +470955,0 +470956,0 +470957,0 +470958,0 +470959,0 +470960,0 +470961,0 +470962,0 +470963,0 +470964,0 +470965,31 +470966,31 +470967,31 +470968,31 +470969,31 +470970,31 +470971,5 +470972,5 +470973,5 +470974,5 +470975,5 +470976,19 +470977,19 +470978,27 +470979,27 +470980,27 +470981,27 +470982,27 +470983,5 +470984,5 +470985,5 +470986,5 +470987,5 +470988,5 +470989,29 +470990,29 +470991,29 +470992,27 +470993,27 +470994,27 +470995,27 +470996,2 +470997,2 +470998,2 +470999,2 +471000,2 +471001,2 +471002,2 +471003,4 +471004,4 +471005,4 +471006,4 +471007,4 +471008,4 +471009,10 +471010,10 +471011,10 +471012,10 +471013,36 +471014,34 +471015,36 +471016,36 +471017,36 +471018,36 +471019,40 +471020,40 +471021,40 +471022,40 +471023,40 +471024,33 +471025,33 +471026,33 +471027,33 +471028,33 +471029,33 +471030,33 +471031,33 +471032,0 +471033,0 +471034,0 +471035,0 +471036,0 +471037,0 +471038,0 +471039,0 +471040,0 +471041,0 +471042,0 +471043,0 +471044,0 +471045,0 +471046,0 +471047,0 +471048,0 +471049,31 +471050,31 +471051,31 +471052,31 +471053,31 +471054,31 +471055,31 +471056,31 +471057,24 +471058,24 +471059,24 +471060,29 +471061,29 +471062,29 +471063,29 +471064,31 +471065,31 +471066,31 +471067,31 +471068,31 +471069,31 +471070,31 +471071,35 +471072,35 +471073,35 +471074,35 +471075,35 +471076,35 +471077,35 +471078,10 +471079,10 +471080,10 +471081,10 +471082,10 +471083,10 +471084,10 +471085,10 +471086,10 +471087,10 +471088,10 +471089,10 +471090,10 +471091,10 +471092,37 +471093,37 +471094,37 +471095,37 +471096,37 +471097,37 +471098,37 +471099,31 +471100,31 +471101,19 +471102,19 +471103,28 +471104,28 +471105,28 +471106,28 +471107,28 +471108,28 +471109,28 +471110,28 +471111,28 +471112,9 +471113,9 +471114,9 +471115,9 +471116,9 +471117,9 +471118,9 +471119,37 +471120,37 +471121,37 +471122,37 +471123,37 +471124,37 +471125,5 +471126,5 +471127,5 +471128,5 +471129,5 +471130,25 +471131,25 +471132,25 +471133,25 +471134,25 +471135,25 +471136,27 +471137,25 +471138,25 +471139,27 +471140,27 +471141,27 +471142,25 +471143,25 +471144,25 +471145,27 +471146,27 +471147,27 +471148,8 +471149,8 +471150,8 +471151,8 +471152,8 +471153,8 +471154,8 +471155,8 +471156,8 +471157,8 +471158,8 +471159,8 +471160,8 +471161,8 +471162,2 +471163,2 +471164,2 +471165,2 +471166,0 +471167,0 +471168,0 +471169,0 +471170,0 +471171,0 +471172,0 +471173,0 +471174,0 +471175,0 +471176,0 +471177,0 +471178,0 +471179,0 +471180,0 +471181,0 +471182,29 +471183,29 +471184,29 +471185,29 +471186,29 +471187,31 +471188,31 +471189,31 +471190,31 +471191,33 +471192,37 +471193,33 +471194,33 +471195,33 +471196,9 +471197,33 +471198,3 +471199,3 +471200,31 +471201,31 +471202,31 +471203,31 +471204,31 +471205,31 +471206,25 +471207,25 +471208,33 +471209,33 +471210,33 +471211,33 +471212,12 +471213,12 +471214,12 +471215,12 +471216,12 +471217,12 +471218,31 +471219,31 +471220,31 +471221,31 +471222,31 +471223,5 +471224,5 +471225,5 +471226,5 +471227,5 +471228,4 +471229,4 +471230,4 +471231,4 +471232,4 +471233,4 +471234,4 +471235,31 +471236,31 +471237,31 +471238,31 +471239,5 +471240,5 +471241,28 +471242,28 +471243,5 +471244,5 +471245,5 +471246,5 +471247,23 +471248,23 +471249,23 +471250,23 +471251,23 +471252,23 +471253,23 +471254,36 +471255,36 +471256,36 +471257,36 +471258,36 +471259,36 +471260,36 +471261,36 +471262,36 +471263,36 +471264,36 +471265,36 +471266,36 +471267,36 +471268,36 +471269,6 +471270,6 +471271,6 +471272,6 +471273,6 +471274,6 +471275,6 +471276,11 +471277,11 +471278,11 +471279,31 +471280,31 +471281,31 +471282,31 +471283,31 +471284,31 +471285,31 +471286,31 +471287,5 +471288,5 +471289,5 +471290,5 +471291,5 +471292,5 +471293,5 +471294,5 +471295,5 +471296,5 +471297,5 +471298,5 +471299,5 +471300,0 +471301,0 +471302,0 +471303,0 +471304,0 +471305,0 +471306,0 +471307,0 +471308,0 +471309,0 +471310,0 +471311,0 +471312,0 +471313,0 +471314,0 +471315,0 +471316,0 +471317,0 +471318,0 +471319,0 +471320,0 +471321,0 +471322,0 +471323,0 +471324,0 +471325,0 +471326,0 +471327,0 +471328,0 +471329,0 +471330,0 +471331,0 +471332,0 +471333,0 +471334,27 +471335,27 +471336,27 +471337,27 +471338,27 +471339,27 +471340,27 +471341,27 +471342,27 +471343,27 +471344,27 +471345,27 +471346,27 +471347,27 +471348,2 +471349,2 +471350,2 +471351,2 +471352,2 +471353,2 +471354,2 +471355,2 +471356,2 +471357,2 +471358,2 +471359,2 +471360,2 +471361,2 +471362,27 +471363,27 +471364,27 +471365,27 +471366,27 +471367,27 +471368,28 +471369,28 +471370,28 +471371,28 +471372,28 +471373,28 +471374,32 +471375,32 +471376,32 +471377,32 +471378,32 +471379,32 +471380,39 +471381,39 +471382,39 +471383,39 +471384,39 +471385,39 +471386,24 +471387,24 +471388,24 +471389,24 +471390,24 +471391,31 +471392,31 +471393,31 +471394,31 +471395,31 +471396,28 +471397,28 +471398,28 +471399,28 +471400,28 +471401,28 +471402,40 +471403,40 +471404,40 +471405,40 +471406,40 +471407,30 +471408,34 +471409,34 +471410,34 +471411,34 +471412,34 +471413,2 +471414,2 +471415,2 +471416,2 +471417,2 +471418,2 +471419,2 +471420,2 +471421,2 +471422,2 +471423,2 +471424,2 +471425,2 +471426,2 +471427,2 +471428,2 +471429,2 +471430,2 +471431,2 +471432,2 +471433,0 +471434,0 +471435,2 +471436,0 +471437,0 +471438,0 +471439,0 +471440,0 +471441,0 +471442,0 +471443,0 +471444,0 +471445,0 +471446,0 +471447,16 +471448,16 +471449,16 +471450,16 +471451,16 +471452,16 +471453,16 +471454,16 +471455,16 +471456,16 +471457,16 +471458,16 +471459,16 +471460,36 +471461,36 +471462,36 +471463,36 +471464,36 +471465,36 +471466,36 +471467,36 +471468,36 +471469,36 +471470,36 +471471,10 +471472,10 +471473,10 +471474,26 +471475,26 +471476,26 +471477,26 +471478,26 +471479,26 +471480,26 +471481,26 +471482,26 +471483,5 +471484,5 +471485,5 +471486,5 +471487,29 +471488,29 +471489,31 +471490,31 +471491,27 +471492,27 +471493,5 +471494,13 +471495,13 +471496,5 +471497,5 +471498,13 +471499,5 +471500,13 +471501,3 +471502,21 +471503,21 +471504,21 +471505,21 +471506,21 +471507,21 +471508,22 +471509,22 +471510,22 +471511,22 +471512,22 +471513,22 +471514,22 +471515,22 +471516,22 +471517,40 +471518,33 +471519,40 +471520,33 +471521,33 +471522,33 +471523,33 +471524,33 +471525,33 +471526,22 +471527,27 +471528,27 +471529,27 +471530,31 +471531,31 +471532,31 +471533,31 +471534,31 +471535,4 +471536,4 +471537,4 +471538,4 +471539,4 +471540,27 +471541,27 +471542,27 +471543,14 +471544,27 +471545,27 +471546,27 +471547,27 +471548,27 +471549,27 +471550,27 +471551,27 +471552,13 +471553,13 +471554,13 +471555,13 +471556,13 +471557,13 +471558,13 +471559,13 +471560,13 +471561,13 +471562,13 +471563,5 +471564,5 +471565,5 +471566,5 +471567,5 +471568,5 +471569,30 +471570,30 +471571,30 +471572,30 +471573,30 +471574,30 +471575,27 +471576,27 +471577,27 +471578,27 +471579,27 +471580,27 +471581,27 +471582,27 +471583,5 +471584,5 +471585,5 +471586,5 +471587,5 +471588,5 +471589,5 +471590,5 +471591,19 +471592,19 +471593,19 +471594,19 +471595,19 +471596,19 +471597,19 +471598,19 +471599,19 +471600,19 +471601,0 +471602,0 +471603,0 +471604,0 +471605,0 +471606,0 +471607,0 +471608,0 +471609,0 +471610,0 +471611,0 +471612,0 +471613,0 +471614,0 +471615,0 +471616,0 +471617,0 +471618,0 +471619,0 +471620,0 +471621,0 +471622,0 +471623,0 +471624,0 +471625,0 +471626,0 +471627,0 +471628,0 +471629,0 +471630,0 +471631,0 +471632,0 +471633,0 +471634,0 +471635,0 +471636,0 +471637,0 +471638,0 +471639,0 +471640,0 +471641,0 +471642,27 +471643,27 +471644,27 +471645,27 +471646,27 +471647,27 +471648,27 +471649,27 +471650,27 +471651,27 +471652,4 +471653,4 +471654,4 +471655,29 +471656,4 +471657,4 +471658,4 +471659,39 +471660,39 +471661,39 +471662,39 +471663,39 +471664,39 +471665,39 +471666,8 +471667,8 +471668,8 +471669,8 +471670,10 +471671,10 +471672,10 +471673,10 +471674,10 +471675,10 +471676,10 +471677,10 +471678,10 +471679,31 +471680,31 +471681,31 +471682,31 +471683,31 +471684,31 +471685,25 +471686,25 +471687,23 +471688,23 +471689,23 +471690,23 +471691,23 +471692,23 +471693,23 +471694,23 +471695,23 +471696,9 +471697,30 +471698,30 +471699,30 +471700,30 +471701,30 +471702,30 +471703,30 +471704,30 +471705,31 +471706,31 +471707,31 +471708,31 +471709,31 +471710,31 +471711,31 +471712,5 +471713,28 +471714,5 +471715,5 +471716,5 +471717,5 +471718,5 +471719,5 +471720,5 +471721,5 +471722,5 +471723,5 +471724,36 +471725,36 +471726,34 +471727,34 +471728,34 +471729,31 +471730,31 +471731,34 +471732,30 +471733,30 +471734,30 +471735,29 +471736,29 +471737,29 +471738,12 +471739,12 +471740,12 +471741,12 +471742,12 +471743,27 +471744,27 +471745,27 +471746,27 +471747,38 +471748,38 +471749,38 +471750,38 +471751,38 +471752,38 +471753,38 +471754,38 +471755,38 +471756,38 +471757,38 +471758,31 +471759,31 +471760,31 +471761,31 +471762,31 +471763,31 +471764,31 +471765,31 +471766,40 +471767,31 +471768,31 +471769,31 +471770,31 +471771,31 +471772,31 +471773,31 +471774,5 +471775,5 +471776,5 +471777,5 +471778,5 +471779,5 +471780,5 +471781,5 +471782,5 +471783,5 +471784,5 +471785,5 +471786,5 +471787,23 +471788,23 +471789,23 +471790,0 +471791,23 +471792,0 +471793,0 +471794,0 +471795,0 +471796,0 +471797,0 +471798,0 +471799,0 +471800,0 +471801,0 +471802,0 +471803,0 +471804,0 +471805,0 +471806,0 +471807,0 +471808,0 +471809,0 +471810,0 +471811,0 +471812,0 +471813,0 +471814,0 +471815,0 +471816,0 +471817,0 +471818,0 +471819,0 +471820,0 +471821,0 +471822,0 +471823,0 +471824,0 +471825,0 +471826,0 +471827,0 +471828,0 +471829,0 +471830,0 +471831,0 +471832,29 +471833,29 +471834,29 +471835,4 +471836,4 +471837,4 +471838,4 +471839,4 +471840,4 +471841,4 +471842,4 +471843,2 +471844,2 +471845,2 +471846,2 +471847,2 +471848,2 +471849,2 +471850,2 +471851,2 +471852,2 +471853,2 +471854,2 +471855,2 +471856,2 +471857,2 +471858,2 +471859,2 +471860,2 +471861,39 +471862,39 +471863,39 +471864,39 +471865,39 +471866,39 +471867,39 +471868,39 +471869,27 +471870,27 +471871,5 +471872,5 +471873,5 +471874,5 +471875,5 +471876,5 +471877,5 +471878,5 +471879,5 +471880,4 +471881,4 +471882,2 +471883,2 +471884,2 +471885,2 +471886,4 +471887,4 +471888,35 +471889,35 +471890,35 +471891,35 +471892,35 +471893,35 +471894,35 +471895,35 +471896,35 +471897,35 +471898,35 +471899,35 +471900,35 +471901,35 +471902,35 +471903,35 +471904,35 +471905,40 +471906,40 +471907,40 +471908,40 +471909,40 +471910,40 +471911,40 +471912,40 +471913,40 +471914,40 +471915,37 +471916,37 +471917,28 +471918,28 +471919,28 +471920,28 +471921,28 +471922,28 +471923,28 +471924,28 +471925,28 +471926,28 +471927,5 +471928,5 +471929,5 +471930,29 +471931,29 +471932,29 +471933,29 +471934,31 +471935,40 +471936,40 +471937,40 +471938,40 +471939,19 +471940,4 +471941,4 +471942,4 +471943,35 +471944,35 +471945,35 +471946,35 +471947,35 +471948,35 +471949,35 +471950,39 +471951,39 +471952,39 +471953,39 +471954,39 +471955,39 +471956,39 +471957,39 +471958,39 +471959,35 +471960,35 +471961,35 +471962,36 +471963,36 +471964,36 +471965,36 +471966,6 +471967,6 +471968,6 +471969,6 +471970,6 +471971,6 +471972,30 +471973,30 +471974,30 +471975,30 +471976,30 +471977,30 +471978,30 +471979,30 +471980,30 +471981,30 +471982,30 +471983,30 +471984,30 +471985,30 +471986,40 +471987,40 +471988,40 +471989,40 +471990,40 +471991,40 +471992,40 +471993,40 +471994,40 +471995,40 +471996,23 +471997,23 +471998,23 +471999,23 +472000,23 +472001,23 +472002,23 +472003,23 +472004,23 +472005,23 +472006,8 +472007,2 +472008,4 +472009,4 +472010,4 +472011,4 +472012,4 +472013,0 +472014,0 +472015,0 +472016,0 +472017,0 +472018,0 +472019,0 +472020,0 +472021,0 +472022,0 +472023,0 +472024,9 +472025,9 +472026,9 +472027,9 +472028,9 +472029,9 +472030,9 +472031,9 +472032,9 +472033,9 +472034,9 +472035,9 +472036,9 +472037,9 +472038,9 +472039,9 +472040,9 +472041,9 +472042,9 +472043,9 +472044,9 +472045,30 +472046,30 +472047,30 +472048,30 +472049,30 +472050,30 +472051,30 +472052,30 +472053,30 +472054,30 +472055,30 +472056,30 +472057,30 +472058,30 +472059,39 +472060,39 +472061,39 +472062,39 +472063,39 +472064,39 +472065,39 +472066,39 +472067,39 +472068,39 +472069,39 +472070,39 +472071,39 +472072,39 +472073,12 +472074,12 +472075,12 +472076,12 +472077,12 +472078,12 +472079,12 +472080,31 +472081,31 +472082,31 +472083,31 +472084,30 +472085,30 +472086,30 +472087,30 +472088,30 +472089,30 +472090,16 +472091,4 +472092,4 +472093,11 +472094,16 +472095,11 +472096,11 +472097,11 +472098,11 +472099,2 +472100,2 +472101,2 +472102,11 +472103,36 +472104,36 +472105,36 +472106,36 +472107,36 +472108,36 +472109,36 +472110,36 +472111,36 +472112,36 +472113,36 +472114,36 +472115,36 +472116,36 +472117,36 +472118,5 +472119,5 +472120,5 +472121,5 +472122,5 +472123,5 +472124,5 +472125,2 +472126,2 +472127,2 +472128,2 +472129,2 +472130,2 +472131,2 +472132,2 +472133,27 +472134,27 +472135,27 +472136,27 +472137,27 +472138,8 +472139,8 +472140,8 +472141,8 +472142,8 +472143,8 +472144,8 +472145,32 +472146,32 +472147,32 +472148,32 +472149,32 +472150,31 +472151,31 +472152,31 +472153,31 +472154,31 +472155,35 +472156,35 +472157,35 +472158,35 +472159,35 +472160,35 +472161,35 +472162,35 +472163,35 +472164,10 +472165,10 +472166,10 +472167,10 +472168,10 +472169,10 +472170,10 +472171,10 +472172,10 +472173,10 +472174,10 +472175,10 +472176,10 +472177,10 +472178,10 +472179,10 +472180,10 +472181,5 +472182,5 +472183,5 +472184,5 +472185,5 +472186,19 +472187,19 +472188,19 +472189,19 +472190,5 +472191,5 +472192,5 +472193,31 +472194,31 +472195,31 +472196,31 +472197,27 +472198,27 +472199,27 +472200,27 +472201,28 +472202,28 +472203,28 +472204,28 +472205,28 +472206,28 +472207,28 +472208,28 +472209,28 +472210,28 +472211,5 +472212,28 +472213,28 +472214,28 +472215,0 +472216,0 +472217,0 +472218,0 +472219,0 +472220,0 +472221,0 +472222,0 +472223,0 +472224,0 +472225,0 +472226,0 +472227,0 +472228,0 +472229,0 +472230,0 +472231,0 +472232,0 +472233,0 +472234,0 +472235,0 +472236,0 +472237,0 +472238,0 +472239,0 +472240,0 +472241,0 +472242,0 +472243,0 +472244,0 +472245,0 +472246,0 +472247,0 +472248,0 +472249,0 +472250,0 +472251,0 +472252,0 +472253,0 +472254,0 +472255,0 +472256,0 +472257,0 +472258,0 +472259,0 +472260,0 +472261,0 +472262,0 +472263,0 +472264,0 +472265,0 +472266,0 +472267,0 +472268,30 +472269,30 +472270,30 +472271,30 +472272,0 +472273,30 +472274,30 +472275,30 +472276,30 +472277,30 +472278,30 +472279,30 +472280,30 +472281,30 +472282,40 +472283,40 +472284,40 +472285,40 +472286,10 +472287,10 +472288,10 +472289,4 +472290,4 +472291,10 +472292,10 +472293,10 +472294,27 +472295,27 +472296,27 +472297,27 +472298,27 +472299,27 +472300,27 +472301,27 +472302,2 +472303,2 +472304,2 +472305,2 +472306,2 +472307,2 +472308,2 +472309,2 +472310,2 +472311,2 +472312,2 +472313,2 +472314,2 +472315,6 +472316,21 +472317,21 +472318,21 +472319,21 +472320,21 +472321,21 +472322,27 +472323,27 +472324,27 +472325,27 +472326,27 +472327,27 +472328,27 +472329,4 +472330,4 +472331,4 +472332,4 +472333,4 +472334,25 +472335,25 +472336,25 +472337,25 +472338,25 +472339,25 +472340,25 +472341,25 +472342,25 +472343,25 +472344,25 +472345,25 +472346,25 +472347,25 +472348,25 +472349,2 +472350,2 +472351,2 +472352,2 +472353,2 +472354,2 +472355,2 +472356,2 +472357,2 +472358,2 +472359,2 +472360,2 +472361,40 +472362,40 +472363,40 +472364,40 +472365,40 +472366,40 +472367,40 +472368,40 +472369,24 +472370,24 +472371,30 +472372,30 +472373,30 +472374,30 +472375,30 +472376,2 +472377,2 +472378,2 +472379,2 +472380,2 +472381,2 +472382,2 +472383,2 +472384,2 +472385,2 +472386,6 +472387,6 +472388,6 +472389,6 +472390,6 +472391,6 +472392,6 +472393,6 +472394,6 +472395,6 +472396,32 +472397,27 +472398,27 +472399,27 +472400,27 +472401,3 +472402,3 +472403,3 +472404,33 +472405,33 +472406,33 +472407,33 +472408,33 +472409,33 +472410,33 +472411,33 +472412,33 +472413,33 +472414,24 +472415,24 +472416,24 +472417,24 +472418,24 +472419,24 +472420,24 +472421,35 +472422,35 +472423,35 +472424,35 +472425,35 +472426,35 +472427,35 +472428,35 +472429,35 +472430,35 +472431,39 +472432,39 +472433,39 +472434,39 +472435,39 +472436,39 +472437,37 +472438,37 +472439,37 +472440,37 +472441,37 +472442,37 +472443,25 +472444,25 +472445,25 +472446,25 +472447,25 +472448,25 +472449,25 +472450,25 +472451,25 +472452,4 +472453,4 +472454,4 +472455,4 +472456,4 +472457,4 +472458,4 +472459,4 +472460,4 +472461,4 +472462,4 +472463,3 +472464,3 +472465,3 +472466,3 +472467,3 +472468,3 +472469,3 +472470,3 +472471,29 +472472,29 +472473,29 +472474,29 +472475,29 +472476,31 +472477,31 +472478,31 +472479,31 +472480,31 +472481,31 +472482,24 +472483,24 +472484,24 +472485,24 +472486,24 +472487,24 +472488,24 +472489,24 +472490,24 +472491,40 +472492,40 +472493,40 +472494,40 +472495,40 +472496,40 +472497,40 +472498,40 +472499,40 +472500,40 +472501,40 +472502,40 +472503,37 +472504,37 +472505,37 +472506,37 +472507,37 +472508,37 +472509,37 +472510,39 +472511,39 +472512,39 +472513,39 +472514,39 +472515,39 +472516,31 +472517,31 +472518,33 +472519,33 +472520,33 +472521,3 +472522,3 +472523,3 +472524,3 +472525,3 +472526,33 +472527,33 +472528,30 +472529,30 +472530,33 +472531,33 +472532,36 +472533,36 +472534,36 +472535,40 +472536,40 +472537,40 +472538,40 +472539,36 +472540,36 +472541,36 +472542,36 +472543,36 +472544,36 +472545,2 +472546,2 +472547,2 +472548,2 +472549,2 +472550,2 +472551,2 +472552,2 +472553,2 +472554,2 +472555,2 +472556,2 +472557,2 +472558,2 +472559,2 +472560,2 +472561,32 +472562,32 +472563,28 +472564,28 +472565,28 +472566,28 +472567,14 +472568,14 +472569,14 +472570,14 +472571,14 +472572,14 +472573,14 +472574,14 +472575,14 +472576,14 +472577,14 +472578,14 +472579,39 +472580,31 +472581,31 +472582,31 +472583,31 +472584,31 +472585,31 +472586,31 +472587,31 +472588,31 +472589,31 +472590,31 +472591,31 +472592,31 +472593,31 +472594,31 +472595,5 +472596,5 +472597,5 +472598,5 +472599,5 +472600,5 +472601,5 +472602,5 +472603,5 +472604,5 +472605,5 +472606,5 +472607,5 +472608,5 +472609,0 +472610,0 +472611,0 +472612,0 +472613,0 +472614,0 +472615,0 +472616,0 +472617,0 +472618,0 +472619,0 +472620,0 +472621,0 +472622,0 +472623,0 +472624,0 +472625,0 +472626,0 +472627,0 +472628,0 +472629,0 +472630,0 +472631,0 +472632,0 +472633,0 +472634,0 +472635,0 +472636,0 +472637,0 +472638,0 +472639,0 +472640,0 +472641,0 +472642,0 +472643,0 +472644,0 +472645,0 +472646,0 +472647,0 +472648,0 +472649,0 +472650,0 +472651,0 +472652,0 +472653,0 +472654,0 +472655,0 +472656,0 +472657,0 +472658,0 +472659,0 +472660,2 +472661,2 +472662,2 +472663,2 +472664,2 +472665,2 +472666,2 +472667,2 +472668,2 +472669,2 +472670,2 +472671,2 +472672,2 +472673,33 +472674,33 +472675,33 +472676,33 +472677,29 +472678,29 +472679,29 +472680,29 +472681,29 +472682,29 +472683,36 +472684,36 +472685,36 +472686,36 +472687,36 +472688,36 +472689,4 +472690,4 +472691,4 +472692,4 +472693,4 +472694,12 +472695,12 +472696,12 +472697,12 +472698,12 +472699,12 +472700,12 +472701,12 +472702,12 +472703,12 +472704,12 +472705,12 +472706,12 +472707,12 +472708,27 +472709,27 +472710,27 +472711,27 +472712,27 +472713,5 +472714,5 +472715,5 +472716,5 +472717,31 +472718,31 +472719,31 +472720,31 +472721,31 +472722,31 +472723,31 +472724,31 +472725,5 +472726,5 +472727,5 +472728,5 +472729,5 +472730,27 +472731,27 +472732,27 +472733,31 +472734,31 +472735,31 +472736,4 +472737,4 +472738,4 +472739,4 +472740,4 +472741,4 +472742,4 +472743,4 +472744,4 +472745,4 +472746,4 +472747,4 +472748,4 +472749,4 +472750,32 +472751,32 +472752,32 +472753,32 +472754,32 +472755,36 +472756,36 +472757,36 +472758,36 +472759,36 +472760,36 +472761,36 +472762,36 +472763,36 +472764,6 +472765,6 +472766,6 +472767,6 +472768,6 +472769,6 +472770,6 +472771,6 +472772,6 +472773,6 +472774,12 +472775,12 +472776,12 +472777,31 +472778,31 +472779,31 +472780,8 +472781,8 +472782,8 +472783,8 +472784,8 +472785,8 +472786,37 +472787,37 +472788,37 +472789,37 +472790,37 +472791,39 +472792,39 +472793,39 +472794,39 +472795,8 +472796,8 +472797,8 +472798,8 +472799,8 +472800,8 +472801,8 +472802,8 +472803,9 +472804,9 +472805,9 +472806,9 +472807,33 +472808,9 +472809,30 +472810,30 +472811,30 +472812,30 +472813,30 +472814,30 +472815,30 +472816,30 +472817,30 +472818,30 +472819,30 +472820,29 +472821,29 +472822,30 +472823,29 +472824,29 +472825,29 +472826,12 +472827,27 +472828,27 +472829,27 +472830,32 +472831,32 +472832,32 +472833,32 +472834,32 +472835,32 +472836,32 +472837,32 +472838,32 +472839,32 +472840,32 +472841,32 +472842,32 +472843,32 +472844,26 +472845,26 +472846,26 +472847,26 +472848,26 +472849,26 +472850,26 +472851,26 +472852,26 +472853,26 +472854,26 +472855,26 +472856,26 +472857,26 +472858,5 +472859,5 +472860,5 +472861,5 +472862,5 +472863,5 +472864,0 +472865,0 +472866,0 +472867,0 +472868,0 +472869,0 +472870,0 +472871,0 +472872,0 +472873,0 +472874,0 +472875,0 +472876,0 +472877,0 +472878,0 +472879,0 +472880,0 +472881,0 +472882,0 +472883,0 +472884,0 +472885,0 +472886,0 +472887,0 +472888,0 +472889,28 +472890,28 +472891,28 +472892,28 +472893,28 +472894,27 +472895,27 +472896,27 +472897,27 +472898,27 +472899,27 +472900,8 +472901,8 +472902,8 +472903,8 +472904,8 +472905,27 +472906,27 +472907,27 +472908,27 +472909,27 +472910,27 +472911,27 +472912,27 +472913,27 +472914,2 +472915,2 +472916,8 +472917,8 +472918,8 +472919,8 +472920,8 +472921,12 +472922,12 +472923,12 +472924,12 +472925,12 +472926,12 +472927,12 +472928,12 +472929,30 +472930,30 +472931,9 +472932,9 +472933,9 +472934,9 +472935,9 +472936,9 +472937,9 +472938,9 +472939,9 +472940,9 +472941,9 +472942,9 +472943,9 +472944,9 +472945,9 +472946,4 +472947,4 +472948,4 +472949,4 +472950,4 +472951,4 +472952,32 +472953,28 +472954,28 +472955,28 +472956,28 +472957,40 +472958,36 +472959,36 +472960,5 +472961,5 +472962,5 +472963,5 +472964,35 +472965,35 +472966,35 +472967,35 +472968,35 +472969,35 +472970,35 +472971,36 +472972,36 +472973,40 +472974,40 +472975,19 +472976,19 +472977,19 +472978,19 +472979,19 +472980,19 +472981,19 +472982,19 +472983,19 +472984,19 +472985,19 +472986,31 +472987,31 +472988,31 +472989,31 +472990,31 +472991,4 +472992,4 +472993,4 +472994,4 +472995,4 +472996,29 +472997,38 +472998,27 +472999,27 +473000,27 +473001,27 +473002,5 +473003,13 +473004,5 +473005,5 +473006,28 +473007,28 +473008,28 +473009,28 +473010,28 +473011,5 +473012,28 +473013,28 +473014,28 +473015,28 +473016,28 +473017,9 +473018,9 +473019,9 +473020,9 +473021,9 +473022,9 +473023,9 +473024,37 +473025,37 +473026,37 +473027,37 +473028,4 +473029,4 +473030,4 +473031,4 +473032,4 +473033,4 +473034,4 +473035,4 +473036,27 +473037,27 +473038,27 +473039,27 +473040,19 +473041,19 +473042,19 +473043,19 +473044,19 +473045,19 +473046,19 +473047,19 +473048,19 +473049,3 +473050,3 +473051,3 +473052,3 +473053,3 +473054,3 +473055,3 +473056,3 +473057,3 +473058,3 +473059,3 +473060,3 +473061,3 +473062,3 +473063,3 +473064,3 +473065,3 +473066,3 +473067,3 +473068,3 +473069,3 +473070,3 +473071,3 +473072,3 +473073,3 +473074,3 +473075,3 +473076,3 +473077,3 +473078,3 +473079,3 +473080,3 +473081,3 +473082,0 +473083,0 +473084,0 +473085,0 +473086,0 +473087,0 +473088,0 +473089,0 +473090,0 +473091,0 +473092,0 +473093,0 +473094,0 +473095,0 +473096,0 +473097,0 +473098,0 +473099,0 +473100,0 +473101,0 +473102,28 +473103,28 +473104,0 +473105,28 +473106,28 +473107,28 +473108,28 +473109,28 +473110,28 +473111,28 +473112,14 +473113,14 +473114,11 +473115,11 +473116,11 +473117,11 +473118,11 +473119,11 +473120,11 +473121,11 +473122,11 +473123,11 +473124,39 +473125,39 +473126,39 +473127,39 +473128,39 +473129,39 +473130,39 +473131,39 +473132,39 +473133,35 +473134,35 +473135,35 +473136,35 +473137,35 +473138,36 +473139,36 +473140,36 +473141,36 +473142,36 +473143,19 +473144,19 +473145,19 +473146,19 +473147,19 +473148,19 +473149,21 +473150,21 +473151,21 +473152,21 +473153,21 +473154,21 +473155,21 +473156,21 +473157,26 +473158,26 +473159,26 +473160,26 +473161,26 +473162,37 +473163,37 +473164,37 +473165,29 +473166,29 +473167,29 +473168,31 +473169,31 +473170,31 +473171,31 +473172,31 +473173,31 +473174,19 +473175,19 +473176,19 +473177,19 +473178,19 +473179,15 +473180,15 +473181,15 +473182,15 +473183,15 +473184,15 +473185,15 +473186,15 +473187,15 +473188,36 +473189,36 +473190,36 +473191,36 +473192,36 +473193,36 +473194,36 +473195,36 +473196,36 +473197,36 +473198,36 +473199,36 +473200,36 +473201,36 +473202,36 +473203,36 +473204,36 +473205,2 +473206,2 +473207,2 +473208,8 +473209,2 +473210,2 +473211,2 +473212,8 +473213,8 +473214,8 +473215,8 +473216,2 +473217,2 +473218,29 +473219,29 +473220,29 +473221,29 +473222,29 +473223,29 +473224,29 +473225,31 +473226,31 +473227,31 +473228,31 +473229,31 +473230,19 +473231,19 +473232,19 +473233,19 +473234,19 +473235,19 +473236,19 +473237,19 +473238,9 +473239,9 +473240,9 +473241,9 +473242,9 +473243,9 +473244,9 +473245,9 +473246,9 +473247,9 +473248,9 +473249,9 +473250,9 +473251,37 +473252,37 +473253,37 +473254,37 +473255,37 +473256,37 +473257,37 +473258,37 +473259,37 +473260,15 +473261,15 +473262,15 +473263,15 +473264,15 +473265,15 +473266,32 +473267,27 +473268,27 +473269,27 +473270,27 +473271,27 +473272,2 +473273,2 +473274,2 +473275,2 +473276,2 +473277,2 +473278,2 +473279,2 +473280,2 +473281,2 +473282,40 +473283,40 +473284,40 +473285,40 +473286,40 +473287,5 +473288,5 +473289,5 +473290,5 +473291,19 +473292,19 +473293,19 +473294,19 +473295,19 +473296,4 +473297,4 +473298,4 +473299,37 +473300,37 +473301,37 +473302,37 +473303,37 +473304,37 +473305,39 +473306,39 +473307,39 +473308,39 +473309,39 +473310,39 +473311,39 +473312,32 +473313,32 +473314,32 +473315,32 +473316,32 +473317,15 +473318,32 +473319,15 +473320,26 +473321,30 +473322,30 +473323,26 +473324,26 +473325,26 +473326,26 +473327,26 +473328,26 +473329,26 +473330,26 +473331,26 +473332,26 +473333,26 +473334,26 +473335,6 +473336,6 +473337,6 +473338,6 +473339,6 +473340,6 +473341,2 +473342,2 +473343,2 +473344,2 +473345,2 +473346,2 +473347,2 +473348,2 +473349,2 +473350,0 +473351,0 +473352,0 +473353,0 +473354,0 +473355,0 +473356,0 +473357,0 +473358,0 +473359,0 +473360,0 +473361,0 +473362,0 +473363,0 +473364,0 +473365,0 +473366,0 +473367,0 +473368,0 +473369,0 +473370,0 +473371,0 +473372,0 +473373,0 +473374,0 +473375,15 +473376,15 +473377,31 +473378,31 +473379,31 +473380,31 +473381,31 +473382,4 +473383,4 +473384,4 +473385,4 +473386,4 +473387,4 +473388,4 +473389,4 +473390,4 +473391,3 +473392,27 +473393,31 +473394,31 +473395,31 +473396,31 +473397,31 +473398,31 +473399,31 +473400,3 +473401,6 +473402,6 +473403,6 +473404,6 +473405,6 +473406,6 +473407,6 +473408,2 +473409,2 +473410,2 +473411,2 +473412,2 +473413,2 +473414,2 +473415,4 +473416,2 +473417,2 +473418,2 +473419,4 +473420,4 +473421,4 +473422,4 +473423,4 +473424,4 +473425,4 +473426,27 +473427,27 +473428,27 +473429,27 +473430,27 +473431,27 +473432,27 +473433,27 +473434,27 +473435,19 +473436,19 +473437,19 +473438,19 +473439,19 +473440,19 +473441,19 +473442,35 +473443,35 +473444,35 +473445,35 +473446,35 +473447,35 +473448,35 +473449,35 +473450,35 +473451,35 +473452,25 +473453,25 +473454,25 +473455,25 +473456,25 +473457,25 +473458,25 +473459,25 +473460,25 +473461,25 +473462,37 +473463,37 +473464,37 +473465,37 +473466,37 +473467,37 +473468,10 +473469,10 +473470,10 +473471,10 +473472,10 +473473,10 +473474,10 +473475,10 +473476,10 +473477,10 +473478,10 +473479,10 +473480,10 +473481,35 +473482,35 +473483,35 +473484,10 +473485,35 +473486,35 +473487,35 +473488,35 +473489,35 +473490,35 +473491,35 +473492,35 +473493,35 +473494,35 +473495,36 +473496,36 +473497,36 +473498,36 +473499,36 +473500,36 +473501,36 +473502,36 +473503,36 +473504,36 +473505,36 +473506,36 +473507,36 +473508,36 +473509,36 +473510,36 +473511,36 +473512,36 +473513,36 +473514,36 +473515,36 +473516,36 +473517,4 +473518,4 +473519,4 +473520,4 +473521,4 +473522,4 +473523,4 +473524,4 +473525,4 +473526,0 +473527,0 +473528,0 +473529,0 +473530,0 +473531,0 +473532,0 +473533,0 +473534,0 +473535,0 +473536,0 +473537,0 +473538,0 +473539,0 +473540,0 +473541,0 +473542,0 +473543,0 +473544,0 +473545,0 +473546,0 +473547,0 +473548,0 +473549,0 +473550,0 +473551,0 +473552,0 +473553,0 +473554,0 +473555,0 +473556,0 +473557,0 +473558,0 +473559,0 +473560,0 +473561,0 +473562,0 +473563,0 +473564,0 +473565,0 +473566,0 +473567,0 +473568,0 +473569,0 +473570,0 +473571,0 +473572,0 +473573,0 +473574,0 +473575,0 +473576,0 +473577,0 +473578,0 +473579,0 +473580,0 +473581,0 +473582,0 +473583,0 +473584,0 +473585,31 +473586,31 +473587,31 +473588,31 +473589,31 +473590,31 +473591,31 +473592,5 +473593,5 +473594,5 +473595,5 +473596,5 +473597,19 +473598,19 +473599,19 +473600,19 +473601,19 +473602,19 +473603,19 +473604,37 +473605,37 +473606,37 +473607,37 +473608,37 +473609,37 +473610,37 +473611,37 +473612,40 +473613,40 +473614,40 +473615,40 +473616,40 +473617,40 +473618,40 +473619,40 +473620,2 +473621,2 +473622,2 +473623,2 +473624,2 +473625,2 +473626,2 +473627,4 +473628,4 +473629,4 +473630,4 +473631,4 +473632,4 +473633,4 +473634,27 +473635,27 +473636,27 +473637,27 +473638,27 +473639,27 +473640,27 +473641,27 +473642,27 +473643,27 +473644,27 +473645,31 +473646,31 +473647,25 +473648,25 +473649,25 +473650,25 +473651,5 +473652,5 +473653,5 +473654,5 +473655,5 +473656,5 +473657,5 +473658,0 +473659,0 +473660,0 +473661,0 +473662,0 +473663,0 +473664,0 +473665,33 +473666,9 +473667,9 +473668,9 +473669,9 +473670,9 +473671,9 +473672,9 +473673,9 +473674,9 +473675,9 +473676,9 +473677,9 +473678,9 +473679,9 +473680,3 +473681,3 +473682,3 +473683,9 +473684,30 +473685,30 +473686,30 +473687,30 +473688,30 +473689,30 +473690,30 +473691,30 +473692,30 +473693,30 +473694,30 +473695,30 +473696,30 +473697,19 +473698,19 +473699,19 +473700,19 +473701,19 +473702,19 +473703,19 +473704,2 +473705,2 +473706,2 +473707,2 +473708,2 +473709,2 +473710,2 +473711,2 +473712,2 +473713,2 +473714,2 +473715,2 +473716,4 +473717,4 +473718,4 +473719,4 +473720,4 +473721,4 +473722,4 +473723,14 +473724,14 +473725,14 +473726,14 +473727,14 +473728,14 +473729,14 +473730,14 +473731,14 +473732,14 +473733,14 +473734,15 +473735,15 +473736,15 +473737,15 +473738,15 +473739,15 +473740,31 +473741,31 +473742,31 +473743,31 +473744,30 +473745,30 +473746,30 +473747,30 +473748,30 +473749,30 +473750,2 +473751,2 +473752,2 +473753,2 +473754,2 +473755,2 +473756,2 +473757,2 +473758,2 +473759,2 +473760,2 +473761,2 +473762,2 +473763,2 +473764,2 +473765,2 +473766,3 +473767,3 +473768,3 +473769,3 +473770,3 +473771,3 +473772,3 +473773,3 +473774,3 +473775,3 +473776,3 +473777,3 +473778,3 +473779,3 +473780,3 +473781,3 +473782,3 +473783,3 +473784,3 +473785,3 +473786,31 +473787,31 +473788,24 +473789,24 +473790,24 +473791,24 +473792,24 +473793,6 +473794,6 +473795,6 +473796,6 +473797,6 +473798,6 +473799,6 +473800,6 +473801,6 +473802,6 +473803,6 +473804,30 +473805,30 +473806,30 +473807,30 +473808,30 +473809,30 +473810,30 +473811,33 +473812,33 +473813,33 +473814,33 +473815,33 +473816,33 +473817,33 +473818,33 +473819,33 +473820,33 +473821,33 +473822,33 +473823,33 +473824,33 +473825,33 +473826,33 +473827,33 +473828,33 +473829,33 +473830,8 +473831,8 +473832,8 +473833,8 +473834,8 +473835,2 +473836,2 +473837,2 +473838,2 +473839,2 +473840,2 +473841,2 +473842,2 +473843,2 +473844,2 +473845,2 +473846,0 +473847,0 +473848,0 +473849,0 +473850,0 +473851,0 +473852,0 +473853,0 +473854,0 +473855,0 +473856,0 +473857,0 +473858,0 +473859,0 +473860,0 +473861,0 +473862,0 +473863,0 +473864,0 +473865,0 +473866,0 +473867,0 +473868,0 +473869,0 +473870,0 +473871,0 +473872,0 +473873,0 +473874,0 +473875,0 +473876,0 +473877,0 +473878,0 +473879,0 +473880,0 +473881,0 +473882,0 +473883,0 +473884,0 +473885,0 +473886,0 +473887,0 +473888,0 +473889,0 +473890,0 +473891,0 +473892,0 +473893,0 +473894,0 +473895,0 +473896,0 +473897,0 +473898,0 +473899,0 +473900,0 +473901,0 +473902,0 +473903,0 +473904,0 +473905,0 +473906,0 +473907,0 +473908,0 +473909,0 +473910,0 +473911,0 +473912,0 +473913,0 +473914,0 +473915,0 +473916,0 +473917,0 +473918,0 +473919,0 +473920,0 +473921,0 +473922,0 +473923,0 +473924,0 +473925,0 +473926,0 +473927,0 +473928,0 +473929,0 +473930,0 +473931,0 +473932,0 +473933,0 +473934,0 +473935,0 +473936,0 +473937,0 +473938,0 +473939,0 +473940,0 +473941,0 +473942,0 +473943,0 +473944,0 +473945,0 +473946,0 +473947,0 +473948,0 +473949,0 +473950,0 +473951,0 +473952,0 +473953,0 +473954,0 +473955,0 +473956,0 +473957,0 +473958,0 +473959,0 +473960,0 +473961,0 +473962,0 +473963,0 +473964,0 +473965,0 +473966,0 +473967,0 +473968,0 +473969,0 +473970,0 +473971,0 +473972,0 +473973,0 +473974,0 +473975,0 +473976,0 +473977,0 +473978,0 +473979,0 +473980,0 +473981,0 +473982,0 +473983,0 +473984,0 +473985,0 +473986,0 +473987,0 +473988,0 +473989,0 +473990,0 +473991,0 +473992,0 +473993,0 +473994,0 +473995,0 +473996,0 +473997,0 +473998,0 +473999,0 +474000,0 +474001,0 +474002,0 +474003,0 +474004,0 +474005,0 +474006,0 +474007,0 +474008,0 +474009,0 +474010,0 +474011,0 +474012,0 +474013,0 +474014,0 +474015,0 +474016,0 +474017,0 +474018,0 +474019,0 +474020,0 +474021,0 +474022,0 +474023,0 +474024,0 +474025,0 +474026,0 +474027,29 +474028,29 +474029,29 +474030,31 +474031,31 +474032,31 +474033,31 +474034,31 +474035,32 +474036,32 +474037,32 +474038,32 +474039,32 +474040,32 +474041,32 +474042,32 +474043,32 +474044,32 +474045,32 +474046,32 +474047,36 +474048,36 +474049,36 +474050,36 +474051,36 +474052,36 +474053,36 +474054,36 +474055,36 +474056,36 +474057,8 +474058,8 +474059,8 +474060,8 +474061,8 +474062,8 +474063,31 +474064,31 +474065,31 +474066,31 +474067,31 +474068,31 +474069,31 +474070,31 +474071,31 +474072,32 +474073,4 +474074,4 +474075,4 +474076,4 +474077,5 +474078,0 +474079,0 +474080,0 +474081,0 +474082,0 +474083,0 +474084,0 +474085,0 +474086,0 +474087,0 +474088,0 +474089,0 +474090,0 +474091,0 +474092,0 +474093,0 +474094,0 +474095,0 +474096,0 +474097,0 +474098,0 +474099,0 +474100,0 +474101,0 +474102,0 +474103,0 +474104,0 +474105,0 +474106,0 +474107,0 +474108,0 +474109,0 +474110,0 +474111,0 +474112,0 +474113,0 +474114,0 +474115,0 +474116,0 +474117,0 +474118,0 +474119,0 +474120,5 +474121,5 +474122,5 +474123,5 +474124,5 +474125,5 +474126,28 +474127,28 +474128,28 +474129,28 +474130,28 +474131,28 +474132,28 +474133,28 +474134,28 +474135,28 +474136,28 +474137,28 +474138,28 +474139,28 +474140,40 +474141,40 +474142,40 +474143,40 +474144,40 +474145,40 +474146,40 +474147,40 +474148,5 +474149,5 +474150,5 +474151,5 +474152,5 +474153,39 +474154,39 +474155,39 +474156,39 +474157,39 +474158,39 +474159,27 +474160,27 +474161,27 +474162,27 +474163,27 +474164,27 +474165,27 +474166,27 +474167,27 +474168,39 +474169,39 +474170,37 +474171,37 +474172,37 +474173,37 +474174,37 +474175,37 +474176,37 +474177,37 +474178,37 +474179,8 +474180,8 +474181,8 +474182,8 +474183,8 +474184,8 +474185,8 +474186,8 +474187,36 +474188,36 +474189,36 +474190,36 +474191,36 +474192,36 +474193,36 +474194,36 +474195,36 +474196,36 +474197,36 +474198,32 +474199,32 +474200,32 +474201,32 +474202,32 +474203,32 +474204,32 +474205,4 +474206,4 +474207,4 +474208,4 +474209,25 +474210,4 +474211,25 +474212,25 +474213,25 +474214,25 +474215,35 +474216,35 +474217,35 +474218,35 +474219,35 +474220,35 +474221,25 +474222,25 +474223,25 +474224,25 +474225,25 +474226,25 +474227,19 +474228,19 +474229,19 +474230,19 +474231,19 +474232,19 +474233,19 +474234,19 +474235,19 +474236,19 +474237,40 +474238,40 +474239,40 +474240,40 +474241,40 +474242,40 +474243,40 +474244,40 +474245,40 +474246,40 +474247,36 +474248,40 +474249,36 +474250,36 +474251,36 +474252,36 +474253,36 +474254,36 +474255,36 +474256,36 +474257,4 +474258,4 +474259,4 +474260,4 +474261,4 +474262,4 +474263,4 +474264,4 +474265,4 +474266,38 +474267,4 +474268,4 +474269,4 +474270,4 +474271,4 +474272,0 +474273,0 +474274,0 +474275,0 +474276,2 +474277,2 +474278,2 +474279,2 +474280,2 +474281,2 +474282,2 +474283,2 +474284,2 +474285,2 +474286,2 +474287,2 +474288,2 +474289,31 +474290,31 +474291,31 +474292,31 +474293,31 +474294,25 +474295,31 +474296,28 +474297,28 +474298,28 +474299,28 +474300,28 +474301,28 +474302,28 +474303,28 +474304,2 +474305,2 +474306,2 +474307,2 +474308,2 +474309,2 +474310,2 +474311,2 +474312,2 +474313,2 +474314,2 +474315,25 +474316,25 +474317,25 +474318,25 +474319,25 +474320,25 +474321,25 +474322,25 +474323,25 +474324,25 +474325,25 +474326,6 +474327,6 +474328,6 +474329,6 +474330,6 +474331,6 +474332,31 +474333,31 +474334,28 +474335,28 +474336,28 +474337,28 +474338,28 +474339,28 +474340,28 +474341,2 +474342,2 +474343,2 +474344,2 +474345,2 +474346,2 +474347,2 +474348,2 +474349,4 +474350,4 +474351,4 +474352,4 +474353,4 +474354,4 +474355,36 +474356,36 +474357,36 +474358,36 +474359,36 +474360,36 +474361,36 +474362,5 +474363,5 +474364,5 +474365,5 +474366,5 +474367,5 +474368,5 +474369,2 +474370,2 +474371,2 +474372,2 +474373,2 +474374,27 +474375,27 +474376,27 +474377,27 +474378,27 +474379,27 +474380,27 +474381,8 +474382,8 +474383,8 +474384,8 +474385,8 +474386,8 +474387,8 +474388,27 +474389,27 +474390,27 +474391,27 +474392,27 +474393,27 +474394,27 +474395,5 +474396,5 +474397,5 +474398,5 +474399,5 +474400,5 +474401,5 +474402,19 +474403,19 +474404,19 +474405,19 +474406,19 +474407,3 +474408,3 +474409,3 +474410,3 +474411,3 +474412,3 +474413,3 +474414,39 +474415,3 +474416,39 +474417,39 +474418,39 +474419,39 +474420,2 +474421,2 +474422,2 +474423,8 +474424,8 +474425,8 +474426,8 +474427,8 +474428,8 +474429,4 +474430,4 +474431,4 +474432,4 +474433,4 +474434,4 +474435,4 +474436,4 +474437,4 +474438,4 +474439,4 +474440,25 +474441,25 +474442,25 +474443,25 +474444,25 +474445,25 +474446,25 +474447,2 +474448,2 +474449,8 +474450,8 +474451,8 +474452,2 +474453,2 +474454,2 +474455,2 +474456,2 +474457,27 +474458,27 +474459,27 +474460,27 +474461,27 +474462,27 +474463,2 +474464,2 +474465,2 +474466,2 +474467,2 +474468,2 +474469,2 +474470,4 +474471,4 +474472,4 +474473,4 +474474,4 +474475,4 +474476,4 +474477,4 +474478,4 +474479,25 +474480,25 +474481,25 +474482,25 +474483,25 +474484,22 +474485,6 +474486,6 +474487,6 +474488,6 +474489,6 +474490,6 +474491,35 +474492,27 +474493,27 +474494,27 +474495,27 +474496,2 +474497,2 +474498,2 +474499,2 +474500,2 +474501,2 +474502,2 +474503,2 +474504,2 +474505,2 +474506,2 +474507,9 +474508,9 +474509,9 +474510,9 +474511,9 +474512,9 +474513,9 +474514,9 +474515,9 +474516,9 +474517,9 +474518,9 +474519,5 +474520,5 +474521,5 +474522,5 +474523,19 +474524,19 +474525,19 +474526,19 +474527,19 +474528,25 +474529,25 +474530,25 +474531,25 +474532,25 +474533,25 +474534,25 +474535,25 +474536,25 +474537,27 +474538,23 +474539,23 +474540,23 +474541,4 +474542,4 +474543,4 +474544,4 +474545,4 +474546,4 +474547,4 +474548,4 +474549,27 +474550,27 +474551,27 +474552,15 +474553,15 +474554,15 +474555,15 +474556,15 +474557,15 +474558,15 +474559,15 +474560,15 +474561,15 +474562,15 +474563,15 +474564,37 +474565,37 +474566,37 +474567,37 +474568,37 +474569,37 +474570,37 +474571,14 +474572,14 +474573,14 +474574,14 +474575,14 +474576,14 +474577,14 +474578,14 +474579,14 +474580,6 +474581,6 +474582,6 +474583,6 +474584,6 +474585,6 +474586,6 +474587,6 +474588,6 +474589,29 +474590,29 +474591,29 +474592,29 +474593,6 +474594,23 +474595,23 +474596,23 +474597,23 +474598,23 +474599,25 +474600,25 +474601,25 +474602,25 +474603,25 +474604,25 +474605,25 +474606,25 +474607,25 +474608,25 +474609,25 +474610,25 +474611,25 +474612,25 +474613,37 +474614,37 +474615,37 +474616,37 +474617,37 +474618,25 +474619,25 +474620,25 +474621,35 +474622,35 +474623,35 +474624,35 +474625,35 +474626,35 +474627,35 +474628,35 +474629,35 +474630,35 +474631,35 +474632,35 +474633,35 +474634,25 +474635,25 +474636,25 +474637,25 +474638,25 +474639,25 +474640,25 +474641,25 +474642,25 +474643,35 +474644,35 +474645,35 +474646,35 +474647,35 +474648,35 +474649,35 +474650,35 +474651,36 +474652,36 +474653,36 +474654,36 +474655,19 +474656,15 +474657,15 +474658,15 +474659,15 +474660,15 +474661,15 +474662,15 +474663,15 +474664,24 +474665,27 +474666,27 +474667,27 +474668,39 +474669,35 +474670,27 +474671,11 +474672,11 +474673,35 +474674,35 +474675,35 +474676,35 +474677,8 +474678,7 +474679,7 +474680,18 +474681,18 +474682,18 +474683,18 +474684,18 +474685,18 +474686,31 +474687,17 +474688,17 +474689,17 +474690,31 +474691,31 +474692,31 +474693,31 +474694,31 +474695,31 +474696,31 +474697,31 +474698,31 +474699,31 +474700,24 +474701,24 +474702,24 +474703,24 +474704,24 +474705,24 +474706,40 +474707,40 +474708,40 +474709,40 +474710,40 +474711,40 +474712,4 +474713,4 +474714,4 +474715,4 +474716,4 +474717,4 +474718,4 +474719,4 +474720,27 +474721,31 +474722,27 +474723,2 +474724,2 +474725,2 +474726,2 +474727,8 +474728,8 +474729,8 +474730,8 +474731,8 +474732,2 +474733,2 +474734,31 +474735,31 +474736,31 +474737,31 +474738,31 +474739,31 +474740,31 +474741,31 +474742,31 +474743,5 +474744,5 +474745,5 +474746,5 +474747,5 +474748,5 +474749,5 +474750,5 +474751,5 +474752,5 +474753,8 +474754,8 +474755,8 +474756,2 +474757,2 +474758,2 +474759,2 +474760,2 +474761,2 +474762,2 +474763,2 +474764,2 +474765,2 +474766,2 +474767,2 +474768,2 +474769,2 +474770,2 +474771,2 +474772,31 +474773,31 +474774,31 +474775,31 +474776,5 +474777,5 +474778,5 +474779,5 +474780,5 +474781,4 +474782,4 +474783,4 +474784,4 +474785,27 +474786,27 +474787,27 +474788,27 +474789,27 +474790,27 +474791,2 +474792,2 +474793,2 +474794,2 +474795,2 +474796,2 +474797,2 +474798,2 +474799,2 +474800,2 +474801,2 +474802,2 +474803,2 +474804,2 +474805,32 +474806,32 +474807,32 +474808,32 +474809,32 +474810,32 +474811,14 +474812,14 +474813,14 +474814,10 +474815,10 +474816,10 +474817,39 +474818,39 +474819,6 +474820,6 +474821,6 +474822,6 +474823,6 +474824,6 +474825,6 +474826,31 +474827,31 +474828,31 +474829,31 +474830,31 +474831,31 +474832,31 +474833,31 +474834,31 +474835,31 +474836,24 +474837,24 +474838,19 +474839,19 +474840,19 +474841,19 +474842,27 +474843,27 +474844,27 +474845,27 +474846,27 +474847,4 +474848,4 +474849,4 +474850,4 +474851,4 +474852,4 +474853,19 +474854,4 +474855,0 +474856,0 +474857,0 +474858,32 +474859,0 +474860,0 +474861,0 +474862,0 +474863,0 +474864,0 +474865,0 +474866,0 +474867,0 +474868,0 +474869,0 +474870,0 +474871,0 +474872,0 +474873,0 +474874,0 +474875,0 +474876,0 +474877,0 +474878,0 +474879,0 +474880,0 +474881,0 +474882,0 +474883,0 +474884,0 +474885,0 +474886,0 +474887,0 +474888,0 +474889,0 +474890,0 +474891,0 +474892,0 +474893,0 +474894,0 +474895,0 +474896,0 +474897,0 +474898,0 +474899,0 +474900,0 +474901,0 +474902,0 +474903,0 +474904,0 +474905,0 +474906,0 +474907,0 +474908,0 +474909,0 +474910,0 +474911,0 +474912,12 +474913,12 +474914,12 +474915,12 +474916,12 +474917,12 +474918,27 +474919,27 +474920,27 +474921,27 +474922,16 +474923,16 +474924,16 +474925,16 +474926,16 +474927,16 +474928,16 +474929,16 +474930,28 +474931,28 +474932,28 +474933,28 +474934,28 +474935,28 +474936,28 +474937,28 +474938,28 +474939,14 +474940,14 +474941,14 +474942,14 +474943,14 +474944,14 +474945,14 +474946,14 +474947,14 +474948,32 +474949,32 +474950,32 +474951,32 +474952,32 +474953,32 +474954,32 +474955,32 +474956,32 +474957,32 +474958,32 +474959,32 +474960,26 +474961,26 +474962,26 +474963,26 +474964,26 +474965,26 +474966,26 +474967,26 +474968,26 +474969,26 +474970,26 +474971,26 +474972,26 +474973,26 +474974,26 +474975,2 +474976,2 +474977,2 +474978,2 +474979,2 +474980,2 +474981,2 +474982,2 +474983,31 +474984,31 +474985,31 +474986,31 +474987,15 +474988,15 +474989,15 +474990,15 +474991,30 +474992,30 +474993,30 +474994,30 +474995,30 +474996,30 +474997,30 +474998,30 +474999,30 +475000,30 +475001,30 +475002,39 +475003,39 +475004,39 +475005,39 +475006,39 +475007,39 +475008,39 +475009,39 +475010,39 +475011,39 +475012,39 +475013,39 +475014,39 +475015,39 +475016,39 +475017,39 +475018,39 +475019,39 +475020,39 +475021,39 +475022,24 +475023,24 +475024,24 +475025,24 +475026,24 +475027,24 +475028,27 +475029,27 +475030,27 +475031,27 +475032,27 +475033,27 +475034,5 +475035,5 +475036,5 +475037,5 +475038,5 +475039,15 +475040,15 +475041,15 +475042,15 +475043,39 +475044,39 +475045,39 +475046,39 +475047,39 +475048,39 +475049,39 +475050,35 +475051,35 +475052,35 +475053,35 +475054,35 +475055,35 +475056,36 +475057,36 +475058,27 +475059,24 +475060,24 +475061,24 +475062,24 +475063,24 +475064,24 +475065,7 +475066,7 +475067,7 +475068,7 +475069,7 +475070,7 +475071,7 +475072,7 +475073,3 +475074,3 +475075,3 +475076,3 +475077,3 +475078,3 +475079,3 +475080,3 +475081,2 +475082,2 +475083,2 +475084,2 +475085,2 +475086,2 +475087,2 +475088,2 +475089,4 +475090,4 +475091,4 +475092,4 +475093,4 +475094,27 +475095,27 +475096,27 +475097,27 +475098,27 +475099,27 +475100,2 +475101,2 +475102,2 +475103,2 +475104,2 +475105,2 +475106,2 +475107,2 +475108,2 +475109,2 +475110,2 +475111,2 +475112,2 +475113,33 +475114,31 +475115,31 +475116,31 +475117,28 +475118,28 +475119,28 +475120,28 +475121,28 +475122,28 +475123,28 +475124,28 +475125,9 +475126,9 +475127,9 +475128,12 +475129,31 +475130,31 +475131,31 +475132,31 +475133,5 +475134,5 +475135,5 +475136,5 +475137,5 +475138,23 +475139,23 +475140,23 +475141,23 +475142,23 +475143,23 +475144,23 +475145,25 +475146,25 +475147,25 +475148,25 +475149,25 +475150,25 +475151,25 +475152,25 +475153,2 +475154,2 +475155,2 +475156,2 +475157,2 +475158,2 +475159,2 +475160,31 +475161,31 +475162,31 +475163,31 +475164,31 +475165,31 +475166,31 +475167,31 +475168,31 +475169,28 +475170,28 +475171,28 +475172,28 +475173,38 +475174,38 +475175,38 +475176,38 +475177,38 +475178,38 +475179,38 +475180,29 +475181,29 +475182,29 +475183,27 +475184,27 +475185,27 +475186,27 +475187,27 +475188,27 +475189,27 +475190,27 +475191,27 +475192,27 +475193,13 +475194,13 +475195,13 +475196,13 +475197,13 +475198,13 +475199,13 +475200,13 +475201,13 +475202,13 +475203,13 +475204,13 +475205,13 +475206,13 +475207,13 +475208,0 +475209,0 +475210,0 +475211,0 +475212,0 +475213,0 +475214,0 +475215,0 +475216,0 +475217,0 +475218,0 +475219,0 +475220,0 +475221,0 +475222,0 +475223,0 +475224,0 +475225,0 +475226,0 +475227,0 +475228,0 +475229,0 +475230,0 +475231,0 +475232,0 +475233,0 +475234,0 +475235,0 +475236,0 +475237,0 +475238,0 +475239,0 +475240,0 +475241,0 +475242,0 +475243,0 +475244,0 +475245,0 +475246,0 +475247,0 +475248,0 +475249,0 +475250,0 +475251,0 +475252,0 +475253,0 +475254,0 +475255,0 +475256,0 +475257,0 +475258,0 +475259,0 +475260,0 +475261,0 +475262,0 +475263,29 +475264,29 +475265,29 +475266,14 +475267,14 +475268,14 +475269,14 +475270,27 +475271,27 +475272,27 +475273,27 +475274,27 +475275,27 +475276,27 +475277,27 +475278,27 +475279,27 +475280,27 +475281,2 +475282,2 +475283,2 +475284,2 +475285,4 +475286,4 +475287,4 +475288,4 +475289,4 +475290,37 +475291,37 +475292,37 +475293,37 +475294,37 +475295,39 +475296,39 +475297,39 +475298,39 +475299,39 +475300,39 +475301,8 +475302,8 +475303,8 +475304,8 +475305,8 +475306,8 +475307,31 +475308,31 +475309,31 +475310,31 +475311,31 +475312,31 +475313,24 +475314,24 +475315,24 +475316,24 +475317,6 +475318,6 +475319,6 +475320,6 +475321,6 +475322,6 +475323,6 +475324,6 +475325,6 +475326,9 +475327,9 +475328,9 +475329,9 +475330,9 +475331,9 +475332,9 +475333,30 +475334,30 +475335,30 +475336,30 +475337,30 +475338,30 +475339,30 +475340,30 +475341,16 +475342,16 +475343,16 +475344,16 +475345,16 +475346,16 +475347,16 +475348,16 +475349,16 +475350,16 +475351,25 +475352,25 +475353,25 +475354,25 +475355,25 +475356,25 +475357,25 +475358,25 +475359,25 +475360,25 +475361,25 +475362,25 +475363,25 +475364,25 +475365,25 +475366,0 +475367,0 +475368,0 +475369,0 +475370,0 +475371,0 +475372,0 +475373,0 +475374,0 +475375,0 +475376,0 +475377,0 +475378,0 +475379,0 +475380,0 +475381,0 +475382,0 +475383,0 +475384,0 +475385,0 +475386,0 +475387,0 +475388,0 +475389,0 +475390,0 +475391,0 +475392,0 +475393,0 +475394,0 +475395,0 +475396,0 +475397,0 +475398,0 +475399,0 +475400,0 +475401,0 +475402,0 +475403,0 +475404,0 +475405,36 +475406,36 +475407,36 +475408,36 +475409,14 +475410,31 +475411,14 +475412,12 +475413,12 +475414,12 +475415,12 +475416,12 +475417,12 +475418,12 +475419,12 +475420,12 +475421,12 +475422,12 +475423,31 +475424,31 +475425,31 +475426,31 +475427,31 +475428,8 +475429,8 +475430,8 +475431,8 +475432,8 +475433,8 +475434,8 +475435,31 +475436,12 +475437,31 +475438,31 +475439,24 +475440,24 +475441,24 +475442,24 +475443,24 +475444,24 +475445,5 +475446,5 +475447,5 +475448,5 +475449,5 +475450,5 +475451,5 +475452,5 +475453,5 +475454,5 +475455,5 +475456,5 +475457,5 +475458,5 +475459,5 +475460,5 +475461,5 +475462,5 +475463,5 +475464,33 +475465,33 +475466,33 +475467,33 +475468,33 +475469,33 +475470,33 +475471,33 +475472,33 +475473,33 +475474,33 +475475,33 +475476,21 +475477,21 +475478,21 +475479,21 +475480,21 +475481,21 +475482,21 +475483,37 +475484,37 +475485,37 +475486,37 +475487,37 +475488,14 +475489,14 +475490,14 +475491,14 +475492,14 +475493,4 +475494,4 +475495,4 +475496,4 +475497,4 +475498,4 +475499,27 +475500,27 +475501,27 +475502,27 +475503,27 +475504,27 +475505,27 +475506,24 +475507,24 +475508,24 +475509,4 +475510,4 +475511,4 +475512,24 +475513,24 +475514,35 +475515,36 +475516,36 +475517,36 +475518,36 +475519,36 +475520,36 +475521,36 +475522,36 +475523,36 +475524,5 +475525,5 +475526,5 +475527,19 +475528,4 +475529,4 +475530,4 +475531,27 +475532,27 +475533,27 +475534,27 +475535,27 +475536,27 +475537,27 +475538,16 +475539,16 +475540,16 +475541,16 +475542,16 +475543,16 +475544,16 +475545,16 +475546,16 +475547,16 +475548,16 +475549,16 +475550,16 +475551,16 +475552,4 +475553,4 +475554,4 +475555,16 +475556,16 +475557,16 +475558,16 +475559,25 +475560,25 +475561,25 +475562,25 +475563,25 +475564,25 +475565,25 +475566,35 +475567,35 +475568,35 +475569,27 +475570,27 +475571,27 +475572,27 +475573,27 +475574,27 +475575,27 +475576,27 +475577,27 +475578,28 +475579,28 +475580,28 +475581,28 +475582,28 +475583,28 +475584,28 +475585,28 +475586,28 +475587,5 +475588,5 +475589,5 +475590,5 +475591,5 +475592,5 +475593,5 +475594,5 +475595,5 +475596,5 +475597,5 +475598,5 +475599,5 +475600,5 +475601,5 +475602,5 +475603,0 +475604,0 +475605,0 +475606,0 +475607,0 +475608,0 +475609,0 +475610,23 +475611,23 +475612,23 +475613,23 +475614,23 +475615,9 +475616,9 +475617,9 +475618,37 +475619,37 +475620,37 +475621,37 +475622,37 +475623,25 +475624,25 +475625,37 +475626,35 +475627,35 +475628,35 +475629,35 +475630,35 +475631,35 +475632,35 +475633,35 +475634,35 +475635,39 +475636,39 +475637,39 +475638,39 +475639,39 +475640,12 +475641,12 +475642,12 +475643,12 +475644,12 +475645,12 +475646,12 +475647,31 +475648,31 +475649,31 +475650,31 +475651,8 +475652,8 +475653,8 +475654,8 +475655,8 +475656,8 +475657,8 +475658,8 +475659,8 +475660,8 +475661,8 +475662,31 +475663,31 +475664,31 +475665,31 +475666,31 +475667,31 +475668,31 +475669,31 +475670,31 +475671,5 +475672,5 +475673,5 +475674,5 +475675,14 +475676,14 +475677,14 +475678,14 +475679,14 +475680,14 +475681,14 +475682,14 +475683,14 +475684,15 +475685,15 +475686,15 +475687,15 +475688,15 +475689,31 +475690,31 +475691,31 +475692,31 +475693,30 +475694,30 +475695,30 +475696,30 +475697,8 +475698,8 +475699,8 +475700,8 +475701,8 +475702,8 +475703,8 +475704,0 +475705,0 +475706,0 +475707,0 +475708,0 +475709,23 +475710,0 +475711,0 +475712,30 +475713,30 +475714,30 +475715,30 +475716,26 +475717,26 +475718,26 +475719,26 +475720,26 +475721,30 +475722,30 +475723,30 +475724,30 +475725,30 +475726,30 +475727,30 +475728,33 +475729,33 +475730,33 +475731,33 +475732,31 +475733,33 +475734,33 +475735,31 +475736,31 +475737,31 +475738,31 +475739,31 +475740,31 +475741,4 +475742,4 +475743,4 +475744,16 +475745,16 +475746,16 +475747,10 +475748,34 +475749,1 +475750,26 +475751,26 +475752,26 +475753,26 +475754,26 +475755,26 +475756,26 +475757,26 +475758,26 +475759,32 +475760,32 +475761,32 +475762,32 +475763,32 +475764,32 +475765,32 +475766,32 +475767,0 +475768,31 +475769,0 +475770,0 +475771,0 +475772,0 +475773,0 +475774,0 +475775,0 +475776,0 +475777,0 +475778,0 +475779,0 +475780,0 +475781,0 +475782,0 +475783,0 +475784,0 +475785,0 +475786,0 +475787,0 +475788,0 +475789,0 +475790,0 +475791,0 +475792,0 +475793,0 +475794,0 +475795,0 +475796,0 +475797,0 +475798,0 +475799,0 +475800,0 +475801,0 +475802,0 +475803,0 +475804,0 +475805,0 +475806,0 +475807,0 +475808,0 +475809,0 +475810,0 +475811,0 +475812,0 +475813,0 +475814,0 +475815,0 +475816,0 +475817,0 +475818,0 +475819,0 +475820,0 +475821,0 +475822,0 +475823,0 +475824,0 +475825,0 +475826,0 +475827,0 +475828,0 +475829,0 +475830,0 +475831,0 +475832,0 +475833,0 +475834,0 +475835,0 +475836,0 +475837,0 +475838,0 +475839,0 +475840,0 +475841,0 +475842,0 +475843,0 +475844,0 +475845,0 +475846,0 +475847,0 +475848,0 +475849,0 +475850,0 +475851,0 +475852,0 +475853,0 +475854,0 +475855,0 +475856,0 +475857,0 +475858,0 +475859,0 +475860,0 +475861,0 +475862,0 +475863,0 +475864,21 +475865,21 +475866,21 +475867,21 +475868,21 +475869,21 +475870,26 +475871,26 +475872,26 +475873,26 +475874,26 +475875,26 +475876,26 +475877,26 +475878,26 +475879,26 +475880,26 +475881,26 +475882,33 +475883,33 +475884,33 +475885,33 +475886,33 +475887,5 +475888,5 +475889,5 +475890,5 +475891,19 +475892,19 +475893,27 +475894,27 +475895,27 +475896,27 +475897,27 +475898,6 +475899,6 +475900,6 +475901,6 +475902,6 +475903,6 +475904,6 +475905,2 +475906,2 +475907,2 +475908,16 +475909,16 +475910,16 +475911,16 +475912,2 +475913,6 +475914,6 +475915,6 +475916,6 +475917,6 +475918,6 +475919,6 +475920,30 +475921,30 +475922,30 +475923,30 +475924,30 +475925,14 +475926,14 +475927,14 +475928,14 +475929,14 +475930,14 +475931,14 +475932,14 +475933,5 +475934,28 +475935,28 +475936,28 +475937,28 +475938,28 +475939,28 +475940,28 +475941,5 +475942,4 +475943,4 +475944,4 +475945,4 +475946,4 +475947,4 +475948,4 +475949,4 +475950,4 +475951,4 +475952,4 +475953,4 +475954,4 +475955,4 +475956,4 +475957,4 +475958,3 +475959,3 +475960,3 +475961,3 +475962,3 +475963,3 +475964,3 +475965,3 +475966,3 +475967,3 +475968,3 +475969,27 +475970,25 +475971,25 +475972,27 +475973,27 +475974,38 +475975,38 +475976,38 +475977,38 +475978,38 +475979,38 +475980,38 +475981,38 +475982,38 +475983,38 +475984,37 +475985,37 +475986,37 +475987,37 +475988,37 +475989,37 +475990,37 +475991,37 +475992,37 +475993,39 +475994,39 +475995,39 +475996,39 +475997,39 +475998,39 +475999,39 +476000,39 +476001,24 +476002,24 +476003,24 +476004,24 +476005,24 +476006,24 +476007,31 +476008,31 +476009,36 +476010,36 +476011,36 +476012,36 +476013,8 +476014,8 +476015,8 +476016,8 +476017,8 +476018,8 +476019,8 +476020,8 +476021,9 +476022,9 +476023,9 +476024,9 +476025,9 +476026,9 +476027,9 +476028,9 +476029,9 +476030,9 +476031,9 +476032,9 +476033,9 +476034,9 +476035,9 +476036,9 +476037,9 +476038,4 +476039,4 +476040,4 +476041,25 +476042,25 +476043,25 +476044,25 +476045,25 +476046,25 +476047,25 +476048,25 +476049,25 +476050,25 +476051,25 +476052,19 +476053,16 +476054,16 +476055,16 +476056,16 +476057,16 +476058,16 +476059,4 +476060,25 +476061,25 +476062,25 +476063,25 +476064,25 +476065,25 +476066,25 +476067,25 +476068,25 +476069,25 +476070,25 +476071,25 +476072,25 +476073,25 +476074,8 +476075,2 +476076,2 +476077,8 +476078,8 +476079,2 +476080,2 +476081,2 +476082,2 +476083,2 +476084,2 +476085,2 +476086,31 +476087,31 +476088,31 +476089,31 +476090,24 +476091,24 +476092,24 +476093,24 +476094,29 +476095,29 +476096,29 +476097,29 +476098,29 +476099,29 +476100,31 +476101,31 +476102,31 +476103,31 +476104,31 +476105,2 +476106,2 +476107,2 +476108,2 +476109,2 +476110,2 +476111,2 +476112,2 +476113,2 +476114,2 +476115,2 +476116,2 +476117,2 +476118,14 +476119,14 +476120,14 +476121,14 +476122,14 +476123,14 +476124,14 +476125,14 +476126,14 +476127,14 +476128,5 +476129,5 +476130,5 +476131,5 +476132,5 +476133,28 +476134,28 +476135,5 +476136,4 +476137,4 +476138,4 +476139,4 +476140,4 +476141,4 +476142,4 +476143,4 +476144,4 +476145,4 +476146,4 +476147,4 +476148,4 +476149,4 +476150,10 +476151,10 +476152,10 +476153,10 +476154,34 +476155,10 +476156,10 +476157,10 +476158,10 +476159,10 +476160,34 +476161,34 +476162,10 +476163,10 +476164,34 +476165,34 +476166,28 +476167,28 +476168,28 +476169,28 +476170,28 +476171,28 +476172,28 +476173,28 +476174,28 +476175,28 +476176,28 +476177,28 +476178,28 +476179,28 +476180,28 +476181,28 +476182,0 +476183,0 +476184,0 +476185,0 +476186,5 +476187,0 +476188,0 +476189,0 +476190,0 +476191,0 +476192,0 +476193,0 +476194,0 +476195,0 +476196,0 +476197,0 +476198,0 +476199,0 +476200,0 +476201,0 +476202,0 +476203,0 +476204,0 +476205,0 +476206,0 +476207,0 +476208,0 +476209,0 +476210,0 +476211,0 +476212,0 +476213,0 +476214,0 +476215,0 +476216,0 +476217,0 +476218,0 +476219,0 +476220,0 +476221,0 +476222,0 +476223,0 +476224,0 +476225,0 +476226,0 +476227,0 +476228,0 +476229,0 +476230,0 +476231,0 +476232,0 +476233,0 +476234,0 +476235,0 +476236,0 +476237,0 +476238,0 +476239,0 +476240,0 +476241,0 +476242,0 +476243,0 +476244,0 +476245,0 +476246,0 +476247,0 +476248,0 +476249,0 +476250,0 +476251,0 +476252,0 +476253,0 +476254,0 +476255,0 +476256,0 +476257,0 +476258,0 +476259,0 +476260,0 +476261,0 +476262,0 +476263,0 +476264,15 +476265,15 +476266,31 +476267,31 +476268,31 +476269,31 +476270,31 +476271,31 +476272,31 +476273,19 +476274,19 +476275,19 +476276,5 +476277,5 +476278,5 +476279,5 +476280,5 +476281,5 +476282,5 +476283,5 +476284,5 +476285,5 +476286,34 +476287,34 +476288,34 +476289,34 +476290,34 +476291,34 +476292,34 +476293,34 +476294,34 +476295,34 +476296,34 +476297,34 +476298,34 +476299,5 +476300,5 +476301,5 +476302,5 +476303,5 +476304,5 +476305,5 +476306,5 +476307,5 +476308,5 +476309,5 +476310,5 +476311,3 +476312,3 +476313,3 +476314,3 +476315,3 +476316,3 +476317,3 +476318,3 +476319,3 +476320,3 +476321,3 +476322,3 +476323,3 +476324,3 +476325,2 +476326,2 +476327,2 +476328,2 +476329,2 +476330,2 +476331,2 +476332,2 +476333,2 +476334,2 +476335,2 +476336,2 +476337,2 +476338,2 +476339,2 +476340,39 +476341,39 +476342,39 +476343,39 +476344,39 +476345,39 +476346,39 +476347,39 +476348,39 +476349,39 +476350,39 +476351,39 +476352,39 +476353,39 +476354,39 +476355,39 +476356,39 +476357,39 +476358,5 +476359,5 +476360,5 +476361,5 +476362,5 +476363,5 +476364,5 +476365,5 +476366,5 +476367,5 +476368,5 +476369,5 +476370,5 +476371,5 +476372,5 +476373,8 +476374,8 +476375,8 +476376,8 +476377,8 +476378,8 +476379,8 +476380,8 +476381,8 +476382,8 +476383,5 +476384,5 +476385,5 +476386,5 +476387,5 +476388,5 +476389,5 +476390,5 +476391,5 +476392,5 +476393,5 +476394,5 +476395,2 +476396,2 +476397,2 +476398,2 +476399,2 +476400,2 +476401,2 +476402,2 +476403,2 +476404,2 +476405,2 +476406,31 +476407,31 +476408,31 +476409,31 +476410,6 +476411,6 +476412,6 +476413,6 +476414,6 +476415,6 +476416,6 +476417,6 +476418,2 +476419,2 +476420,2 +476421,2 +476422,2 +476423,2 +476424,2 +476425,2 +476426,2 +476427,2 +476428,2 +476429,2 +476430,39 +476431,39 +476432,39 +476433,39 +476434,39 +476435,39 +476436,39 +476437,39 +476438,39 +476439,39 +476440,39 +476441,39 +476442,39 +476443,39 +476444,39 +476445,39 +476446,39 +476447,39 +476448,39 +476449,39 +476450,19 +476451,19 +476452,19 +476453,19 +476454,19 +476455,19 +476456,19 +476457,13 +476458,5 +476459,5 +476460,13 +476461,39 +476462,39 +476463,39 +476464,39 +476465,39 +476466,0 +476467,0 +476468,0 +476469,0 +476470,0 +476471,0 +476472,0 +476473,0 +476474,0 +476475,0 +476476,0 +476477,0 +476478,0 +476479,0 +476480,0 +476481,0 +476482,0 +476483,0 +476484,0 +476485,0 +476486,0 +476487,0 +476488,0 +476489,0 +476490,0 +476491,0 +476492,0 +476493,0 +476494,0 +476495,0 +476496,0 +476497,0 +476498,0 +476499,31 +476500,31 +476501,31 +476502,31 +476503,31 +476504,5 +476505,5 +476506,5 +476507,5 +476508,5 +476509,31 +476510,31 +476511,31 +476512,31 +476513,31 +476514,31 +476515,31 +476516,31 +476517,29 +476518,29 +476519,29 +476520,29 +476521,29 +476522,29 +476523,29 +476524,25 +476525,25 +476526,25 +476527,25 +476528,25 +476529,25 +476530,25 +476531,25 +476532,25 +476533,25 +476534,36 +476535,36 +476536,36 +476537,36 +476538,36 +476539,36 +476540,36 +476541,36 +476542,36 +476543,36 +476544,36 +476545,36 +476546,36 +476547,36 +476548,36 +476549,6 +476550,6 +476551,6 +476552,6 +476553,6 +476554,6 +476555,6 +476556,6 +476557,4 +476558,4 +476559,4 +476560,4 +476561,3 +476562,25 +476563,37 +476564,37 +476565,3 +476566,37 +476567,37 +476568,37 +476569,37 +476570,37 +476571,37 +476572,8 +476573,8 +476574,8 +476575,8 +476576,8 +476577,8 +476578,8 +476579,8 +476580,2 +476581,40 +476582,40 +476583,40 +476584,40 +476585,40 +476586,40 +476587,40 +476588,40 +476589,5 +476590,5 +476591,5 +476592,5 +476593,5 +476594,5 +476595,4 +476596,4 +476597,4 +476598,4 +476599,4 +476600,4 +476601,4 +476602,4 +476603,25 +476604,25 +476605,25 +476606,25 +476607,25 +476608,25 +476609,25 +476610,25 +476611,25 +476612,25 +476613,25 +476614,26 +476615,26 +476616,26 +476617,26 +476618,26 +476619,26 +476620,26 +476621,28 +476622,5 +476623,5 +476624,5 +476625,5 +476626,5 +476627,5 +476628,5 +476629,31 +476630,29 +476631,31 +476632,31 +476633,31 +476634,31 +476635,31 +476636,2 +476637,2 +476638,2 +476639,2 +476640,2 +476641,2 +476642,2 +476643,2 +476644,19 +476645,4 +476646,4 +476647,4 +476648,4 +476649,4 +476650,4 +476651,14 +476652,14 +476653,14 +476654,14 +476655,14 +476656,14 +476657,14 +476658,14 +476659,14 +476660,14 +476661,14 +476662,14 +476663,14 +476664,14 +476665,14 +476666,14 +476667,14 +476668,14 +476669,14 +476670,14 +476671,14 +476672,18 +476673,18 +476674,18 +476675,18 +476676,18 +476677,18 +476678,18 +476679,18 +476680,18 +476681,18 +476682,18 +476683,18 +476684,18 +476685,18 +476686,18 +476687,18 +476688,18 +476689,18 +476690,11 +476691,11 +476692,11 +476693,11 +476694,11 +476695,11 +476696,11 +476697,11 +476698,11 +476699,0 +476700,0 +476701,0 +476702,0 +476703,0 +476704,0 +476705,0 +476706,0 +476707,0 +476708,0 +476709,0 +476710,0 +476711,0 +476712,0 +476713,0 +476714,0 +476715,0 +476716,0 +476717,0 +476718,0 +476719,0 +476720,0 +476721,0 +476722,0 +476723,0 +476724,0 +476725,0 +476726,0 +476727,0 +476728,9 +476729,9 +476730,9 +476731,9 +476732,9 +476733,9 +476734,9 +476735,9 +476736,9 +476737,9 +476738,9 +476739,9 +476740,9 +476741,9 +476742,35 +476743,35 +476744,35 +476745,35 +476746,35 +476747,35 +476748,35 +476749,35 +476750,35 +476751,26 +476752,26 +476753,26 +476754,25 +476755,25 +476756,25 +476757,25 +476758,25 +476759,25 +476760,25 +476761,25 +476762,25 +476763,25 +476764,25 +476765,25 +476766,25 +476767,19 +476768,19 +476769,19 +476770,19 +476771,39 +476772,39 +476773,39 +476774,39 +476775,39 +476776,39 +476777,39 +476778,39 +476779,39 +476780,39 +476781,14 +476782,14 +476783,39 +476784,39 +476785,39 +476786,39 +476787,39 +476788,36 +476789,36 +476790,36 +476791,14 +476792,14 +476793,5 +476794,5 +476795,5 +476796,5 +476797,5 +476798,5 +476799,5 +476800,5 +476801,5 +476802,24 +476803,5 +476804,23 +476805,23 +476806,23 +476807,19 +476808,19 +476809,19 +476810,19 +476811,9 +476812,9 +476813,9 +476814,9 +476815,9 +476816,9 +476817,9 +476818,9 +476819,9 +476820,26 +476821,26 +476822,26 +476823,9 +476824,9 +476825,9 +476826,26 +476827,30 +476828,30 +476829,39 +476830,39 +476831,39 +476832,39 +476833,39 +476834,39 +476835,39 +476836,39 +476837,39 +476838,39 +476839,36 +476840,36 +476841,36 +476842,36 +476843,36 +476844,19 +476845,19 +476846,19 +476847,19 +476848,19 +476849,19 +476850,19 +476851,29 +476852,29 +476853,29 +476854,29 +476855,29 +476856,29 +476857,40 +476858,40 +476859,40 +476860,40 +476861,40 +476862,40 +476863,40 +476864,36 +476865,36 +476866,40 +476867,40 +476868,40 +476869,36 +476870,36 +476871,36 +476872,36 +476873,36 +476874,36 +476875,36 +476876,36 +476877,36 +476878,36 +476879,36 +476880,36 +476881,36 +476882,36 +476883,36 +476884,5 +476885,5 +476886,5 +476887,5 +476888,5 +476889,5 +476890,5 +476891,5 +476892,5 +476893,19 +476894,19 +476895,19 +476896,19 +476897,19 +476898,19 +476899,19 +476900,19 +476901,19 +476902,19 +476903,19 +476904,19 +476905,19 +476906,19 +476907,19 +476908,19 +476909,0 +476910,0 +476911,0 +476912,0 +476913,0 +476914,0 +476915,0 +476916,0 +476917,0 +476918,0 +476919,0 +476920,0 +476921,0 +476922,0 +476923,0 +476924,0 +476925,0 +476926,0 +476927,0 +476928,0 +476929,0 +476930,0 +476931,0 +476932,0 +476933,12 +476934,30 +476935,30 +476936,30 +476937,30 +476938,30 +476939,30 +476940,30 +476941,30 +476942,30 +476943,30 +476944,30 +476945,30 +476946,30 +476947,30 +476948,30 +476949,30 +476950,30 +476951,30 +476952,30 +476953,30 +476954,30 +476955,30 +476956,30 +476957,30 +476958,30 +476959,9 +476960,9 +476961,9 +476962,9 +476963,9 +476964,30 +476965,30 +476966,30 +476967,30 +476968,30 +476969,30 +476970,30 +476971,31 +476972,31 +476973,31 +476974,31 +476975,3 +476976,3 +476977,3 +476978,19 +476979,19 +476980,19 +476981,19 +476982,19 +476983,18 +476984,4 +476985,4 +476986,4 +476987,4 +476988,4 +476989,4 +476990,4 +476991,4 +476992,3 +476993,3 +476994,3 +476995,3 +476996,3 +476997,3 +476998,3 +476999,3 +477000,3 +477001,3 +477002,3 +477003,3 +477004,27 +477005,27 +477006,27 +477007,27 +477008,27 +477009,27 +477010,27 +477011,5 +477012,5 +477013,5 +477014,5 +477015,5 +477016,5 +477017,5 +477018,5 +477019,18 +477020,19 +477021,19 +477022,7 +477023,7 +477024,7 +477025,7 +477026,7 +477027,7 +477028,7 +477029,7 +477030,7 +477031,9 +477032,9 +477033,9 +477034,9 +477035,9 +477036,9 +477037,9 +477038,9 +477039,9 +477040,9 +477041,12 +477042,25 +477043,25 +477044,25 +477045,25 +477046,25 +477047,25 +477048,25 +477049,25 +477050,25 +477051,25 +477052,25 +477053,25 +477054,25 +477055,25 +477056,25 +477057,25 +477058,25 +477059,25 +477060,25 +477061,25 +477062,25 +477063,25 +477064,25 +477065,25 +477066,25 +477067,25 +477068,25 +477069,0 +477070,0 +477071,0 +477072,36 +477073,36 +477074,36 +477075,36 +477076,36 +477077,36 +477078,36 +477079,36 +477080,36 +477081,5 +477082,5 +477083,5 +477084,5 +477085,5 +477086,5 +477087,5 +477088,5 +477089,5 +477090,5 +477091,5 +477092,19 +477093,19 +477094,19 +477095,19 +477096,19 +477097,19 +477098,19 +477099,19 +477100,14 +477101,14 +477102,14 +477103,14 +477104,14 +477105,14 +477106,14 +477107,14 +477108,40 +477109,40 +477110,40 +477111,40 +477112,40 +477113,40 +477114,40 +477115,40 +477116,37 +477117,37 +477118,37 +477119,37 +477120,37 +477121,37 +477122,37 +477123,37 +477124,37 +477125,37 +477126,37 +477127,25 +477128,25 +477129,25 +477130,25 +477131,25 +477132,25 +477133,25 +477134,25 +477135,25 +477136,25 +477137,25 +477138,25 +477139,25 +477140,25 +477141,25 +477142,25 +477143,25 +477144,0 +477145,0 +477146,0 +477147,0 +477148,0 +477149,0 +477150,0 +477151,0 +477152,0 +477153,0 +477154,0 +477155,0 +477156,0 +477157,0 +477158,0 +477159,0 +477160,0 +477161,0 +477162,0 +477163,0 +477164,0 +477165,0 +477166,0 +477167,0 +477168,0 +477169,0 +477170,0 +477171,0 +477172,0 +477173,0 +477174,36 +477175,36 +477176,36 +477177,36 +477178,36 +477179,36 +477180,19 +477181,19 +477182,19 +477183,19 +477184,19 +477185,29 +477186,29 +477187,31 +477188,31 +477189,31 +477190,31 +477191,31 +477192,31 +477193,31 +477194,4 +477195,4 +477196,4 +477197,4 +477198,4 +477199,4 +477200,4 +477201,4 +477202,4 +477203,4 +477204,4 +477205,4 +477206,4 +477207,4 +477208,4 +477209,4 +477210,4 +477211,4 +477212,3 +477213,3 +477214,3 +477215,3 +477216,3 +477217,3 +477218,3 +477219,3 +477220,3 +477221,3 +477222,3 +477223,31 +477224,31 +477225,31 +477226,33 +477227,33 +477228,33 +477229,33 +477230,33 +477231,33 +477232,33 +477233,33 +477234,33 +477235,32 +477236,32 +477237,32 +477238,32 +477239,32 +477240,32 +477241,32 +477242,32 +477243,32 +477244,32 +477245,32 +477246,32 +477247,32 +477248,36 +477249,36 +477250,36 +477251,36 +477252,36 +477253,36 +477254,36 +477255,36 +477256,36 +477257,36 +477258,36 +477259,36 +477260,23 +477261,23 +477262,23 +477263,23 +477264,23 +477265,23 +477266,23 +477267,23 +477268,23 +477269,23 +477270,23 +477271,26 +477272,26 +477273,26 +477274,26 +477275,26 +477276,9 +477277,9 +477278,9 +477279,9 +477280,9 +477281,9 +477282,9 +477283,23 +477284,23 +477285,23 +477286,23 +477287,23 +477288,23 +477289,23 +477290,23 +477291,23 +477292,4 +477293,4 +477294,4 +477295,4 +477296,4 +477297,4 +477298,4 +477299,4 +477300,4 +477301,39 +477302,31 +477303,31 +477304,21 +477305,21 +477306,21 +477307,21 +477308,21 +477309,21 +477310,21 +477311,21 +477312,21 +477313,40 +477314,40 +477315,40 +477316,40 +477317,40 +477318,40 +477319,40 +477320,40 +477321,40 +477322,40 +477323,40 +477324,29 +477325,29 +477326,29 +477327,29 +477328,29 +477329,29 +477330,29 +477331,29 +477332,29 +477333,25 +477334,25 +477335,25 +477336,25 +477337,25 +477338,25 +477339,25 +477340,25 +477341,25 +477342,25 +477343,25 +477344,25 +477345,25 +477346,25 +477347,25 +477348,25 +477349,25 +477350,25 +477351,0 +477352,0 +477353,0 +477354,0 +477355,0 +477356,0 +477357,0 +477358,0 +477359,0 +477360,0 +477361,0 +477362,0 +477363,0 +477364,0 +477365,0 +477366,0 +477367,0 +477368,0 +477369,0 +477370,0 +477371,0 +477372,0 +477373,0 +477374,0 +477375,0 +477376,0 +477377,0 +477378,0 +477379,0 +477380,0 +477381,0 +477382,0 +477383,0 +477384,0 +477385,0 +477386,0 +477387,0 +477388,0 +477389,0 +477390,0 +477391,0 +477392,0 +477393,0 +477394,0 +477395,0 +477396,18 +477397,18 +477398,18 +477399,18 +477400,18 +477401,18 +477402,18 +477403,31 +477404,31 +477405,31 +477406,31 +477407,31 +477408,31 +477409,31 +477410,31 +477411,31 +477412,8 +477413,8 +477414,8 +477415,8 +477416,8 +477417,8 +477418,8 +477419,8 +477420,10 +477421,10 +477422,10 +477423,10 +477424,10 +477425,10 +477426,36 +477427,36 +477428,36 +477429,36 +477430,36 +477431,36 +477432,36 +477433,36 +477434,36 +477435,5 +477436,5 +477437,5 +477438,5 +477439,5 +477440,36 +477441,36 +477442,5 +477443,5 +477444,15 +477445,15 +477446,15 +477447,15 +477448,15 +477449,15 +477450,15 +477451,37 +477452,37 +477453,37 +477454,37 +477455,37 +477456,37 +477457,37 +477458,9 +477459,9 +477460,9 +477461,9 +477462,9 +477463,9 +477464,9 +477465,9 +477466,9 +477467,26 +477468,9 +477469,9 +477470,4 +477471,6 +477472,4 +477473,4 +477474,4 +477475,4 +477476,4 +477477,4 +477478,4 +477479,4 +477480,4 +477481,31 +477482,31 +477483,31 +477484,31 +477485,12 +477486,12 +477487,12 +477488,12 +477489,12 +477490,12 +477491,12 +477492,31 +477493,31 +477494,31 +477495,31 +477496,5 +477497,5 +477498,5 +477499,5 +477500,5 +477501,5 +477502,5 +477503,8 +477504,8 +477505,8 +477506,8 +477507,8 +477508,8 +477509,8 +477510,28 +477511,28 +477512,28 +477513,28 +477514,28 +477515,28 +477516,28 +477517,28 +477518,28 +477519,10 +477520,10 +477521,10 +477522,10 +477523,10 +477524,10 +477525,10 +477526,10 +477527,10 +477528,10 +477529,10 +477530,10 +477531,10 +477532,10 +477533,10 +477534,10 +477535,10 +477536,10 +477537,10 +477538,5 +477539,5 +477540,5 +477541,5 +477542,5 +477543,5 +477544,5 +477545,5 +477546,27 +477547,27 +477548,27 +477549,27 +477550,27 +477551,31 +477552,29 +477553,29 +477554,29 +477555,29 +477556,29 +477557,29 +477558,31 +477559,31 +477560,31 +477561,31 +477562,28 +477563,28 +477564,28 +477565,5 +477566,5 +477567,5 +477568,5 +477569,5 +477570,34 +477571,34 +477572,34 +477573,34 +477574,34 +477575,34 +477576,34 +477577,34 +477578,10 +477579,10 +477580,10 +477581,10 +477582,10 +477583,10 +477584,10 +477585,10 +477586,10 +477587,10 +477588,10 +477589,10 +477590,10 +477591,10 +477592,10 +477593,10 +477594,10 +477595,5 +477596,5 +477597,5 +477598,5 +477599,5 +477600,5 +477601,5 +477602,5 +477603,5 +477604,5 +477605,0 +477606,0 +477607,0 +477608,0 +477609,0 +477610,0 +477611,0 +477612,0 +477613,0 +477614,0 +477615,0 +477616,0 +477617,0 +477618,0 +477619,0 +477620,0 +477621,0 +477622,0 +477623,0 +477624,0 +477625,0 +477626,0 +477627,0 +477628,0 +477629,0 +477630,0 +477631,0 +477632,0 +477633,0 +477634,0 +477635,0 +477636,0 +477637,0 +477638,0 +477639,0 +477640,0 +477641,0 +477642,0 +477643,0 +477644,0 +477645,0 +477646,0 +477647,0 +477648,0 +477649,0 +477650,0 +477651,0 +477652,0 +477653,0 +477654,0 +477655,0 +477656,0 +477657,0 +477658,0 +477659,0 +477660,0 +477661,0 +477662,0 +477663,0 +477664,0 +477665,5 +477666,5 +477667,5 +477668,5 +477669,5 +477670,5 +477671,19 +477672,19 +477673,19 +477674,19 +477675,27 +477676,27 +477677,27 +477678,27 +477679,27 +477680,27 +477681,27 +477682,30 +477683,30 +477684,30 +477685,30 +477686,30 +477687,33 +477688,33 +477689,33 +477690,33 +477691,33 +477692,33 +477693,34 +477694,34 +477695,34 +477696,34 +477697,34 +477698,34 +477699,34 +477700,34 +477701,34 +477702,34 +477703,34 +477704,34 +477705,10 +477706,10 +477707,10 +477708,10 +477709,10 +477710,10 +477711,10 +477712,10 +477713,10 +477714,10 +477715,10 +477716,10 +477717,10 +477718,10 +477719,10 +477720,23 +477721,23 +477722,23 +477723,23 +477724,23 +477725,23 +477726,23 +477727,23 +477728,23 +477729,23 +477730,23 +477731,23 +477732,23 +477733,27 +477734,27 +477735,27 +477736,27 +477737,27 +477738,27 +477739,13 +477740,13 +477741,13 +477742,13 +477743,13 +477744,13 +477745,13 +477746,13 +477747,13 +477748,13 +477749,6 +477750,6 +477751,6 +477752,6 +477753,6 +477754,6 +477755,6 +477756,6 +477757,6 +477758,6 +477759,6 +477760,6 +477761,5 +477762,5 +477763,5 +477764,5 +477765,5 +477766,5 +477767,5 +477768,5 +477769,5 +477770,5 +477771,5 +477772,26 +477773,26 +477774,26 +477775,26 +477776,26 +477777,26 +477778,26 +477779,26 +477780,31 +477781,5 +477782,5 +477783,5 +477784,5 +477785,5 +477786,5 +477787,5 +477788,5 +477789,5 +477790,5 +477791,5 +477792,5 +477793,5 +477794,36 +477795,36 +477796,36 +477797,36 +477798,25 +477799,25 +477800,25 +477801,25 +477802,25 +477803,36 +477804,36 +477805,36 +477806,36 +477807,40 +477808,40 +477809,24 +477810,24 +477811,24 +477812,24 +477813,24 +477814,24 +477815,25 +477816,25 +477817,25 +477818,25 +477819,25 +477820,25 +477821,25 +477822,5 +477823,27 +477824,5 +477825,5 +477826,5 +477827,28 +477828,28 +477829,28 +477830,5 +477831,7 +477832,7 +477833,7 +477834,39 +477835,39 +477836,39 +477837,39 +477838,39 +477839,39 +477840,39 +477841,39 +477842,3 +477843,3 +477844,3 +477845,3 +477846,3 +477847,3 +477848,30 +477849,30 +477850,30 +477851,30 +477852,30 +477853,30 +477854,30 +477855,30 +477856,30 +477857,30 +477858,30 +477859,30 +477860,10 +477861,10 +477862,10 +477863,10 +477864,10 +477865,10 +477866,10 +477867,10 +477868,26 +477869,26 +477870,26 +477871,26 +477872,26 +477873,2 +477874,2 +477875,2 +477876,2 +477877,2 +477878,2 +477879,2 +477880,2 +477881,2 +477882,2 +477883,2 +477884,2 +477885,2 +477886,2 +477887,2 +477888,2 +477889,2 +477890,2 +477891,2 +477892,2 +477893,2 +477894,2 +477895,2 +477896,2 +477897,2 +477898,2 +477899,2 +477900,2 +477901,0 +477902,0 +477903,0 +477904,0 +477905,0 +477906,0 +477907,35 +477908,35 +477909,35 +477910,35 +477911,35 +477912,35 +477913,35 +477914,35 +477915,35 +477916,34 +477917,34 +477918,34 +477919,34 +477920,26 +477921,26 +477922,26 +477923,26 +477924,19 +477925,34 +477926,4 +477927,4 +477928,4 +477929,4 +477930,27 +477931,3 +477932,3 +477933,3 +477934,19 +477935,19 +477936,19 +477937,21 +477938,21 +477939,21 +477940,21 +477941,21 +477942,9 +477943,9 +477944,9 +477945,33 +477946,33 +477947,33 +477948,33 +477949,31 +477950,30 +477951,31 +477952,31 +477953,31 +477954,31 +477955,31 +477956,15 +477957,15 +477958,15 +477959,15 +477960,15 +477961,15 +477962,15 +477963,15 +477964,15 +477965,15 +477966,15 +477967,34 +477968,34 +477969,34 +477970,34 +477971,34 +477972,34 +477973,34 +477974,34 +477975,34 +477976,34 +477977,34 +477978,34 +477979,32 +477980,32 +477981,32 +477982,32 +477983,32 +477984,32 +477985,32 +477986,32 +477987,32 +477988,32 +477989,32 +477990,32 +477991,32 +477992,32 +477993,31 +477994,31 +477995,30 +477996,30 +477997,30 +477998,9 +477999,9 +478000,9 +478001,9 +478002,9 +478003,9 +478004,9 +478005,9 +478006,9 +478007,37 +478008,37 +478009,37 +478010,37 +478011,25 +478012,37 +478013,25 +478014,25 +478015,37 +478016,37 +478017,37 +478018,37 +478019,37 +478020,25 +478021,25 +478022,6 +478023,6 +478024,6 +478025,6 +478026,6 +478027,6 +478028,6 +478029,6 +478030,6 +478031,6 +478032,6 +478033,6 +478034,6 +478035,6 +478036,6 +478037,6 +478038,6 +478039,6 +478040,6 +478041,6 +478042,6 +478043,6 +478044,6 +478045,6 +478046,6 +478047,0 +478048,0 +478049,0 +478050,0 +478051,0 +478052,0 +478053,0 +478054,0 +478055,0 +478056,0 +478057,0 +478058,0 +478059,0 +478060,0 +478061,0 +478062,0 +478063,0 +478064,0 +478065,0 +478066,0 +478067,0 +478068,0 +478069,0 +478070,0 +478071,0 +478072,0 +478073,0 +478074,0 +478075,0 +478076,0 +478077,0 +478078,0 +478079,0 +478080,0 +478081,0 +478082,0 +478083,0 +478084,0 +478085,0 +478086,0 +478087,0 +478088,0 +478089,0 +478090,0 +478091,0 +478092,0 +478093,0 +478094,0 +478095,0 +478096,0 +478097,0 +478098,0 +478099,0 +478100,0 +478101,0 +478102,0 +478103,0 +478104,0 +478105,0 +478106,0 +478107,0 +478108,0 +478109,0 +478110,0 +478111,0 +478112,0 +478113,0 +478114,0 +478115,0 +478116,0 +478117,0 +478118,0 +478119,0 +478120,0 +478121,0 +478122,0 +478123,0 +478124,0 +478125,0 +478126,0 +478127,0 +478128,0 +478129,0 +478130,0 +478131,0 +478132,0 +478133,0 +478134,0 +478135,0 +478136,0 +478137,0 +478138,0 +478139,0 +478140,0 +478141,0 +478142,0 +478143,0 +478144,0 +478145,0 +478146,0 +478147,0 +478148,0 +478149,0 +478150,0 +478151,0 +478152,0 +478153,0 +478154,31 +478155,31 +478156,31 +478157,31 +478158,31 +478159,31 +478160,31 +478161,31 +478162,24 +478163,24 +478164,24 +478165,24 +478166,24 +478167,24 +478168,27 +478169,27 +478170,31 +478171,27 +478172,27 +478173,5 +478174,5 +478175,5 +478176,5 +478177,5 +478178,5 +478179,5 +478180,5 +478181,7 +478182,7 +478183,7 +478184,7 +478185,7 +478186,3 +478187,3 +478188,3 +478189,3 +478190,3 +478191,3 +478192,3 +478193,3 +478194,3 +478195,3 +478196,3 +478197,8 +478198,8 +478199,8 +478200,8 +478201,8 +478202,8 +478203,8 +478204,8 +478205,8 +478206,8 +478207,5 +478208,5 +478209,5 +478210,5 +478211,5 +478212,5 +478213,31 +478214,31 +478215,31 +478216,31 +478217,31 +478218,31 +478219,31 +478220,31 +478221,5 +478222,5 +478223,5 +478224,5 +478225,5 +478226,5 +478227,5 +478228,4 +478229,4 +478230,19 +478231,19 +478232,19 +478233,19 +478234,19 +478235,19 +478236,19 +478237,19 +478238,19 +478239,4 +478240,4 +478241,4 +478242,4 +478243,4 +478244,4 +478245,4 +478246,0 +478247,0 +478248,0 +478249,0 +478250,0 +478251,0 +478252,0 +478253,0 +478254,0 +478255,0 +478256,0 +478257,0 +478258,0 +478259,31 +478260,31 +478261,31 +478262,36 +478263,36 +478264,36 +478265,31 +478266,31 +478267,31 +478268,8 +478269,8 +478270,8 +478271,8 +478272,8 +478273,8 +478274,8 +478275,8 +478276,8 +478277,23 +478278,23 +478279,23 +478280,23 +478281,36 +478282,10 +478283,10 +478284,10 +478285,10 +478286,26 +478287,26 +478288,10 +478289,10 +478290,36 +478291,36 +478292,37 +478293,37 +478294,37 +478295,37 +478296,27 +478297,27 +478298,27 +478299,27 +478300,8 +478301,8 +478302,8 +478303,8 +478304,8 +478305,8 +478306,10 +478307,10 +478308,10 +478309,10 +478310,10 +478311,10 +478312,10 +478313,10 +478314,10 +478315,10 +478316,10 +478317,10 +478318,6 +478319,6 +478320,6 +478321,6 +478322,6 +478323,6 +478324,6 +478325,6 +478326,31 +478327,31 +478328,31 +478329,28 +478330,28 +478331,5 +478332,37 +478333,37 +478334,37 +478335,37 +478336,37 +478337,37 +478338,37 +478339,37 +478340,37 +478341,28 +478342,28 +478343,28 +478344,28 +478345,28 +478346,28 +478347,28 +478348,28 +478349,28 +478350,34 +478351,34 +478352,34 +478353,40 +478354,40 +478355,40 +478356,27 +478357,28 +478358,28 +478359,28 +478360,28 +478361,28 +478362,28 +478363,24 +478364,24 +478365,24 +478366,24 +478367,24 +478368,24 +478369,25 +478370,25 +478371,25 +478372,25 +478373,25 +478374,25 +478375,25 +478376,25 +478377,25 +478378,25 +478379,25 +478380,25 +478381,25 +478382,25 +478383,25 +478384,25 +478385,25 +478386,25 +478387,0 +478388,0 +478389,0 +478390,0 +478391,0 +478392,0 +478393,0 +478394,0 +478395,0 +478396,0 +478397,0 +478398,0 +478399,0 +478400,35 +478401,35 +478402,35 +478403,35 +478404,35 +478405,35 +478406,35 +478407,35 +478408,35 +478409,35 +478410,35 +478411,35 +478412,35 +478413,35 +478414,39 +478415,39 +478416,39 +478417,39 +478418,39 +478419,39 +478420,1 +478421,1 +478422,5 +478423,5 +478424,5 +478425,5 +478426,1 +478427,40 +478428,40 +478429,40 +478430,35 +478431,35 +478432,35 +478433,35 +478434,35 +478435,35 +478436,35 +478437,25 +478438,25 +478439,25 +478440,25 +478441,25 +478442,25 +478443,25 +478444,25 +478445,25 +478446,37 +478447,37 +478448,37 +478449,37 +478450,37 +478451,37 +478452,37 +478453,37 +478454,40 +478455,40 +478456,40 +478457,40 +478458,40 +478459,6 +478460,6 +478461,6 +478462,6 +478463,6 +478464,6 +478465,6 +478466,31 +478467,31 +478468,27 +478469,27 +478470,27 +478471,27 +478472,5 +478473,5 +478474,5 +478475,5 +478476,5 +478477,5 +478478,5 +478479,5 +478480,5 +478481,5 +478482,5 +478483,36 +478484,36 +478485,34 +478486,34 +478487,34 +478488,34 +478489,34 +478490,34 +478491,27 +478492,10 +478493,10 +478494,10 +478495,10 +478496,10 +478497,8 +478498,8 +478499,8 +478500,8 +478501,8 +478502,8 +478503,8 +478504,8 +478505,8 +478506,8 +478507,8 +478508,8 +478509,4 +478510,4 +478511,4 +478512,27 +478513,27 +478514,27 +478515,27 +478516,27 +478517,27 +478518,27 +478519,27 +478520,27 +478521,31 +478522,27 +478523,27 +478524,5 +478525,5 +478526,5 +478527,5 +478528,5 +478529,5 +478530,5 +478531,5 +478532,39 +478533,39 +478534,39 +478535,39 +478536,39 +478537,39 +478538,39 +478539,39 +478540,39 +478541,39 +478542,39 +478543,39 +478544,39 +478545,39 +478546,39 +478547,39 +478548,39 +478549,39 +478550,39 +478551,39 +478552,39 +478553,39 +478554,39 +478555,39 +478556,19 +478557,19 +478558,19 +478559,19 +478560,39 +478561,39 +478562,39 +478563,19 +478564,19 +478565,19 +478566,19 +478567,19 +478568,39 +478569,39 +478570,39 +478571,14 +478572,19 +478573,0 +478574,0 +478575,0 +478576,0 +478577,0 +478578,0 +478579,0 +478580,0 +478581,0 +478582,0 +478583,0 +478584,0 +478585,0 +478586,0 +478587,0 +478588,0 +478589,0 +478590,0 +478591,0 +478592,0 +478593,0 +478594,0 +478595,0 +478596,0 +478597,0 +478598,0 +478599,0 +478600,0 +478601,0 +478602,0 +478603,0 +478604,0 +478605,0 +478606,0 +478607,0 +478608,0 +478609,0 +478610,0 +478611,0 +478612,0 +478613,0 +478614,0 +478615,0 +478616,0 +478617,0 +478618,0 +478619,0 +478620,0 +478621,0 +478622,0 +478623,0 +478624,0 +478625,0 +478626,0 +478627,31 +478628,31 +478629,31 +478630,31 +478631,31 +478632,31 +478633,31 +478634,31 +478635,5 +478636,5 +478637,5 +478638,5 +478639,5 +478640,5 +478641,5 +478642,5 +478643,5 +478644,28 +478645,5 +478646,5 +478647,39 +478648,39 +478649,39 +478650,39 +478651,39 +478652,39 +478653,39 +478654,25 +478655,25 +478656,25 +478657,25 +478658,25 +478659,37 +478660,37 +478661,37 +478662,37 +478663,15 +478664,15 +478665,15 +478666,15 +478667,15 +478668,15 +478669,15 +478670,15 +478671,15 +478672,26 +478673,26 +478674,26 +478675,26 +478676,26 +478677,26 +478678,26 +478679,9 +478680,9 +478681,9 +478682,9 +478683,9 +478684,9 +478685,9 +478686,38 +478687,38 +478688,38 +478689,38 +478690,38 +478691,38 +478692,29 +478693,31 +478694,31 +478695,31 +478696,31 +478697,31 +478698,30 +478699,30 +478700,30 +478701,30 +478702,30 +478703,30 +478704,30 +478705,30 +478706,9 +478707,9 +478708,9 +478709,9 +478710,30 +478711,10 +478712,10 +478713,10 +478714,10 +478715,10 +478716,10 +478717,10 +478718,10 +478719,10 +478720,10 +478721,10 +478722,10 +478723,10 +478724,10 +478725,10 +478726,10 +478727,4 +478728,4 +478729,4 +478730,4 +478731,4 +478732,4 +478733,4 +478734,4 +478735,4 +478736,4 +478737,4 +478738,4 +478739,4 +478740,4 +478741,27 +478742,27 +478743,27 +478744,31 +478745,2 +478746,2 +478747,2 +478748,2 +478749,2 +478750,2 +478751,2 +478752,2 +478753,2 +478754,2 +478755,2 +478756,2 +478757,2 +478758,39 +478759,39 +478760,39 +478761,39 +478762,39 +478763,39 +478764,39 +478765,39 +478766,39 +478767,24 +478768,24 +478769,24 +478770,29 +478771,29 +478772,29 +478773,31 +478774,31 +478775,31 +478776,31 +478777,31 +478778,31 +478779,30 +478780,30 +478781,30 +478782,30 +478783,30 +478784,30 +478785,30 +478786,30 +478787,30 +478788,30 +478789,10 +478790,10 +478791,10 +478792,10 +478793,10 +478794,10 +478795,10 +478796,10 +478797,10 +478798,10 +478799,10 +478800,10 +478801,10 +478802,10 +478803,14 +478804,14 +478805,23 +478806,23 +478807,38 +478808,23 +478809,38 +478810,8 +478811,8 +478812,8 +478813,8 +478814,8 +478815,8 +478816,0 +478817,29 +478818,29 +478819,29 +478820,29 +478821,29 +478822,29 +478823,29 +478824,29 +478825,29 +478826,31 +478827,31 +478828,31 +478829,19 +478830,19 +478831,5 +478832,5 +478833,5 +478834,5 +478835,19 +478836,5 +478837,36 +478838,36 +478839,27 +478840,27 +478841,27 +478842,27 +478843,27 +478844,27 +478845,27 +478846,6 +478847,6 +478848,6 +478849,6 +478850,6 +478851,2 +478852,2 +478853,2 +478854,2 +478855,2 +478856,2 +478857,2 +478858,2 +478859,5 +478860,5 +478861,28 +478862,28 +478863,28 +478864,28 +478865,28 +478866,5 +478867,9 +478868,9 +478869,9 +478870,9 +478871,9 +478872,9 +478873,9 +478874,9 +478875,37 +478876,37 +478877,37 +478878,37 +478879,37 +478880,5 +478881,5 +478882,27 +478883,27 +478884,27 +478885,27 +478886,27 +478887,27 +478888,27 +478889,13 +478890,13 +478891,14 +478892,14 +478893,14 +478894,13 +478895,0 +478896,0 +478897,0 +478898,0 +478899,0 +478900,0 +478901,0 +478902,0 +478903,0 +478904,0 +478905,0 +478906,0 +478907,0 +478908,0 +478909,0 +478910,0 +478911,0 +478912,0 +478913,0 +478914,0 +478915,0 +478916,0 +478917,0 +478918,0 +478919,0 +478920,0 +478921,0 +478922,0 +478923,0 +478924,0 +478925,0 +478926,0 +478927,0 +478928,0 +478929,0 +478930,0 +478931,0 +478932,0 +478933,0 +478934,0 +478935,31 +478936,31 +478937,31 +478938,31 +478939,31 +478940,31 +478941,31 +478942,31 +478943,31 +478944,31 +478945,31 +478946,23 +478947,23 +478948,23 +478949,23 +478950,23 +478951,23 +478952,23 +478953,23 +478954,23 +478955,23 +478956,23 +478957,23 +478958,38 +478959,38 +478960,38 +478961,38 +478962,25 +478963,25 +478964,25 +478965,25 +478966,25 +478967,25 +478968,25 +478969,25 +478970,25 +478971,25 +478972,25 +478973,25 +478974,19 +478975,19 +478976,19 +478977,19 +478978,19 +478979,27 +478980,27 +478981,27 +478982,27 +478983,27 +478984,27 +478985,39 +478986,39 +478987,39 +478988,28 +478989,28 +478990,28 +478991,28 +478992,28 +478993,28 +478994,28 +478995,28 +478996,33 +478997,33 +478998,3 +478999,3 +479000,33 +479001,33 +479002,33 +479003,30 +479004,33 +479005,33 +479006,33 +479007,33 +479008,33 +479009,33 +479010,33 +479011,33 +479012,33 +479013,33 +479014,33 +479015,33 +479016,33 +479017,33 +479018,33 +479019,23 +479020,23 +479021,23 +479022,23 +479023,23 +479024,23 +479025,23 +479026,23 +479027,23 +479028,0 +479029,0 +479030,0 +479031,0 +479032,0 +479033,0 +479034,0 +479035,0 +479036,0 +479037,0 +479038,0 +479039,0 +479040,0 +479041,0 +479042,0 +479043,0 +479044,0 +479045,0 +479046,0 +479047,0 +479048,0 +479049,0 +479050,0 +479051,0 +479052,0 +479053,36 +479054,36 +479055,36 +479056,36 +479057,36 +479058,36 +479059,36 +479060,36 +479061,36 +479062,36 +479063,36 +479064,36 +479065,5 +479066,5 +479067,5 +479068,5 +479069,19 +479070,19 +479071,19 +479072,19 +479073,19 +479074,19 +479075,19 +479076,19 +479077,19 +479078,40 +479079,40 +479080,40 +479081,40 +479082,40 +479083,40 +479084,40 +479085,40 +479086,40 +479087,23 +479088,23 +479089,23 +479090,23 +479091,38 +479092,38 +479093,23 +479094,2 +479095,38 +479096,2 +479097,2 +479098,5 +479099,5 +479100,5 +479101,5 +479102,5 +479103,5 +479104,34 +479105,34 +479106,34 +479107,34 +479108,34 +479109,34 +479110,34 +479111,34 +479112,34 +479113,5 +479114,5 +479115,5 +479116,5 +479117,5 +479118,38 +479119,38 +479120,4 +479121,4 +479122,4 +479123,4 +479124,38 +479125,4 +479126,27 +479127,27 +479128,27 +479129,27 +479130,19 +479131,19 +479132,19 +479133,19 +479134,29 +479135,29 +479136,29 +479137,31 +479138,31 +479139,31 +479140,15 +479141,15 +479142,15 +479143,15 +479144,15 +479145,15 +479146,15 +479147,15 +479148,15 +479149,26 +479150,26 +479151,26 +479152,26 +479153,26 +479154,26 +479155,26 +479156,26 +479157,26 +479158,9 +479159,9 +479160,26 +479161,6 +479162,6 +479163,6 +479164,6 +479165,6 +479166,6 +479167,6 +479168,6 +479169,6 +479170,2 +479171,2 +479172,2 +479173,2 +479174,2 +479175,2 +479176,2 +479177,2 +479178,27 +479179,27 +479180,27 +479181,27 +479182,27 +479183,5 +479184,5 +479185,5 +479186,5 +479187,5 +479188,25 +479189,37 +479190,37 +479191,37 +479192,37 +479193,37 +479194,37 +479195,37 +479196,37 +479197,37 +479198,33 +479199,33 +479200,33 +479201,33 +479202,33 +479203,33 +479204,33 +479205,33 +479206,33 +479207,15 +479208,15 +479209,15 +479210,15 +479211,15 +479212,15 +479213,15 +479214,32 +479215,15 +479216,15 +479217,27 +479218,27 +479219,27 +479220,27 +479221,27 +479222,2 +479223,2 +479224,2 +479225,2 +479226,2 +479227,2 +479228,2 +479229,2 +479230,2 +479231,2 +479232,2 +479233,2 +479234,10 +479235,10 +479236,10 +479237,10 +479238,10 +479239,10 +479240,10 +479241,10 +479242,10 +479243,10 +479244,10 +479245,10 +479246,35 +479247,35 +479248,35 +479249,35 +479250,35 +479251,35 +479252,35 +479253,35 +479254,35 +479255,25 +479256,25 +479257,25 +479258,25 +479259,23 +479260,25 +479261,23 +479262,23 +479263,23 +479264,23 +479265,23 +479266,23 +479267,23 +479268,23 +479269,23 +479270,23 +479271,23 +479272,23 +479273,37 +479274,37 +479275,37 +479276,37 +479277,40 +479278,40 +479279,40 +479280,40 +479281,40 +479282,40 +479283,40 +479284,5 +479285,5 +479286,19 +479287,5 +479288,5 +479289,5 +479290,5 +479291,5 +479292,5 +479293,5 +479294,29 +479295,31 +479296,31 +479297,31 +479298,31 +479299,19 +479300,19 +479301,19 +479302,19 +479303,19 +479304,19 +479305,19 +479306,19 +479307,37 +479308,37 +479309,37 +479310,37 +479311,37 +479312,37 +479313,10 +479314,10 +479315,10 +479316,10 +479317,10 +479318,10 +479319,10 +479320,10 +479321,10 +479322,10 +479323,10 +479324,10 +479325,15 +479326,15 +479327,15 +479328,15 +479329,15 +479330,37 +479331,37 +479332,25 +479333,25 +479334,25 +479335,25 +479336,25 +479337,37 +479338,25 +479339,25 +479340,25 +479341,25 +479342,25 +479343,25 +479344,25 +479345,25 +479346,25 +479347,25 +479348,0 +479349,0 +479350,0 +479351,0 +479352,0 +479353,0 +479354,0 +479355,0 +479356,0 +479357,0 +479358,0 +479359,0 +479360,0 +479361,0 +479362,0 +479363,0 +479364,0 +479365,0 +479366,0 +479367,0 +479368,0 +479369,0 +479370,0 +479371,0 +479372,0 +479373,0 +479374,0 +479375,0 +479376,0 +479377,0 +479378,0 +479379,0 +479380,0 +479381,0 +479382,0 +479383,0 +479384,0 +479385,0 +479386,0 +479387,0 +479388,0 +479389,0 +479390,0 +479391,0 +479392,0 +479393,0 +479394,0 +479395,0 +479396,0 +479397,0 +479398,0 +479399,0 +479400,0 +479401,0 +479402,0 +479403,0 +479404,0 +479405,0 +479406,0 +479407,0 +479408,0 +479409,12 +479410,12 +479411,12 +479412,12 +479413,12 +479414,12 +479415,12 +479416,27 +479417,27 +479418,27 +479419,27 +479420,27 +479421,38 +479422,38 +479423,38 +479424,38 +479425,38 +479426,29 +479427,29 +479428,29 +479429,14 +479430,14 +479431,14 +479432,14 +479433,14 +479434,14 +479435,14 +479436,14 +479437,32 +479438,32 +479439,32 +479440,32 +479441,32 +479442,32 +479443,32 +479444,32 +479445,32 +479446,32 +479447,32 +479448,32 +479449,32 +479450,32 +479451,32 +479452,32 +479453,30 +479454,30 +479455,32 +479456,30 +479457,30 +479458,30 +479459,30 +479460,30 +479461,39 +479462,39 +479463,39 +479464,39 +479465,39 +479466,39 +479467,39 +479468,39 +479469,39 +479470,39 +479471,39 +479472,39 +479473,39 +479474,39 +479475,39 +479476,39 +479477,8 +479478,8 +479479,8 +479480,8 +479481,8 +479482,8 +479483,8 +479484,8 +479485,27 +479486,27 +479487,27 +479488,27 +479489,27 +479490,13 +479491,13 +479492,13 +479493,13 +479494,13 +479495,3 +479496,3 +479497,13 +479498,13 +479499,13 +479500,5 +479501,3 +479502,23 +479503,23 +479504,23 +479505,23 +479506,23 +479507,23 +479508,23 +479509,23 +479510,23 +479511,23 +479512,23 +479513,23 +479514,14 +479515,14 +479516,14 +479517,14 +479518,14 +479519,14 +479520,14 +479521,14 +479522,14 +479523,14 +479524,14 +479525,14 +479526,14 +479527,14 +479528,14 +479529,5 +479530,5 +479531,5 +479532,5 +479533,5 +479534,5 +479535,5 +479536,5 +479537,31 +479538,31 +479539,31 +479540,31 +479541,31 +479542,31 +479543,31 +479544,31 +479545,31 +479546,28 +479547,28 +479548,28 +479549,28 +479550,37 +479551,37 +479552,37 +479553,37 +479554,37 +479555,37 +479556,26 +479557,9 +479558,9 +479559,9 +479560,9 +479561,9 +479562,33 +479563,33 +479564,33 +479565,33 +479566,33 +479567,33 +479568,33 +479569,33 +479570,33 +479571,33 +479572,28 +479573,28 +479574,28 +479575,28 +479576,28 +479577,28 +479578,28 +479579,31 +479580,40 +479581,40 +479582,10 +479583,10 +479584,10 +479585,10 +479586,36 +479587,36 +479588,36 +479589,36 +479590,36 +479591,36 +479592,36 +479593,36 +479594,36 +479595,36 +479596,36 +479597,36 +479598,36 +479599,36 +479600,5 +479601,5 +479602,5 +479603,5 +479604,5 +479605,5 +479606,5 +479607,5 +479608,4 +479609,4 +479610,4 +479611,4 +479612,4 +479613,4 +479614,4 +479615,4 +479616,4 +479617,4 +479618,4 +479619,4 +479620,4 +479621,14 +479622,14 +479623,14 +479624,40 +479625,14 +479626,14 +479627,14 +479628,14 +479629,14 +479630,14 +479631,14 +479632,14 +479633,39 +479634,39 +479635,14 +479636,14 +479637,14 +479638,14 +479639,14 +479640,14 +479641,14 +479642,14 +479643,14 +479644,14 +479645,14 +479646,14 +479647,2 +479648,2 +479649,2 +479650,2 +479651,2 +479652,2 +479653,2 +479654,2 +479655,2 +479656,2 +479657,2 +479658,2 +479659,2 +479660,2 +479661,2 +479662,2 +479663,2 +479664,4 +479665,4 +479666,4 +479667,4 +479668,4 +479669,0 +479670,0 +479671,0 +479672,0 +479673,0 +479674,0 +479675,8 +479676,36 +479677,36 +479678,36 +479679,36 +479680,36 +479681,36 +479682,36 +479683,36 +479684,36 +479685,36 +479686,36 +479687,5 +479688,5 +479689,5 +479690,31 +479691,31 +479692,31 +479693,31 +479694,31 +479695,31 +479696,31 +479697,6 +479698,6 +479699,6 +479700,6 +479701,6 +479702,6 +479703,6 +479704,6 +479705,6 +479706,6 +479707,6 +479708,12 +479709,12 +479710,12 +479711,12 +479712,12 +479713,12 +479714,12 +479715,9 +479716,9 +479717,9 +479718,9 +479719,9 +479720,9 +479721,9 +479722,9 +479723,9 +479724,9 +479725,9 +479726,30 +479727,30 +479728,30 +479729,30 +479730,30 +479731,30 +479732,30 +479733,30 +479734,30 +479735,30 +479736,30 +479737,27 +479738,27 +479739,27 +479740,27 +479741,27 +479742,27 +479743,15 +479744,15 +479745,15 +479746,39 +479747,39 +479748,39 +479749,39 +479750,39 +479751,39 +479752,39 +479753,39 +479754,39 +479755,39 +479756,39 +479757,39 +479758,39 +479759,39 +479760,39 +479761,39 +479762,39 +479763,39 +479764,39 +479765,39 +479766,31 +479767,31 +479768,31 +479769,31 +479770,31 +479771,31 +479772,31 +479773,31 +479774,24 +479775,24 +479776,24 +479777,24 +479778,24 +479779,24 +479780,31 +479781,31 +479782,31 +479783,31 +479784,31 +479785,31 +479786,31 +479787,28 +479788,28 +479789,28 +479790,28 +479791,28 +479792,28 +479793,28 +479794,28 +479795,28 +479796,28 +479797,28 +479798,28 +479799,28 +479800,28 +479801,39 +479802,39 +479803,39 +479804,39 +479805,39 +479806,39 +479807,39 +479808,39 +479809,39 +479810,39 +479811,39 +479812,39 +479813,39 +479814,39 +479815,39 +479816,39 +479817,39 +479818,39 +479819,39 +479820,39 +479821,39 +479822,39 +479823,39 +479824,39 +479825,39 +479826,39 +479827,39 +479828,39 +479829,39 +479830,39 +479831,39 +479832,39 +479833,31 +479834,31 +479835,31 +479836,31 +479837,36 +479838,4 +479839,27 +479840,27 +479841,27 +479842,8 +479843,8 +479844,4 +479845,2 +479846,2 +479847,2 +479848,2 +479849,2 +479850,2 +479851,2 +479852,2 +479853,2 +479854,2 +479855,2 +479856,31 +479857,31 +479858,31 +479859,31 +479860,32 +479861,32 +479862,32 +479863,32 +479864,32 +479865,32 +479866,32 +479867,32 +479868,32 +479869,32 +479870,32 +479871,32 +479872,9 +479873,9 +479874,9 +479875,9 +479876,9 +479877,9 +479878,9 +479879,9 +479880,9 +479881,9 +479882,12 +479883,37 +479884,25 +479885,25 +479886,37 +479887,37 +479888,25 +479889,25 +479890,4 +479891,4 +479892,4 +479893,25 +479894,0 +479895,0 +479896,36 +479897,36 +479898,36 +479899,36 +479900,36 +479901,36 +479902,36 +479903,5 +479904,5 +479905,5 +479906,5 +479907,5 +479908,19 +479909,5 +479910,5 +479911,5 +479912,2 +479913,2 +479914,2 +479915,2 +479916,2 +479917,2 +479918,2 +479919,2 +479920,2 +479921,2 +479922,2 +479923,4 +479924,4 +479925,4 +479926,4 +479927,4 +479928,14 +479929,14 +479930,14 +479931,14 +479932,14 +479933,14 +479934,14 +479935,14 +479936,14 +479937,28 +479938,28 +479939,28 +479940,28 +479941,28 +479942,28 +479943,28 +479944,28 +479945,7 +479946,7 +479947,39 +479948,39 +479949,39 +479950,3 +479951,3 +479952,3 +479953,3 +479954,3 +479955,3 +479956,3 +479957,3 +479958,3 +479959,3 +479960,33 +479961,33 +479962,33 +479963,31 +479964,31 +479965,27 +479966,27 +479967,31 +479968,31 +479969,31 +479970,27 +479971,31 +479972,31 +479973,2 +479974,8 +479975,2 +479976,2 +479977,2 +479978,2 +479979,2 +479980,2 +479981,2 +479982,2 +479983,2 +479984,2 +479985,2 +479986,2 +479987,2 +479988,2 +479989,2 +479990,2 +479991,2 +479992,2 +479993,2 +479994,0 +479995,0 +479996,0 +479997,0 +479998,0 +479999,0 +480000,0 +480001,0 +480002,0 +480003,0 +480004,0 +480005,0 +480006,0 +480007,0 +480008,0 +480009,0 +480010,0 +480011,0 +480012,0 +480013,0 +480014,0 +480015,0 +480016,0 +480017,0 +480018,0 +480019,0 +480020,0 +480021,0 +480022,0 +480023,0 +480024,0 +480025,0 +480026,0 +480027,0 +480028,0 +480029,0 +480030,0 +480031,0 +480032,0 +480033,0 +480034,0 +480035,0 +480036,0 +480037,0 +480038,0 +480039,0 +480040,0 +480041,0 +480042,0 +480043,0 +480044,0 +480045,0 +480046,0 +480047,35 +480048,35 +480049,35 +480050,35 +480051,35 +480052,35 +480053,35 +480054,35 +480055,35 +480056,39 +480057,39 +480058,39 +480059,39 +480060,39 +480061,32 +480062,32 +480063,32 +480064,32 +480065,32 +480066,32 +480067,32 +480068,32 +480069,32 +480070,32 +480071,32 +480072,32 +480073,32 +480074,22 +480075,22 +480076,22 +480077,22 +480078,22 +480079,22 +480080,22 +480081,22 +480082,22 +480083,22 +480084,19 +480085,4 +480086,19 +480087,19 +480088,19 +480089,19 +480090,4 +480091,19 +480092,19 +480093,19 +480094,19 +480095,19 +480096,19 +480097,19 +480098,19 +480099,19 +480100,34 +480101,34 +480102,34 +480103,34 +480104,34 +480105,34 +480106,34 +480107,34 +480108,34 +480109,34 +480110,34 +480111,34 +480112,34 +480113,34 +480114,34 +480115,34 +480116,5 +480117,28 +480118,28 +480119,28 +480120,28 +480121,28 +480122,28 +480123,28 +480124,28 +480125,31 +480126,31 +480127,31 +480128,31 +480129,31 +480130,24 +480131,24 +480132,24 +480133,24 +480134,24 +480135,24 +480136,24 +480137,24 +480138,40 +480139,40 +480140,40 +480141,40 +480142,40 +480143,40 +480144,40 +480145,40 +480146,40 +480147,40 +480148,40 +480149,40 +480150,40 +480151,40 +480152,40 +480153,36 +480154,2 +480155,2 +480156,2 +480157,2 +480158,2 +480159,2 +480160,2 +480161,2 +480162,2 +480163,2 +480164,2 +480165,2 +480166,2 +480167,33 +480168,33 +480169,33 +480170,33 +480171,33 +480172,33 +480173,30 +480174,30 +480175,30 +480176,30 +480177,30 +480178,30 +480179,30 +480180,30 +480181,30 +480182,30 +480183,27 +480184,27 +480185,27 +480186,27 +480187,27 +480188,27 +480189,27 +480190,5 +480191,5 +480192,5 +480193,5 +480194,5 +480195,5 +480196,5 +480197,5 +480198,5 +480199,5 +480200,30 +480201,30 +480202,30 +480203,30 +480204,30 +480205,30 +480206,30 +480207,30 +480208,22 +480209,22 +480210,22 +480211,22 +480212,22 +480213,22 +480214,22 +480215,22 +480216,30 +480217,6 +480218,6 +480219,6 +480220,6 +480221,6 +480222,6 +480223,6 +480224,6 +480225,35 +480226,32 +480227,32 +480228,32 +480229,35 +480230,35 +480231,31 +480232,31 +480233,27 +480234,27 +480235,15 +480236,15 +480237,15 +480238,15 +480239,15 +480240,15 +480241,15 +480242,15 +480243,15 +480244,15 +480245,15 +480246,34 +480247,34 +480248,34 +480249,34 +480250,34 +480251,34 +480252,34 +480253,34 +480254,34 +480255,34 +480256,34 +480257,34 +480258,34 +480259,34 +480260,34 +480261,34 +480262,34 +480263,30 +480264,30 +480265,39 +480266,39 +480267,39 +480268,39 +480269,39 +480270,39 +480271,39 +480272,39 +480273,39 +480274,10 +480275,10 +480276,39 +480277,39 +480278,39 +480279,39 +480280,27 +480281,27 +480282,27 +480283,27 +480284,27 +480285,27 +480286,27 +480287,27 +480288,28 +480289,28 +480290,28 +480291,28 +480292,28 +480293,28 +480294,28 +480295,28 +480296,28 +480297,28 +480298,0 +480299,0 +480300,0 +480301,0 +480302,0 +480303,0 +480304,0 +480305,0 +480306,0 +480307,0 +480308,0 +480309,0 +480310,0 +480311,0 +480312,0 +480313,0 +480314,0 +480315,0 +480316,0 +480317,0 +480318,0 +480319,0 +480320,0 +480321,0 +480322,0 +480323,0 +480324,0 +480325,0 +480326,0 +480327,0 +480328,0 +480329,0 +480330,0 +480331,0 +480332,0 +480333,0 +480334,0 +480335,0 +480336,0 +480337,0 +480338,0 +480339,0 +480340,0 +480341,0 +480342,0 +480343,0 +480344,0 +480345,0 +480346,0 +480347,0 +480348,0 +480349,0 +480350,0 +480351,0 +480352,0 +480353,0 +480354,0 +480355,0 +480356,0 +480357,0 +480358,0 +480359,0 +480360,0 +480361,0 +480362,0 +480363,0 +480364,0 +480365,0 +480366,0 +480367,0 +480368,0 +480369,0 +480370,0 +480371,0 +480372,0 +480373,0 +480374,0 +480375,0 +480376,0 +480377,0 +480378,0 +480379,0 +480380,0 +480381,0 +480382,0 +480383,0 +480384,0 +480385,0 +480386,0 +480387,0 +480388,0 +480389,0 +480390,0 +480391,0 +480392,0 +480393,0 +480394,0 +480395,0 +480396,0 +480397,0 +480398,0 +480399,0 +480400,0 +480401,27 +480402,14 +480403,14 +480404,27 +480405,27 +480406,27 +480407,27 +480408,27 +480409,27 +480410,27 +480411,27 +480412,27 +480413,27 +480414,4 +480415,4 +480416,4 +480417,12 +480418,12 +480419,12 +480420,12 +480421,12 +480422,12 +480423,12 +480424,12 +480425,12 +480426,12 +480427,31 +480428,31 +480429,31 +480430,31 +480431,31 +480432,8 +480433,8 +480434,8 +480435,8 +480436,8 +480437,8 +480438,8 +480439,8 +480440,8 +480441,18 +480442,8 +480443,8 +480444,8 +480445,16 +480446,18 +480447,18 +480448,18 +480449,18 +480450,18 +480451,18 +480452,18 +480453,18 +480454,18 +480455,18 +480456,31 +480457,40 +480458,31 +480459,40 +480460,40 +480461,31 +480462,31 +480463,31 +480464,31 +480465,31 +480466,31 +480467,31 +480468,2 +480469,2 +480470,2 +480471,2 +480472,2 +480473,2 +480474,2 +480475,2 +480476,2 +480477,2 +480478,2 +480479,2 +480480,2 +480481,2 +480482,2 +480483,2 +480484,40 +480485,40 +480486,31 +480487,31 +480488,31 +480489,31 +480490,31 +480491,16 +480492,16 +480493,16 +480494,16 +480495,16 +480496,16 +480497,16 +480498,16 +480499,27 +480500,27 +480501,27 +480502,27 +480503,27 +480504,6 +480505,6 +480506,6 +480507,6 +480508,6 +480509,6 +480510,6 +480511,6 +480512,6 +480513,6 +480514,6 +480515,6 +480516,6 +480517,9 +480518,26 +480519,26 +480520,26 +480521,26 +480522,26 +480523,26 +480524,26 +480525,26 +480526,26 +480527,26 +480528,26 +480529,32 +480530,30 +480531,30 +480532,30 +480533,30 +480534,30 +480535,30 +480536,30 +480537,30 +480538,30 +480539,30 +480540,30 +480541,12 +480542,12 +480543,12 +480544,12 +480545,12 +480546,12 +480547,27 +480548,27 +480549,40 +480550,40 +480551,40 +480552,40 +480553,31 +480554,31 +480555,5 +480556,5 +480557,5 +480558,5 +480559,5 +480560,19 +480561,19 +480562,19 +480563,19 +480564,19 +480565,19 +480566,26 +480567,26 +480568,26 +480569,26 +480570,26 +480571,26 +480572,26 +480573,4 +480574,4 +480575,4 +480576,4 +480577,4 +480578,4 +480579,4 +480580,4 +480581,4 +480582,4 +480583,4 +480584,4 +480585,4 +480586,4 +480587,4 +480588,40 +480589,40 +480590,40 +480591,10 +480592,10 +480593,10 +480594,5 +480595,28 +480596,5 +480597,5 +480598,5 +480599,5 +480600,5 +480601,13 +480602,13 +480603,10 +480604,10 +480605,10 +480606,10 +480607,10 +480608,10 +480609,10 +480610,34 +480611,34 +480612,34 +480613,34 +480614,34 +480615,34 +480616,34 +480617,34 +480618,5 +480619,5 +480620,5 +480621,5 +480622,5 +480623,5 +480624,5 +480625,5 +480626,5 +480627,5 +480628,5 +480629,5 +480630,5 +480631,5 +480632,5 +480633,5 +480634,5 +480635,0 +480636,0 +480637,0 +480638,0 +480639,0 +480640,12 +480641,12 +480642,12 +480643,12 +480644,12 +480645,12 +480646,12 +480647,12 +480648,12 +480649,12 +480650,12 +480651,12 +480652,22 +480653,22 +480654,22 +480655,22 +480656,19 +480657,19 +480658,19 +480659,19 +480660,19 +480661,19 +480662,19 +480663,19 +480664,19 +480665,19 +480666,19 +480667,16 +480668,16 +480669,16 +480670,16 +480671,16 +480672,16 +480673,16 +480674,16 +480675,16 +480676,16 +480677,16 +480678,16 +480679,16 +480680,3 +480681,3 +480682,3 +480683,3 +480684,3 +480685,3 +480686,3 +480687,3 +480688,3 +480689,3 +480690,3 +480691,3 +480692,3 +480693,3 +480694,3 +480695,3 +480696,3 +480697,3 +480698,3 +480699,3 +480700,3 +480701,3 +480702,3 +480703,3 +480704,8 +480705,8 +480706,8 +480707,8 +480708,8 +480709,8 +480710,8 +480711,8 +480712,8 +480713,8 +480714,8 +480715,0 +480716,0 +480717,0 +480718,35 +480719,35 +480720,35 +480721,35 +480722,12 +480723,12 +480724,12 +480725,12 +480726,12 +480727,40 +480728,40 +480729,5 +480730,5 +480731,5 +480732,5 +480733,35 +480734,35 +480735,35 +480736,35 +480737,35 +480738,35 +480739,39 +480740,39 +480741,39 +480742,39 +480743,39 +480744,19 +480745,19 +480746,19 +480747,19 +480748,19 +480749,19 +480750,19 +480751,19 +480752,27 +480753,27 +480754,27 +480755,27 +480756,27 +480757,19 +480758,19 +480759,19 +480760,19 +480761,19 +480762,19 +480763,5 +480764,5 +480765,5 +480766,5 +480767,26 +480768,26 +480769,26 +480770,26 +480771,26 +480772,26 +480773,26 +480774,26 +480775,26 +480776,26 +480777,26 +480778,26 +480779,26 +480780,26 +480781,32 +480782,4 +480783,4 +480784,4 +480785,32 +480786,32 +480787,32 +480788,32 +480789,23 +480790,29 +480791,23 +480792,7 +480793,7 +480794,3 +480795,3 +480796,3 +480797,3 +480798,3 +480799,3 +480800,3 +480801,3 +480802,3 +480803,3 +480804,15 +480805,15 +480806,29 +480807,29 +480808,29 +480809,29 +480810,29 +480811,31 +480812,31 +480813,31 +480814,31 +480815,31 +480816,31 +480817,31 +480818,2 +480819,2 +480820,2 +480821,2 +480822,2 +480823,2 +480824,2 +480825,2 +480826,2 +480827,32 +480828,32 +480829,32 +480830,32 +480831,32 +480832,32 +480833,32 +480834,33 +480835,33 +480836,33 +480837,33 +480838,33 +480839,33 +480840,33 +480841,33 +480842,33 +480843,33 +480844,33 +480845,33 +480846,33 +480847,33 +480848,33 +480849,8 +480850,8 +480851,8 +480852,8 +480853,8 +480854,4 +480855,4 +480856,4 +480857,4 +480858,4 +480859,31 +480860,31 +480861,31 +480862,31 +480863,31 +480864,32 +480865,32 +480866,32 +480867,32 +480868,32 +480869,32 +480870,32 +480871,32 +480872,32 +480873,32 +480874,32 +480875,40 +480876,14 +480877,14 +480878,14 +480879,14 +480880,14 +480881,14 +480882,14 +480883,14 +480884,14 +480885,14 +480886,14 +480887,14 +480888,14 +480889,14 +480890,14 +480891,14 +480892,14 +480893,39 +480894,27 +480895,27 +480896,27 +480897,27 +480898,27 +480899,27 +480900,27 +480901,5 +480902,5 +480903,5 +480904,5 +480905,39 +480906,14 +480907,14 +480908,14 +480909,36 +480910,36 +480911,36 +480912,39 +480913,35 +480914,36 +480915,36 +480916,36 +480917,35 +480918,35 +480919,36 +480920,36 +480921,36 +480922,36 +480923,36 +480924,36 +480925,36 +480926,36 +480927,29 +480928,29 +480929,29 +480930,29 +480931,29 +480932,29 +480933,25 +480934,25 +480935,25 +480936,37 +480937,37 +480938,37 +480939,37 +480940,37 +480941,37 +480942,37 +480943,37 +480944,37 +480945,37 +480946,37 +480947,37 +480948,37 +480949,0 +480950,0 +480951,0 +480952,0 +480953,0 +480954,0 +480955,0 +480956,0 +480957,0 +480958,0 +480959,0 +480960,0 +480961,0 +480962,0 +480963,0 +480964,0 +480965,0 +480966,0 +480967,0 +480968,0 +480969,0 +480970,0 +480971,0 +480972,0 +480973,0 +480974,0 +480975,0 +480976,0 +480977,0 +480978,0 +480979,0 +480980,0 +480981,0 +480982,0 +480983,0 +480984,0 +480985,0 +480986,0 +480987,0 +480988,0 +480989,0 +480990,0 +480991,0 +480992,0 +480993,0 +480994,0 +480995,2 +480996,2 +480997,2 +480998,2 +480999,2 +481000,2 +481001,2 +481002,2 +481003,2 +481004,2 +481005,2 +481006,2 +481007,2 +481008,2 +481009,2 +481010,2 +481011,2 +481012,2 +481013,2 +481014,2 +481015,2 +481016,2 +481017,2 +481018,2 +481019,2 +481020,2 +481021,2 +481022,33 +481023,33 +481024,33 +481025,33 +481026,33 +481027,33 +481028,33 +481029,33 +481030,33 +481031,33 +481032,33 +481033,33 +481034,33 +481035,33 +481036,33 +481037,33 +481038,9 +481039,9 +481040,9 +481041,9 +481042,34 +481043,9 +481044,9 +481045,9 +481046,9 +481047,9 +481048,9 +481049,9 +481050,9 +481051,26 +481052,37 +481053,37 +481054,37 +481055,26 +481056,32 +481057,32 +481058,32 +481059,32 +481060,32 +481061,32 +481062,32 +481063,32 +481064,37 +481065,25 +481066,37 +481067,37 +481068,37 +481069,37 +481070,37 +481071,4 +481072,4 +481073,4 +481074,4 +481075,4 +481076,4 +481077,4 +481078,4 +481079,4 +481080,4 +481081,4 +481082,4 +481083,3 +481084,3 +481085,3 +481086,3 +481087,3 +481088,3 +481089,3 +481090,3 +481091,3 +481092,30 +481093,30 +481094,30 +481095,30 +481096,30 +481097,30 +481098,30 +481099,30 +481100,30 +481101,30 +481102,30 +481103,30 +481104,39 +481105,39 +481106,39 +481107,39 +481108,39 +481109,39 +481110,39 +481111,12 +481112,12 +481113,12 +481114,12 +481115,12 +481116,12 +481117,12 +481118,12 +481119,12 +481120,31 +481121,31 +481122,31 +481123,8 +481124,8 +481125,8 +481126,8 +481127,8 +481128,8 +481129,8 +481130,5 +481131,5 +481132,5 +481133,5 +481134,5 +481135,5 +481136,5 +481137,26 +481138,26 +481139,26 +481140,26 +481141,26 +481142,26 +481143,26 +481144,26 +481145,26 +481146,5 +481147,5 +481148,5 +481149,5 +481150,5 +481151,5 +481152,26 +481153,31 +481154,31 +481155,31 +481156,31 +481157,31 +481158,31 +481159,31 +481160,31 +481161,31 +481162,31 +481163,31 +481164,29 +481165,29 +481166,29 +481167,29 +481168,29 +481169,25 +481170,25 +481171,25 +481172,25 +481173,25 +481174,25 +481175,25 +481176,25 +481177,25 +481178,29 +481179,29 +481180,29 +481181,29 +481182,31 +481183,31 +481184,31 +481185,31 +481186,31 +481187,5 +481188,5 +481189,5 +481190,5 +481191,5 +481192,6 +481193,6 +481194,6 +481195,6 +481196,6 +481197,6 +481198,6 +481199,6 +481200,6 +481201,6 +481202,6 +481203,6 +481204,6 +481205,6 +481206,6 +481207,6 +481208,26 +481209,26 +481210,26 +481211,26 +481212,26 +481213,26 +481214,26 +481215,26 +481216,5 +481217,5 +481218,5 +481219,5 +481220,5 +481221,5 +481222,5 +481223,5 +481224,23 +481225,23 +481226,23 +481227,23 +481228,23 +481229,23 +481230,23 +481231,23 +481232,23 +481233,23 +481234,25 +481235,25 +481236,25 +481237,25 +481238,25 +481239,25 +481240,25 +481241,25 +481242,25 +481243,9 +481244,9 +481245,9 +481246,9 +481247,9 +481248,9 +481249,9 +481250,9 +481251,30 +481252,30 +481253,30 +481254,30 +481255,30 +481256,30 +481257,30 +481258,4 +481259,4 +481260,4 +481261,4 +481262,4 +481263,4 +481264,4 +481265,4 +481266,4 +481267,4 +481268,4 +481269,4 +481270,4 +481271,39 +481272,39 +481273,39 +481274,39 +481275,39 +481276,39 +481277,39 +481278,39 +481279,39 +481280,39 +481281,39 +481282,39 +481283,39 +481284,39 +481285,39 +481286,39 +481287,39 +481288,39 +481289,39 +481290,0 +481291,0 +481292,0 +481293,0 +481294,0 +481295,0 +481296,0 +481297,0 +481298,0 +481299,0 +481300,0 +481301,0 +481302,0 +481303,0 +481304,0 +481305,0 +481306,0 +481307,0 +481308,0 +481309,0 +481310,0 +481311,0 +481312,0 +481313,0 +481314,0 +481315,0 +481316,0 +481317,0 +481318,0 +481319,0 +481320,0 +481321,0 +481322,0 +481323,0 +481324,0 +481325,0 +481326,0 +481327,0 +481328,0 +481329,0 +481330,0 +481331,0 +481332,0 +481333,0 +481334,0 +481335,0 +481336,0 +481337,0 +481338,0 +481339,0 +481340,0 +481341,0 +481342,0 +481343,0 +481344,0 +481345,0 +481346,0 +481347,0 +481348,0 +481349,0 +481350,0 +481351,0 +481352,0 +481353,0 +481354,0 +481355,0 +481356,0 +481357,0 +481358,29 +481359,29 +481360,29 +481361,29 +481362,29 +481363,29 +481364,29 +481365,14 +481366,14 +481367,14 +481368,14 +481369,14 +481370,14 +481371,14 +481372,14 +481373,2 +481374,2 +481375,2 +481376,2 +481377,2 +481378,2 +481379,2 +481380,2 +481381,4 +481382,4 +481383,4 +481384,4 +481385,4 +481386,4 +481387,22 +481388,22 +481389,22 +481390,27 +481391,27 +481392,27 +481393,27 +481394,27 +481395,19 +481396,19 +481397,19 +481398,19 +481399,19 +481400,19 +481401,19 +481402,2 +481403,2 +481404,2 +481405,2 +481406,2 +481407,2 +481408,2 +481409,2 +481410,2 +481411,2 +481412,2 +481413,10 +481414,10 +481415,10 +481416,34 +481417,34 +481418,34 +481419,34 +481420,34 +481421,34 +481422,34 +481423,34 +481424,34 +481425,34 +481426,34 +481427,34 +481428,34 +481429,34 +481430,34 +481431,34 +481432,34 +481433,34 +481434,34 +481435,9 +481436,4 +481437,4 +481438,4 +481439,4 +481440,4 +481441,4 +481442,4 +481443,31 +481444,31 +481445,31 +481446,31 +481447,31 +481448,31 +481449,31 +481450,28 +481451,28 +481452,28 +481453,28 +481454,28 +481455,28 +481456,28 +481457,28 +481458,9 +481459,9 +481460,9 +481461,9 +481462,9 +481463,9 +481464,9 +481465,9 +481466,33 +481467,5 +481468,5 +481469,5 +481470,5 +481471,12 +481472,12 +481473,28 +481474,28 +481475,31 +481476,31 +481477,5 +481478,5 +481479,5 +481480,5 +481481,19 +481482,19 +481483,19 +481484,19 +481485,19 +481486,19 +481487,19 +481488,19 +481489,19 +481490,0 +481491,0 +481492,0 +481493,0 +481494,0 +481495,0 +481496,0 +481497,0 +481498,0 +481499,0 +481500,0 +481501,0 +481502,0 +481503,0 +481504,0 +481505,0 +481506,0 +481507,0 +481508,0 +481509,0 +481510,0 +481511,0 +481512,0 +481513,0 +481514,0 +481515,0 +481516,0 +481517,0 +481518,0 +481519,36 +481520,36 +481521,36 +481522,36 +481523,36 +481524,36 +481525,36 +481526,36 +481527,5 +481528,5 +481529,19 +481530,19 +481531,19 +481532,19 +481533,19 +481534,19 +481535,27 +481536,27 +481537,27 +481538,27 +481539,27 +481540,27 +481541,27 +481542,27 +481543,27 +481544,27 +481545,27 +481546,5 +481547,5 +481548,5 +481549,5 +481550,5 +481551,5 +481552,5 +481553,5 +481554,5 +481555,23 +481556,23 +481557,23 +481558,23 +481559,23 +481560,23 +481561,23 +481562,23 +481563,23 +481564,23 +481565,23 +481566,23 +481567,14 +481568,14 +481569,14 +481570,14 +481571,14 +481572,14 +481573,14 +481574,14 +481575,14 +481576,14 +481577,14 +481578,14 +481579,14 +481580,14 +481581,14 +481582,14 +481583,39 +481584,39 +481585,4 +481586,4 +481587,4 +481588,4 +481589,0 +481590,0 +481591,0 +481592,19 +481593,0 +481594,0 +481595,0 +481596,4 +481597,36 +481598,36 +481599,36 +481600,36 +481601,36 +481602,36 +481603,36 +481604,36 +481605,36 +481606,5 +481607,5 +481608,5 +481609,5 +481610,5 +481611,27 +481612,27 +481613,27 +481614,27 +481615,27 +481616,27 +481617,27 +481618,27 +481619,5 +481620,5 +481621,5 +481622,5 +481623,19 +481624,19 +481625,19 +481626,19 +481627,27 +481628,27 +481629,27 +481630,27 +481631,27 +481632,2 +481633,2 +481634,2 +481635,2 +481636,2 +481637,2 +481638,2 +481639,2 +481640,2 +481641,2 +481642,4 +481643,4 +481644,4 +481645,4 +481646,4 +481647,4 +481648,4 +481649,14 +481650,14 +481651,27 +481652,36 +481653,36 +481654,36 +481655,13 +481656,14 +481657,14 +481658,14 +481659,14 +481660,14 +481661,13 +481662,14 +481663,14 +481664,14 +481665,14 +481666,39 +481667,0 +481668,0 +481669,0 +481670,0 +481671,0 +481672,0 +481673,0 +481674,0 +481675,0 +481676,0 +481677,0 +481678,0 +481679,0 +481680,0 +481681,0 +481682,0 +481683,0 +481684,0 +481685,0 +481686,0 +481687,0 +481688,0 +481689,0 +481690,0 +481691,0 +481692,0 +481693,0 +481694,0 +481695,0 +481696,0 +481697,0 +481698,0 +481699,0 +481700,0 +481701,0 +481702,0 +481703,0 +481704,31 +481705,31 +481706,31 +481707,31 +481708,31 +481709,31 +481710,31 +481711,31 +481712,31 +481713,31 +481714,31 +481715,32 +481716,32 +481717,32 +481718,32 +481719,32 +481720,32 +481721,32 +481722,32 +481723,32 +481724,32 +481725,32 +481726,40 +481727,40 +481728,40 +481729,40 +481730,40 +481731,40 +481732,40 +481733,37 +481734,37 +481735,25 +481736,25 +481737,37 +481738,37 +481739,4 +481740,4 +481741,37 +481742,12 +481743,12 +481744,12 +481745,12 +481746,12 +481747,14 +481748,14 +481749,14 +481750,14 +481751,14 +481752,14 +481753,14 +481754,14 +481755,14 +481756,23 +481757,23 +481758,23 +481759,23 +481760,23 +481761,23 +481762,23 +481763,23 +481764,25 +481765,25 +481766,28 +481767,28 +481768,28 +481769,28 +481770,28 +481771,28 +481772,28 +481773,28 +481774,2 +481775,2 +481776,2 +481777,2 +481778,2 +481779,2 +481780,2 +481781,2 +481782,2 +481783,2 +481784,2 +481785,2 +481786,2 +481787,2 +481788,33 +481789,33 +481790,33 +481791,33 +481792,33 +481793,28 +481794,28 +481795,28 +481796,28 +481797,28 +481798,28 +481799,28 +481800,12 +481801,12 +481802,12 +481803,12 +481804,12 +481805,37 +481806,37 +481807,37 +481808,25 +481809,25 +481810,25 +481811,37 +481812,37 +481813,37 +481814,2 +481815,25 +481816,2 +481817,2 +481818,2 +481819,2 +481820,2 +481821,2 +481822,2 +481823,2 +481824,2 +481825,2 +481826,40 +481827,40 +481828,40 +481829,37 +481830,24 +481831,25 +481832,24 +481833,24 +481834,24 +481835,37 +481836,33 +481837,33 +481838,33 +481839,33 +481840,33 +481841,33 +481842,31 +481843,31 +481844,31 +481845,30 +481846,30 +481847,23 +481848,23 +481849,23 +481850,23 +481851,23 +481852,23 +481853,23 +481854,39 +481855,39 +481856,39 +481857,39 +481858,39 +481859,4 +481860,4 +481861,4 +481862,4 +481863,4 +481864,27 +481865,27 +481866,27 +481867,35 +481868,35 +481869,35 +481870,35 +481871,35 +481872,35 +481873,35 +481874,35 +481875,35 +481876,35 +481877,40 +481878,40 +481879,40 +481880,40 +481881,40 +481882,40 +481883,40 +481884,40 +481885,40 +481886,19 +481887,19 +481888,19 +481889,19 +481890,31 +481891,31 +481892,31 +481893,31 +481894,31 +481895,24 +481896,24 +481897,24 +481898,24 +481899,24 +481900,24 +481901,24 +481902,29 +481903,29 +481904,29 +481905,29 +481906,31 +481907,31 +481908,31 +481909,31 +481910,31 +481911,31 +481912,31 +481913,31 +481914,28 +481915,28 +481916,28 +481917,28 +481918,28 +481919,28 +481920,28 +481921,28 +481922,28 +481923,28 +481924,28 +481925,28 +481926,0 +481927,0 +481928,0 +481929,0 +481930,0 +481931,0 +481932,0 +481933,0 +481934,0 +481935,0 +481936,0 +481937,0 +481938,0 +481939,0 +481940,0 +481941,0 +481942,0 +481943,0 +481944,0 +481945,0 +481946,0 +481947,0 +481948,0 +481949,0 +481950,0 +481951,0 +481952,0 +481953,0 +481954,0 +481955,0 +481956,0 +481957,0 +481958,0 +481959,0 +481960,0 +481961,0 +481962,0 +481963,0 +481964,0 +481965,29 +481966,29 +481967,29 +481968,29 +481969,29 +481970,29 +481971,32 +481972,32 +481973,27 +481974,27 +481975,27 +481976,27 +481977,14 +481978,14 +481979,15 +481980,15 +481981,15 +481982,15 +481983,15 +481984,15 +481985,15 +481986,15 +481987,31 +481988,31 +481989,33 +481990,31 +481991,30 +481992,30 +481993,30 +481994,33 +481995,33 +481996,33 +481997,33 +481998,33 +481999,33 +482000,33 +482001,32 +482002,32 +482003,32 +482004,32 +482005,32 +482006,32 +482007,32 +482008,32 +482009,32 +482010,6 +482011,32 +482012,32 +482013,37 +482014,25 +482015,37 +482016,25 +482017,37 +482018,25 +482019,25 +482020,25 +482021,21 +482022,21 +482023,21 +482024,21 +482025,21 +482026,21 +482027,12 +482028,12 +482029,25 +482030,37 +482031,37 +482032,37 +482033,39 +482034,39 +482035,39 +482036,39 +482037,32 +482038,32 +482039,32 +482040,32 +482041,32 +482042,32 +482043,32 +482044,32 +482045,32 +482046,39 +482047,39 +482048,39 +482049,39 +482050,39 +482051,39 +482052,39 +482053,39 +482054,39 +482055,19 +482056,19 +482057,4 +482058,4 +482059,4 +482060,27 +482061,27 +482062,27 +482063,27 +482064,27 +482065,27 +482066,27 +482067,27 +482068,19 +482069,19 +482070,19 +482071,19 +482072,19 +482073,19 +482074,29 +482075,29 +482076,29 +482077,29 +482078,40 +482079,40 +482080,40 +482081,40 +482082,40 +482083,36 +482084,36 +482085,36 +482086,36 +482087,4 +482088,4 +482089,4 +482090,4 +482091,4 +482092,4 +482093,12 +482094,12 +482095,12 +482096,12 +482097,12 +482098,12 +482099,12 +482100,12 +482101,27 +482102,27 +482103,27 +482104,16 +482105,16 +482106,16 +482107,16 +482108,16 +482109,16 +482110,16 +482111,4 +482112,16 +482113,16 +482114,27 +482115,27 +482116,27 +482117,27 +482118,27 +482119,27 +482120,27 +482121,28 +482122,28 +482123,28 +482124,28 +482125,28 +482126,28 +482127,28 +482128,28 +482129,14 +482130,14 +482131,14 +482132,14 +482133,14 +482134,14 +482135,14 +482136,14 +482137,14 +482138,14 +482139,19 +482140,19 +482141,19 +482142,19 +482143,19 +482144,19 +482145,2 +482146,2 +482147,2 +482148,2 +482149,2 +482150,2 +482151,2 +482152,2 +482153,2 +482154,2 +482155,2 +482156,2 +482157,33 +482158,33 +482159,33 +482160,33 +482161,33 +482162,33 +482163,33 +482164,33 +482165,28 +482166,28 +482167,28 +482168,28 +482169,28 +482170,28 +482171,28 +482172,31 +482173,31 +482174,2 +482175,2 +482176,2 +482177,2 +482178,2 +482179,2 +482180,2 +482181,4 +482182,4 +482183,4 +482184,4 +482185,4 +482186,4 +482187,26 +482188,26 +482189,26 +482190,34 +482191,34 +482192,34 +482193,34 +482194,34 +482195,34 +482196,34 +482197,34 +482198,34 +482199,34 +482200,34 +482201,34 +482202,32 +482203,32 +482204,32 +482205,32 +482206,32 +482207,32 +482208,32 +482209,32 +482210,32 +482211,33 +482212,0 +482213,0 +482214,0 +482215,0 +482216,0 +482217,0 +482218,0 +482219,0 +482220,0 +482221,0 +482222,0 +482223,0 +482224,0 +482225,0 +482226,0 +482227,0 +482228,0 +482229,0 +482230,0 +482231,0 +482232,0 +482233,0 +482234,0 +482235,0 +482236,0 +482237,0 +482238,0 +482239,0 +482240,0 +482241,0 +482242,0 +482243,0 +482244,0 +482245,0 +482246,0 +482247,0 +482248,0 +482249,0 +482250,0 +482251,0 +482252,0 +482253,0 +482254,0 +482255,0 +482256,0 +482257,10 +482258,10 +482259,10 +482260,10 +482261,10 +482262,10 +482263,10 +482264,10 +482265,10 +482266,10 +482267,10 +482268,10 +482269,10 +482270,10 +482271,10 +482272,10 +482273,10 +482274,11 +482275,11 +482276,11 +482277,11 +482278,11 +482279,11 +482280,11 +482281,11 +482282,11 +482283,22 +482284,22 +482285,22 +482286,31 +482287,31 +482288,31 +482289,4 +482290,4 +482291,4 +482292,4 +482293,4 +482294,29 +482295,29 +482296,29 +482297,29 +482298,14 +482299,14 +482300,14 +482301,14 +482302,14 +482303,14 +482304,14 +482305,14 +482306,14 +482307,14 +482308,6 +482309,6 +482310,6 +482311,6 +482312,6 +482313,6 +482314,6 +482315,6 +482316,31 +482317,31 +482318,31 +482319,31 +482320,31 +482321,31 +482322,31 +482323,28 +482324,28 +482325,28 +482326,28 +482327,28 +482328,28 +482329,28 +482330,28 +482331,28 +482332,28 +482333,36 +482334,36 +482335,36 +482336,36 +482337,36 +482338,36 +482339,36 +482340,36 +482341,36 +482342,36 +482343,36 +482344,36 +482345,36 +482346,36 +482347,36 +482348,36 +482349,36 +482350,36 +482351,36 +482352,36 +482353,36 +482354,36 +482355,36 +482356,36 +482357,5 +482358,5 +482359,5 +482360,5 +482361,5 +482362,5 +482363,5 +482364,5 +482365,5 +482366,5 +482367,5 +482368,5 +482369,5 +482370,0 +482371,0 +482372,0 +482373,0 +482374,0 +482375,0 +482376,0 +482377,0 +482378,0 +482379,36 +482380,40 +482381,40 +482382,40 +482383,40 +482384,40 +482385,40 +482386,40 +482387,40 +482388,40 +482389,8 +482390,2 +482391,2 +482392,2 +482393,2 +482394,2 +482395,2 +482396,40 +482397,40 +482398,40 +482399,40 +482400,40 +482401,40 +482402,40 +482403,40 +482404,36 +482405,36 +482406,36 +482407,40 +482408,8 +482409,8 +482410,8 +482411,8 +482412,8 +482413,8 +482414,8 +482415,8 +482416,8 +482417,30 +482418,30 +482419,30 +482420,30 +482421,30 +482422,30 +482423,30 +482424,27 +482425,27 +482426,27 +482427,27 +482428,27 +482429,27 +482430,27 +482431,27 +482432,27 +482433,4 +482434,4 +482435,4 +482436,4 +482437,4 +482438,4 +482439,4 +482440,4 +482441,4 +482442,31 +482443,31 +482444,31 +482445,31 +482446,28 +482447,28 +482448,28 +482449,28 +482450,28 +482451,28 +482452,28 +482453,28 +482454,9 +482455,9 +482456,9 +482457,9 +482458,9 +482459,9 +482460,13 +482461,13 +482462,13 +482463,13 +482464,13 +482465,13 +482466,13 +482467,13 +482468,13 +482469,13 +482470,29 +482471,29 +482472,31 +482473,31 +482474,31 +482475,18 +482476,18 +482477,18 +482478,18 +482479,18 +482480,18 +482481,18 +482482,18 +482483,18 +482484,18 +482485,18 +482486,18 +482487,40 +482488,40 +482489,40 +482490,40 +482491,40 +482492,40 +482493,40 +482494,40 +482495,5 +482496,5 +482497,5 +482498,5 +482499,19 +482500,19 +482501,19 +482502,19 +482503,19 +482504,19 +482505,19 +482506,19 +482507,19 +482508,37 +482509,37 +482510,37 +482511,37 +482512,37 +482513,39 +482514,39 +482515,39 +482516,39 +482517,39 +482518,39 +482519,39 +482520,39 +482521,39 +482522,39 +482523,39 +482524,39 +482525,39 +482526,23 +482527,23 +482528,23 +482529,23 +482530,23 +482531,23 +482532,23 +482533,23 +482534,23 +482535,23 +482536,23 +482537,23 +482538,23 +482539,37 +482540,37 +482541,37 +482542,37 +482543,37 +482544,31 +482545,31 +482546,31 +482547,31 +482548,31 +482549,28 +482550,28 +482551,28 +482552,28 +482553,28 +482554,28 +482555,28 +482556,28 +482557,28 +482558,28 +482559,28 +482560,28 +482561,28 +482562,28 +482563,28 +482564,28 +482565,28 +482566,0 +482567,0 +482568,0 +482569,0 +482570,0 +482571,0 +482572,0 +482573,0 +482574,0 +482575,0 +482576,0 +482577,0 +482578,0 +482579,0 +482580,0 +482581,31 +482582,31 +482583,31 +482584,31 +482585,31 +482586,31 +482587,31 +482588,15 +482589,15 +482590,15 +482591,15 +482592,15 +482593,15 +482594,15 +482595,26 +482596,26 +482597,26 +482598,26 +482599,26 +482600,26 +482601,26 +482602,26 +482603,26 +482604,10 +482605,26 +482606,10 +482607,10 +482608,10 +482609,10 +482610,10 +482611,10 +482612,10 +482613,10 +482614,10 +482615,10 +482616,10 +482617,10 +482618,10 +482619,10 +482620,10 +482621,10 +482622,10 +482623,10 +482624,10 +482625,10 +482626,14 +482627,14 +482628,14 +482629,14 +482630,0 +482631,0 +482632,0 +482633,0 +482634,0 +482635,0 +482636,0 +482637,0 +482638,0 +482639,0 +482640,0 +482641,0 +482642,0 +482643,0 +482644,0 +482645,0 +482646,0 +482647,0 +482648,0 +482649,0 +482650,0 +482651,0 +482652,0 +482653,0 +482654,0 +482655,0 +482656,0 +482657,0 +482658,0 +482659,0 +482660,0 +482661,0 +482662,0 +482663,0 +482664,0 +482665,0 +482666,0 +482667,0 +482668,0 +482669,0 +482670,0 +482671,0 +482672,0 +482673,0 +482674,0 +482675,0 +482676,0 +482677,0 +482678,0 +482679,0 +482680,0 +482681,0 +482682,0 +482683,0 +482684,0 +482685,0 +482686,0 +482687,0 +482688,0 +482689,0 +482690,0 +482691,0 +482692,0 +482693,0 +482694,0 +482695,0 +482696,0 +482697,0 +482698,0 +482699,0 +482700,0 +482701,0 +482702,0 +482703,0 +482704,0 +482705,0 +482706,0 +482707,0 +482708,0 +482709,0 +482710,0 +482711,0 +482712,0 +482713,0 +482714,0 +482715,10 +482716,10 +482717,10 +482718,10 +482719,10 +482720,10 +482721,10 +482722,10 +482723,10 +482724,10 +482725,10 +482726,10 +482727,10 +482728,10 +482729,10 +482730,10 +482731,10 +482732,10 +482733,12 +482734,12 +482735,12 +482736,12 +482737,12 +482738,12 +482739,12 +482740,31 +482741,31 +482742,31 +482743,31 +482744,31 +482745,31 +482746,8 +482747,8 +482748,8 +482749,8 +482750,8 +482751,8 +482752,8 +482753,8 +482754,9 +482755,31 +482756,31 +482757,31 +482758,31 +482759,31 +482760,31 +482761,31 +482762,31 +482763,37 +482764,37 +482765,37 +482766,37 +482767,37 +482768,37 +482769,37 +482770,37 +482771,37 +482772,40 +482773,40 +482774,40 +482775,40 +482776,40 +482777,19 +482778,19 +482779,19 +482780,19 +482781,19 +482782,39 +482783,39 +482784,39 +482785,39 +482786,39 +482787,39 +482788,39 +482789,39 +482790,39 +482791,32 +482792,32 +482793,32 +482794,32 +482795,32 +482796,32 +482797,14 +482798,14 +482799,14 +482800,14 +482801,14 +482802,14 +482803,14 +482804,14 +482805,14 +482806,14 +482807,14 +482808,14 +482809,14 +482810,14 +482811,14 +482812,2 +482813,2 +482814,2 +482815,2 +482816,2 +482817,2 +482818,2 +482819,2 +482820,2 +482821,2 +482822,2 +482823,2 +482824,31 +482825,31 +482826,31 +482827,5 +482828,5 +482829,5 +482830,5 +482831,5 +482832,27 +482833,27 +482834,27 +482835,27 +482836,27 +482837,27 +482838,27 +482839,27 +482840,27 +482841,14 +482842,5 +482843,5 +482844,5 +482845,5 +482846,5 +482847,13 +482848,4 +482849,4 +482850,4 +482851,4 +482852,4 +482853,4 +482854,4 +482855,4 +482856,4 +482857,3 +482858,3 +482859,3 +482860,3 +482861,12 +482862,3 +482863,3 +482864,3 +482865,7 +482866,7 +482867,7 +482868,7 +482869,7 +482870,7 +482871,7 +482872,7 +482873,3 +482874,3 +482875,3 +482876,3 +482877,3 +482878,3 +482879,3 +482880,3 +482881,3 +482882,3 +482883,3 +482884,3 +482885,3 +482886,3 +482887,3 +482888,3 +482889,3 +482890,3 +482891,3 +482892,3 +482893,3 +482894,3 +482895,3 +482896,3 +482897,13 +482898,13 +482899,35 +482900,35 +482901,35 +482902,35 +482903,35 +482904,35 +482905,12 +482906,12 +482907,12 +482908,12 +482909,12 +482910,12 +482911,12 +482912,40 +482913,40 +482914,40 +482915,40 +482916,40 +482917,40 +482918,5 +482919,5 +482920,5 +482921,5 +482922,5 +482923,19 +482924,19 +482925,19 +482926,2 +482927,2 +482928,2 +482929,2 +482930,2 +482931,2 +482932,2 +482933,2 +482934,2 +482935,2 +482936,2 +482937,2 +482938,2 +482939,40 +482940,31 +482941,31 +482942,31 +482943,31 +482944,31 +482945,31 +482946,31 +482947,31 +482948,31 +482949,31 +482950,31 +482951,5 +482952,5 +482953,5 +482954,5 +482955,5 +482956,5 +482957,5 +482958,5 +482959,5 +482960,5 +482961,5 +482962,30 +482963,13 +482964,30 +482965,13 +482966,13 +482967,30 +482968,30 +482969,30 +482970,30 +482971,30 +482972,39 +482973,39 +482974,39 +482975,39 +482976,39 +482977,39 +482978,39 +482979,39 +482980,39 +482981,39 +482982,39 +482983,39 +482984,39 +482985,39 +482986,39 +482987,39 +482988,39 +482989,39 +482990,39 +482991,38 +482992,31 +482993,31 +482994,31 +482995,31 +482996,31 +482997,31 +482998,5 +482999,5 +483000,28 +483001,28 +483002,5 +483003,5 +483004,13 +483005,28 +483006,28 +483007,28 +483008,3 +483009,3 +483010,3 +483011,3 +483012,3 +483013,3 +483014,3 +483015,3 +483016,3 +483017,3 +483018,3 +483019,3 +483020,3 +483021,3 +483022,3 +483023,8 +483024,2 +483025,2 +483026,2 +483027,2 +483028,2 +483029,2 +483030,2 +483031,2 +483032,2 +483033,2 +483034,2 +483035,2 +483036,2 +483037,9 +483038,9 +483039,9 +483040,9 +483041,9 +483042,9 +483043,10 +483044,9 +483045,9 +483046,9 +483047,9 +483048,9 +483049,31 +483050,31 +483051,5 +483052,26 +483053,26 +483054,4 +483055,4 +483056,4 +483057,4 +483058,5 +483059,5 +483060,5 +483061,5 +483062,0 +483063,0 +483064,0 +483065,0 +483066,0 +483067,0 +483068,6 +483069,6 +483070,40 +483071,40 +483072,40 +483073,40 +483074,40 +483075,40 +483076,40 +483077,30 +483078,30 +483079,30 +483080,30 +483081,30 +483082,30 +483083,30 +483084,30 +483085,30 +483086,15 +483087,19 +483088,19 +483089,19 +483090,19 +483091,28 +483092,28 +483093,28 +483094,28 +483095,28 +483096,39 +483097,39 +483098,39 +483099,39 +483100,39 +483101,39 +483102,39 +483103,39 +483104,15 +483105,15 +483106,15 +483107,15 +483108,15 +483109,15 +483110,15 +483111,36 +483112,36 +483113,36 +483114,36 +483115,36 +483116,36 +483117,36 +483118,36 +483119,36 +483120,36 +483121,36 +483122,36 +483123,36 +483124,36 +483125,36 +483126,40 +483127,36 +483128,4 +483129,4 +483130,4 +483131,6 +483132,0 +483133,0 +483134,0 +483135,0 +483136,0 +483137,0 +483138,0 +483139,0 +483140,0 +483141,0 +483142,0 +483143,0 +483144,0 +483145,0 +483146,0 +483147,0 +483148,0 +483149,0 +483150,36 +483151,36 +483152,36 +483153,36 +483154,36 +483155,36 +483156,36 +483157,36 +483158,36 +483159,36 +483160,36 +483161,36 +483162,36 +483163,36 +483164,36 +483165,5 +483166,5 +483167,5 +483168,5 +483169,5 +483170,5 +483171,10 +483172,10 +483173,10 +483174,10 +483175,10 +483176,10 +483177,10 +483178,10 +483179,10 +483180,10 +483181,10 +483182,10 +483183,2 +483184,2 +483185,2 +483186,2 +483187,2 +483188,2 +483189,2 +483190,2 +483191,2 +483192,2 +483193,2 +483194,40 +483195,40 +483196,40 +483197,40 +483198,40 +483199,40 +483200,40 +483201,40 +483202,40 +483203,19 +483204,19 +483205,19 +483206,19 +483207,19 +483208,19 +483209,19 +483210,19 +483211,19 +483212,19 +483213,19 +483214,19 +483215,19 +483216,19 +483217,19 +483218,19 +483219,28 +483220,28 +483221,28 +483222,28 +483223,28 +483224,28 +483225,28 +483226,28 +483227,28 +483228,28 +483229,28 +483230,28 +483231,10 +483232,10 +483233,10 +483234,10 +483235,10 +483236,10 +483237,10 +483238,10 +483239,10 +483240,10 +483241,10 +483242,2 +483243,2 +483244,2 +483245,2 +483246,2 +483247,2 +483248,2 +483249,2 +483250,2 +483251,2 +483252,2 +483253,2 +483254,32 +483255,32 +483256,32 +483257,32 +483258,32 +483259,32 +483260,32 +483261,32 +483262,32 +483263,32 +483264,40 +483265,40 +483266,40 +483267,40 +483268,27 +483269,37 +483270,37 +483271,37 +483272,37 +483273,37 +483274,37 +483275,37 +483276,37 +483277,37 +483278,37 +483279,37 +483280,37 +483281,25 +483282,25 +483283,25 +483284,25 +483285,25 +483286,25 +483287,25 +483288,25 +483289,19 +483290,0 +483291,0 +483292,0 +483293,0 +483294,0 +483295,0 +483296,0 +483297,0 +483298,0 +483299,0 +483300,0 +483301,0 +483302,0 +483303,0 +483304,0 +483305,0 +483306,0 +483307,0 +483308,0 +483309,0 +483310,0 +483311,0 +483312,0 +483313,0 +483314,0 +483315,0 +483316,0 +483317,0 +483318,0 +483319,0 +483320,0 +483321,0 +483322,0 +483323,0 +483324,0 +483325,0 +483326,0 +483327,0 +483328,0 +483329,0 +483330,0 +483331,0 +483332,0 +483333,0 +483334,0 +483335,0 +483336,0 +483337,0 +483338,0 +483339,0 +483340,0 +483341,0 +483342,0 +483343,0 +483344,0 +483345,0 +483346,0 +483347,0 +483348,0 +483349,0 +483350,0 +483351,0 +483352,0 +483353,0 +483354,0 +483355,0 +483356,0 +483357,0 +483358,0 +483359,0 +483360,0 +483361,0 +483362,0 +483363,0 +483364,0 +483365,0 +483366,0 +483367,0 +483368,0 +483369,0 +483370,0 +483371,0 +483372,0 +483373,0 +483374,0 +483375,0 +483376,0 +483377,0 +483378,0 +483379,0 +483380,31 +483381,31 +483382,31 +483383,31 +483384,36 +483385,36 +483386,31 +483387,36 +483388,36 +483389,5 +483390,5 +483391,5 +483392,5 +483393,5 +483394,5 +483395,2 +483396,2 +483397,2 +483398,2 +483399,2 +483400,2 +483401,2 +483402,2 +483403,2 +483404,2 +483405,2 +483406,33 +483407,33 +483408,33 +483409,33 +483410,33 +483411,33 +483412,33 +483413,33 +483414,33 +483415,33 +483416,33 +483417,33 +483418,12 +483419,12 +483420,30 +483421,9 +483422,9 +483423,9 +483424,30 +483425,9 +483426,26 +483427,26 +483428,9 +483429,9 +483430,9 +483431,9 +483432,9 +483433,9 +483434,9 +483435,9 +483436,9 +483437,9 +483438,13 +483439,13 +483440,13 +483441,13 +483442,13 +483443,13 +483444,13 +483445,13 +483446,27 +483447,27 +483448,27 +483449,27 +483450,27 +483451,27 +483452,27 +483453,27 +483454,27 +483455,27 +483456,8 +483457,24 +483458,24 +483459,8 +483460,12 +483461,12 +483462,12 +483463,12 +483464,12 +483465,12 +483466,12 +483467,12 +483468,12 +483469,31 +483470,31 +483471,31 +483472,31 +483473,31 +483474,31 +483475,5 +483476,5 +483477,5 +483478,5 +483479,5 +483480,5 +483481,5 +483482,5 +483483,21 +483484,21 +483485,21 +483486,14 +483487,14 +483488,14 +483489,14 +483490,14 +483491,14 +483492,14 +483493,14 +483494,14 +483495,14 +483496,14 +483497,14 +483498,14 +483499,5 +483500,5 +483501,5 +483502,5 +483503,5 +483504,5 +483505,5 +483506,2 +483507,2 +483508,2 +483509,2 +483510,2 +483511,2 +483512,2 +483513,2 +483514,31 +483515,31 +483516,31 +483517,31 +483518,31 +483519,28 +483520,28 +483521,28 +483522,28 +483523,28 +483524,32 +483525,38 +483526,38 +483527,38 +483528,38 +483529,38 +483530,38 +483531,27 +483532,27 +483533,27 +483534,27 +483535,27 +483536,27 +483537,27 +483538,13 +483539,13 +483540,13 +483541,13 +483542,13 +483543,13 +483544,13 +483545,29 +483546,29 +483547,25 +483548,25 +483549,25 +483550,25 +483551,25 +483552,25 +483553,25 +483554,25 +483555,25 +483556,25 +483557,25 +483558,25 +483559,40 +483560,40 +483561,40 +483562,8 +483563,8 +483564,8 +483565,5 +483566,5 +483567,5 +483568,5 +483569,5 +483570,31 +483571,31 +483572,31 +483573,31 +483574,31 +483575,31 +483576,31 +483577,31 +483578,31 +483579,38 +483580,29 +483581,29 +483582,38 +483583,38 +483584,38 +483585,27 +483586,27 +483587,27 +483588,27 +483589,13 +483590,4 +483591,5 +483592,5 +483593,5 +483594,13 +483595,13 +483596,13 +483597,9 +483598,9 +483599,9 +483600,9 +483601,9 +483602,9 +483603,9 +483604,9 +483605,9 +483606,9 +483607,9 +483608,9 +483609,9 +483610,9 +483611,26 +483612,9 +483613,9 +483614,26 +483615,26 +483616,26 +483617,26 +483618,26 +483619,26 +483620,26 +483621,2 +483622,2 +483623,2 +483624,2 +483625,2 +483626,2 +483627,2 +483628,2 +483629,2 +483630,2 +483631,2 +483632,4 +483633,2 +483634,2 +483635,2 +483636,2 +483637,2 +483638,2 +483639,2 +483640,2 +483641,0 +483642,0 +483643,0 +483644,0 +483645,0 +483646,0 +483647,0 +483648,0 +483649,0 +483650,0 +483651,0 +483652,0 +483653,0 +483654,0 +483655,0 +483656,0 +483657,0 +483658,0 +483659,0 +483660,0 +483661,0 +483662,0 +483663,0 +483664,0 +483665,0 +483666,0 +483667,0 +483668,0 +483669,0 +483670,0 +483671,0 +483672,0 +483673,0 +483674,0 +483675,0 +483676,0 +483677,0 +483678,0 +483679,0 +483680,0 +483681,0 +483682,0 +483683,0 +483684,0 +483685,0 +483686,0 +483687,0 +483688,0 +483689,0 +483690,0 +483691,0 +483692,0 +483693,0 +483694,0 +483695,0 +483696,0 +483697,0 +483698,0 +483699,0 +483700,0 +483701,0 +483702,0 +483703,0 +483704,0 +483705,4 +483706,33 +483707,33 +483708,33 +483709,33 +483710,33 +483711,33 +483712,33 +483713,33 +483714,33 +483715,23 +483716,23 +483717,23 +483718,23 +483719,23 +483720,23 +483721,23 +483722,23 +483723,23 +483724,23 +483725,9 +483726,9 +483727,9 +483728,9 +483729,9 +483730,9 +483731,9 +483732,37 +483733,37 +483734,37 +483735,37 +483736,37 +483737,29 +483738,29 +483739,29 +483740,29 +483741,29 +483742,31 +483743,27 +483744,27 +483745,27 +483746,27 +483747,6 +483748,6 +483749,6 +483750,6 +483751,6 +483752,6 +483753,6 +483754,6 +483755,6 +483756,6 +483757,37 +483758,37 +483759,37 +483760,37 +483761,10 +483762,10 +483763,10 +483764,10 +483765,10 +483766,10 +483767,10 +483768,10 +483769,10 +483770,10 +483771,10 +483772,10 +483773,10 +483774,10 +483775,19 +483776,19 +483777,19 +483778,19 +483779,19 +483780,19 +483781,19 +483782,19 +483783,19 +483784,2 +483785,2 +483786,2 +483787,2 +483788,2 +483789,2 +483790,2 +483791,2 +483792,2 +483793,2 +483794,2 +483795,2 +483796,39 +483797,39 +483798,39 +483799,39 +483800,39 +483801,39 +483802,39 +483803,39 +483804,39 +483805,39 +483806,39 +483807,39 +483808,39 +483809,39 +483810,39 +483811,39 +483812,39 +483813,2 +483814,2 +483815,2 +483816,2 +483817,2 +483818,2 +483819,2 +483820,2 +483821,2 +483822,2 +483823,2 +483824,2 +483825,2 +483826,2 +483827,29 +483828,29 +483829,29 +483830,29 +483831,29 +483832,29 +483833,29 +483834,40 +483835,40 +483836,40 +483837,40 +483838,40 +483839,37 +483840,37 +483841,37 +483842,37 +483843,37 +483844,37 +483845,32 +483846,32 +483847,32 +483848,32 +483849,32 +483850,32 +483851,32 +483852,32 +483853,32 +483854,32 +483855,32 +483856,32 +483857,12 +483858,12 +483859,12 +483860,12 +483861,12 +483862,9 +483863,9 +483864,9 +483865,9 +483866,9 +483867,9 +483868,12 +483869,12 +483870,12 +483871,9 +483872,9 +483873,37 +483874,37 +483875,37 +483876,37 +483877,37 +483878,37 +483879,37 +483880,37 +483881,37 +483882,37 +483883,37 +483884,27 +483885,27 +483886,19 +483887,19 +483888,19 +483889,19 +483890,19 +483891,19 +483892,19 +483893,19 +483894,19 +483895,19 +483896,19 +483897,19 +483898,19 +483899,19 +483900,19 +483901,0 +483902,0 +483903,0 +483904,0 +483905,0 +483906,0 +483907,12 +483908,12 +483909,12 +483910,12 +483911,12 +483912,12 +483913,27 +483914,27 +483915,27 +483916,38 +483917,38 +483918,38 +483919,38 +483920,38 +483921,38 +483922,27 +483923,27 +483924,27 +483925,13 +483926,13 +483927,13 +483928,13 +483929,13 +483930,13 +483931,13 +483932,13 +483933,13 +483934,32 +483935,32 +483936,32 +483937,32 +483938,32 +483939,32 +483940,32 +483941,32 +483942,32 +483943,32 +483944,32 +483945,32 +483946,37 +483947,37 +483948,37 +483949,40 +483950,40 +483951,40 +483952,40 +483953,40 +483954,40 +483955,4 +483956,4 +483957,4 +483958,31 +483959,4 +483960,31 +483961,31 +483962,31 +483963,31 +483964,32 +483965,32 +483966,32 +483967,32 +483968,31 +483969,31 +483970,31 +483971,31 +483972,31 +483973,30 +483974,30 +483975,30 +483976,30 +483977,30 +483978,30 +483979,2 +483980,2 +483981,2 +483982,2 +483983,2 +483984,2 +483985,2 +483986,2 +483987,2 +483988,2 +483989,2 +483990,2 +483991,2 +483992,2 +483993,2 +483994,33 +483995,33 +483996,33 +483997,33 +483998,33 +483999,33 +484000,33 +484001,33 +484002,31 +484003,33 +484004,33 +484005,23 +484006,23 +484007,23 +484008,23 +484009,23 +484010,23 +484011,23 +484012,23 +484013,23 +484014,23 +484015,23 +484016,23 +484017,23 +484018,5 +484019,5 +484020,5 +484021,5 +484022,31 +484023,31 +484024,31 +484025,31 +484026,31 +484027,31 +484028,31 +484029,31 +484030,31 +484031,31 +484032,2 +484033,2 +484034,2 +484035,2 +484036,2 +484037,2 +484038,2 +484039,2 +484040,2 +484041,2 +484042,2 +484043,36 +484044,36 +484045,36 +484046,36 +484047,36 +484048,36 +484049,36 +484050,36 +484051,36 +484052,36 +484053,36 +484054,36 +484055,36 +484056,4 +484057,4 +484058,4 +484059,4 +484060,31 +484061,4 +484062,4 +484063,4 +484064,4 +484065,24 +484066,24 +484067,24 +484068,27 +484069,27 +484070,27 +484071,27 +484072,31 +484073,31 +484074,6 +484075,6 +484076,6 +484077,6 +484078,6 +484079,6 +484080,6 +484081,6 +484082,6 +484083,6 +484084,37 +484085,37 +484086,37 +484087,37 +484088,40 +484089,40 +484090,40 +484091,40 +484092,40 +484093,40 +484094,40 +484095,24 +484096,24 +484097,24 +484098,24 +484099,24 +484100,24 +484101,24 +484102,27 +484103,27 +484104,27 +484105,27 +484106,27 +484107,27 +484108,27 +484109,27 +484110,27 +484111,31 +484112,2 +484113,2 +484114,2 +484115,2 +484116,2 +484117,2 +484118,2 +484119,2 +484120,2 +484121,2 +484122,2 +484123,2 +484124,2 +484125,2 +484126,2 +484127,2 +484128,2 +484129,2 +484130,2 +484131,2 +484132,2 +484133,2 +484134,2 +484135,2 +484136,2 +484137,6 +484138,6 +484139,6 +484140,21 +484141,21 +484142,21 +484143,21 +484144,9 +484145,9 +484146,9 +484147,9 +484148,9 +484149,9 +484150,9 +484151,9 +484152,9 +484153,9 +484154,9 +484155,9 +484156,9 +484157,9 +484158,9 +484159,9 +484160,9 +484161,9 +484162,9 +484163,9 +484164,37 +484165,37 +484166,37 +484167,37 +484168,37 +484169,25 +484170,25 +484171,25 +484172,25 +484173,25 +484174,32 +484175,32 +484176,32 +484177,32 +484178,32 +484179,32 +484180,32 +484181,26 +484182,26 +484183,26 +484184,26 +484185,26 +484186,26 +484187,26 +484188,26 +484189,26 +484190,26 +484191,5 +484192,5 +484193,5 +484194,5 +484195,5 +484196,5 +484197,5 +484198,5 +484199,5 +484200,2 +484201,2 +484202,2 +484203,2 +484204,2 +484205,2 +484206,2 +484207,2 +484208,2 +484209,2 +484210,2 +484211,6 +484212,6 +484213,6 +484214,6 +484215,6 +484216,9 +484217,9 +484218,9 +484219,9 +484220,9 +484221,9 +484222,9 +484223,9 +484224,9 +484225,9 +484226,9 +484227,9 +484228,9 +484229,9 +484230,9 +484231,9 +484232,9 +484233,9 +484234,9 +484235,9 +484236,9 +484237,9 +484238,9 +484239,37 +484240,37 +484241,37 +484242,37 +484243,37 +484244,37 +484245,37 +484246,37 +484247,31 +484248,31 +484249,31 +484250,27 +484251,31 +484252,31 +484253,31 +484254,38 +484255,38 +484256,24 +484257,24 +484258,6 +484259,38 +484260,29 +484261,29 +484262,29 +484263,31 +484264,31 +484265,31 +484266,31 +484267,28 +484268,28 +484269,28 +484270,28 +484271,28 +484272,5 +484273,5 +484274,5 +484275,5 +484276,5 +484277,36 +484278,36 +484279,36 +484280,36 +484281,36 +484282,36 +484283,36 +484284,4 +484285,4 +484286,4 +484287,4 +484288,4 +484289,4 +484290,30 +484291,30 +484292,31 +484293,31 +484294,30 +484295,30 +484296,30 +484297,30 +484298,30 +484299,30 +484300,30 +484301,30 +484302,30 +484303,23 +484304,23 +484305,38 +484306,38 +484307,38 +484308,38 +484309,38 +484310,38 +484311,38 +484312,38 +484313,38 +484314,38 +484315,27 +484316,36 +484317,27 +484318,27 +484319,27 +484320,27 +484321,27 +484322,27 +484323,27 +484324,27 +484325,27 +484326,27 +484327,27 +484328,27 +484329,27 +484330,27 +484331,13 +484332,13 +484333,13 +484334,13 +484335,13 +484336,13 +484337,13 +484338,13 +484339,13 +484340,13 +484341,13 +484342,13 +484343,13 +484344,13 +484345,13 +484346,13 +484347,13 +484348,13 +484349,13 +484350,8 +484351,8 +484352,2 +484353,2 +484354,2 +484355,2 +484356,8 +484357,8 +484358,8 +484359,8 +484360,2 +484361,2 +484362,2 +484363,2 +484364,2 +484365,2 +484366,2 +484367,2 +484368,8 +484369,8 +484370,8 +484371,8 +484372,8 +484373,8 +484374,8 +484375,8 +484376,8 +484377,8 +484378,0 +484379,0 +484380,0 +484381,0 +484382,0 +484383,0 +484384,0 +484385,0 +484386,0 +484387,0 +484388,0 +484389,0 +484390,0 +484391,0 +484392,0 +484393,0 +484394,0 +484395,0 +484396,0 +484397,0 +484398,0 +484399,29 +484400,29 +484401,29 +484402,31 +484403,31 +484404,31 +484405,23 +484406,23 +484407,23 +484408,23 +484409,23 +484410,23 +484411,23 +484412,23 +484413,23 +484414,23 +484415,23 +484416,23 +484417,23 +484418,27 +484419,27 +484420,27 +484421,27 +484422,27 +484423,27 +484424,11 +484425,11 +484426,11 +484427,11 +484428,11 +484429,11 +484430,11 +484431,11 +484432,11 +484433,11 +484434,11 +484435,11 +484436,16 +484437,16 +484438,25 +484439,25 +484440,25 +484441,25 +484442,25 +484443,25 +484444,25 +484445,25 +484446,25 +484447,25 +484448,25 +484449,8 +484450,8 +484451,8 +484452,8 +484453,8 +484454,8 +484455,8 +484456,24 +484457,24 +484458,24 +484459,24 +484460,24 +484461,24 +484462,24 +484463,24 +484464,24 +484465,24 +484466,24 +484467,24 +484468,24 +484469,24 +484470,24 +484471,26 +484472,26 +484473,26 +484474,26 +484475,26 +484476,26 +484477,26 +484478,26 +484479,26 +484480,26 +484481,26 +484482,26 +484483,26 +484484,5 +484485,5 +484486,5 +484487,28 +484488,28 +484489,5 +484490,5 +484491,31 +484492,10 +484493,10 +484494,10 +484495,19 +484496,19 +484497,19 +484498,4 +484499,4 +484500,27 +484501,27 +484502,27 +484503,27 +484504,27 +484505,27 +484506,19 +484507,19 +484508,19 +484509,19 +484510,19 +484511,19 +484512,19 +484513,19 +484514,19 +484515,29 +484516,29 +484517,29 +484518,31 +484519,31 +484520,31 +484521,31 +484522,31 +484523,31 +484524,31 +484525,31 +484526,28 +484527,28 +484528,28 +484529,28 +484530,28 +484531,28 +484532,28 +484533,28 +484534,28 +484535,28 +484536,28 +484537,28 +484538,28 +484539,28 +484540,28 +484541,28 +484542,5 +484543,5 +484544,0 +484545,0 +484546,0 +484547,0 +484548,0 +484549,0 +484550,0 +484551,0 +484552,0 +484553,0 +484554,0 +484555,0 +484556,0 +484557,0 +484558,0 +484559,0 +484560,0 +484561,0 +484562,0 +484563,0 +484564,0 +484565,0 +484566,0 +484567,0 +484568,0 +484569,0 +484570,0 +484571,0 +484572,0 +484573,0 +484574,0 +484575,0 +484576,0 +484577,0 +484578,0 +484579,0 +484580,0 +484581,0 +484582,0 +484583,0 +484584,0 +484585,0 +484586,0 +484587,0 +484588,0 +484589,0 +484590,0 +484591,0 +484592,0 +484593,0 +484594,0 +484595,0 +484596,0 +484597,0 +484598,0 +484599,0 +484600,0 +484601,0 +484602,0 +484603,0 +484604,0 +484605,29 +484606,29 +484607,29 +484608,29 +484609,40 +484610,40 +484611,40 +484612,37 +484613,37 +484614,12 +484615,12 +484616,12 +484617,12 +484618,12 +484619,12 +484620,12 +484621,31 +484622,40 +484623,8 +484624,8 +484625,8 +484626,8 +484627,8 +484628,31 +484629,31 +484630,31 +484631,27 +484632,30 +484633,30 +484634,30 +484635,30 +484636,30 +484637,30 +484638,30 +484639,30 +484640,30 +484641,31 +484642,31 +484643,31 +484644,31 +484645,31 +484646,31 +484647,31 +484648,31 +484649,30 +484650,30 +484651,30 +484652,30 +484653,30 +484654,30 +484655,30 +484656,16 +484657,16 +484658,16 +484659,16 +484660,16 +484661,16 +484662,16 +484663,16 +484664,16 +484665,16 +484666,16 +484667,16 +484668,16 +484669,10 +484670,10 +484671,10 +484672,10 +484673,10 +484674,10 +484675,10 +484676,10 +484677,10 +484678,10 +484679,10 +484680,32 +484681,32 +484682,32 +484683,32 +484684,32 +484685,4 +484686,4 +484687,35 +484688,9 +484689,9 +484690,33 +484691,33 +484692,17 +484693,30 +484694,30 +484695,30 +484696,30 +484697,30 +484698,30 +484699,30 +484700,30 +484701,30 +484702,30 +484703,30 +484704,30 +484705,30 +484706,30 +484707,4 +484708,4 +484709,4 +484710,4 +484711,19 +484712,19 +484713,19 +484714,19 +484715,19 +484716,19 +484717,19 +484718,19 +484719,34 +484720,34 +484721,36 +484722,36 +484723,36 +484724,36 +484725,34 +484726,34 +484727,28 +484728,28 +484729,28 +484730,5 +484731,30 +484732,30 +484733,30 +484734,26 +484735,26 +484736,31 +484737,30 +484738,30 +484739,30 +484740,30 +484741,30 +484742,30 +484743,30 +484744,30 +484745,14 +484746,14 +484747,14 +484748,14 +484749,14 +484750,14 +484751,14 +484752,14 +484753,14 +484754,14 +484755,14 +484756,27 +484757,5 +484758,5 +484759,5 +484760,5 +484761,5 +484762,5 +484763,5 +484764,5 +484765,29 +484766,29 +484767,29 +484768,29 +484769,29 +484770,7 +484771,7 +484772,7 +484773,27 +484774,27 +484775,27 +484776,27 +484777,27 +484778,27 +484779,27 +484780,27 +484781,13 +484782,13 +484783,13 +484784,13 +484785,13 +484786,13 +484787,23 +484788,23 +484789,23 +484790,23 +484791,23 +484792,23 +484793,23 +484794,25 +484795,25 +484796,25 +484797,29 +484798,29 +484799,29 +484800,29 +484801,29 +484802,29 +484803,29 +484804,29 +484805,29 +484806,29 +484807,31 +484808,31 +484809,28 +484810,28 +484811,28 +484812,28 +484813,28 +484814,28 +484815,28 +484816,28 +484817,28 +484818,28 +484819,28 +484820,14 +484821,14 +484822,14 +484823,14 +484824,14 +484825,14 +484826,14 +484827,14 +484828,14 +484829,14 +484830,14 +484831,14 +484832,14 +484833,5 +484834,5 +484835,5 +484836,5 +484837,5 +484838,5 +484839,5 +484840,2 +484841,2 +484842,2 +484843,2 +484844,2 +484845,2 +484846,2 +484847,2 +484848,4 +484849,4 +484850,4 +484851,4 +484852,4 +484853,4 +484854,4 +484855,37 +484856,37 +484857,37 +484858,37 +484859,37 +484860,39 +484861,39 +484862,39 +484863,39 +484864,39 +484865,39 +484866,27 +484867,27 +484868,27 +484869,27 +484870,31 +484871,31 +484872,31 +484873,4 +484874,19 +484875,19 +484876,4 +484877,24 +484878,29 +484879,29 +484880,31 +484881,31 +484882,31 +484883,31 +484884,31 +484885,31 +484886,24 +484887,24 +484888,24 +484889,24 +484890,27 +484891,27 +484892,27 +484893,27 +484894,27 +484895,30 +484896,30 +484897,30 +484898,30 +484899,30 +484900,30 +484901,30 +484902,30 +484903,30 +484904,30 +484905,39 +484906,39 +484907,27 +484908,27 +484909,27 +484910,18 +484911,18 +484912,18 +484913,18 +484914,18 +484915,18 +484916,18 +484917,18 +484918,18 +484919,18 +484920,18 +484921,18 +484922,18 +484923,16 +484924,16 +484925,16 +484926,16 +484927,11 +484928,11 +484929,11 +484930,0 +484931,0 +484932,0 +484933,0 +484934,0 +484935,0 +484936,0 +484937,0 +484938,0 +484939,0 +484940,0 +484941,0 +484942,0 +484943,0 +484944,0 +484945,0 +484946,0 +484947,0 +484948,0 +484949,0 +484950,0 +484951,0 +484952,0 +484953,0 +484954,0 +484955,0 +484956,0 +484957,0 +484958,0 +484959,0 +484960,0 +484961,0 +484962,0 +484963,0 +484964,0 +484965,0 +484966,0 +484967,0 +484968,0 +484969,0 +484970,0 +484971,0 +484972,0 +484973,0 +484974,0 +484975,0 +484976,0 +484977,0 +484978,0 +484979,0 +484980,0 +484981,0 +484982,0 +484983,0 +484984,0 +484985,0 +484986,0 +484987,0 +484988,0 +484989,0 +484990,0 +484991,0 +484992,0 +484993,11 +484994,11 +484995,11 +484996,11 +484997,31 +484998,31 +484999,31 +485000,31 +485001,31 +485002,31 +485003,31 +485004,27 +485005,27 +485006,27 +485007,31 +485008,5 +485009,5 +485010,5 +485011,5 +485012,5 +485013,12 +485014,12 +485015,12 +485016,12 +485017,12 +485018,31 +485019,31 +485020,31 +485021,31 +485022,31 +485023,31 +485024,16 +485025,16 +485026,16 +485027,16 +485028,16 +485029,16 +485030,16 +485031,16 +485032,16 +485033,29 +485034,29 +485035,29 +485036,29 +485037,29 +485038,40 +485039,40 +485040,40 +485041,40 +485042,37 +485043,37 +485044,37 +485045,37 +485046,37 +485047,37 +485048,37 +485049,37 +485050,31 +485051,31 +485052,31 +485053,31 +485054,31 +485055,27 +485056,2 +485057,2 +485058,2 +485059,2 +485060,2 +485061,2 +485062,2 +485063,2 +485064,2 +485065,2 +485066,2 +485067,2 +485068,2 +485069,2 +485070,2 +485071,2 +485072,2 +485073,25 +485074,25 +485075,25 +485076,25 +485077,25 +485078,25 +485079,25 +485080,25 +485081,24 +485082,24 +485083,24 +485084,24 +485085,24 +485086,31 +485087,31 +485088,40 +485089,40 +485090,40 +485091,2 +485092,2 +485093,2 +485094,2 +485095,2 +485096,2 +485097,2 +485098,2 +485099,2 +485100,2 +485101,38 +485102,38 +485103,38 +485104,38 +485105,38 +485106,38 +485107,38 +485108,38 +485109,38 +485110,37 +485111,37 +485112,37 +485113,37 +485114,37 +485115,39 +485116,39 +485117,39 +485118,39 +485119,39 +485120,39 +485121,39 +485122,4 +485123,4 +485124,4 +485125,4 +485126,4 +485127,4 +485128,4 +485129,4 +485130,4 +485131,4 +485132,4 +485133,10 +485134,10 +485135,10 +485136,10 +485137,10 +485138,26 +485139,26 +485140,26 +485141,36 +485142,5 +485143,5 +485144,5 +485145,5 +485146,5 +485147,5 +485148,5 +485149,5 +485150,8 +485151,8 +485152,8 +485153,8 +485154,40 +485155,40 +485156,40 +485157,31 +485158,31 +485159,31 +485160,37 +485161,37 +485162,37 +485163,37 +485164,37 +485165,37 +485166,37 +485167,39 +485168,39 +485169,39 +485170,39 +485171,2 +485172,2 +485173,2 +485174,2 +485175,2 +485176,2 +485177,2 +485178,2 +485179,2 +485180,2 +485181,2 +485182,31 +485183,31 +485184,31 +485185,31 +485186,31 +485187,31 +485188,5 +485189,5 +485190,5 +485191,5 +485192,5 +485193,5 +485194,19 +485195,19 +485196,19 +485197,5 +485198,5 +485199,14 +485200,14 +485201,14 +485202,14 +485203,14 +485204,14 +485205,14 +485206,14 +485207,14 +485208,14 +485209,14 +485210,14 +485211,39 +485212,39 +485213,39 +485214,39 +485215,39 +485216,0 +485217,0 +485218,0 +485219,0 +485220,0 +485221,0 +485222,0 +485223,0 +485224,0 +485225,0 +485226,0 +485227,0 +485228,0 +485229,0 +485230,0 +485231,0 +485232,0 +485233,0 +485234,0 +485235,0 +485236,0 +485237,0 +485238,0 +485239,0 +485240,0 +485241,0 +485242,0 +485243,0 +485244,0 +485245,0 +485246,0 +485247,0 +485248,0 +485249,0 +485250,0 +485251,0 +485252,0 +485253,0 +485254,0 +485255,0 +485256,0 +485257,0 +485258,0 +485259,0 +485260,0 +485261,0 +485262,0 +485263,0 +485264,0 +485265,0 +485266,0 +485267,0 +485268,0 +485269,0 +485270,0 +485271,0 +485272,0 +485273,0 +485274,0 +485275,0 +485276,0 +485277,0 +485278,0 +485279,0 +485280,0 +485281,0 +485282,0 +485283,0 +485284,0 +485285,0 +485286,0 +485287,0 +485288,0 +485289,0 +485290,0 +485291,0 +485292,0 +485293,0 +485294,0 +485295,0 +485296,0 +485297,0 +485298,0 +485299,0 +485300,0 +485301,29 +485302,29 +485303,29 +485304,40 +485305,40 +485306,40 +485307,25 +485308,25 +485309,25 +485310,25 +485311,25 +485312,25 +485313,21 +485314,21 +485315,21 +485316,21 +485317,21 +485318,21 +485319,21 +485320,21 +485321,37 +485322,37 +485323,31 +485324,33 +485325,33 +485326,33 +485327,33 +485328,17 +485329,17 +485330,17 +485331,17 +485332,30 +485333,30 +485334,39 +485335,39 +485336,17 +485337,28 +485338,28 +485339,28 +485340,28 +485341,32 +485342,32 +485343,32 +485344,32 +485345,32 +485346,32 +485347,32 +485348,32 +485349,32 +485350,37 +485351,37 +485352,37 +485353,37 +485354,37 +485355,37 +485356,37 +485357,37 +485358,37 +485359,37 +485360,37 +485361,37 +485362,37 +485363,30 +485364,30 +485365,30 +485366,37 +485367,30 +485368,30 +485369,39 +485370,39 +485371,3 +485372,3 +485373,3 +485374,3 +485375,3 +485376,3 +485377,12 +485378,12 +485379,12 +485380,9 +485381,9 +485382,9 +485383,9 +485384,9 +485385,9 +485386,9 +485387,9 +485388,9 +485389,9 +485390,9 +485391,9 +485392,30 +485393,30 +485394,30 +485395,30 +485396,30 +485397,2 +485398,2 +485399,2 +485400,2 +485401,2 +485402,2 +485403,2 +485404,2 +485405,2 +485406,2 +485407,2 +485408,2 +485409,2 +485410,2 +485411,25 +485412,25 +485413,25 +485414,25 +485415,25 +485416,25 +485417,25 +485418,25 +485419,25 +485420,25 +485421,37 +485422,37 +485423,37 +485424,25 +485425,25 +485426,25 +485427,25 +485428,25 +485429,25 +485430,25 +485431,0 +485432,0 +485433,0 +485434,0 +485435,0 +485436,0 +485437,0 +485438,0 +485439,0 +485440,0 +485441,0 +485442,0 +485443,0 +485444,0 +485445,0 +485446,0 +485447,0 +485448,0 +485449,0 +485450,0 +485451,0 +485452,0 +485453,0 +485454,0 +485455,0 +485456,0 +485457,0 +485458,0 +485459,0 +485460,0 +485461,0 +485462,0 +485463,0 +485464,0 +485465,0 +485466,0 +485467,0 +485468,0 +485469,0 +485470,0 +485471,0 +485472,0 +485473,0 +485474,0 +485475,0 +485476,0 +485477,0 +485478,0 +485479,0 +485480,0 +485481,0 +485482,0 +485483,0 +485484,0 +485485,0 +485486,0 +485487,0 +485488,0 +485489,0 +485490,0 +485491,0 +485492,0 +485493,0 +485494,0 +485495,0 +485496,0 +485497,0 +485498,0 +485499,0 +485500,0 +485501,0 +485502,2 +485503,2 +485504,2 +485505,2 +485506,2 +485507,2 +485508,2 +485509,2 +485510,2 +485511,2 +485512,2 +485513,2 +485514,2 +485515,2 +485516,2 +485517,2 +485518,2 +485519,33 +485520,33 +485521,33 +485522,33 +485523,33 +485524,33 +485525,33 +485526,33 +485527,33 +485528,33 +485529,33 +485530,35 +485531,35 +485532,35 +485533,35 +485534,35 +485535,36 +485536,36 +485537,40 +485538,1 +485539,1 +485540,1 +485541,1 +485542,1 +485543,1 +485544,1 +485545,1 +485546,37 +485547,12 +485548,12 +485549,1 +485550,39 +485551,39 +485552,39 +485553,39 +485554,39 +485555,37 +485556,39 +485557,39 +485558,39 +485559,37 +485560,37 +485561,37 +485562,37 +485563,37 +485564,37 +485565,37 +485566,37 +485567,37 +485568,37 +485569,37 +485570,37 +485571,37 +485572,36 +485573,14 +485574,14 +485575,14 +485576,36 +485577,36 +485578,36 +485579,40 +485580,40 +485581,40 +485582,36 +485583,36 +485584,36 +485585,36 +485586,19 +485587,19 +485588,19 +485589,19 +485590,27 +485591,27 +485592,27 +485593,27 +485594,13 +485595,13 +485596,5 +485597,5 +485598,5 +485599,5 +485600,6 +485601,6 +485602,6 +485603,35 +485604,6 +485605,6 +485606,6 +485607,6 +485608,6 +485609,6 +485610,6 +485611,6 +485612,6 +485613,30 +485614,30 +485615,30 +485616,30 +485617,30 +485618,36 +485619,36 +485620,36 +485621,36 +485622,36 +485623,36 +485624,36 +485625,36 +485626,36 +485627,36 +485628,36 +485629,36 +485630,2 +485631,2 +485632,2 +485633,2 +485634,2 +485635,2 +485636,2 +485637,2 +485638,27 +485639,27 +485640,27 +485641,27 +485642,6 +485643,6 +485644,6 +485645,6 +485646,21 +485647,21 +485648,21 +485649,21 +485650,21 +485651,33 +485652,33 +485653,33 +485654,33 +485655,33 +485656,33 +485657,33 +485658,33 +485659,33 +485660,33 +485661,33 +485662,33 +485663,33 +485664,33 +485665,33 +485666,33 +485667,33 +485668,33 +485669,33 +485670,33 +485671,24 +485672,24 +485673,24 +485674,24 +485675,24 +485676,24 +485677,24 +485678,27 +485679,27 +485680,27 +485681,27 +485682,27 +485683,27 +485684,27 +485685,27 +485686,3 +485687,3 +485688,3 +485689,27 +485690,27 +485691,27 +485692,27 +485693,19 +485694,19 +485695,19 +485696,19 +485697,19 +485698,19 +485699,19 +485700,19 +485701,19 +485702,0 +485703,0 +485704,0 +485705,0 +485706,0 +485707,0 +485708,0 +485709,0 +485710,0 +485711,0 +485712,0 +485713,0 +485714,0 +485715,0 +485716,0 +485717,0 +485718,0 +485719,35 +485720,35 +485721,35 +485722,35 +485723,35 +485724,35 +485725,34 +485726,34 +485727,34 +485728,34 +485729,34 +485730,34 +485731,34 +485732,34 +485733,34 +485734,34 +485735,35 +485736,35 +485737,35 +485738,35 +485739,35 +485740,35 +485741,35 +485742,35 +485743,27 +485744,27 +485745,39 +485746,39 +485747,27 +485748,25 +485749,25 +485750,25 +485751,37 +485752,37 +485753,37 +485754,37 +485755,37 +485756,37 +485757,25 +485758,25 +485759,25 +485760,25 +485761,12 +485762,12 +485763,12 +485764,33 +485765,33 +485766,31 +485767,31 +485768,12 +485769,12 +485770,3 +485771,3 +485772,3 +485773,3 +485774,3 +485775,9 +485776,9 +485777,9 +485778,9 +485779,9 +485780,9 +485781,9 +485782,12 +485783,12 +485784,26 +485785,26 +485786,26 +485787,26 +485788,26 +485789,26 +485790,26 +485791,26 +485792,26 +485793,26 +485794,11 +485795,16 +485796,11 +485797,11 +485798,11 +485799,16 +485800,16 +485801,16 +485802,16 +485803,11 +485804,23 +485805,23 +485806,23 +485807,23 +485808,23 +485809,23 +485810,23 +485811,23 +485812,23 +485813,23 +485814,25 +485815,25 +485816,25 +485817,25 +485818,25 +485819,35 +485820,35 +485821,35 +485822,35 +485823,35 +485824,35 +485825,35 +485826,25 +485827,25 +485828,25 +485829,25 +485830,25 +485831,25 +485832,25 +485833,25 +485834,15 +485835,15 +485836,15 +485837,15 +485838,15 +485839,15 +485840,39 +485841,39 +485842,39 +485843,39 +485844,39 +485845,30 +485846,30 +485847,30 +485848,30 +485849,30 +485850,30 +485851,30 +485852,30 +485853,30 +485854,31 +485855,31 +485856,31 +485857,31 +485858,33 +485859,33 +485860,33 +485861,33 +485862,31 +485863,31 +485864,33 +485865,33 +485866,33 +485867,33 +485868,31 +485869,31 +485870,31 +485871,31 +485872,31 +485873,31 +485874,31 +485875,31 +485876,24 +485877,24 +485878,24 +485879,24 +485880,24 +485881,24 +485882,24 +485883,24 +485884,24 +485885,0 +485886,0 +485887,0 +485888,0 +485889,0 +485890,0 +485891,0 +485892,0 +485893,36 +485894,36 +485895,36 +485896,36 +485897,36 +485898,36 +485899,36 +485900,5 +485901,5 +485902,5 +485903,5 +485904,5 +485905,5 +485906,32 +485907,32 +485908,32 +485909,32 +485910,32 +485911,32 +485912,32 +485913,32 +485914,32 +485915,32 +485916,36 +485917,36 +485918,36 +485919,36 +485920,36 +485921,36 +485922,36 +485923,36 +485924,36 +485925,36 +485926,36 +485927,36 +485928,36 +485929,36 +485930,11 +485931,11 +485932,11 +485933,11 +485934,11 +485935,11 +485936,11 +485937,11 +485938,11 +485939,11 +485940,11 +485941,31 +485942,31 +485943,31 +485944,31 +485945,5 +485946,5 +485947,5 +485948,5 +485949,5 +485950,5 +485951,5 +485952,7 +485953,7 +485954,7 +485955,7 +485956,7 +485957,7 +485958,7 +485959,7 +485960,7 +485961,7 +485962,3 +485963,3 +485964,3 +485965,3 +485966,3 +485967,3 +485968,3 +485969,3 +485970,3 +485971,3 +485972,38 +485973,38 +485974,38 +485975,38 +485976,38 +485977,38 +485978,38 +485979,38 +485980,38 +485981,38 +485982,0 +485983,0 +485984,0 +485985,0 +485986,0 +485987,0 +485988,0 +485989,0 +485990,0 +485991,0 +485992,0 +485993,0 +485994,0 +485995,0 +485996,0 +485997,0 +485998,0 +485999,0 +486000,0 +486001,0 +486002,0 +486003,0 +486004,0 +486005,0 +486006,0 +486007,7 +486008,3 +486009,3 +486010,3 +486011,3 +486012,3 +486013,3 +486014,3 +486015,3 +486016,3 +486017,3 +486018,7 +486019,39 +486020,39 +486021,39 +486022,7 +486023,7 +486024,7 +486025,7 +486026,39 +486027,39 +486028,14 +486029,14 +486030,36 +486031,14 +486032,14 +486033,14 +486034,14 +486035,14 +486036,14 +486037,14 +486038,14 +486039,14 +486040,14 +486041,36 +486042,36 +486043,36 +486044,36 +486045,36 +486046,36 +486047,36 +486048,36 +486049,36 +486050,5 +486051,5 +486052,5 +486053,5 +486054,5 +486055,19 +486056,19 +486057,19 +486058,19 +486059,19 +486060,19 +486061,19 +486062,19 +486063,25 +486064,25 +486065,25 +486066,25 +486067,25 +486068,25 +486069,25 +486070,25 +486071,25 +486072,25 +486073,25 +486074,25 +486075,25 +486076,25 +486077,25 +486078,25 +486079,25 +486080,25 +486081,25 +486082,0 +486083,0 +486084,0 +486085,0 +486086,0 +486087,0 +486088,0 +486089,0 +486090,0 +486091,0 +486092,0 +486093,0 +486094,0 +486095,0 +486096,0 +486097,0 +486098,0 +486099,0 +486100,0 +486101,0 +486102,0 +486103,0 +486104,0 +486105,0 +486106,0 +486107,0 +486108,0 +486109,0 +486110,0 +486111,0 +486112,0 +486113,0 +486114,0 +486115,11 +486116,11 +486117,11 +486118,11 +486119,11 +486120,11 +486121,11 +486122,11 +486123,11 +486124,11 +486125,11 +486126,11 +486127,11 +486128,11 +486129,39 +486130,39 +486131,39 +486132,39 +486133,39 +486134,39 +486135,12 +486136,12 +486137,12 +486138,12 +486139,12 +486140,12 +486141,31 +486142,31 +486143,31 +486144,12 +486145,12 +486146,40 +486147,40 +486148,40 +486149,33 +486150,8 +486151,8 +486152,8 +486153,8 +486154,8 +486155,8 +486156,8 +486157,8 +486158,8 +486159,8 +486160,24 +486161,24 +486162,24 +486163,24 +486164,24 +486165,24 +486166,29 +486167,29 +486168,31 +486169,31 +486170,31 +486171,31 +486172,31 +486173,31 +486174,23 +486175,23 +486176,23 +486177,23 +486178,23 +486179,23 +486180,23 +486181,23 +486182,23 +486183,23 +486184,23 +486185,40 +486186,40 +486187,40 +486188,40 +486189,40 +486190,40 +486191,40 +486192,40 +486193,40 +486194,37 +486195,37 +486196,37 +486197,37 +486198,37 +486199,37 +486200,37 +486201,37 +486202,37 +486203,37 +486204,37 +486205,25 +486206,25 +486207,25 +486208,25 +486209,25 +486210,2 +486211,2 +486212,2 +486213,2 +486214,2 +486215,2 +486216,2 +486217,4 +486218,4 +486219,4 +486220,4 +486221,4 +486222,4 +486223,31 +486224,31 +486225,31 +486226,31 +486227,31 +486228,24 +486229,24 +486230,24 +486231,24 +486232,24 +486233,24 +486234,24 +486235,24 +486236,29 +486237,29 +486238,31 +486239,31 +486240,31 +486241,31 +486242,31 +486243,31 +486244,23 +486245,23 +486246,23 +486247,23 +486248,23 +486249,23 +486250,23 +486251,23 +486252,23 +486253,23 +486254,23 +486255,23 +486256,14 +486257,14 +486258,14 +486259,14 +486260,14 +486261,14 +486262,14 +486263,14 +486264,14 +486265,14 +486266,40 +486267,40 +486268,40 +486269,40 +486270,40 +486271,40 +486272,40 +486273,37 +486274,37 +486275,37 +486276,37 +486277,37 +486278,37 +486279,37 +486280,37 +486281,37 +486282,37 +486283,37 +486284,37 +486285,37 +486286,37 +486287,37 +486288,37 +486289,37 +486290,37 +486291,37 +486292,37 +486293,25 +486294,25 +486295,25 +486296,25 +486297,25 +486298,25 +486299,0 +486300,0 +486301,0 +486302,0 +486303,0 +486304,0 +486305,0 +486306,0 +486307,0 +486308,0 +486309,0 +486310,0 +486311,0 +486312,0 +486313,0 +486314,0 +486315,0 +486316,0 +486317,0 +486318,0 +486319,0 +486320,12 +486321,12 +486322,12 +486323,12 +486324,12 +486325,12 +486326,12 +486327,12 +486328,39 +486329,39 +486330,39 +486331,39 +486332,39 +486333,39 +486334,28 +486335,28 +486336,28 +486337,28 +486338,28 +486339,31 +486340,31 +486341,31 +486342,31 +486343,31 +486344,31 +486345,31 +486346,31 +486347,31 +486348,2 +486349,2 +486350,2 +486351,2 +486352,2 +486353,2 +486354,2 +486355,2 +486356,2 +486357,31 +486358,2 +486359,2 +486360,31 +486361,30 +486362,30 +486363,30 +486364,30 +486365,30 +486366,30 +486367,33 +486368,22 +486369,22 +486370,22 +486371,22 +486372,33 +486373,33 +486374,4 +486375,6 +486376,6 +486377,6 +486378,6 +486379,6 +486380,6 +486381,6 +486382,32 +486383,32 +486384,6 +486385,37 +486386,25 +486387,25 +486388,25 +486389,25 +486390,25 +486391,29 +486392,29 +486393,29 +486394,29 +486395,29 +486396,39 +486397,14 +486398,14 +486399,14 +486400,14 +486401,14 +486402,14 +486403,14 +486404,39 +486405,39 +486406,36 +486407,36 +486408,14 +486409,14 +486410,14 +486411,14 +486412,14 +486413,14 +486414,36 +486415,36 +486416,36 +486417,36 +486418,36 +486419,28 +486420,28 +486421,28 +486422,28 +486423,28 +486424,31 +486425,31 +486426,31 +486427,31 +486428,31 +486429,31 +486430,31 +486431,31 +486432,31 +486433,31 +486434,31 +486435,31 +486436,5 +486437,5 +486438,5 +486439,5 +486440,5 +486441,6 +486442,6 +486443,6 +486444,6 +486445,6 +486446,6 +486447,6 +486448,12 +486449,12 +486450,12 +486451,12 +486452,12 +486453,12 +486454,14 +486455,14 +486456,40 +486457,40 +486458,40 +486459,10 +486460,10 +486461,11 +486462,11 +486463,11 +486464,11 +486465,11 +486466,11 +486467,11 +486468,11 +486469,11 +486470,11 +486471,11 +486472,11 +486473,11 +486474,11 +486475,11 +486476,31 +486477,31 +486478,31 +486479,31 +486480,31 +486481,5 +486482,5 +486483,5 +486484,5 +486485,31 +486486,31 +486487,31 +486488,31 +486489,28 +486490,28 +486491,28 +486492,28 +486493,28 +486494,28 +486495,28 +486496,28 +486497,26 +486498,9 +486499,9 +486500,9 +486501,9 +486502,13 +486503,13 +486504,13 +486505,13 +486506,13 +486507,13 +486508,13 +486509,13 +486510,13 +486511,13 +486512,29 +486513,29 +486514,31 +486515,31 +486516,31 +486517,31 +486518,31 +486519,31 +486520,31 +486521,31 +486522,8 +486523,8 +486524,8 +486525,8 +486526,8 +486527,8 +486528,8 +486529,8 +486530,8 +486531,28 +486532,28 +486533,28 +486534,28 +486535,28 +486536,28 +486537,28 +486538,28 +486539,25 +486540,25 +486541,25 +486542,37 +486543,25 +486544,37 +486545,37 +486546,37 +486547,37 +486548,25 +486549,27 +486550,27 +486551,27 +486552,27 +486553,27 +486554,27 +486555,27 +486556,13 +486557,13 +486558,13 +486559,13 +486560,5 +486561,6 +486562,6 +486563,6 +486564,6 +486565,6 +486566,35 +486567,35 +486568,35 +486569,35 +486570,35 +486571,35 +486572,35 +486573,35 +486574,39 +486575,39 +486576,39 +486577,39 +486578,39 +486579,39 +486580,39 +486581,16 +486582,16 +486583,16 +486584,16 +486585,16 +486586,16 +486587,16 +486588,16 +486589,16 +486590,16 +486591,16 +486592,16 +486593,16 +486594,16 +486595,25 +486596,25 +486597,25 +486598,25 +486599,25 +486600,25 +486601,25 +486602,25 +486603,25 +486604,25 +486605,8 +486606,8 +486607,8 +486608,8 +486609,8 +486610,8 +486611,2 +486612,2 +486613,9 +486614,9 +486615,9 +486616,9 +486617,9 +486618,9 +486619,9 +486620,9 +486621,37 +486622,37 +486623,37 +486624,37 +486625,37 +486626,37 +486627,25 +486628,25 +486629,25 +486630,25 +486631,25 +486632,19 +486633,19 +486634,19 +486635,39 +486636,39 +486637,39 +486638,39 +486639,39 +486640,39 +486641,39 +486642,6 +486643,6 +486644,6 +486645,6 +486646,6 +486647,6 +486648,6 +486649,6 +486650,6 +486651,6 +486652,6 +486653,6 +486654,6 +486655,36 +486656,36 +486657,34 +486658,34 +486659,34 +486660,36 +486661,36 +486662,36 +486663,36 +486664,36 +486665,4 +486666,4 +486667,31 +486668,31 +486669,31 +486670,31 +486671,30 +486672,30 +486673,30 +486674,30 +486675,30 +486676,30 +486677,30 +486678,30 +486679,30 +486680,9 +486681,9 +486682,9 +486683,9 +486684,9 +486685,9 +486686,26 +486687,26 +486688,9 +486689,9 +486690,9 +486691,9 +486692,9 +486693,9 +486694,9 +486695,9 +486696,4 +486697,4 +486698,4 +486699,4 +486700,4 +486701,4 +486702,4 +486703,19 +486704,19 +486705,19 +486706,19 +486707,0 +486708,0 +486709,0 +486710,0 +486711,0 +486712,0 +486713,0 +486714,0 +486715,0 +486716,0 +486717,0 +486718,0 +486719,0 +486720,0 +486721,0 +486722,0 +486723,0 +486724,0 +486725,0 +486726,0 +486727,0 +486728,0 +486729,0 +486730,0 +486731,0 +486732,0 +486733,0 +486734,0 +486735,0 +486736,0 +486737,0 +486738,0 +486739,0 +486740,0 +486741,0 +486742,0 +486743,0 +486744,36 +486745,36 +486746,36 +486747,36 +486748,36 +486749,36 +486750,36 +486751,36 +486752,36 +486753,36 +486754,5 +486755,5 +486756,19 +486757,19 +486758,19 +486759,19 +486760,27 +486761,27 +486762,31 +486763,31 +486764,31 +486765,5 +486766,5 +486767,5 +486768,29 +486769,29 +486770,29 +486771,27 +486772,27 +486773,27 +486774,27 +486775,27 +486776,27 +486777,27 +486778,2 +486779,2 +486780,2 +486781,2 +486782,2 +486783,2 +486784,2 +486785,2 +486786,31 +486787,31 +486788,27 +486789,31 +486790,27 +486791,27 +486792,27 +486793,24 +486794,24 +486795,24 +486796,24 +486797,24 +486798,24 +486799,24 +486800,40 +486801,40 +486802,40 +486803,40 +486804,40 +486805,40 +486806,40 +486807,40 +486808,40 +486809,40 +486810,40 +486811,40 +486812,40 +486813,40 +486814,40 +486815,5 +486816,5 +486817,5 +486818,5 +486819,5 +486820,5 +486821,4 +486822,4 +486823,4 +486824,4 +486825,4 +486826,4 +486827,4 +486828,0 +486829,4 +486830,10 +486831,10 +486832,10 +486833,10 +486834,10 +486835,10 +486836,10 +486837,10 +486838,10 +486839,10 +486840,10 +486841,10 +486842,10 +486843,10 +486844,10 +486845,10 +486846,37 +486847,37 +486848,37 +486849,12 +486850,12 +486851,3 +486852,3 +486853,3 +486854,3 +486855,3 +486856,3 +486857,15 +486858,15 +486859,15 +486860,15 +486861,15 +486862,15 +486863,27 +486864,39 +486865,39 +486866,39 +486867,39 +486868,39 +486869,39 +486870,39 +486871,39 +486872,13 +486873,13 +486874,5 +486875,5 +486876,13 +486877,13 +486878,13 +486879,6 +486880,6 +486881,6 +486882,6 +486883,6 +486884,6 +486885,6 +486886,6 +486887,6 +486888,30 +486889,30 +486890,30 +486891,30 +486892,30 +486893,10 +486894,10 +486895,10 +486896,10 +486897,10 +486898,10 +486899,10 +486900,10 +486901,10 +486902,10 +486903,5 +486904,5 +486905,5 +486906,5 +486907,5 +486908,4 +486909,4 +486910,4 +486911,4 +486912,4 +486913,4 +486914,4 +486915,4 +486916,3 +486917,3 +486918,3 +486919,3 +486920,3 +486921,3 +486922,3 +486923,6 +486924,6 +486925,6 +486926,6 +486927,2 +486928,2 +486929,2 +486930,2 +486931,2 +486932,2 +486933,2 +486934,2 +486935,2 +486936,40 +486937,40 +486938,40 +486939,40 +486940,40 +486941,40 +486942,40 +486943,4 +486944,4 +486945,4 +486946,4 +486947,4 +486948,4 +486949,4 +486950,29 +486951,29 +486952,29 +486953,29 +486954,29 +486955,39 +486956,39 +486957,39 +486958,39 +486959,39 +486960,39 +486961,39 +486962,39 +486963,39 +486964,6 +486965,6 +486966,6 +486967,6 +486968,2 +486969,2 +486970,2 +486971,2 +486972,2 +486973,2 +486974,2 +486975,2 +486976,27 +486977,27 +486978,27 +486979,27 +486980,27 +486981,27 +486982,27 +486983,27 +486984,2 +486985,2 +486986,2 +486987,2 +486988,2 +486989,4 +486990,4 +486991,4 +486992,4 +486993,4 +486994,4 +486995,31 +486996,31 +486997,31 +486998,31 +486999,31 +487000,31 +487001,5 +487002,5 +487003,5 +487004,5 +487005,5 +487006,5 +487007,2 +487008,2 +487009,2 +487010,2 +487011,2 +487012,31 +487013,31 +487014,31 +487015,31 +487016,31 +487017,31 +487018,24 +487019,24 +487020,24 +487021,27 +487022,27 +487023,27 +487024,27 +487025,27 +487026,18 +487027,18 +487028,18 +487029,18 +487030,18 +487031,18 +487032,18 +487033,18 +487034,18 +487035,18 +487036,18 +487037,26 +487038,18 +487039,10 +487040,10 +487041,10 +487042,10 +487043,10 +487044,10 +487045,10 +487046,10 +487047,10 +487048,10 +487049,10 +487050,10 +487051,10 +487052,10 +487053,10 +487054,10 +487055,5 +487056,10 +487057,5 +487058,5 +487059,5 +487060,5 +487061,5 +487062,5 +487063,5 +487064,5 +487065,5 +487066,5 +487067,5 +487068,26 +487069,26 +487070,26 +487071,26 +487072,26 +487073,26 +487074,26 +487075,26 +487076,26 +487077,26 +487078,26 +487079,37 +487080,37 +487081,37 +487082,37 +487083,37 +487084,37 +487085,12 +487086,12 +487087,12 +487088,12 +487089,12 +487090,12 +487091,12 +487092,9 +487093,9 +487094,9 +487095,9 +487096,9 +487097,9 +487098,9 +487099,9 +487100,30 +487101,9 +487102,9 +487103,30 +487104,30 +487105,30 +487106,30 +487107,30 +487108,30 +487109,30 +487110,30 +487111,30 +487112,30 +487113,30 +487114,30 +487115,30 +487116,30 +487117,0 +487118,0 +487119,0 +487120,0 +487121,0 +487122,0 +487123,0 +487124,0 +487125,0 +487126,0 +487127,0 +487128,0 +487129,0 +487130,0 +487131,0 +487132,0 +487133,0 +487134,0 +487135,0 +487136,0 +487137,0 +487138,0 +487139,0 +487140,0 +487141,0 +487142,0 +487143,0 +487144,0 +487145,0 +487146,0 +487147,0 +487148,0 +487149,0 +487150,0 +487151,0 +487152,0 +487153,0 +487154,0 +487155,0 +487156,0 +487157,0 +487158,0 +487159,0 +487160,0 +487161,0 +487162,0 +487163,0 +487164,0 +487165,0 +487166,0 +487167,0 +487168,0 +487169,0 +487170,0 +487171,0 +487172,0 +487173,28 +487174,28 +487175,28 +487176,28 +487177,28 +487178,28 +487179,28 +487180,28 +487181,28 +487182,28 +487183,28 +487184,31 +487185,31 +487186,31 +487187,31 +487188,31 +487189,31 +487190,34 +487191,34 +487192,34 +487193,34 +487194,34 +487195,34 +487196,10 +487197,10 +487198,10 +487199,10 +487200,10 +487201,10 +487202,10 +487203,10 +487204,10 +487205,10 +487206,10 +487207,10 +487208,10 +487209,10 +487210,10 +487211,24 +487212,24 +487213,24 +487214,31 +487215,31 +487216,31 +487217,31 +487218,31 +487219,4 +487220,4 +487221,4 +487222,4 +487223,4 +487224,10 +487225,10 +487226,10 +487227,10 +487228,10 +487229,10 +487230,36 +487231,36 +487232,36 +487233,36 +487234,10 +487235,32 +487236,32 +487237,32 +487238,32 +487239,32 +487240,32 +487241,32 +487242,32 +487243,32 +487244,32 +487245,32 +487246,32 +487247,32 +487248,27 +487249,27 +487250,27 +487251,27 +487252,4 +487253,4 +487254,4 +487255,4 +487256,39 +487257,39 +487258,39 +487259,39 +487260,39 +487261,39 +487262,39 +487263,39 +487264,39 +487265,39 +487266,39 +487267,39 +487268,39 +487269,27 +487270,27 +487271,27 +487272,27 +487273,27 +487274,27 +487275,27 +487276,27 +487277,28 +487278,28 +487279,28 +487280,28 +487281,28 +487282,28 +487283,28 +487284,28 +487285,28 +487286,28 +487287,28 +487288,28 +487289,28 +487290,28 +487291,0 +487292,0 +487293,0 +487294,0 +487295,0 +487296,0 +487297,0 +487298,0 +487299,0 +487300,0 +487301,0 +487302,0 +487303,0 +487304,0 +487305,0 +487306,29 +487307,29 +487308,29 +487309,29 +487310,29 +487311,36 +487312,40 +487313,40 +487314,40 +487315,36 +487316,36 +487317,36 +487318,4 +487319,4 +487320,4 +487321,4 +487322,4 +487323,4 +487324,4 +487325,2 +487326,2 +487327,2 +487328,2 +487329,2 +487330,2 +487331,2 +487332,12 +487333,12 +487334,12 +487335,12 +487336,12 +487337,12 +487338,12 +487339,10 +487340,10 +487341,10 +487342,10 +487343,10 +487344,10 +487345,10 +487346,4 +487347,4 +487348,4 +487349,4 +487350,4 +487351,4 +487352,4 +487353,0 +487354,0 +487355,0 +487356,0 +487357,19 +487358,0 +487359,0 +487360,0 +487361,0 +487362,0 +487363,0 +487364,0 +487365,0 +487366,0 +487367,0 +487368,0 +487369,0 +487370,0 +487371,0 +487372,0 +487373,0 +487374,0 +487375,0 +487376,0 +487377,0 +487378,0 +487379,0 +487380,0 +487381,0 +487382,0 +487383,0 +487384,0 +487385,0 +487386,0 +487387,0 +487388,0 +487389,0 +487390,0 +487391,0 +487392,0 +487393,0 +487394,0 +487395,0 +487396,0 +487397,0 +487398,0 +487399,0 +487400,0 +487401,0 +487402,0 +487403,0 +487404,0 +487405,0 +487406,0 +487407,0 +487408,0 +487409,0 +487410,0 +487411,0 +487412,0 +487413,0 +487414,0 +487415,0 +487416,0 +487417,0 +487418,0 +487419,0 +487420,0 +487421,0 +487422,0 +487423,0 +487424,0 +487425,0 +487426,0 +487427,0 +487428,0 +487429,0 +487430,0 +487431,0 +487432,0 +487433,0 +487434,0 +487435,0 +487436,0 +487437,0 +487438,0 +487439,0 +487440,0 +487441,0 +487442,0 +487443,0 +487444,0 +487445,0 +487446,0 +487447,0 +487448,0 +487449,0 +487450,0 +487451,0 +487452,0 +487453,0 +487454,2 +487455,2 +487456,2 +487457,2 +487458,2 +487459,2 +487460,2 +487461,2 +487462,2 +487463,2 +487464,2 +487465,2 +487466,2 +487467,2 +487468,33 +487469,33 +487470,33 +487471,33 +487472,33 +487473,33 +487474,33 +487475,33 +487476,33 +487477,33 +487478,33 +487479,33 +487480,33 +487481,33 +487482,33 +487483,2 +487484,2 +487485,2 +487486,2 +487487,2 +487488,2 +487489,2 +487490,2 +487491,2 +487492,2 +487493,2 +487494,2 +487495,40 +487496,40 +487497,40 +487498,40 +487499,40 +487500,40 +487501,40 +487502,40 +487503,40 +487504,40 +487505,4 +487506,4 +487507,4 +487508,19 +487509,19 +487510,19 +487511,19 +487512,28 +487513,28 +487514,28 +487515,28 +487516,28 +487517,28 +487518,28 +487519,27 +487520,27 +487521,27 +487522,27 +487523,27 +487524,2 +487525,2 +487526,2 +487527,2 +487528,2 +487529,2 +487530,27 +487531,27 +487532,27 +487533,27 +487534,27 +487535,27 +487536,27 +487537,8 +487538,8 +487539,8 +487540,8 +487541,8 +487542,8 +487543,8 +487544,8 +487545,8 +487546,37 +487547,37 +487548,37 +487549,37 +487550,37 +487551,14 +487552,14 +487553,14 +487554,14 +487555,14 +487556,14 +487557,14 +487558,14 +487559,4 +487560,4 +487561,4 +487562,4 +487563,4 +487564,4 +487565,4 +487566,4 +487567,31 +487568,31 +487569,31 +487570,31 +487571,31 +487572,30 +487573,30 +487574,30 +487575,30 +487576,4 +487577,4 +487578,4 +487579,4 +487580,4 +487581,4 +487582,4 +487583,4 +487584,4 +487585,31 +487586,31 +487587,31 +487588,29 +487589,29 +487590,29 +487591,29 +487592,29 +487593,31 +487594,31 +487595,31 +487596,31 +487597,31 +487598,12 +487599,12 +487600,12 +487601,12 +487602,12 +487603,12 +487604,12 +487605,12 +487606,12 +487607,12 +487608,12 +487609,12 +487610,10 +487611,10 +487612,10 +487613,10 +487614,34 +487615,34 +487616,34 +487617,34 +487618,34 +487619,10 +487620,10 +487621,10 +487622,30 +487623,30 +487624,30 +487625,30 +487626,30 +487627,30 +487628,30 +487629,30 +487630,30 +487631,30 +487632,19 +487633,30 +487634,21 +487635,21 +487636,21 +487637,21 +487638,21 +487639,21 +487640,33 +487641,37 +487642,37 +487643,37 +487644,37 +487645,33 +487646,33 +487647,33 +487648,33 +487649,33 +487650,33 +487651,33 +487652,33 +487653,33 +487654,33 +487655,33 +487656,2 +487657,2 +487658,2 +487659,2 +487660,2 +487661,2 +487662,2 +487663,2 +487664,2 +487665,32 +487666,32 +487667,32 +487668,32 +487669,32 +487670,32 +487671,33 +487672,33 +487673,33 +487674,33 +487675,33 +487676,11 +487677,11 +487678,11 +487679,11 +487680,11 +487681,11 +487682,11 +487683,11 +487684,11 +487685,11 +487686,27 +487687,27 +487688,27 +487689,27 +487690,27 +487691,27 +487692,27 +487693,27 +487694,8 +487695,8 +487696,8 +487697,8 +487698,8 +487699,8 +487700,8 +487701,40 +487702,40 +487703,40 +487704,40 +487705,40 +487706,40 +487707,40 +487708,40 +487709,40 +487710,40 +487711,40 +487712,4 +487713,4 +487714,4 +487715,4 +487716,4 +487717,4 +487718,31 +487719,31 +487720,25 +487721,25 +487722,25 +487723,24 +487724,24 +487725,29 +487726,29 +487727,29 +487728,29 +487729,29 +487730,31 +487731,31 +487732,31 +487733,31 +487734,23 +487735,23 +487736,23 +487737,23 +487738,23 +487739,23 +487740,23 +487741,23 +487742,23 +487743,23 +487744,31 +487745,31 +487746,22 +487747,22 +487748,30 +487749,30 +487750,30 +487751,30 +487752,30 +487753,30 +487754,30 +487755,30 +487756,19 +487757,19 +487758,30 +487759,30 +487760,30 +487761,27 +487762,27 +487763,27 +487764,27 +487765,31 +487766,2 +487767,2 +487768,2 +487769,2 +487770,2 +487771,2 +487772,2 +487773,31 +487774,31 +487775,31 +487776,31 +487777,31 +487778,32 +487779,32 +487780,32 +487781,32 +487782,32 +487783,37 +487784,26 +487785,26 +487786,26 +487787,26 +487788,26 +487789,26 +487790,26 +487791,26 +487792,35 +487793,35 +487794,35 +487795,35 +487796,35 +487797,35 +487798,35 +487799,35 +487800,35 +487801,35 +487802,26 +487803,26 +487804,26 +487805,26 +487806,26 +487807,26 +487808,26 +487809,37 +487810,37 +487811,37 +487812,37 +487813,37 +487814,37 +487815,37 +487816,37 +487817,37 +487818,4 +487819,4 +487820,4 +487821,4 +487822,4 +487823,4 +487824,4 +487825,4 +487826,0 +487827,0 +487828,0 +487829,0 +487830,0 +487831,0 +487832,0 +487833,0 +487834,0 +487835,0 +487836,0 +487837,0 +487838,0 +487839,0 +487840,0 +487841,0 +487842,0 +487843,0 +487844,0 +487845,0 +487846,0 +487847,0 +487848,0 +487849,0 +487850,0 +487851,0 +487852,0 +487853,0 +487854,0 +487855,0 +487856,0 +487857,0 +487858,0 +487859,0 +487860,0 +487861,0 +487862,0 +487863,0 +487864,0 +487865,0 +487866,0 +487867,0 +487868,0 +487869,0 +487870,0 +487871,0 +487872,0 +487873,0 +487874,0 +487875,0 +487876,0 +487877,0 +487878,0 +487879,0 +487880,0 +487881,0 +487882,0 +487883,0 +487884,0 +487885,0 +487886,0 +487887,0 +487888,0 +487889,0 +487890,27 +487891,27 +487892,27 +487893,27 +487894,27 +487895,27 +487896,27 +487897,39 +487898,39 +487899,39 +487900,39 +487901,39 +487902,39 +487903,39 +487904,27 +487905,27 +487906,27 +487907,27 +487908,27 +487909,27 +487910,27 +487911,27 +487912,27 +487913,27 +487914,8 +487915,8 +487916,8 +487917,8 +487918,8 +487919,8 +487920,2 +487921,2 +487922,2 +487923,2 +487924,2 +487925,2 +487926,2 +487927,2 +487928,2 +487929,2 +487930,2 +487931,2 +487932,2 +487933,2 +487934,2 +487935,2 +487936,33 +487937,33 +487938,33 +487939,33 +487940,33 +487941,33 +487942,33 +487943,33 +487944,33 +487945,33 +487946,33 +487947,34 +487948,34 +487949,34 +487950,34 +487951,34 +487952,34 +487953,34 +487954,10 +487955,10 +487956,10 +487957,10 +487958,10 +487959,10 +487960,10 +487961,10 +487962,15 +487963,15 +487964,15 +487965,15 +487966,15 +487967,15 +487968,15 +487969,31 +487970,31 +487971,31 +487972,31 +487973,30 +487974,30 +487975,30 +487976,30 +487977,30 +487978,30 +487979,30 +487980,30 +487981,30 +487982,30 +487983,39 +487984,39 +487985,39 +487986,39 +487987,39 +487988,39 +487989,39 +487990,39 +487991,39 +487992,39 +487993,39 +487994,39 +487995,39 +487996,39 +487997,39 +487998,39 +487999,39 +488000,39 +488001,39 +488002,39 +488003,39 +488004,38 +488005,38 +488006,38 +488007,38 +488008,38 +488009,38 +488010,37 +488011,37 +488012,37 +488013,37 +488014,37 +488015,39 +488016,39 +488017,39 +488018,39 +488019,39 +488020,39 +488021,39 +488022,32 +488023,32 +488024,32 +488025,32 +488026,32 +488027,32 +488028,32 +488029,30 +488030,30 +488031,30 +488032,30 +488033,30 +488034,30 +488035,30 +488036,10 +488037,10 +488038,10 +488039,10 +488040,10 +488041,10 +488042,10 +488043,10 +488044,10 +488045,10 +488046,19 +488047,19 +488048,19 +488049,19 +488050,19 +488051,19 +488052,19 +488053,27 +488054,27 +488055,27 +488056,31 +488057,19 +488058,19 +488059,24 +488060,24 +488061,24 +488062,24 +488063,24 +488064,12 +488065,12 +488066,25 +488067,25 +488068,25 +488069,25 +488070,25 +488071,25 +488072,25 +488073,19 +488074,19 +488075,19 +488076,19 +488077,19 +488078,19 +488079,19 +488080,19 +488081,19 +488082,19 +488083,19 +488084,19 +488085,0 +488086,0 +488087,0 +488088,7 +488089,7 +488090,7 +488091,7 +488092,40 +488093,40 +488094,40 +488095,36 +488096,36 +488097,36 +488098,36 +488099,36 +488100,36 +488101,36 +488102,36 +488103,36 +488104,36 +488105,36 +488106,36 +488107,36 +488108,36 +488109,36 +488110,36 +488111,2 +488112,2 +488113,2 +488114,2 +488115,2 +488116,2 +488117,2 +488118,2 +488119,2 +488120,2 +488121,2 +488122,2 +488123,2 +488124,2 +488125,2 +488126,2 +488127,2 +488128,2 +488129,2 +488130,2 +488131,2 +488132,2 +488133,2 +488134,2 +488135,2 +488136,2 +488137,2 +488138,2 +488139,2 +488140,2 +488141,2 +488142,2 +488143,2 +488144,2 +488145,0 +488146,0 +488147,0 +488148,0 +488149,0 +488150,0 +488151,0 +488152,0 +488153,0 +488154,0 +488155,0 +488156,0 +488157,0 +488158,0 +488159,0 +488160,0 +488161,5 +488162,5 +488163,5 +488164,5 +488165,5 +488166,5 +488167,5 +488168,5 +488169,5 +488170,5 +488171,5 +488172,5 +488173,5 +488174,26 +488175,26 +488176,26 +488177,26 +488178,26 +488179,26 +488180,26 +488181,26 +488182,10 +488183,24 +488184,34 +488185,29 +488186,15 +488187,24 +488188,24 +488189,24 +488190,40 +488191,40 +488192,40 +488193,40 +488194,31 +488195,31 +488196,4 +488197,4 +488198,4 +488199,4 +488200,4 +488201,39 +488202,39 +488203,39 +488204,39 +488205,39 +488206,39 +488207,39 +488208,39 +488209,39 +488210,39 +488211,4 +488212,35 +488213,35 +488214,27 +488215,27 +488216,27 +488217,27 +488218,31 +488219,31 +488220,31 +488221,31 +488222,5 +488223,19 +488224,2 +488225,2 +488226,2 +488227,2 +488228,2 +488229,2 +488230,2 +488231,2 +488232,2 +488233,2 +488234,2 +488235,2 +488236,28 +488237,28 +488238,28 +488239,28 +488240,28 +488241,28 +488242,28 +488243,28 +488244,10 +488245,10 +488246,10 +488247,10 +488248,10 +488249,10 +488250,10 +488251,10 +488252,10 +488253,10 +488254,10 +488255,10 +488256,10 +488257,10 +488258,10 +488259,10 +488260,10 +488261,30 +488262,30 +488263,30 +488264,30 +488265,30 +488266,30 +488267,30 +488268,30 +488269,30 +488270,30 +488271,30 +488272,2 +488273,2 +488274,2 +488275,2 +488276,2 +488277,2 +488278,2 +488279,2 +488280,8 +488281,8 +488282,2 +488283,2 +488284,2 +488285,2 +488286,2 +488287,2 +488288,2 +488289,2 +488290,2 +488291,2 +488292,2 +488293,2 +488294,0 +488295,0 +488296,0 +488297,0 +488298,0 +488299,0 +488300,0 +488301,0 +488302,0 +488303,0 +488304,10 +488305,10 +488306,10 +488307,10 +488308,10 +488309,10 +488310,10 +488311,10 +488312,10 +488313,10 +488314,10 +488315,10 +488316,10 +488317,10 +488318,10 +488319,28 +488320,28 +488321,28 +488322,28 +488323,28 +488324,28 +488325,5 +488326,11 +488327,11 +488328,11 +488329,11 +488330,11 +488331,11 +488332,11 +488333,11 +488334,11 +488335,11 +488336,11 +488337,11 +488338,11 +488339,11 +488340,11 +488341,11 +488342,11 +488343,11 +488344,16 +488345,16 +488346,25 +488347,25 +488348,25 +488349,25 +488350,25 +488351,25 +488352,25 +488353,25 +488354,37 +488355,25 +488356,25 +488357,25 +488358,25 +488359,25 +488360,37 +488361,40 +488362,27 +488363,27 +488364,27 +488365,19 +488366,19 +488367,19 +488368,19 +488369,27 +488370,27 +488371,27 +488372,27 +488373,27 +488374,27 +488375,27 +488376,27 +488377,27 +488378,8 +488379,8 +488380,8 +488381,8 +488382,8 +488383,8 +488384,8 +488385,8 +488386,8 +488387,8 +488388,8 +488389,36 +488390,36 +488391,36 +488392,36 +488393,36 +488394,36 +488395,34 +488396,34 +488397,34 +488398,34 +488399,34 +488400,36 +488401,36 +488402,36 +488403,36 +488404,36 +488405,36 +488406,40 +488407,40 +488408,40 +488409,40 +488410,28 +488411,28 +488412,28 +488413,28 +488414,28 +488415,28 +488416,28 +488417,28 +488418,28 +488419,28 +488420,5 +488421,28 +488422,28 +488423,28 +488424,28 +488425,28 +488426,28 +488427,28 +488428,0 +488429,0 +488430,0 +488431,0 +488432,0 +488433,0 +488434,0 +488435,0 +488436,0 +488437,0 +488438,0 +488439,0 +488440,0 +488441,0 +488442,0 +488443,0 +488444,0 +488445,0 +488446,0 +488447,0 +488448,0 +488449,0 +488450,0 +488451,0 +488452,0 +488453,0 +488454,0 +488455,0 +488456,0 +488457,0 +488458,0 +488459,0 +488460,0 +488461,0 +488462,0 +488463,0 +488464,0 +488465,0 +488466,0 +488467,0 +488468,0 +488469,0 +488470,0 +488471,0 +488472,0 +488473,0 +488474,0 +488475,0 +488476,0 +488477,0 +488478,0 +488479,0 +488480,0 +488481,0 +488482,0 +488483,0 +488484,0 +488485,0 +488486,0 +488487,0 +488488,0 +488489,0 +488490,0 +488491,0 +488492,0 +488493,0 +488494,0 +488495,0 +488496,0 +488497,0 +488498,0 +488499,0 +488500,0 +488501,0 +488502,0 +488503,0 +488504,0 +488505,0 +488506,0 +488507,0 +488508,0 +488509,0 +488510,0 +488511,0 +488512,0 +488513,0 +488514,0 +488515,0 +488516,0 +488517,0 +488518,0 +488519,0 +488520,0 +488521,0 +488522,0 +488523,0 +488524,0 +488525,0 +488526,0 +488527,0 +488528,0 +488529,0 +488530,0 +488531,0 +488532,0 +488533,0 +488534,0 +488535,0 +488536,0 +488537,0 +488538,0 +488539,0 +488540,0 +488541,0 +488542,0 +488543,0 +488544,0 +488545,0 +488546,0 +488547,0 +488548,0 +488549,0 +488550,0 +488551,0 +488552,0 +488553,0 +488554,0 +488555,7 +488556,7 +488557,7 +488558,7 +488559,7 +488560,7 +488561,40 +488562,40 +488563,40 +488564,40 +488565,40 +488566,36 +488567,36 +488568,36 +488569,36 +488570,36 +488571,36 +488572,36 +488573,36 +488574,36 +488575,2 +488576,2 +488577,2 +488578,2 +488579,2 +488580,2 +488581,2 +488582,2 +488583,4 +488584,4 +488585,4 +488586,4 +488587,4 +488588,4 +488589,4 +488590,4 +488591,37 +488592,37 +488593,37 +488594,37 +488595,39 +488596,39 +488597,39 +488598,39 +488599,39 +488600,32 +488601,32 +488602,32 +488603,32 +488604,32 +488605,32 +488606,32 +488607,32 +488608,30 +488609,30 +488610,30 +488611,30 +488612,30 +488613,10 +488614,10 +488615,10 +488616,10 +488617,10 +488618,10 +488619,10 +488620,10 +488621,10 +488622,10 +488623,10 +488624,10 +488625,19 +488626,19 +488627,19 +488628,19 +488629,19 +488630,19 +488631,19 +488632,21 +488633,21 +488634,21 +488635,6 +488636,6 +488637,37 +488638,37 +488639,37 +488640,37 +488641,37 +488642,37 +488643,31 +488644,31 +488645,40 +488646,40 +488647,40 +488648,40 +488649,40 +488650,5 +488651,5 +488652,5 +488653,5 +488654,5 +488655,5 +488656,5 +488657,24 +488658,24 +488659,24 +488660,29 +488661,31 +488662,40 +488663,40 +488664,40 +488665,40 +488666,40 +488667,40 +488668,40 +488669,30 +488670,30 +488671,30 +488672,30 +488673,30 +488674,30 +488675,30 +488676,30 +488677,30 +488678,30 +488679,30 +488680,30 +488681,30 +488682,30 +488683,30 +488684,30 +488685,30 +488686,30 +488687,30 +488688,30 +488689,30 +488690,30 +488691,30 +488692,0 +488693,0 +488694,0 +488695,0 +488696,0 +488697,0 +488698,0 +488699,0 +488700,0 +488701,0 +488702,0 +488703,0 +488704,0 +488705,0 +488706,0 +488707,0 +488708,0 +488709,0 +488710,0 +488711,0 +488712,0 +488713,0 +488714,0 +488715,0 +488716,0 +488717,0 +488718,0 +488719,0 +488720,0 +488721,0 +488722,0 +488723,0 +488724,0 +488725,0 +488726,0 +488727,0 +488728,0 +488729,0 +488730,0 +488731,0 +488732,2 +488733,2 +488734,2 +488735,2 +488736,2 +488737,2 +488738,2 +488739,2 +488740,2 +488741,2 +488742,2 +488743,2 +488744,2 +488745,2 +488746,2 +488747,2 +488748,2 +488749,2 +488750,2 +488751,2 +488752,2 +488753,2 +488754,2 +488755,2 +488756,2 +488757,2 +488758,14 +488759,14 +488760,14 +488761,14 +488762,14 +488763,14 +488764,14 +488765,14 +488766,14 +488767,14 +488768,14 +488769,14 +488770,14 +488771,14 +488772,27 +488773,27 +488774,27 +488775,24 +488776,24 +488777,24 +488778,24 +488779,24 +488780,7 +488781,7 +488782,7 +488783,7 +488784,7 +488785,7 +488786,7 +488787,3 +488788,39 +488789,39 +488790,39 +488791,39 +488792,37 +488793,37 +488794,37 +488795,37 +488796,37 +488797,37 +488798,37 +488799,37 +488800,37 +488801,37 +488802,39 +488803,39 +488804,39 +488805,39 +488806,39 +488807,32 +488808,32 +488809,32 +488810,32 +488811,32 +488812,32 +488813,32 +488814,32 +488815,32 +488816,27 +488817,27 +488818,27 +488819,27 +488820,27 +488821,4 +488822,4 +488823,4 +488824,4 +488825,4 +488826,4 +488827,27 +488828,27 +488829,27 +488830,27 +488831,27 +488832,27 +488833,27 +488834,19 +488835,19 +488836,19 +488837,19 +488838,15 +488839,15 +488840,15 +488841,15 +488842,15 +488843,33 +488844,33 +488845,33 +488846,40 +488847,30 +488848,30 +488849,30 +488850,30 +488851,30 +488852,30 +488853,30 +488854,30 +488855,30 +488856,30 +488857,31 +488858,31 +488859,31 +488860,27 +488861,27 +488862,27 +488863,32 +488864,32 +488865,32 +488866,32 +488867,32 +488868,32 +488869,32 +488870,31 +488871,31 +488872,31 +488873,31 +488874,31 +488875,4 +488876,4 +488877,4 +488878,4 +488879,3 +488880,3 +488881,3 +488882,3 +488883,9 +488884,9 +488885,33 +488886,33 +488887,33 +488888,3 +488889,3 +488890,3 +488891,3 +488892,3 +488893,3 +488894,3 +488895,26 +488896,26 +488897,26 +488898,26 +488899,26 +488900,26 +488901,26 +488902,37 +488903,26 +488904,37 +488905,37 +488906,37 +488907,37 +488908,37 +488909,37 +488910,37 +488911,37 +488912,7 +488913,7 +488914,7 +488915,7 +488916,7 +488917,7 +488918,7 +488919,7 +488920,7 +488921,7 +488922,7 +488923,3 +488924,3 +488925,3 +488926,3 +488927,3 +488928,3 +488929,3 +488930,28 +488931,28 +488932,28 +488933,28 +488934,28 +488935,28 +488936,28 +488937,10 +488938,10 +488939,36 +488940,36 +488941,36 +488942,10 +488943,10 +488944,29 +488945,24 +488946,24 +488947,24 +488948,24 +488949,24 +488950,24 +488951,37 +488952,37 +488953,37 +488954,37 +488955,37 +488956,25 +488957,25 +488958,25 +488959,25 +488960,37 +488961,37 +488962,30 +488963,30 +488964,30 +488965,30 +488966,30 +488967,30 +488968,23 +488969,23 +488970,23 +488971,23 +488972,23 +488973,23 +488974,23 +488975,23 +488976,23 +488977,23 +488978,37 +488979,37 +488980,37 +488981,37 +488982,36 +488983,36 +488984,36 +488985,36 +488986,40 +488987,40 +488988,40 +488989,40 +488990,40 +488991,40 +488992,40 +488993,40 +488994,40 +488995,5 +488996,5 +488997,5 +488998,5 +488999,5 +489000,5 +489001,19 +489002,19 +489003,19 +489004,19 +489005,19 +489006,19 +489007,19 +489008,19 +489009,19 +489010,19 +489011,0 +489012,0 +489013,0 +489014,0 +489015,0 +489016,0 +489017,0 +489018,0 +489019,0 +489020,0 +489021,0 +489022,0 +489023,0 +489024,0 +489025,0 +489026,0 +489027,0 +489028,0 +489029,0 +489030,0 +489031,0 +489032,0 +489033,0 +489034,0 +489035,0 +489036,0 +489037,0 +489038,0 +489039,0 +489040,0 +489041,0 +489042,0 +489043,0 +489044,0 +489045,0 +489046,0 +489047,0 +489048,0 +489049,0 +489050,0 +489051,0 +489052,0 +489053,0 +489054,0 +489055,0 +489056,0 +489057,12 +489058,12 +489059,29 +489060,12 +489061,29 +489062,12 +489063,4 +489064,4 +489065,12 +489066,12 +489067,12 +489068,4 +489069,27 +489070,27 +489071,27 +489072,27 +489073,16 +489074,16 +489075,16 +489076,16 +489077,16 +489078,18 +489079,18 +489080,18 +489081,31 +489082,31 +489083,31 +489084,31 +489085,31 +489086,31 +489087,31 +489088,32 +489089,32 +489090,32 +489091,32 +489092,32 +489093,32 +489094,32 +489095,27 +489096,27 +489097,27 +489098,27 +489099,27 +489100,27 +489101,27 +489102,27 +489103,37 +489104,37 +489105,37 +489106,37 +489107,37 +489108,37 +489109,37 +489110,37 +489111,37 +489112,19 +489113,19 +489114,19 +489115,19 +489116,19 +489117,19 +489118,19 +489119,19 +489120,19 +489121,19 +489122,14 +489123,14 +489124,14 +489125,14 +489126,14 +489127,14 +489128,14 +489129,14 +489130,14 +489131,14 +489132,14 +489133,35 +489134,35 +489135,14 +489136,14 +489137,14 +489138,27 +489139,27 +489140,27 +489141,27 +489142,27 +489143,28 +489144,28 +489145,28 +489146,28 +489147,28 +489148,28 +489149,28 +489150,28 +489151,28 +489152,28 +489153,28 +489154,28 +489155,5 +489156,5 +489157,2 +489158,2 +489159,2 +489160,2 +489161,2 +489162,2 +489163,2 +489164,2 +489165,2 +489166,2 +489167,2 +489168,2 +489169,2 +489170,2 +489171,2 +489172,33 +489173,33 +489174,33 +489175,33 +489176,33 +489177,33 +489178,33 +489179,33 +489180,33 +489181,33 +489182,33 +489183,33 +489184,33 +489185,33 +489186,27 +489187,27 +489188,27 +489189,27 +489190,27 +489191,27 +489192,6 +489193,6 +489194,6 +489195,2 +489196,2 +489197,2 +489198,2 +489199,2 +489200,2 +489201,2 +489202,2 +489203,2 +489204,2 +489205,2 +489206,2 +489207,2 +489208,2 +489209,2 +489210,2 +489211,2 +489212,4 +489213,4 +489214,4 +489215,4 +489216,4 +489217,4 +489218,4 +489219,19 +489220,19 +489221,19 +489222,37 +489223,18 +489224,17 +489225,17 +489226,17 +489227,9 +489228,9 +489229,9 +489230,9 +489231,9 +489232,9 +489233,9 +489234,9 +489235,37 +489236,37 +489237,37 +489238,37 +489239,37 +489240,19 +489241,19 +489242,19 +489243,19 +489244,19 +489245,31 +489246,31 +489247,31 +489248,31 +489249,31 +489250,31 +489251,31 +489252,31 +489253,27 +489254,27 +489255,27 +489256,27 +489257,40 +489258,40 +489259,40 +489260,40 +489261,40 +489262,40 +489263,40 +489264,40 +489265,37 +489266,37 +489267,37 +489268,37 +489269,37 +489270,37 +489271,37 +489272,37 +489273,14 +489274,14 +489275,39 +489276,14 +489277,10 +489278,10 +489279,10 +489280,14 +489281,14 +489282,14 +489283,14 +489284,14 +489285,14 +489286,14 +489287,14 +489288,14 +489289,0 +489290,0 +489291,0 +489292,0 +489293,0 +489294,0 +489295,0 +489296,0 +489297,0 +489298,0 +489299,0 +489300,0 +489301,0 +489302,0 +489303,0 +489304,0 +489305,0 +489306,0 +489307,0 +489308,0 +489309,0 +489310,0 +489311,0 +489312,0 +489313,0 +489314,0 +489315,0 +489316,0 +489317,0 +489318,0 +489319,0 +489320,0 +489321,0 +489322,0 +489323,0 +489324,0 +489325,0 +489326,36 +489327,36 +489328,36 +489329,36 +489330,36 +489331,36 +489332,36 +489333,36 +489334,36 +489335,36 +489336,36 +489337,5 +489338,5 +489339,19 +489340,19 +489341,19 +489342,19 +489343,29 +489344,29 +489345,31 +489346,31 +489347,31 +489348,29 +489349,15 +489350,15 +489351,15 +489352,15 +489353,15 +489354,15 +489355,15 +489356,15 +489357,15 +489358,15 +489359,15 +489360,15 +489361,10 +489362,10 +489363,10 +489364,10 +489365,10 +489366,26 +489367,26 +489368,26 +489369,26 +489370,9 +489371,9 +489372,9 +489373,9 +489374,26 +489375,26 +489376,4 +489377,4 +489378,4 +489379,31 +489380,31 +489381,31 +489382,31 +489383,31 +489384,31 +489385,31 +489386,30 +489387,30 +489388,31 +489389,5 +489390,5 +489391,5 +489392,5 +489393,30 +489394,30 +489395,30 +489396,30 +489397,30 +489398,30 +489399,30 +489400,30 +489401,30 +489402,30 +489403,30 +489404,30 +489405,30 +489406,30 +489407,32 +489408,32 +489409,6 +489410,6 +489411,6 +489412,6 +489413,6 +489414,6 +489415,6 +489416,6 +489417,31 +489418,31 +489419,31 +489420,31 +489421,31 +489422,31 +489423,31 +489424,31 +489425,31 +489426,28 +489427,28 +489428,28 +489429,28 +489430,28 +489431,28 +489432,28 +489433,15 +489434,15 +489435,15 +489436,10 +489437,10 +489438,10 +489439,10 +489440,10 +489441,10 +489442,10 +489443,10 +489444,10 +489445,10 +489446,10 +489447,10 +489448,23 +489449,23 +489450,23 +489451,23 +489452,23 +489453,23 +489454,23 +489455,23 +489456,23 +489457,23 +489458,23 +489459,23 +489460,23 +489461,25 +489462,23 +489463,25 +489464,25 +489465,25 +489466,25 +489467,25 +489468,25 +489469,25 +489470,25 +489471,25 +489472,25 +489473,25 +489474,2 +489475,2 +489476,2 +489477,2 +489478,2 +489479,2 +489480,2 +489481,2 +489482,2 +489483,2 +489484,2 +489485,2 +489486,2 +489487,2 +489488,5 +489489,28 +489490,28 +489491,28 +489492,28 +489493,5 +489494,5 +489495,10 +489496,10 +489497,10 +489498,10 +489499,10 +489500,10 +489501,10 +489502,14 +489503,14 +489504,14 +489505,14 +489506,10 +489507,10 +489508,10 +489509,10 +489510,10 +489511,30 +489512,30 +489513,30 +489514,30 +489515,30 +489516,30 +489517,36 +489518,36 +489519,36 +489520,36 +489521,36 +489522,5 +489523,5 +489524,5 +489525,31 +489526,31 +489527,31 +489528,31 +489529,31 +489530,31 +489531,31 +489532,32 +489533,32 +489534,32 +489535,32 +489536,32 +489537,32 +489538,32 +489539,32 +489540,32 +489541,32 +489542,32 +489543,32 +489544,32 +489545,32 +489546,30 +489547,30 +489548,30 +489549,30 +489550,14 +489551,39 +489552,39 +489553,39 +489554,39 +489555,39 +489556,39 +489557,3 +489558,39 +489559,13 +489560,28 +489561,28 +489562,28 +489563,28 +489564,28 +489565,28 +489566,28 +489567,28 +489568,28 +489569,36 +489570,36 +489571,36 +489572,36 +489573,36 +489574,36 +489575,36 +489576,36 +489577,36 +489578,36 +489579,36 +489580,36 +489581,32 +489582,32 +489583,32 +489584,36 +489585,36 +489586,23 +489587,23 +489588,35 +489589,25 +489590,25 +489591,25 +489592,25 +489593,25 +489594,25 +489595,25 +489596,25 +489597,12 +489598,12 +489599,12 +489600,12 +489601,12 +489602,12 +489603,27 +489604,27 +489605,27 +489606,27 +489607,27 +489608,38 +489609,38 +489610,38 +489611,38 +489612,38 +489613,38 +489614,38 +489615,38 +489616,23 +489617,23 +489618,23 +489619,23 +489620,23 +489621,23 +489622,23 +489623,23 +489624,23 +489625,23 +489626,23 +489627,23 +489628,31 +489629,31 +489630,31 +489631,31 +489632,31 +489633,30 +489634,30 +489635,30 +489636,30 +489637,30 +489638,30 +489639,30 +489640,30 +489641,30 +489642,30 +489643,27 +489644,27 +489645,27 +489646,27 +489647,27 +489648,40 +489649,6 +489650,6 +489651,6 +489652,6 +489653,6 +489654,6 +489655,2 +489656,2 +489657,2 +489658,2 +489659,2 +489660,2 +489661,32 +489662,32 +489663,32 +489664,32 +489665,30 +489666,30 +489667,30 +489668,31 +489669,31 +489670,27 +489671,27 +489672,27 +489673,5 +489674,5 +489675,5 +489676,39 +489677,39 +489678,39 +489679,39 +489680,39 +489681,14 +489682,14 +489683,14 +489684,14 +489685,14 +489686,14 +489687,14 +489688,14 +489689,11 +489690,11 +489691,11 +489692,11 +489693,11 +489694,11 +489695,11 +489696,11 +489697,11 +489698,11 +489699,11 +489700,11 +489701,11 +489702,11 +489703,31 +489704,31 +489705,31 +489706,31 +489707,27 +489708,27 +489709,31 +489710,31 +489711,5 +489712,5 +489713,5 +489714,5 +489715,5 +489716,5 +489717,8 +489718,8 +489719,8 +489720,8 +489721,8 +489722,8 +489723,8 +489724,8 +489725,8 +489726,8 +489727,8 +489728,2 +489729,0 +489730,0 +489731,0 +489732,0 +489733,0 +489734,0 +489735,0 +489736,0 +489737,0 +489738,0 +489739,0 +489740,0 +489741,0 +489742,0 +489743,0 +489744,0 +489745,0 +489746,0 +489747,0 +489748,0 +489749,0 +489750,0 +489751,0 +489752,0 +489753,0 +489754,0 +489755,0 +489756,0 +489757,0 +489758,0 +489759,36 +489760,0 +489761,0 +489762,0 +489763,36 +489764,36 +489765,36 +489766,36 +489767,5 +489768,5 +489769,5 +489770,5 +489771,5 +489772,5 +489773,19 +489774,19 +489775,19 +489776,19 +489777,19 +489778,19 +489779,26 +489780,26 +489781,26 +489782,26 +489783,26 +489784,26 +489785,26 +489786,1 +489787,37 +489788,37 +489789,37 +489790,37 +489791,19 +489792,19 +489793,19 +489794,19 +489795,27 +489796,27 +489797,31 +489798,31 +489799,19 +489800,19 +489801,19 +489802,19 +489803,19 +489804,19 +489805,34 +489806,31 +489807,34 +489808,34 +489809,34 +489810,34 +489811,34 +489812,34 +489813,1 +489814,31 +489815,34 +489816,4 +489817,4 +489818,4 +489819,31 +489820,31 +489821,31 +489822,31 +489823,31 +489824,31 +489825,31 +489826,28 +489827,28 +489828,28 +489829,28 +489830,28 +489831,28 +489832,28 +489833,33 +489834,33 +489835,33 +489836,33 +489837,33 +489838,33 +489839,33 +489840,33 +489841,30 +489842,30 +489843,30 +489844,28 +489845,28 +489846,28 +489847,28 +489848,28 +489849,28 +489850,28 +489851,27 +489852,31 +489853,31 +489854,31 +489855,31 +489856,4 +489857,4 +489858,4 +489859,4 +489860,10 +489861,36 +489862,10 +489863,36 +489864,36 +489865,36 +489866,36 +489867,36 +489868,36 +489869,36 +489870,36 +489871,23 +489872,23 +489873,23 +489874,23 +489875,4 +489876,4 +489877,4 +489878,4 +489879,4 +489880,4 +489881,4 +489882,3 +489883,3 +489884,12 +489885,12 +489886,12 +489887,12 +489888,12 +489889,12 +489890,39 +489891,39 +489892,39 +489893,39 +489894,39 +489895,39 +489896,35 +489897,35 +489898,35 +489899,35 +489900,35 +489901,35 +489902,35 +489903,35 +489904,35 +489905,35 +489906,35 +489907,35 +489908,25 +489909,25 +489910,25 +489911,25 +489912,25 +489913,25 +489914,25 +489915,25 +489916,25 +489917,25 +489918,19 +489919,19 +489920,19 +489921,19 +489922,35 +489923,35 +489924,35 +489925,35 +489926,35 +489927,35 +489928,35 +489929,25 +489930,25 +489931,25 +489932,25 +489933,25 +489934,25 +489935,25 +489936,25 +489937,25 +489938,25 +489939,25 +489940,25 +489941,25 +489942,0 +489943,0 +489944,0 +489945,0 +489946,0 +489947,0 +489948,0 +489949,0 +489950,0 +489951,0 +489952,0 +489953,0 +489954,0 +489955,0 +489956,0 +489957,0 +489958,0 +489959,0 +489960,0 +489961,0 +489962,0 +489963,0 +489964,0 +489965,0 +489966,0 +489967,0 +489968,0 +489969,0 +489970,0 +489971,0 +489972,0 +489973,0 +489974,0 +489975,0 +489976,0 +489977,0 +489978,0 +489979,0 +489980,0 +489981,0 +489982,0 +489983,0 +489984,0 +489985,0 +489986,0 +489987,0 +489988,0 +489989,0 +489990,0 +489991,0 +489992,0 +489993,0 +489994,0 +489995,0 +489996,0 +489997,0 +489998,0 +489999,0 +490000,0 +490001,0 +490002,0 +490003,0 +490004,0 +490005,0 +490006,0 +490007,0 +490008,0 +490009,0 +490010,0 +490011,0 +490012,0 +490013,0 +490014,0 +490015,0 +490016,0 +490017,0 +490018,0 +490019,0 +490020,0 +490021,0 +490022,0 +490023,0 +490024,0 +490025,0 +490026,0 +490027,0 +490028,0 +490029,0 +490030,0 +490031,25 +490032,25 +490033,0 +490034,0 +490035,0 +490036,0 +490037,0 +490038,0 +490039,0 +490040,0 +490041,0 +490042,0 +490043,0 +490044,0 +490045,0 +490046,0 +490047,0 +490048,0 +490049,0 +490050,0 +490051,0 +490052,0 +490053,0 +490054,0 +490055,0 +490056,0 +490057,0 +490058,0 +490059,0 +490060,0 +490061,0 +490062,0 +490063,0 +490064,0 +490065,0 +490066,0 +490067,0 +490068,0 +490069,0 +490070,0 +490071,0 +490072,0 +490073,0 +490074,0 +490075,0 +490076,21 +490077,21 +490078,21 +490079,37 +490080,37 +490081,37 +490082,37 +490083,37 +490084,36 +490085,36 +490086,36 +490087,36 +490088,1 +490089,36 +490090,1 +490091,1 +490092,1 +490093,1 +490094,5 +490095,5 +490096,5 +490097,5 +490098,5 +490099,5 +490100,5 +490101,23 +490102,23 +490103,23 +490104,23 +490105,23 +490106,23 +490107,26 +490108,26 +490109,26 +490110,26 +490111,26 +490112,26 +490113,26 +490114,26 +490115,29 +490116,29 +490117,29 +490118,29 +490119,31 +490120,31 +490121,31 +490122,31 +490123,31 +490124,31 +490125,12 +490126,12 +490127,12 +490128,12 +490129,12 +490130,12 +490131,12 +490132,12 +490133,12 +490134,14 +490135,14 +490136,14 +490137,14 +490138,14 +490139,14 +490140,14 +490141,5 +490142,5 +490143,5 +490144,5 +490145,5 +490146,5 +490147,5 +490148,5 +490149,5 +490150,4 +490151,4 +490152,4 +490153,4 +490154,4 +490155,4 +490156,4 +490157,4 +490158,4 +490159,4 +490160,4 +490161,4 +490162,4 +490163,4 +490164,0 +490165,0 +490166,0 +490167,0 +490168,0 +490169,0 +490170,0 +490171,0 +490172,0 +490173,0 +490174,0 +490175,0 +490176,0 +490177,0 +490178,0 +490179,0 +490180,0 +490181,0 +490182,0 +490183,0 +490184,0 +490185,0 +490186,0 +490187,0 +490188,0 +490189,0 +490190,0 +490191,0 +490192,0 +490193,0 +490194,0 +490195,0 +490196,0 +490197,0 +490198,0 +490199,0 +490200,0 +490201,0 +490202,0 +490203,0 +490204,0 +490205,0 +490206,0 +490207,0 +490208,0 +490209,0 +490210,0 +490211,0 +490212,0 +490213,0 +490214,0 +490215,0 +490216,0 +490217,0 +490218,0 +490219,0 +490220,0 +490221,0 +490222,0 +490223,0 +490224,0 +490225,0 +490226,0 +490227,0 +490228,0 +490229,0 +490230,0 +490231,0 +490232,31 +490233,31 +490234,31 +490235,31 +490236,31 +490237,31 +490238,5 +490239,5 +490240,5 +490241,5 +490242,5 +490243,5 +490244,32 +490245,32 +490246,32 +490247,32 +490248,37 +490249,37 +490250,37 +490251,37 +490252,40 +490253,40 +490254,40 +490255,40 +490256,40 +490257,40 +490258,8 +490259,8 +490260,8 +490261,8 +490262,8 +490263,8 +490264,8 +490265,31 +490266,31 +490267,31 +490268,31 +490269,24 +490270,4 +490271,4 +490272,4 +490273,4 +490274,4 +490275,30 +490276,30 +490277,39 +490278,14 +490279,14 +490280,14 +490281,14 +490282,14 +490283,14 +490284,39 +490285,28 +490286,28 +490287,28 +490288,28 +490289,27 +490290,27 +490291,27 +490292,27 +490293,2 +490294,2 +490295,2 +490296,2 +490297,4 +490298,4 +490299,4 +490300,4 +490301,2 +490302,8 +490303,25 +490304,25 +490305,25 +490306,25 +490307,32 +490308,32 +490309,32 +490310,32 +490311,32 +490312,32 +490313,32 +490314,32 +490315,32 +490316,32 +490317,32 +490318,32 +490319,32 +490320,32 +490321,26 +490322,26 +490323,26 +490324,26 +490325,26 +490326,26 +490327,26 +490328,26 +490329,26 +490330,26 +490331,26 +490332,26 +490333,21 +490334,6 +490335,6 +490336,6 +490337,6 +490338,6 +490339,6 +490340,6 +490341,6 +490342,6 +490343,31 +490344,9 +490345,9 +490346,9 +490347,9 +490348,9 +490349,9 +490350,9 +490351,9 +490352,4 +490353,4 +490354,4 +490355,4 +490356,31 +490357,31 +490358,31 +490359,31 +490360,31 +490361,31 +490362,31 +490363,31 +490364,31 +490365,31 +490366,31 +490367,31 +490368,31 +490369,21 +490370,6 +490371,6 +490372,6 +490373,6 +490374,6 +490375,6 +490376,31 +490377,31 +490378,31 +490379,31 +490380,31 +490381,5 +490382,5 +490383,5 +490384,5 +490385,40 +490386,27 +490387,40 +490388,31 +490389,30 +490390,30 +490391,30 +490392,30 +490393,30 +490394,30 +490395,30 +490396,30 +490397,30 +490398,30 +490399,30 +490400,30 +490401,39 +490402,27 +490403,27 +490404,27 +490405,13 +490406,13 +490407,13 +490408,13 +490409,13 +490410,13 +490411,13 +490412,13 +490413,21 +490414,21 +490415,21 +490416,21 +490417,21 +490418,37 +490419,37 +490420,37 +490421,37 +490422,37 +490423,37 +490424,37 +490425,37 +490426,27 +490427,27 +490428,27 +490429,27 +490430,13 +490431,13 +490432,13 +490433,13 +490434,13 +490435,13 +490436,13 +490437,13 +490438,12 +490439,12 +490440,12 +490441,12 +490442,12 +490443,12 +490444,12 +490445,12 +490446,12 +490447,12 +490448,14 +490449,14 +490450,14 +490451,14 +490452,14 +490453,14 +490454,14 +490455,14 +490456,14 +490457,14 +490458,14 +490459,14 +490460,14 +490461,39 +490462,39 +490463,39 +490464,39 +490465,39 +490466,39 +490467,39 +490468,39 +490469,39 +490470,39 +490471,39 +490472,39 +490473,39 +490474,0 +490475,0 +490476,0 +490477,0 +490478,0 +490479,0 +490480,0 +490481,0 +490482,0 +490483,0 +490484,0 +490485,0 +490486,0 +490487,0 +490488,0 +490489,0 +490490,0 +490491,0 +490492,0 +490493,0 +490494,0 +490495,0 +490496,0 +490497,0 +490498,0 +490499,0 +490500,0 +490501,0 +490502,0 +490503,0 +490504,0 +490505,0 +490506,0 +490507,0 +490508,0 +490509,0 +490510,0 +490511,0 +490512,0 +490513,0 +490514,0 +490515,0 +490516,0 +490517,0 +490518,0 +490519,0 +490520,0 +490521,0 +490522,12 +490523,12 +490524,12 +490525,12 +490526,12 +490527,12 +490528,12 +490529,12 +490530,12 +490531,40 +490532,40 +490533,40 +490534,40 +490535,40 +490536,40 +490537,40 +490538,40 +490539,37 +490540,37 +490541,37 +490542,37 +490543,37 +490544,37 +490545,37 +490546,37 +490547,37 +490548,36 +490549,36 +490550,36 +490551,36 +490552,36 +490553,36 +490554,36 +490555,36 +490556,36 +490557,36 +490558,36 +490559,36 +490560,36 +490561,2 +490562,2 +490563,2 +490564,2 +490565,2 +490566,2 +490567,2 +490568,2 +490569,8 +490570,8 +490571,8 +490572,5 +490573,5 +490574,5 +490575,5 +490576,5 +490577,5 +490578,5 +490579,9 +490580,9 +490581,9 +490582,9 +490583,9 +490584,9 +490585,9 +490586,9 +490587,9 +490588,37 +490589,37 +490590,37 +490591,37 +490592,37 +490593,37 +490594,37 +490595,37 +490596,37 +490597,37 +490598,37 +490599,37 +490600,37 +490601,37 +490602,37 +490603,6 +490604,21 +490605,21 +490606,21 +490607,21 +490608,21 +490609,21 +490610,21 +490611,21 +490612,21 +490613,33 +490614,33 +490615,33 +490616,33 +490617,33 +490618,33 +490619,33 +490620,9 +490621,33 +490622,33 +490623,5 +490624,5 +490625,5 +490626,5 +490627,5 +490628,5 +490629,5 +490630,5 +490631,5 +490632,4 +490633,4 +490634,4 +490635,4 +490636,4 +490637,31 +490638,31 +490639,29 +490640,29 +490641,29 +490642,29 +490643,29 +490644,29 +490645,29 +490646,19 +490647,19 +490648,19 +490649,31 +490650,19 +490651,19 +490652,19 +490653,19 +490654,19 +490655,19 +490656,19 +490657,19 +490658,9 +490659,9 +490660,9 +490661,9 +490662,9 +490663,9 +490664,9 +490665,9 +490666,9 +490667,9 +490668,9 +490669,9 +490670,9 +490671,9 +490672,9 +490673,37 +490674,37 +490675,37 +490676,37 +490677,37 +490678,37 +490679,37 +490680,37 +490681,37 +490682,37 +490683,37 +490684,37 +490685,37 +490686,37 +490687,37 +490688,37 +490689,37 +490690,37 +490691,25 +490692,25 +490693,25 +490694,0 +490695,0 +490696,0 +490697,0 +490698,0 +490699,0 +490700,0 +490701,0 +490702,0 +490703,0 +490704,0 +490705,0 +490706,0 +490707,0 +490708,0 +490709,0 +490710,0 +490711,0 +490712,0 +490713,0 +490714,0 +490715,0 +490716,0 +490717,0 +490718,0 +490719,0 +490720,0 +490721,0 +490722,0 +490723,0 +490724,0 +490725,0 +490726,0 +490727,28 +490728,28 +490729,28 +490730,28 +490731,28 +490732,0 +490733,0 +490734,0 +490735,5 +490736,5 +490737,0 +490738,5 +490739,5 +490740,0 +490741,0 +490742,0 +490743,0 +490744,0 +490745,0 +490746,0 +490747,0 +490748,31 +490749,31 +490750,31 +490751,31 +490752,33 +490753,33 +490754,33 +490755,33 +490756,33 +490757,33 +490758,33 +490759,33 +490760,33 +490761,33 +490762,33 +490763,33 +490764,33 +490765,33 +490766,7 +490767,7 +490768,7 +490769,7 +490770,7 +490771,39 +490772,39 +490773,39 +490774,39 +490775,39 +490776,39 +490777,36 +490778,36 +490779,40 +490780,36 +490781,36 +490782,36 +490783,40 +490784,40 +490785,36 +490786,36 +490787,36 +490788,36 +490789,36 +490790,36 +490791,2 +490792,2 +490793,2 +490794,2 +490795,2 +490796,2 +490797,2 +490798,2 +490799,2 +490800,2 +490801,2 +490802,2 +490803,2 +490804,2 +490805,2 +490806,2 +490807,2 +490808,2 +490809,2 +490810,2 +490811,2 +490812,2 +490813,2 +490814,2 +490815,23 +490816,0 +490817,0 +490818,0 +490819,0 +490820,0 +490821,0 +490822,0 +490823,0 +490824,0 +490825,0 +490826,0 +490827,0 +490828,0 +490829,0 +490830,0 +490831,0 +490832,0 +490833,0 +490834,0 +490835,0 +490836,0 +490837,10 +490838,10 +490839,10 +490840,10 +490841,10 +490842,10 +490843,10 +490844,10 +490845,10 +490846,10 +490847,10 +490848,10 +490849,10 +490850,10 +490851,10 +490852,10 +490853,10 +490854,10 +490855,10 +490856,10 +490857,2 +490858,2 +490859,2 +490860,2 +490861,2 +490862,2 +490863,2 +490864,2 +490865,2 +490866,2 +490867,2 +490868,2 +490869,2 +490870,2 +490871,2 +490872,2 +490873,39 +490874,39 +490875,39 +490876,39 +490877,39 +490878,39 +490879,39 +490880,39 +490881,39 +490882,35 +490883,35 +490884,35 +490885,35 +490886,35 +490887,35 +490888,35 +490889,35 +490890,35 +490891,25 +490892,25 +490893,25 +490894,25 +490895,25 +490896,25 +490897,25 +490898,25 +490899,25 +490900,25 +490901,25 +490902,25 +490903,25 +490904,25 +490905,25 +490906,25 +490907,37 +490908,37 +490909,37 +490910,37 +490911,37 +490912,37 +490913,37 +490914,25 +490915,0 +490916,0 +490917,0 +490918,0 +490919,0 +490920,0 +490921,0 +490922,0 +490923,0 +490924,0 +490925,0 +490926,0 +490927,0 +490928,0 +490929,0 +490930,0 +490931,0 +490932,0 +490933,0 +490934,0 +490935,0 +490936,0 +490937,0 +490938,0 +490939,0 +490940,0 +490941,0 +490942,0 +490943,0 +490944,0 +490945,0 +490946,0 +490947,0 +490948,0 +490949,0 +490950,0 +490951,0 +490952,0 +490953,0 +490954,0 +490955,0 +490956,0 +490957,0 +490958,0 +490959,4 +490960,11 +490961,11 +490962,11 +490963,11 +490964,11 +490965,11 +490966,11 +490967,11 +490968,11 +490969,11 +490970,11 +490971,39 +490972,39 +490973,39 +490974,39 +490975,39 +490976,39 +490977,30 +490978,30 +490979,30 +490980,30 +490981,22 +490982,22 +490983,30 +490984,33 +490985,33 +490986,33 +490987,33 +490988,33 +490989,33 +490990,6 +490991,6 +490992,2 +490993,2 +490994,2 +490995,2 +490996,2 +490997,2 +490998,2 +490999,27 +491000,27 +491001,27 +491002,27 +491003,27 +491004,8 +491005,8 +491006,8 +491007,8 +491008,8 +491009,8 +491010,35 +491011,35 +491012,35 +491013,35 +491014,35 +491015,35 +491016,35 +491017,35 +491018,35 +491019,26 +491020,26 +491021,26 +491022,26 +491023,26 +491024,26 +491025,26 +491026,9 +491027,9 +491028,9 +491029,9 +491030,9 +491031,4 +491032,4 +491033,4 +491034,4 +491035,4 +491036,4 +491037,39 +491038,39 +491039,39 +491040,39 +491041,39 +491042,39 +491043,39 +491044,39 +491045,31 +491046,31 +491047,31 +491048,14 +491049,14 +491050,14 +491051,8 +491052,8 +491053,8 +491054,8 +491055,8 +491056,8 +491057,8 +491058,8 +491059,8 +491060,36 +491061,36 +491062,36 +491063,36 +491064,36 +491065,40 +491066,36 +491067,40 +491068,40 +491069,40 +491070,40 +491071,40 +491072,40 +491073,40 +491074,24 +491075,24 +491076,24 +491077,24 +491078,24 +491079,24 +491080,24 +491081,25 +491082,25 +491083,25 +491084,25 +491085,25 +491086,25 +491087,25 +491088,25 +491089,25 +491090,37 +491091,37 +491092,37 +491093,37 +491094,37 +491095,37 +491096,37 +491097,25 +491098,25 +491099,25 +491100,25 +491101,25 +491102,0 +491103,0 +491104,0 +491105,0 +491106,0 +491107,0 +491108,0 +491109,0 +491110,0 +491111,0 +491112,0 +491113,0 +491114,0 +491115,0 +491116,0 +491117,0 +491118,0 +491119,0 +491120,0 +491121,27 +491122,27 +491123,27 +491124,27 +491125,27 +491126,27 +491127,27 +491128,27 +491129,4 +491130,4 +491131,4 +491132,4 +491133,4 +491134,2 +491135,2 +491136,2 +491137,2 +491138,31 +491139,31 +491140,31 +491141,31 +491142,31 +491143,31 +491144,31 +491145,31 +491146,31 +491147,12 +491148,12 +491149,12 +491150,12 +491151,12 +491152,12 +491153,12 +491154,12 +491155,12 +491156,12 +491157,12 +491158,12 +491159,31 +491160,31 +491161,31 +491162,31 +491163,5 +491164,5 +491165,5 +491166,5 +491167,27 +491168,27 +491169,27 +491170,27 +491171,27 +491172,27 +491173,11 +491174,11 +491175,11 +491176,11 +491177,11 +491178,11 +491179,11 +491180,11 +491181,11 +491182,11 +491183,11 +491184,39 +491185,39 +491186,39 +491187,39 +491188,39 +491189,39 +491190,39 +491191,39 +491192,6 +491193,6 +491194,6 +491195,6 +491196,6 +491197,6 +491198,6 +491199,6 +491200,6 +491201,6 +491202,6 +491203,6 +491204,6 +491205,26 +491206,26 +491207,26 +491208,26 +491209,26 +491210,26 +491211,26 +491212,5 +491213,5 +491214,5 +491215,5 +491216,5 +491217,27 +491218,27 +491219,27 +491220,31 +491221,31 +491222,2 +491223,2 +491224,2 +491225,2 +491226,2 +491227,2 +491228,2 +491229,2 +491230,2 +491231,2 +491232,2 +491233,2 +491234,40 +491235,40 +491236,40 +491237,40 +491238,40 +491239,40 +491240,40 +491241,40 +491242,40 +491243,40 +491244,5 +491245,5 +491246,5 +491247,5 +491248,5 +491249,19 +491250,19 +491251,19 +491252,19 +491253,19 +491254,27 +491255,27 +491256,27 +491257,6 +491258,6 +491259,6 +491260,6 +491261,6 +491262,6 +491263,6 +491264,6 +491265,6 +491266,6 +491267,6 +491268,6 +491269,31 +491270,31 +491271,31 +491272,31 +491273,36 +491274,36 +491275,36 +491276,28 +491277,28 +491278,28 +491279,28 +491280,28 +491281,5 +491282,3 +491283,3 +491284,31 +491285,31 +491286,31 +491287,31 +491288,31 +491289,31 +491290,5 +491291,5 +491292,12 +491293,12 +491294,12 +491295,12 +491296,12 +491297,12 +491298,12 +491299,12 +491300,12 +491301,12 +491302,12 +491303,26 +491304,26 +491305,26 +491306,26 +491307,26 +491308,26 +491309,26 +491310,16 +491311,16 +491312,16 +491313,16 +491314,16 +491315,16 +491316,16 +491317,16 +491318,16 +491319,16 +491320,16 +491321,16 +491322,16 +491323,16 +491324,16 +491325,25 +491326,25 +491327,25 +491328,25 +491329,28 +491330,28 +491331,28 +491332,28 +491333,28 +491334,28 +491335,28 +491336,28 +491337,28 +491338,28 +491339,28 +491340,9 +491341,9 +491342,9 +491343,9 +491344,9 +491345,9 +491346,37 +491347,37 +491348,37 +491349,37 +491350,37 +491351,6 +491352,4 +491353,4 +491354,4 +491355,4 +491356,31 +491357,31 +491358,33 +491359,33 +491360,31 +491361,30 +491362,30 +491363,30 +491364,30 +491365,30 +491366,30 +491367,30 +491368,30 +491369,36 +491370,36 +491371,36 +491372,36 +491373,36 +491374,36 +491375,1 +491376,1 +491377,1 +491378,1 +491379,1 +491380,1 +491381,5 +491382,5 +491383,5 +491384,5 +491385,5 +491386,5 +491387,37 +491388,37 +491389,28 +491390,28 +491391,28 +491392,39 +491393,39 +491394,39 +491395,39 +491396,39 +491397,39 +491398,39 +491399,39 +491400,8 +491401,8 +491402,8 +491403,8 +491404,8 +491405,8 +491406,8 +491407,8 +491408,23 +491409,23 +491410,23 +491411,23 +491412,23 +491413,23 +491414,23 +491415,23 +491416,23 +491417,23 +491418,23 +491419,34 +491420,34 +491421,34 +491422,34 +491423,30 +491424,30 +491425,30 +491426,30 +491427,36 +491428,10 +491429,10 +491430,10 +491431,10 +491432,10 +491433,10 +491434,10 +491435,10 +491436,10 +491437,10 +491438,10 +491439,10 +491440,10 +491441,10 +491442,10 +491443,10 +491444,10 +491445,10 +491446,10 +491447,39 +491448,39 +491449,39 +491450,39 +491451,39 +491452,39 +491453,39 +491454,39 +491455,39 +491456,39 +491457,39 +491458,39 +491459,39 +491460,39 +491461,0 +491462,0 +491463,0 +491464,0 +491465,0 +491466,0 +491467,0 +491468,0 +491469,0 +491470,0 +491471,0 +491472,0 +491473,0 +491474,0 +491475,0 +491476,35 +491477,35 +491478,39 +491479,39 +491480,39 +491481,39 +491482,39 +491483,39 +491484,39 +491485,39 +491486,39 +491487,39 +491488,39 +491489,39 +491490,39 +491491,2 +491492,2 +491493,2 +491494,2 +491495,2 +491496,2 +491497,2 +491498,2 +491499,2 +491500,2 +491501,2 +491502,2 +491503,40 +491504,40 +491505,25 +491506,25 +491507,25 +491508,40 +491509,40 +491510,25 +491511,25 +491512,25 +491513,25 +491514,37 +491515,37 +491516,37 +491517,37 +491518,37 +491519,37 +491520,37 +491521,5 +491522,5 +491523,5 +491524,5 +491525,5 +491526,5 +491527,5 +491528,5 +491529,5 +491530,5 +491531,5 +491532,0 +491533,0 +491534,0 +491535,0 +491536,0 +491537,0 +491538,0 +491539,0 +491540,11 +491541,11 +491542,11 +491543,11 +491544,11 +491545,11 +491546,11 +491547,11 +491548,11 +491549,11 +491550,11 +491551,11 +491552,11 +491553,11 +491554,11 +491555,11 +491556,11 +491557,11 +491558,11 +491559,14 +491560,14 +491561,14 +491562,14 +491563,14 +491564,14 +491565,14 +491566,14 +491567,14 +491568,14 +491569,6 +491570,6 +491571,6 +491572,6 +491573,6 +491574,6 +491575,6 +491576,6 +491577,6 +491578,27 +491579,13 +491580,13 +491581,13 +491582,13 +491583,13 +491584,13 +491585,13 +491586,13 +491587,13 +491588,13 +491589,27 +491590,27 +491591,27 +491592,27 +491593,27 +491594,27 +491595,27 +491596,27 +491597,27 +491598,2 +491599,2 +491600,2 +491601,2 +491602,2 +491603,2 +491604,2 +491605,35 +491606,35 +491607,35 +491608,40 +491609,40 +491610,36 +491611,36 +491612,36 +491613,36 +491614,36 +491615,36 +491616,36 +491617,36 +491618,4 +491619,4 +491620,4 +491621,4 +491622,31 +491623,31 +491624,31 +491625,31 +491626,31 +491627,31 +491628,23 +491629,23 +491630,23 +491631,23 +491632,23 +491633,23 +491634,23 +491635,23 +491636,23 +491637,25 +491638,25 +491639,25 +491640,25 +491641,25 +491642,25 +491643,25 +491644,25 +491645,25 +491646,25 +491647,28 +491648,28 +491649,28 +491650,28 +491651,28 +491652,28 +491653,31 +491654,31 +491655,31 +491656,31 +491657,4 +491658,4 +491659,4 +491660,4 +491661,4 +491662,4 +491663,4 +491664,4 +491665,27 +491666,27 +491667,27 +491668,27 +491669,27 +491670,8 +491671,8 +491672,8 +491673,8 +491674,8 +491675,8 +491676,8 +491677,8 +491678,8 +491679,30 +491680,30 +491681,30 +491682,30 +491683,30 +491684,39 +491685,39 +491686,39 +491687,39 +491688,39 +491689,39 +491690,39 +491691,39 +491692,39 +491693,39 +491694,39 +491695,39 +491696,39 +491697,0 +491698,0 +491699,0 +491700,0 +491701,0 +491702,0 +491703,0 +491704,0 +491705,0 +491706,0 +491707,0 +491708,0 +491709,0 +491710,0 +491711,0 +491712,0 +491713,0 +491714,0 +491715,0 +491716,0 +491717,0 +491718,0 +491719,0 +491720,0 +491721,0 +491722,0 +491723,0 +491724,0 +491725,0 +491726,0 +491727,0 +491728,0 +491729,0 +491730,0 +491731,0 +491732,0 +491733,0 +491734,0 +491735,0 +491736,0 +491737,0 +491738,0 +491739,0 +491740,0 +491741,0 +491742,0 +491743,0 +491744,0 +491745,0 +491746,0 +491747,0 +491748,0 +491749,0 +491750,0 +491751,0 +491752,0 +491753,0 +491754,0 +491755,0 +491756,0 +491757,0 +491758,0 +491759,0 +491760,0 +491761,0 +491762,0 +491763,0 +491764,0 +491765,0 +491766,0 +491767,0 +491768,0 +491769,0 +491770,0 +491771,0 +491772,0 +491773,0 +491774,0 +491775,0 +491776,0 +491777,0 +491778,0 +491779,0 +491780,0 +491781,0 +491782,0 +491783,0 +491784,0 +491785,0 +491786,0 +491787,0 +491788,0 +491789,0 +491790,0 +491791,0 +491792,0 +491793,0 +491794,0 +491795,15 +491796,31 +491797,31 +491798,31 +491799,31 +491800,30 +491801,31 +491802,31 +491803,30 +491804,30 +491805,30 +491806,30 +491807,30 +491808,30 +491809,30 +491810,30 +491811,30 +491812,9 +491813,9 +491814,9 +491815,9 +491816,9 +491817,9 +491818,9 +491819,9 +491820,9 +491821,9 +491822,9 +491823,9 +491824,9 +491825,9 +491826,9 +491827,9 +491828,9 +491829,9 +491830,13 +491831,13 +491832,13 +491833,13 +491834,13 +491835,13 +491836,13 +491837,13 +491838,25 +491839,25 +491840,6 +491841,6 +491842,6 +491843,6 +491844,6 +491845,6 +491846,6 +491847,6 +491848,6 +491849,6 +491850,26 +491851,26 +491852,26 +491853,37 +491854,26 +491855,37 +491856,10 +491857,10 +491858,10 +491859,10 +491860,10 +491861,10 +491862,10 +491863,10 +491864,10 +491865,10 +491866,10 +491867,10 +491868,10 +491869,10 +491870,10 +491871,10 +491872,10 +491873,10 +491874,10 +491875,6 +491876,6 +491877,6 +491878,6 +491879,6 +491880,6 +491881,6 +491882,6 +491883,6 +491884,6 +491885,6 +491886,14 +491887,14 +491888,14 +491889,14 +491890,14 +491891,14 +491892,14 +491893,14 +491894,14 +491895,5 +491896,5 +491897,5 +491898,5 +491899,5 +491900,5 +491901,13 +491902,13 +491903,19 +491904,19 +491905,19 +491906,19 +491907,19 +491908,19 +491909,19 +491910,34 +491911,34 +491912,34 +491913,34 +491914,34 +491915,34 +491916,34 +491917,10 +491918,10 +491919,28 +491920,28 +491921,28 +491922,28 +491923,5 +491924,5 +491925,5 +491926,5 +491927,5 +491928,28 +491929,31 +491930,31 +491931,37 +491932,37 +491933,37 +491934,37 +491935,37 +491936,37 +491937,37 +491938,39 +491939,39 +491940,39 +491941,39 +491942,39 +491943,39 +491944,24 +491945,29 +491946,29 +491947,29 +491948,39 +491949,39 +491950,39 +491951,39 +491952,39 +491953,39 +491954,39 +491955,39 +491956,39 +491957,39 +491958,39 +491959,39 +491960,39 +491961,39 +491962,39 +491963,39 +491964,39 +491965,39 +491966,39 +491967,5 +491968,5 +491969,5 +491970,5 +491971,5 +491972,5 +491973,5 +491974,5 +491975,5 +491976,5 +491977,5 +491978,5 +491979,5 +491980,5 +491981,5 +491982,5 +491983,5 +491984,0 +491985,0 +491986,0 +491987,0 +491988,0 +491989,0 +491990,0 +491991,0 +491992,0 +491993,0 +491994,0 +491995,0 +491996,0 +491997,0 +491998,0 +491999,0 +492000,0 +492001,0 +492002,0 +492003,0 +492004,0 +492005,0 +492006,0 +492007,0 +492008,0 +492009,0 +492010,0 +492011,0 +492012,0 +492013,0 +492014,0 +492015,0 +492016,0 +492017,0 +492018,0 +492019,0 +492020,0 +492021,0 +492022,0 +492023,0 +492024,0 +492025,0 +492026,0 +492027,0 +492028,0 +492029,0 +492030,0 +492031,0 +492032,0 +492033,0 +492034,0 +492035,0 +492036,0 +492037,0 +492038,0 +492039,0 +492040,0 +492041,0 +492042,0 +492043,0 +492044,0 +492045,29 +492046,29 +492047,29 +492048,29 +492049,29 +492050,14 +492051,14 +492052,14 +492053,14 +492054,14 +492055,14 +492056,14 +492057,14 +492058,14 +492059,14 +492060,14 +492061,14 +492062,15 +492063,31 +492064,31 +492065,31 +492066,32 +492067,32 +492068,32 +492069,32 +492070,32 +492071,32 +492072,32 +492073,32 +492074,32 +492075,32 +492076,32 +492077,32 +492078,32 +492079,36 +492080,36 +492081,36 +492082,36 +492083,36 +492084,36 +492085,36 +492086,36 +492087,36 +492088,36 +492089,36 +492090,36 +492091,36 +492092,36 +492093,36 +492094,4 +492095,4 +492096,4 +492097,4 +492098,4 +492099,4 +492100,4 +492101,4 +492102,4 +492103,37 +492104,37 +492105,37 +492106,37 +492107,14 +492108,14 +492109,14 +492110,14 +492111,14 +492112,14 +492113,14 +492114,14 +492115,14 +492116,19 +492117,19 +492118,19 +492119,19 +492120,19 +492121,19 +492122,27 +492123,27 +492124,27 +492125,27 +492126,27 +492127,27 +492128,27 +492129,4 +492130,4 +492131,4 +492132,4 +492133,4 +492134,27 +492135,27 +492136,27 +492137,27 +492138,27 +492139,27 +492140,27 +492141,27 +492142,27 +492143,27 +492144,5 +492145,5 +492146,5 +492147,5 +492148,5 +492149,5 +492150,5 +492151,5 +492152,13 +492153,4 +492154,4 +492155,4 +492156,4 +492157,4 +492158,4 +492159,4 +492160,4 +492161,27 +492162,27 +492163,27 +492164,25 +492165,25 +492166,23 +492167,23 +492168,23 +492169,23 +492170,23 +492171,23 +492172,23 +492173,23 +492174,23 +492175,23 +492176,23 +492177,37 +492178,37 +492179,37 +492180,37 +492181,37 +492182,39 +492183,39 +492184,39 +492185,39 +492186,39 +492187,39 +492188,39 +492189,39 +492190,39 +492191,39 +492192,39 +492193,14 +492194,18 +492195,18 +492196,18 +492197,18 +492198,18 +492199,18 +492200,18 +492201,18 +492202,18 +492203,18 +492204,18 +492205,18 +492206,39 +492207,39 +492208,39 +492209,14 +492210,39 +492211,39 +492212,39 +492213,39 +492214,39 +492215,39 +492216,39 +492217,26 +492218,10 +492219,10 +492220,10 +492221,31 +492222,31 +492223,31 +492224,31 +492225,31 +492226,31 +492227,31 +492228,31 +492229,31 +492230,31 +492231,5 +492232,5 +492233,5 +492234,5 +492235,5 +492236,5 +492237,5 +492238,5 +492239,0 +492240,0 +492241,37 +492242,25 +492243,0 +492244,0 +492245,0 +492246,0 +492247,0 +492248,0 +492249,0 +492250,0 +492251,0 +492252,0 +492253,0 +492254,0 +492255,0 +492256,0 +492257,0 +492258,0 +492259,0 +492260,0 +492261,0 +492262,0 +492263,0 +492264,0 +492265,0 +492266,0 +492267,0 +492268,0 +492269,0 +492270,0 +492271,0 +492272,0 +492273,0 +492274,0 +492275,0 +492276,0 +492277,0 +492278,0 +492279,0 +492280,0 +492281,0 +492282,0 +492283,0 +492284,0 +492285,0 +492286,0 +492287,0 +492288,0 +492289,0 +492290,0 +492291,27 +492292,27 +492293,27 +492294,27 +492295,27 +492296,27 +492297,27 +492298,27 +492299,27 +492300,27 +492301,27 +492302,27 +492303,27 +492304,27 +492305,5 +492306,5 +492307,5 +492308,5 +492309,5 +492310,5 +492311,5 +492312,5 +492313,5 +492314,19 +492315,19 +492316,19 +492317,19 +492318,19 +492319,19 +492320,9 +492321,9 +492322,31 +492323,31 +492324,30 +492325,30 +492326,30 +492327,30 +492328,30 +492329,30 +492330,30 +492331,30 +492332,18 +492333,18 +492334,18 +492335,18 +492336,19 +492337,11 +492338,11 +492339,11 +492340,18 +492341,18 +492342,18 +492343,18 +492344,27 +492345,27 +492346,39 +492347,39 +492348,39 +492349,39 +492350,5 +492351,5 +492352,13 +492353,13 +492354,13 +492355,13 +492356,24 +492357,29 +492358,29 +492359,31 +492360,10 +492361,10 +492362,10 +492363,34 +492364,10 +492365,10 +492366,10 +492367,10 +492368,10 +492369,10 +492370,34 +492371,34 +492372,34 +492373,10 +492374,12 +492375,33 +492376,33 +492377,33 +492378,33 +492379,33 +492380,33 +492381,33 +492382,25 +492383,33 +492384,33 +492385,32 +492386,32 +492387,32 +492388,32 +492389,32 +492390,32 +492391,32 +492392,32 +492393,25 +492394,31 +492395,31 +492396,31 +492397,31 +492398,24 +492399,24 +492400,24 +492401,24 +492402,24 +492403,27 +492404,27 +492405,27 +492406,27 +492407,5 +492408,5 +492409,5 +492410,5 +492411,5 +492412,31 +492413,5 +492414,31 +492415,31 +492416,27 +492417,27 +492418,27 +492419,31 +492420,31 +492421,24 +492422,24 +492423,24 +492424,24 +492425,24 +492426,24 +492427,24 +492428,27 +492429,27 +492430,27 +492431,27 +492432,27 +492433,27 +492434,40 +492435,5 +492436,5 +492437,5 +492438,5 +492439,5 +492440,5 +492441,5 +492442,5 +492443,5 +492444,5 +492445,4 +492446,4 +492447,4 +492448,4 +492449,4 +492450,4 +492451,4 +492452,4 +492453,4 +492454,4 +492455,4 +492456,12 +492457,12 +492458,12 +492459,12 +492460,12 +492461,27 +492462,27 +492463,27 +492464,27 +492465,16 +492466,16 +492467,16 +492468,16 +492469,16 +492470,16 +492471,16 +492472,11 +492473,11 +492474,11 +492475,11 +492476,11 +492477,11 +492478,11 +492479,11 +492480,11 +492481,11 +492482,11 +492483,11 +492484,11 +492485,11 +492486,12 +492487,12 +492488,12 +492489,12 +492490,12 +492491,31 +492492,31 +492493,31 +492494,31 +492495,31 +492496,31 +492497,3 +492498,2 +492499,2 +492500,2 +492501,2 +492502,2 +492503,2 +492504,2 +492505,2 +492506,2 +492507,2 +492508,2 +492509,2 +492510,31 +492511,31 +492512,31 +492513,31 +492514,6 +492515,6 +492516,6 +492517,6 +492518,6 +492519,6 +492520,6 +492521,6 +492522,6 +492523,6 +492524,6 +492525,0 +492526,0 +492527,6 +492528,6 +492529,9 +492530,33 +492531,33 +492532,33 +492533,33 +492534,33 +492535,33 +492536,33 +492537,1 +492538,1 +492539,31 +492540,33 +492541,33 +492542,1 +492543,1 +492544,24 +492545,24 +492546,24 +492547,24 +492548,24 +492549,24 +492550,10 +492551,10 +492552,10 +492553,35 +492554,35 +492555,35 +492556,35 +492557,35 +492558,35 +492559,35 +492560,35 +492561,35 +492562,35 +492563,35 +492564,35 +492565,26 +492566,26 +492567,26 +492568,26 +492569,26 +492570,32 +492571,32 +492572,32 +492573,32 +492574,32 +492575,32 +492576,32 +492577,32 +492578,25 +492579,25 +492580,25 +492581,25 +492582,25 +492583,25 +492584,25 +492585,4 +492586,19 +492587,19 +492588,19 +492589,30 +492590,30 +492591,31 +492592,31 +492593,31 +492594,31 +492595,31 +492596,5 +492597,5 +492598,5 +492599,5 +492600,2 +492601,2 +492602,2 +492603,2 +492604,2 +492605,2 +492606,2 +492607,2 +492608,2 +492609,8 +492610,2 +492611,2 +492612,2 +492613,2 +492614,2 +492615,2 +492616,2 +492617,2 +492618,2 +492619,2 +492620,2 +492621,2 +492622,2 +492623,2 +492624,2 +492625,2 +492626,2 +492627,25 +492628,25 +492629,24 +492630,31 +492631,24 +492632,24 +492633,24 +492634,24 +492635,24 +492636,2 +492637,2 +492638,2 +492639,2 +492640,2 +492641,2 +492642,2 +492643,2 +492644,2 +492645,2 +492646,2 +492647,2 +492648,2 +492649,27 +492650,27 +492651,27 +492652,27 +492653,27 +492654,3 +492655,3 +492656,3 +492657,3 +492658,3 +492659,3 +492660,3 +492661,28 +492662,28 +492663,28 +492664,28 +492665,28 +492666,28 +492667,28 +492668,31 +492669,40 +492670,40 +492671,40 +492672,40 +492673,40 +492674,19 +492675,19 +492676,19 +492677,5 +492678,5 +492679,5 +492680,27 +492681,27 +492682,27 +492683,27 +492684,27 +492685,27 +492686,27 +492687,27 +492688,10 +492689,10 +492690,10 +492691,10 +492692,10 +492693,10 +492694,10 +492695,10 +492696,10 +492697,10 +492698,10 +492699,10 +492700,10 +492701,10 +492702,10 +492703,39 +492704,10 +492705,10 +492706,39 +492707,0 +492708,0 +492709,0 +492710,0 +492711,0 +492712,0 +492713,0 +492714,0 +492715,0 +492716,0 +492717,0 +492718,0 +492719,0 +492720,0 +492721,0 +492722,0 +492723,0 +492724,0 +492725,0 +492726,0 +492727,0 +492728,0 +492729,0 +492730,0 +492731,0 +492732,0 +492733,0 +492734,0 +492735,0 +492736,0 +492737,0 +492738,0 +492739,0 +492740,0 +492741,0 +492742,0 +492743,0 +492744,0 +492745,0 +492746,0 +492747,0 +492748,0 +492749,0 +492750,0 +492751,0 +492752,0 +492753,0 +492754,0 +492755,0 +492756,0 +492757,0 +492758,0 +492759,0 +492760,0 +492761,12 +492762,12 +492763,12 +492764,12 +492765,12 +492766,12 +492767,31 +492768,31 +492769,31 +492770,31 +492771,31 +492772,31 +492773,31 +492774,31 +492775,17 +492776,17 +492777,17 +492778,8 +492779,8 +492780,8 +492781,8 +492782,8 +492783,8 +492784,8 +492785,8 +492786,8 +492787,8 +492788,8 +492789,8 +492790,8 +492791,8 +492792,8 +492793,2 +492794,8 +492795,8 +492796,8 +492797,8 +492798,40 +492799,40 +492800,40 +492801,40 +492802,40 +492803,40 +492804,40 +492805,40 +492806,37 +492807,37 +492808,37 +492809,37 +492810,37 +492811,37 +492812,37 +492813,37 +492814,37 +492815,37 +492816,37 +492817,37 +492818,37 +492819,37 +492820,39 +492821,39 +492822,39 +492823,39 +492824,39 +492825,5 +492826,5 +492827,5 +492828,5 +492829,5 +492830,5 +492831,5 +492832,5 +492833,34 +492834,34 +492835,34 +492836,34 +492837,34 +492838,34 +492839,34 +492840,34 +492841,34 +492842,34 +492843,34 +492844,34 +492845,34 +492846,34 +492847,34 +492848,34 +492849,26 +492850,26 +492851,26 +492852,5 +492853,5 +492854,5 +492855,19 +492856,19 +492857,19 +492858,19 +492859,19 +492860,19 +492861,19 +492862,29 +492863,29 +492864,29 +492865,29 +492866,40 +492867,40 +492868,40 +492869,40 +492870,40 +492871,40 +492872,40 +492873,40 +492874,40 +492875,40 +492876,40 +492877,5 +492878,5 +492879,5 +492880,5 +492881,5 +492882,5 +492883,5 +492884,5 +492885,5 +492886,5 +492887,5 +492888,31 +492889,31 +492890,31 +492891,31 +492892,31 +492893,31 +492894,5 +492895,31 +492896,31 +492897,32 +492898,32 +492899,32 +492900,32 +492901,32 +492902,32 +492903,32 +492904,32 +492905,32 +492906,32 +492907,32 +492908,32 +492909,32 +492910,32 +492911,32 +492912,32 +492913,26 +492914,26 +492915,26 +492916,26 +492917,26 +492918,26 +492919,23 +492920,23 +492921,23 +492922,23 +492923,23 +492924,23 +492925,23 +492926,23 +492927,23 +492928,23 +492929,23 +492930,23 +492931,23 +492932,23 +492933,23 +492934,23 +492935,23 +492936,25 +492937,25 +492938,25 +492939,25 +492940,25 +492941,28 +492942,28 +492943,29 +492944,29 +492945,29 +492946,29 +492947,29 +492948,29 +492949,29 +492950,31 +492951,31 +492952,31 +492953,28 +492954,28 +492955,28 +492956,28 +492957,28 +492958,28 +492959,28 +492960,28 +492961,28 +492962,34 +492963,34 +492964,34 +492965,34 +492966,34 +492967,34 +492968,34 +492969,34 +492970,34 +492971,34 +492972,5 +492973,5 +492974,5 +492975,5 +492976,5 +492977,5 +492978,5 +492979,5 +492980,5 +492981,5 +492982,5 +492983,5 +492984,5 +492985,5 +492986,5 +492987,5 +492988,5 +492989,5 +492990,8 +492991,8 +492992,8 +492993,8 +492994,8 +492995,8 +492996,8 +492997,8 +492998,2 +492999,2 +493000,2 +493001,2 +493002,2 +493003,2 +493004,0 +493005,0 +493006,0 +493007,0 +493008,0 +493009,0 +493010,0 +493011,0 +493012,0 +493013,0 +493014,0 +493015,0 +493016,0 +493017,0 +493018,0 +493019,0 +493020,0 +493021,0 +493022,0 +493023,0 +493024,0 +493025,0 +493026,0 +493027,0 +493028,0 +493029,0 +493030,0 +493031,0 +493032,12 +493033,12 +493034,12 +493035,12 +493036,12 +493037,27 +493038,27 +493039,27 +493040,27 +493041,19 +493042,19 +493043,4 +493044,4 +493045,4 +493046,19 +493047,19 +493048,19 +493049,19 +493050,19 +493051,28 +493052,28 +493053,28 +493054,28 +493055,28 +493056,28 +493057,14 +493058,14 +493059,14 +493060,14 +493061,14 +493062,14 +493063,14 +493064,14 +493065,19 +493066,19 +493067,19 +493068,19 +493069,19 +493070,19 +493071,29 +493072,29 +493073,27 +493074,27 +493075,27 +493076,27 +493077,27 +493078,11 +493079,11 +493080,11 +493081,11 +493082,11 +493083,11 +493084,11 +493085,11 +493086,11 +493087,11 +493088,11 +493089,11 +493090,11 +493091,11 +493092,11 +493093,11 +493094,22 +493095,22 +493096,31 +493097,31 +493098,31 +493099,27 +493100,31 +493101,31 +493102,31 +493103,32 +493104,32 +493105,32 +493106,32 +493107,32 +493108,32 +493109,32 +493110,32 +493111,0 +493112,4 +493113,4 +493114,2 +493115,2 +493116,32 +493117,32 +493118,4 +493119,4 +493120,4 +493121,2 +493122,2 +493123,2 +493124,2 +493125,2 +493126,2 +493127,2 +493128,2 +493129,2 +493130,2 +493131,2 +493132,2 +493133,2 +493134,2 +493135,25 +493136,25 +493137,25 +493138,25 +493139,25 +493140,25 +493141,25 +493142,25 +493143,25 +493144,25 +493145,25 +493146,25 +493147,25 +493148,25 +493149,25 +493150,25 +493151,25 +493152,18 +493153,18 +493154,18 +493155,18 +493156,18 +493157,18 +493158,18 +493159,18 +493160,18 +493161,40 +493162,40 +493163,40 +493164,40 +493165,40 +493166,40 +493167,4 +493168,4 +493169,4 +493170,4 +493171,25 +493172,25 +493173,25 +493174,25 +493175,25 +493176,25 +493177,25 +493178,37 +493179,25 +493180,37 +493181,37 +493182,37 +493183,37 +493184,37 +493185,40 +493186,36 +493187,36 +493188,36 +493189,36 +493190,36 +493191,36 +493192,13 +493193,13 +493194,13 +493195,13 +493196,13 +493197,13 +493198,13 +493199,13 +493200,13 +493201,21 +493202,21 +493203,21 +493204,21 +493205,21 +493206,21 +493207,21 +493208,21 +493209,21 +493210,25 +493211,25 +493212,25 +493213,25 +493214,25 +493215,25 +493216,25 +493217,25 +493218,25 +493219,8 +493220,8 +493221,8 +493222,8 +493223,8 +493224,8 +493225,8 +493226,8 +493227,2 +493228,2 +493229,2 +493230,2 +493231,2 +493232,2 +493233,2 +493234,2 +493235,8 +493236,8 +493237,2 +493238,2 +493239,2 +493240,8 +493241,2 +493242,2 +493243,2 +493244,2 +493245,2 +493246,2 +493247,2 +493248,0 +493249,0 +493250,0 +493251,0 +493252,0 +493253,0 +493254,0 +493255,0 +493256,0 +493257,0 +493258,0 +493259,0 +493260,0 +493261,0 +493262,0 +493263,0 +493264,0 +493265,0 +493266,0 +493267,0 +493268,0 +493269,0 +493270,0 +493271,0 +493272,0 +493273,0 +493274,0 +493275,0 +493276,0 +493277,0 +493278,0 +493279,0 +493280,0 +493281,0 +493282,0 +493283,0 +493284,0 +493285,0 +493286,0 +493287,0 +493288,0 +493289,0 +493290,0 +493291,0 +493292,0 +493293,0 +493294,0 +493295,0 +493296,0 +493297,0 +493298,0 +493299,0 +493300,0 +493301,0 +493302,0 +493303,0 +493304,0 +493305,0 +493306,0 +493307,0 +493308,0 +493309,0 +493310,0 +493311,0 +493312,0 +493313,0 +493314,0 +493315,31 +493316,31 +493317,31 +493318,31 +493319,31 +493320,31 +493321,31 +493322,31 +493323,31 +493324,31 +493325,31 +493326,5 +493327,5 +493328,5 +493329,5 +493330,5 +493331,5 +493332,4 +493333,4 +493334,4 +493335,4 +493336,4 +493337,4 +493338,4 +493339,4 +493340,4 +493341,4 +493342,4 +493343,4 +493344,4 +493345,4 +493346,3 +493347,3 +493348,3 +493349,3 +493350,3 +493351,3 +493352,3 +493353,33 +493354,33 +493355,3 +493356,11 +493357,11 +493358,11 +493359,11 +493360,11 +493361,11 +493362,6 +493363,6 +493364,6 +493365,6 +493366,6 +493367,6 +493368,6 +493369,6 +493370,6 +493371,36 +493372,36 +493373,36 +493374,36 +493375,36 +493376,36 +493377,36 +493378,36 +493379,36 +493380,36 +493381,36 +493382,36 +493383,36 +493384,36 +493385,36 +493386,5 +493387,5 +493388,5 +493389,5 +493390,5 +493391,5 +493392,12 +493393,12 +493394,12 +493395,12 +493396,12 +493397,31 +493398,31 +493399,31 +493400,31 +493401,8 +493402,8 +493403,8 +493404,2 +493405,2 +493406,4 +493407,4 +493408,4 +493409,4 +493410,4 +493411,4 +493412,4 +493413,4 +493414,4 +493415,22 +493416,22 +493417,31 +493418,22 +493419,22 +493420,22 +493421,22 +493422,6 +493423,6 +493424,6 +493425,6 +493426,6 +493427,6 +493428,27 +493429,36 +493430,36 +493431,36 +493432,36 +493433,36 +493434,36 +493435,36 +493436,36 +493437,36 +493438,36 +493439,36 +493440,36 +493441,36 +493442,36 +493443,36 +493444,19 +493445,19 +493446,19 +493447,35 +493448,35 +493449,35 +493450,35 +493451,35 +493452,35 +493453,35 +493454,36 +493455,36 +493456,36 +493457,36 +493458,36 +493459,36 +493460,28 +493461,28 +493462,28 +493463,28 +493464,5 +493465,5 +493466,5 +493467,28 +493468,5 +493469,5 +493470,12 +493471,12 +493472,12 +493473,12 +493474,27 +493475,27 +493476,38 +493477,38 +493478,38 +493479,38 +493480,38 +493481,38 +493482,27 +493483,31 +493484,31 +493485,31 +493486,31 +493487,28 +493488,28 +493489,28 +493490,28 +493491,28 +493492,28 +493493,28 +493494,28 +493495,28 +493496,28 +493497,33 +493498,33 +493499,33 +493500,33 +493501,33 +493502,33 +493503,33 +493504,33 +493505,33 +493506,33 +493507,2 +493508,2 +493509,2 +493510,2 +493511,2 +493512,2 +493513,2 +493514,2 +493515,2 +493516,32 +493517,32 +493518,32 +493519,32 +493520,32 +493521,32 +493522,15 +493523,15 +493524,39 +493525,39 +493526,39 +493527,39 +493528,39 +493529,39 +493530,3 +493531,3 +493532,12 +493533,12 +493534,12 +493535,12 +493536,12 +493537,12 +493538,12 +493539,12 +493540,12 +493541,12 +493542,12 +493543,27 +493544,27 +493545,27 +493546,27 +493547,16 +493548,16 +493549,16 +493550,16 +493551,16 +493552,16 +493553,16 +493554,16 +493555,16 +493556,27 +493557,27 +493558,27 +493559,27 +493560,27 +493561,13 +493562,13 +493563,13 +493564,13 +493565,13 +493566,13 +493567,13 +493568,13 +493569,13 +493570,2 +493571,2 +493572,2 +493573,2 +493574,2 +493575,2 +493576,2 +493577,2 +493578,2 +493579,2 +493580,28 +493581,28 +493582,28 +493583,28 +493584,28 +493585,26 +493586,26 +493587,26 +493588,26 +493589,26 +493590,26 +493591,26 +493592,26 +493593,26 +493594,26 +493595,26 +493596,26 +493597,26 +493598,34 +493599,34 +493600,34 +493601,34 +493602,34 +493603,34 +493604,34 +493605,34 +493606,34 +493607,34 +493608,34 +493609,34 +493610,34 +493611,34 +493612,34 +493613,30 +493614,30 +493615,0 +493616,0 +493617,0 +493618,0 +493619,0 +493620,0 +493621,0 +493622,0 +493623,0 +493624,0 +493625,0 +493626,0 +493627,0 +493628,0 +493629,0 +493630,0 +493631,0 +493632,0 +493633,0 +493634,0 +493635,0 +493636,0 +493637,0 +493638,0 +493639,0 +493640,0 +493641,0 +493642,0 +493643,0 +493644,0 +493645,0 +493646,0 +493647,0 +493648,0 +493649,0 +493650,0 +493651,0 +493652,0 +493653,0 +493654,0 +493655,0 +493656,0 +493657,0 +493658,0 +493659,0 +493660,0 +493661,0 +493662,0 +493663,0 +493664,0 +493665,0 +493666,0 +493667,29 +493668,29 +493669,29 +493670,29 +493671,29 +493672,27 +493673,27 +493674,27 +493675,27 +493676,27 +493677,27 +493678,27 +493679,2 +493680,2 +493681,2 +493682,2 +493683,2 +493684,2 +493685,2 +493686,2 +493687,2 +493688,32 +493689,32 +493690,32 +493691,32 +493692,32 +493693,26 +493694,26 +493695,26 +493696,26 +493697,26 +493698,26 +493699,37 +493700,37 +493701,37 +493702,37 +493703,37 +493704,6 +493705,6 +493706,6 +493707,6 +493708,6 +493709,30 +493710,30 +493711,31 +493712,31 +493713,31 +493714,30 +493715,31 +493716,31 +493717,27 +493718,27 +493719,27 +493720,5 +493721,5 +493722,5 +493723,5 +493724,5 +493725,5 +493726,5 +493727,5 +493728,5 +493729,12 +493730,12 +493731,12 +493732,12 +493733,12 +493734,12 +493735,12 +493736,12 +493737,12 +493738,10 +493739,10 +493740,10 +493741,10 +493742,10 +493743,10 +493744,10 +493745,10 +493746,10 +493747,10 +493748,10 +493749,10 +493750,10 +493751,10 +493752,19 +493753,19 +493754,19 +493755,19 +493756,31 +493757,31 +493758,31 +493759,31 +493760,24 +493761,24 +493762,24 +493763,24 +493764,24 +493765,24 +493766,24 +493767,40 +493768,36 +493769,36 +493770,36 +493771,36 +493772,36 +493773,36 +493774,36 +493775,36 +493776,36 +493777,36 +493778,36 +493779,36 +493780,36 +493781,36 +493782,36 +493783,5 +493784,5 +493785,5 +493786,5 +493787,5 +493788,5 +493789,5 +493790,5 +493791,18 +493792,18 +493793,18 +493794,18 +493795,18 +493796,18 +493797,18 +493798,18 +493799,7 +493800,7 +493801,7 +493802,18 +493803,18 +493804,18 +493805,20 +493806,20 +493807,20 +493808,3 +493809,3 +493810,3 +493811,3 +493812,3 +493813,3 +493814,3 +493815,3 +493816,3 +493817,3 +493818,3 +493819,3 +493820,3 +493821,3 +493822,3 +493823,3 +493824,3 +493825,3 +493826,3 +493827,3 +493828,3 +493829,3 +493830,24 +493831,24 +493832,24 +493833,24 +493834,24 +493835,24 +493836,24 +493837,24 +493838,40 +493839,40 +493840,40 +493841,40 +493842,40 +493843,40 +493844,37 +493845,37 +493846,37 +493847,37 +493848,37 +493849,37 +493850,37 +493851,37 +493852,37 +493853,39 +493854,39 +493855,39 +493856,39 +493857,39 +493858,39 +493859,39 +493860,2 +493861,2 +493862,2 +493863,2 +493864,2 +493865,2 +493866,2 +493867,2 +493868,2 +493869,2 +493870,2 +493871,2 +493872,2 +493873,2 +493874,3 +493875,3 +493876,3 +493877,3 +493878,3 +493879,3 +493880,3 +493881,3 +493882,3 +493883,3 +493884,3 +493885,3 +493886,3 +493887,3 +493888,3 +493889,3 +493890,3 +493891,3 +493892,3 +493893,3 +493894,5 +493895,5 +493896,5 +493897,5 +493898,5 +493899,5 +493900,5 +493901,32 +493902,32 +493903,32 +493904,32 +493905,32 +493906,32 +493907,32 +493908,32 +493909,37 +493910,32 +493911,25 +493912,25 +493913,37 +493914,37 +493915,19 +493916,19 +493917,19 +493918,19 +493919,19 +493920,19 +493921,19 +493922,19 +493923,3 +493924,3 +493925,3 +493926,3 +493927,3 +493928,3 +493929,3 +493930,3 +493931,3 +493932,3 +493933,3 +493934,3 +493935,2 +493936,2 +493937,2 +493938,2 +493939,2 +493940,2 +493941,2 +493942,4 +493943,4 +493944,4 +493945,4 +493946,4 +493947,27 +493948,27 +493949,27 +493950,27 +493951,27 +493952,27 +493953,27 +493954,27 +493955,27 +493956,27 +493957,5 +493958,5 +493959,5 +493960,5 +493961,5 +493962,5 +493963,5 +493964,5 +493965,5 +493966,5 +493967,5 +493968,4 +493969,4 +493970,4 +493971,19 +493972,19 +493973,19 +493974,37 +493975,37 +493976,37 +493977,37 +493978,37 +493979,37 +493980,37 +493981,37 +493982,37 +493983,39 +493984,39 +493985,39 +493986,39 +493987,28 +493988,28 +493989,28 +493990,28 +493991,28 +493992,28 +493993,28 +493994,28 +493995,28 +493996,28 +493997,28 +493998,28 +493999,28 +494000,28 +494001,28 +494002,28 +494003,28 +494004,28 +494005,26 +494006,26 +494007,26 +494008,26 +494009,26 +494010,26 +494011,26 +494012,37 +494013,37 +494014,37 +494015,37 +494016,37 +494017,6 +494018,6 +494019,6 +494020,6 +494021,6 +494022,6 +494023,31 +494024,31 +494025,31 +494026,31 +494027,15 +494028,15 +494029,15 +494030,15 +494031,15 +494032,15 +494033,15 +494034,17 +494035,17 +494036,17 +494037,17 +494038,17 +494039,17 +494040,31 +494041,31 +494042,31 +494043,31 +494044,31 +494045,31 +494046,31 +494047,31 +494048,31 +494049,38 +494050,23 +494051,23 +494052,23 +494053,23 +494054,23 +494055,23 +494056,23 +494057,23 +494058,23 +494059,23 +494060,40 +494061,40 +494062,40 +494063,40 +494064,40 +494065,40 +494066,40 +494067,40 +494068,40 +494069,6 +494070,6 +494071,6 +494072,6 +494073,6 +494074,6 +494075,4 +494076,4 +494077,4 +494078,31 +494079,31 +494080,31 +494081,31 +494082,31 +494083,32 +494084,32 +494085,32 +494086,32 +494087,32 +494088,32 +494089,32 +494090,26 +494091,26 +494092,26 +494093,26 +494094,26 +494095,26 +494096,26 +494097,5 +494098,5 +494099,5 +494100,5 +494101,5 +494102,24 +494103,24 +494104,5 +494105,5 +494106,5 +494107,5 +494108,5 +494109,38 +494110,38 +494111,38 +494112,38 +494113,38 +494114,38 +494115,38 +494116,38 +494117,38 +494118,38 +494119,38 +494120,37 +494121,37 +494122,37 +494123,37 +494124,37 +494125,37 +494126,37 +494127,39 +494128,39 +494129,39 +494130,39 +494131,39 +494132,6 +494133,6 +494134,6 +494135,6 +494136,6 +494137,31 +494138,27 +494139,27 +494140,27 +494141,28 +494142,28 +494143,28 +494144,28 +494145,28 +494146,32 +494147,32 +494148,32 +494149,32 +494150,32 +494151,32 +494152,36 +494153,36 +494154,36 +494155,14 +494156,14 +494157,14 +494158,14 +494159,14 +494160,14 +494161,14 +494162,14 +494163,14 +494164,13 +494165,13 +494166,13 +494167,13 +494168,14 +494169,14 +494170,5 +494171,5 +494172,5 +494173,5 +494174,5 +494175,5 +494176,5 +494177,5 +494178,5 +494179,5 +494180,5 +494181,8 +494182,8 +494183,8 +494184,8 +494185,8 +494186,8 +494187,8 +494188,8 +494189,2 +494190,2 +494191,2 +494192,0 +494193,0 +494194,0 +494195,0 +494196,0 +494197,0 +494198,0 +494199,0 +494200,0 +494201,0 +494202,0 +494203,0 +494204,0 +494205,0 +494206,0 +494207,0 +494208,0 +494209,0 +494210,0 +494211,0 +494212,0 +494213,0 +494214,0 +494215,0 +494216,0 +494217,0 +494218,0 +494219,0 +494220,0 +494221,0 +494222,0 +494223,0 +494224,0 +494225,0 +494226,0 +494227,0 +494228,0 +494229,0 +494230,0 +494231,0 +494232,0 +494233,0 +494234,0 +494235,0 +494236,0 +494237,0 +494238,0 +494239,0 +494240,0 +494241,0 +494242,0 +494243,0 +494244,0 +494245,0 +494246,0 +494247,4 +494248,4 +494249,4 +494250,4 +494251,4 +494252,22 +494253,22 +494254,22 +494255,22 +494256,22 +494257,22 +494258,22 +494259,6 +494260,6 +494261,6 +494262,6 +494263,6 +494264,6 +494265,6 +494266,6 +494267,6 +494268,0 +494269,29 +494270,29 +494271,29 +494272,29 +494273,29 +494274,31 +494275,31 +494276,31 +494277,31 +494278,4 +494279,4 +494280,4 +494281,4 +494282,4 +494283,4 +494284,4 +494285,4 +494286,4 +494287,4 +494288,4 +494289,4 +494290,4 +494291,4 +494292,32 +494293,32 +494294,32 +494295,32 +494296,32 +494297,4 +494298,4 +494299,37 +494300,37 +494301,37 +494302,37 +494303,37 +494304,37 +494305,37 +494306,37 +494307,3 +494308,3 +494309,3 +494310,3 +494311,3 +494312,3 +494313,3 +494314,3 +494315,3 +494316,3 +494317,3 +494318,3 +494319,3 +494320,3 +494321,3 +494322,32 +494323,32 +494324,32 +494325,6 +494326,6 +494327,6 +494328,6 +494329,6 +494330,6 +494331,6 +494332,6 +494333,37 +494334,37 +494335,37 +494336,37 +494337,37 +494338,37 +494339,37 +494340,9 +494341,9 +494342,9 +494343,9 +494344,9 +494345,26 +494346,26 +494347,26 +494348,26 +494349,26 +494350,26 +494351,26 +494352,26 +494353,26 +494354,26 +494355,26 +494356,26 +494357,26 +494358,26 +494359,26 +494360,26 +494361,26 +494362,26 +494363,26 +494364,26 +494365,26 +494366,26 +494367,2 +494368,2 +494369,2 +494370,2 +494371,2 +494372,2 +494373,2 +494374,2 +494375,2 +494376,2 +494377,2 +494378,23 +494379,23 +494380,23 +494381,23 +494382,23 +494383,23 +494384,37 +494385,37 +494386,37 +494387,37 +494388,31 +494389,31 +494390,31 +494391,28 +494392,28 +494393,28 +494394,28 +494395,28 +494396,28 +494397,28 +494398,31 +494399,31 +494400,31 +494401,31 +494402,31 +494403,31 +494404,31 +494405,4 +494406,4 +494407,4 +494408,4 +494409,4 +494410,2 +494411,2 +494412,2 +494413,2 +494414,2 +494415,2 +494416,2 +494417,2 +494418,27 +494419,27 +494420,27 +494421,27 +494422,27 +494423,27 +494424,27 +494425,27 +494426,27 +494427,27 +494428,27 +494429,13 +494430,13 +494431,5 +494432,5 +494433,5 +494434,5 +494435,19 +494436,19 +494437,19 +494438,11 +494439,11 +494440,11 +494441,11 +494442,11 +494443,11 +494444,11 +494445,11 +494446,11 +494447,11 +494448,31 +494449,31 +494450,12 +494451,12 +494452,12 +494453,12 +494454,12 +494455,12 +494456,12 +494457,12 +494458,12 +494459,12 +494460,25 +494461,25 +494462,25 +494463,25 +494464,25 +494465,25 +494466,25 +494467,25 +494468,25 +494469,25 +494470,25 +494471,25 +494472,25 +494473,25 +494474,37 +494475,37 +494476,37 +494477,37 +494478,37 +494479,37 +494480,37 +494481,37 +494482,3 +494483,3 +494484,3 +494485,3 +494486,3 +494487,3 +494488,3 +494489,3 +494490,3 +494491,3 +494492,3 +494493,3 +494494,12 +494495,12 +494496,12 +494497,12 +494498,12 +494499,12 +494500,12 +494501,12 +494502,12 +494503,12 +494504,12 +494505,12 +494506,25 +494507,25 +494508,40 +494509,40 +494510,37 +494511,37 +494512,37 +494513,37 +494514,25 +494515,25 +494516,25 +494517,37 +494518,37 +494519,37 +494520,37 +494521,37 +494522,37 +494523,37 +494524,37 +494525,37 +494526,35 +494527,35 +494528,35 +494529,35 +494530,35 +494531,35 +494532,35 +494533,35 +494534,35 +494535,39 +494536,39 +494537,39 +494538,39 +494539,39 +494540,39 +494541,39 +494542,39 +494543,35 +494544,35 +494545,35 +494546,35 +494547,35 +494548,35 +494549,36 +494550,36 +494551,36 +494552,36 +494553,36 +494554,36 +494555,36 +494556,36 +494557,36 +494558,19 +494559,19 +494560,19 +494561,19 +494562,19 +494563,19 +494564,31 +494565,31 +494566,31 +494567,31 +494568,31 +494569,31 +494570,27 +494571,27 +494572,27 +494573,27 +494574,32 +494575,32 +494576,32 +494577,32 +494578,32 +494579,32 +494580,32 +494581,32 +494582,32 +494583,32 +494584,30 +494585,30 +494586,30 +494587,30 +494588,14 +494589,14 +494590,14 +494591,14 +494592,14 +494593,14 +494594,14 +494595,14 +494596,14 +494597,14 +494598,14 +494599,14 +494600,14 +494601,2 +494602,2 +494603,2 +494604,2 +494605,8 +494606,8 +494607,8 +494608,8 +494609,4 +494610,19 +494611,19 +494612,4 +494613,4 +494614,4 +494615,4 +494616,27 +494617,27 +494618,27 +494619,27 +494620,27 +494621,19 +494622,19 +494623,19 +494624,19 +494625,19 +494626,29 +494627,29 +494628,31 +494629,27 +494630,27 +494631,27 +494632,27 +494633,31 +494634,5 +494635,5 +494636,5 +494637,5 +494638,5 +494639,5 +494640,5 +494641,5 +494642,4 +494643,4 +494644,4 +494645,4 +494646,4 +494647,4 +494648,4 +494649,4 +494650,4 +494651,37 +494652,37 +494653,37 +494654,37 +494655,37 +494656,37 +494657,10 +494658,10 +494659,10 +494660,10 +494661,10 +494662,10 +494663,10 +494664,10 +494665,10 +494666,10 +494667,10 +494668,10 +494669,10 +494670,36 +494671,36 +494672,36 +494673,34 +494674,34 +494675,34 +494676,34 +494677,34 +494678,34 +494679,34 +494680,34 +494681,34 +494682,34 +494683,34 +494684,34 +494685,34 +494686,5 +494687,5 +494688,5 +494689,5 +494690,5 +494691,5 +494692,5 +494693,23 +494694,23 +494695,23 +494696,23 +494697,23 +494698,23 +494699,23 +494700,23 +494701,23 +494702,23 +494703,23 +494704,23 +494705,23 +494706,23 +494707,23 +494708,23 +494709,10 +494710,10 +494711,10 +494712,10 +494713,10 +494714,10 +494715,10 +494716,10 +494717,10 +494718,10 +494719,10 +494720,10 +494721,10 +494722,10 +494723,10 +494724,10 +494725,10 +494726,10 +494727,10 +494728,10 +494729,10 +494730,19 +494731,19 +494732,19 +494733,19 +494734,29 +494735,39 +494736,39 +494737,39 +494738,39 +494739,39 +494740,27 +494741,27 +494742,27 +494743,37 +494744,25 +494745,37 +494746,37 +494747,37 +494748,37 +494749,37 +494750,37 +494751,37 +494752,25 +494753,25 +494754,8 +494755,8 +494756,8 +494757,8 +494758,8 +494759,8 +494760,8 +494761,8 +494762,32 +494763,15 +494764,15 +494765,15 +494766,15 +494767,27 +494768,27 +494769,27 +494770,27 +494771,27 +494772,27 +494773,27 +494774,23 +494775,23 +494776,23 +494777,23 +494778,23 +494779,23 +494780,23 +494781,23 +494782,23 +494783,23 +494784,23 +494785,23 +494786,23 +494787,9 +494788,9 +494789,9 +494790,9 +494791,9 +494792,9 +494793,9 +494794,9 +494795,9 +494796,9 +494797,9 +494798,9 +494799,9 +494800,9 +494801,9 +494802,9 +494803,37 +494804,37 +494805,37 +494806,37 +494807,37 +494808,37 +494809,37 +494810,37 +494811,37 +494812,37 +494813,37 +494814,37 +494815,37 +494816,37 +494817,37 +494818,37 +494819,0 +494820,0 +494821,0 +494822,0 +494823,0 +494824,0 +494825,0 +494826,0 +494827,0 +494828,0 +494829,0 +494830,0 +494831,0 +494832,0 +494833,0 +494834,0 +494835,0 +494836,0 +494837,0 +494838,0 +494839,0 +494840,0 +494841,0 +494842,0 +494843,0 +494844,0 +494845,0 +494846,0 +494847,0 +494848,0 +494849,0 +494850,0 +494851,0 +494852,0 +494853,0 +494854,0 +494855,0 +494856,0 +494857,0 +494858,0 +494859,0 +494860,0 +494861,0 +494862,0 +494863,0 +494864,0 +494865,36 +494866,0 +494867,36 +494868,36 +494869,36 +494870,36 +494871,36 +494872,36 +494873,36 +494874,36 +494875,36 +494876,36 +494877,36 +494878,5 +494879,5 +494880,5 +494881,5 +494882,5 +494883,5 +494884,5 +494885,5 +494886,37 +494887,37 +494888,37 +494889,37 +494890,37 +494891,37 +494892,27 +494893,27 +494894,27 +494895,27 +494896,27 +494897,27 +494898,31 +494899,31 +494900,4 +494901,4 +494902,4 +494903,4 +494904,4 +494905,4 +494906,4 +494907,4 +494908,4 +494909,4 +494910,4 +494911,4 +494912,4 +494913,10 +494914,10 +494915,10 +494916,10 +494917,10 +494918,10 +494919,10 +494920,10 +494921,10 +494922,10 +494923,10 +494924,10 +494925,10 +494926,10 +494927,10 +494928,10 +494929,10 +494930,10 +494931,37 +494932,37 +494933,37 +494934,37 +494935,37 +494936,37 +494937,37 +494938,37 +494939,37 +494940,37 +494941,25 +494942,25 +494943,25 +494944,25 +494945,25 +494946,25 +494947,25 +494948,25 +494949,25 +494950,19 +494951,25 +494952,4 +494953,4 +494954,4 +494955,4 +494956,4 +494957,4 +494958,4 +494959,4 +494960,4 +494961,4 +494962,4 +494963,4 +494964,4 +494965,4 +494966,4 +494967,4 +494968,4 +494969,3 +494970,3 +494971,3 +494972,3 +494973,3 +494974,3 +494975,3 +494976,3 +494977,3 +494978,3 +494979,3 +494980,3 +494981,3 +494982,3 +494983,3 +494984,6 +494985,6 +494986,6 +494987,6 +494988,6 +494989,6 +494990,6 +494991,6 +494992,6 +494993,6 +494994,6 +494995,26 +494996,26 +494997,26 +494998,26 +494999,26 +495000,26 +495001,26 +495002,26 +495003,26 +495004,26 +495005,26 +495006,26 +495007,26 +495008,26 +495009,26 +495010,5 +495011,5 +495012,5 +495013,5 +495014,5 +495015,5 +495016,5 +495017,2 +495018,2 +495019,2 +495020,2 +495021,2 +495022,2 +495023,2 +495024,2 +495025,2 +495026,2 +495027,2 +495028,2 +495029,40 +495030,40 +495031,40 +495032,40 +495033,40 +495034,40 +495035,40 +495036,27 +495037,27 +495038,40 +495039,40 +495040,40 +495041,36 +495042,5 +495043,5 +495044,5 +495045,5 +495046,4 +495047,4 +495048,4 +495049,4 +495050,4 +495051,4 +495052,4 +495053,4 +495054,31 +495055,31 +495056,31 +495057,31 +495058,5 +495059,5 +495060,5 +495061,5 +495062,5 +495063,5 +495064,5 +495065,33 +495066,31 +495067,31 +495068,31 +495069,31 +495070,31 +495071,31 +495072,33 +495073,33 +495074,12 +495075,33 +495076,33 +495077,33 +495078,32 +495079,15 +495080,15 +495081,15 +495082,15 +495083,15 +495084,15 +495085,15 +495086,15 +495087,31 +495088,31 +495089,31 +495090,31 +495091,31 +495092,30 +495093,30 +495094,30 +495095,30 +495096,30 +495097,30 +495098,30 +495099,30 +495100,30 +495101,30 +495102,30 +495103,30 +495104,30 +495105,30 +495106,30 +495107,30 +495108,0 +495109,0 +495110,0 +495111,0 +495112,0 +495113,0 +495114,0 +495115,0 +495116,0 +495117,0 +495118,0 +495119,0 +495120,0 +495121,0 +495122,0 +495123,0 +495124,0 +495125,0 +495126,0 +495127,0 +495128,0 +495129,0 +495130,0 +495131,0 +495132,0 +495133,0 +495134,0 +495135,0 +495136,0 +495137,0 +495138,0 +495139,0 +495140,0 +495141,0 +495142,0 +495143,0 +495144,0 +495145,0 +495146,0 +495147,0 +495148,0 +495149,0 +495150,0 +495151,0 +495152,0 +495153,0 +495154,0 +495155,0 +495156,0 +495157,0 +495158,0 +495159,0 +495160,0 +495161,0 +495162,10 +495163,10 +495164,10 +495165,10 +495166,10 +495167,10 +495168,10 +495169,10 +495170,10 +495171,10 +495172,10 +495173,10 +495174,10 +495175,10 +495176,10 +495177,10 +495178,10 +495179,14 +495180,14 +495181,24 +495182,24 +495183,24 +495184,24 +495185,31 +495186,27 +495187,27 +495188,27 +495189,27 +495190,27 +495191,5 +495192,5 +495193,5 +495194,5 +495195,5 +495196,5 +495197,15 +495198,15 +495199,15 +495200,15 +495201,15 +495202,15 +495203,15 +495204,26 +495205,26 +495206,26 +495207,26 +495208,26 +495209,26 +495210,26 +495211,26 +495212,26 +495213,9 +495214,26 +495215,4 +495216,31 +495217,31 +495218,31 +495219,31 +495220,31 +495221,31 +495222,1 +495223,1 +495224,32 +495225,32 +495226,32 +495227,32 +495228,32 +495229,32 +495230,32 +495231,32 +495232,32 +495233,37 +495234,37 +495235,37 +495236,37 +495237,37 +495238,37 +495239,37 +495240,37 +495241,31 +495242,31 +495243,33 +495244,33 +495245,33 +495246,25 +495247,28 +495248,28 +495249,28 +495250,28 +495251,28 +495252,28 +495253,28 +495254,40 +495255,40 +495256,40 +495257,40 +495258,40 +495259,40 +495260,40 +495261,40 +495262,40 +495263,6 +495264,6 +495265,6 +495266,6 +495267,6 +495268,6 +495269,6 +495270,6 +495271,12 +495272,12 +495273,12 +495274,30 +495275,30 +495276,31 +495277,31 +495278,31 +495279,31 +495280,31 +495281,31 +495282,2 +495283,8 +495284,8 +495285,8 +495286,2 +495287,2 +495288,2 +495289,2 +495290,23 +495291,23 +495292,23 +495293,23 +495294,23 +495295,23 +495296,23 +495297,23 +495298,25 +495299,25 +495300,25 +495301,25 +495302,25 +495303,28 +495304,28 +495305,28 +495306,28 +495307,28 +495308,31 +495309,31 +495310,31 +495311,26 +495312,37 +495313,37 +495314,37 +495315,37 +495316,37 +495317,23 +495318,23 +495319,23 +495320,23 +495321,23 +495322,23 +495323,23 +495324,23 +495325,23 +495326,10 +495327,10 +495328,10 +495329,10 +495330,10 +495331,10 +495332,10 +495333,10 +495334,26 +495335,26 +495336,26 +495337,26 +495338,26 +495339,34 +495340,34 +495341,34 +495342,34 +495343,5 +495344,5 +495345,5 +495346,5 +495347,5 +495348,2 +495349,2 +495350,2 +495351,2 +495352,2 +495353,2 +495354,2 +495355,2 +495356,2 +495357,2 +495358,2 +495359,2 +495360,2 +495361,14 +495362,14 +495363,14 +495364,14 +495365,14 +495366,14 +495367,14 +495368,14 +495369,14 +495370,14 +495371,14 +495372,14 +495373,14 +495374,14 +495375,14 +495376,14 +495377,14 +495378,14 +495379,14 +495380,14 +495381,14 +495382,14 +495383,14 +495384,14 +495385,14 +495386,14 +495387,14 +495388,14 +495389,39 +495390,39 +495391,39 +495392,39 +495393,39 +495394,39 +495395,39 +495396,39 +495397,0 +495398,0 +495399,0 +495400,0 +495401,0 +495402,0 +495403,0 +495404,0 +495405,0 +495406,0 +495407,0 +495408,0 +495409,0 +495410,0 +495411,0 +495412,0 +495413,0 +495414,0 +495415,0 +495416,0 +495417,0 +495418,0 +495419,0 +495420,0 +495421,0 +495422,0 +495423,0 +495424,0 +495425,0 +495426,0 +495427,0 +495428,0 +495429,6 +495430,6 +495431,6 +495432,6 +495433,6 +495434,6 +495435,6 +495436,14 +495437,14 +495438,14 +495439,14 +495440,14 +495441,14 +495442,14 +495443,14 +495444,14 +495445,14 +495446,14 +495447,14 +495448,4 +495449,4 +495450,4 +495451,4 +495452,4 +495453,4 +495454,4 +495455,4 +495456,4 +495457,4 +495458,4 +495459,4 +495460,4 +495461,40 +495462,40 +495463,40 +495464,40 +495465,40 +495466,40 +495467,40 +495468,5 +495469,5 +495470,5 +495471,5 +495472,19 +495473,19 +495474,19 +495475,19 +495476,19 +495477,19 +495478,25 +495479,25 +495480,25 +495481,25 +495482,25 +495483,25 +495484,25 +495485,25 +495486,25 +495487,25 +495488,25 +495489,25 +495490,25 +495491,25 +495492,25 +495493,25 +495494,25 +495495,0 +495496,0 +495497,0 +495498,0 +495499,0 +495500,0 +495501,0 +495502,0 +495503,0 +495504,0 +495505,0 +495506,0 +495507,0 +495508,0 +495509,0 +495510,0 +495511,0 +495512,0 +495513,0 +495514,0 +495515,0 +495516,0 +495517,0 +495518,0 +495519,0 +495520,0 +495521,0 +495522,0 +495523,0 +495524,0 +495525,0 +495526,0 +495527,0 +495528,0 +495529,0 +495530,0 +495531,0 +495532,0 +495533,0 +495534,0 +495535,0 +495536,0 +495537,0 +495538,0 +495539,0 +495540,0 +495541,0 +495542,0 +495543,0 +495544,0 +495545,0 +495546,0 +495547,0 +495548,0 +495549,0 +495550,0 +495551,0 +495552,0 +495553,0 +495554,0 +495555,0 +495556,0 +495557,0 +495558,0 +495559,0 +495560,0 +495561,0 +495562,0 +495563,0 +495564,0 +495565,0 +495566,0 +495567,0 +495568,15 +495569,15 +495570,0 +495571,0 +495572,0 +495573,0 +495574,0 +495575,0 +495576,15 +495577,31 +495578,31 +495579,31 +495580,31 +495581,31 +495582,11 +495583,4 +495584,4 +495585,11 +495586,11 +495587,11 +495588,11 +495589,11 +495590,11 +495591,11 +495592,11 +495593,39 +495594,39 +495595,39 +495596,39 +495597,39 +495598,12 +495599,12 +495600,12 +495601,28 +495602,28 +495603,30 +495604,30 +495605,30 +495606,40 +495607,40 +495608,40 +495609,40 +495610,40 +495611,37 +495612,37 +495613,37 +495614,37 +495615,37 +495616,37 +495617,37 +495618,37 +495619,37 +495620,37 +495621,37 +495622,19 +495623,19 +495624,19 +495625,19 +495626,19 +495627,19 +495628,19 +495629,19 +495630,2 +495631,2 +495632,2 +495633,2 +495634,2 +495635,2 +495636,2 +495637,2 +495638,2 +495639,31 +495640,31 +495641,31 +495642,31 +495643,28 +495644,28 +495645,28 +495646,28 +495647,28 +495648,28 +495649,19 +495650,19 +495651,31 +495652,31 +495653,31 +495654,4 +495655,4 +495656,14 +495657,14 +495658,39 +495659,39 +495660,39 +495661,14 +495662,14 +495663,14 +495664,14 +495665,14 +495666,14 +495667,14 +495668,30 +495669,30 +495670,30 +495671,30 +495672,30 +495673,30 +495674,30 +495675,30 +495676,32 +495677,32 +495678,8 +495679,8 +495680,8 +495681,8 +495682,8 +495683,32 +495684,31 +495685,31 +495686,31 +495687,31 +495688,31 +495689,5 +495690,5 +495691,5 +495692,2 +495693,2 +495694,2 +495695,2 +495696,2 +495697,2 +495698,2 +495699,2 +495700,2 +495701,2 +495702,2 +495703,4 +495704,4 +495705,4 +495706,4 +495707,4 +495708,4 +495709,4 +495710,4 +495711,4 +495712,4 +495713,36 +495714,40 +495715,40 +495716,40 +495717,40 +495718,40 +495719,40 +495720,40 +495721,40 +495722,40 +495723,19 +495724,19 +495725,19 +495726,19 +495727,19 +495728,19 +495729,19 +495730,0 +495731,0 +495732,0 +495733,0 +495734,5 +495735,0 +495736,0 +495737,0 +495738,0 +495739,0 +495740,0 +495741,0 +495742,0 +495743,0 +495744,0 +495745,0 +495746,0 +495747,0 +495748,0 +495749,0 +495750,0 +495751,0 +495752,0 +495753,0 +495754,0 +495755,0 +495756,0 +495757,0 +495758,0 +495759,0 +495760,0 +495761,0 +495762,0 +495763,0 +495764,0 +495765,0 +495766,0 +495767,0 +495768,0 +495769,0 +495770,0 +495771,0 +495772,0 +495773,0 +495774,0 +495775,0 +495776,0 +495777,0 +495778,0 +495779,0 +495780,0 +495781,0 +495782,0 +495783,12 +495784,12 +495785,12 +495786,12 +495787,12 +495788,27 +495789,29 +495790,27 +495791,27 +495792,31 +495793,31 +495794,31 +495795,31 +495796,31 +495797,31 +495798,31 +495799,31 +495800,2 +495801,2 +495802,2 +495803,2 +495804,2 +495805,2 +495806,2 +495807,2 +495808,2 +495809,40 +495810,40 +495811,40 +495812,40 +495813,40 +495814,40 +495815,40 +495816,5 +495817,5 +495818,5 +495819,5 +495820,5 +495821,5 +495822,19 +495823,27 +495824,27 +495825,27 +495826,13 +495827,13 +495828,13 +495829,13 +495830,13 +495831,13 +495832,13 +495833,13 +495834,5 +495835,5 +495836,29 +495837,31 +495838,27 +495839,31 +495840,31 +495841,31 +495842,31 +495843,2 +495844,2 +495845,2 +495846,2 +495847,2 +495848,2 +495849,2 +495850,4 +495851,4 +495852,4 +495853,4 +495854,4 +495855,40 +495856,40 +495857,40 +495858,40 +495859,40 +495860,40 +495861,40 +495862,37 +495863,37 +495864,37 +495865,37 +495866,37 +495867,37 +495868,37 +495869,37 +495870,31 +495871,31 +495872,37 +495873,31 +495874,31 +495875,31 +495876,23 +495877,23 +495878,23 +495879,23 +495880,23 +495881,23 +495882,23 +495883,23 +495884,30 +495885,30 +495886,30 +495887,30 +495888,30 +495889,27 +495890,13 +495891,13 +495892,13 +495893,13 +495894,13 +495895,13 +495896,29 +495897,29 +495898,29 +495899,29 +495900,39 +495901,39 +495902,39 +495903,39 +495904,39 +495905,39 +495906,39 +495907,39 +495908,39 +495909,39 +495910,4 +495911,4 +495912,4 +495913,4 +495914,31 +495915,31 +495916,19 +495917,19 +495918,19 +495919,19 +495920,19 +495921,19 +495922,19 +495923,19 +495924,19 +495925,19 +495926,31 +495927,27 +495928,27 +495929,15 +495930,15 +495931,15 +495932,15 +495933,15 +495934,15 +495935,15 +495936,37 +495937,37 +495938,37 +495939,37 +495940,37 +495941,37 +495942,14 +495943,14 +495944,14 +495945,14 +495946,14 +495947,14 +495948,14 +495949,8 +495950,8 +495951,8 +495952,8 +495953,8 +495954,31 +495955,31 +495956,31 +495957,31 +495958,31 +495959,32 +495960,32 +495961,32 +495962,32 +495963,32 +495964,32 +495965,32 +495966,32 +495967,32 +495968,32 +495969,32 +495970,32 +495971,32 +495972,26 +495973,26 +495974,26 +495975,26 +495976,26 +495977,26 +495978,37 +495979,37 +495980,37 +495981,37 +495982,37 +495983,37 +495984,37 +495985,37 +495986,4 +495987,4 +495988,32 +495989,32 +495990,28 +495991,28 +495992,28 +495993,28 +495994,28 +495995,28 +495996,36 +495997,36 +495998,36 +495999,36 +496000,36 +496001,36 +496002,5 +496003,5 +496004,5 +496005,5 +496006,5 +496007,5 +496008,5 +496009,5 +496010,5 +496011,5 +496012,5 +496013,2 +496014,2 +496015,2 +496016,2 +496017,2 +496018,2 +496019,2 +496020,2 +496021,2 +496022,2 +496023,2 +496024,2 +496025,2 +496026,2 +496027,2 +496028,2 +496029,2 +496030,2 +496031,2 +496032,0 +496033,0 +496034,0 +496035,0 +496036,0 +496037,0 +496038,0 +496039,0 +496040,0 +496041,0 +496042,0 +496043,0 +496044,0 +496045,0 +496046,0 +496047,0 +496048,0 +496049,0 +496050,0 +496051,0 +496052,0 +496053,0 +496054,0 +496055,0 +496056,0 +496057,0 +496058,0 +496059,0 +496060,0 +496061,0 +496062,0 +496063,0 +496064,0 +496065,0 +496066,36 +496067,36 +496068,36 +496069,36 +496070,36 +496071,36 +496072,36 +496073,36 +496074,36 +496075,36 +496076,36 +496077,5 +496078,5 +496079,5 +496080,5 +496081,5 +496082,5 +496083,5 +496084,27 +496085,27 +496086,31 +496087,31 +496088,31 +496089,5 +496090,5 +496091,5 +496092,5 +496093,5 +496094,5 +496095,5 +496096,2 +496097,2 +496098,2 +496099,2 +496100,2 +496101,2 +496102,2 +496103,2 +496104,2 +496105,2 +496106,2 +496107,4 +496108,4 +496109,4 +496110,4 +496111,4 +496112,4 +496113,40 +496114,40 +496115,40 +496116,40 +496117,40 +496118,40 +496119,40 +496120,40 +496121,40 +496122,40 +496123,40 +496124,40 +496125,40 +496126,19 +496127,19 +496128,19 +496129,19 +496130,19 +496131,31 +496132,31 +496133,31 +496134,31 +496135,31 +496136,31 +496137,31 +496138,31 +496139,31 +496140,24 +496141,24 +496142,24 +496143,24 +496144,24 +496145,24 +496146,35 +496147,35 +496148,35 +496149,32 +496150,32 +496151,32 +496152,32 +496153,26 +496154,26 +496155,26 +496156,10 +496157,26 +496158,5 +496159,5 +496160,5 +496161,5 +496162,5 +496163,19 +496164,4 +496165,4 +496166,4 +496167,19 +496168,27 +496169,27 +496170,27 +496171,27 +496172,27 +496173,13 +496174,13 +496175,13 +496176,13 +496177,13 +496178,13 +496179,13 +496180,9 +496181,9 +496182,9 +496183,9 +496184,9 +496185,5 +496186,5 +496187,5 +496188,5 +496189,5 +496190,5 +496191,23 +496192,23 +496193,23 +496194,23 +496195,23 +496196,23 +496197,23 +496198,23 +496199,27 +496200,27 +496201,27 +496202,27 +496203,27 +496204,11 +496205,11 +496206,11 +496207,11 +496208,11 +496209,11 +496210,11 +496211,11 +496212,11 +496213,11 +496214,27 +496215,27 +496216,27 +496217,27 +496218,13 +496219,13 +496220,13 +496221,13 +496222,13 +496223,13 +496224,13 +496225,13 +496226,13 +496227,13 +496228,13 +496229,15 +496230,15 +496231,15 +496232,15 +496233,15 +496234,39 +496235,39 +496236,39 +496237,39 +496238,39 +496239,39 +496240,39 +496241,39 +496242,39 +496243,39 +496244,39 +496245,39 +496246,39 +496247,39 +496248,39 +496249,39 +496250,13 +496251,13 +496252,13 +496253,13 +496254,13 +496255,13 +496256,13 +496257,13 +496258,13 +496259,13 +496260,13 +496261,13 +496262,13 +496263,2 +496264,2 +496265,2 +496266,2 +496267,2 +496268,2 +496269,2 +496270,2 +496271,2 +496272,2 +496273,2 +496274,2 +496275,2 +496276,32 +496277,32 +496278,32 +496279,32 +496280,32 +496281,32 +496282,32 +496283,26 +496284,26 +496285,26 +496286,26 +496287,26 +496288,26 +496289,26 +496290,26 +496291,10 +496292,10 +496293,10 +496294,10 +496295,10 +496296,26 +496297,26 +496298,26 +496299,26 +496300,26 +496301,26 +496302,26 +496303,32 +496304,32 +496305,32 +496306,32 +496307,32 +496308,32 +496309,32 +496310,32 +496311,4 +496312,32 +496313,4 +496314,4 +496315,4 +496316,4 +496317,4 +496318,4 +496319,4 +496320,0 +496321,0 +496322,0 +496323,0 +496324,0 +496325,0 +496326,0 +496327,0 +496328,0 +496329,0 +496330,0 +496331,0 +496332,0 +496333,0 +496334,0 +496335,0 +496336,0 +496337,0 +496338,0 +496339,0 +496340,0 +496341,0 +496342,0 +496343,0 +496344,0 +496345,0 +496346,0 +496347,0 +496348,0 +496349,0 +496350,0 +496351,0 +496352,0 +496353,6 +496354,0 +496355,0 +496356,8 +496357,8 +496358,8 +496359,6 +496360,6 +496361,6 +496362,6 +496363,6 +496364,6 +496365,6 +496366,6 +496367,12 +496368,12 +496369,12 +496370,12 +496371,12 +496372,10 +496373,10 +496374,10 +496375,10 +496376,10 +496377,10 +496378,10 +496379,4 +496380,4 +496381,19 +496382,27 +496383,27 +496384,27 +496385,27 +496386,27 +496387,21 +496388,21 +496389,21 +496390,6 +496391,6 +496392,6 +496393,6 +496394,2 +496395,2 +496396,2 +496397,2 +496398,2 +496399,2 +496400,2 +496401,9 +496402,9 +496403,9 +496404,9 +496405,9 +496406,9 +496407,9 +496408,9 +496409,9 +496410,9 +496411,9 +496412,9 +496413,9 +496414,9 +496415,9 +496416,2 +496417,2 +496418,2 +496419,2 +496420,2 +496421,2 +496422,2 +496423,4 +496424,4 +496425,4 +496426,2 +496427,2 +496428,31 +496429,31 +496430,31 +496431,19 +496432,31 +496433,23 +496434,23 +496435,23 +496436,23 +496437,23 +496438,23 +496439,23 +496440,23 +496441,23 +496442,25 +496443,25 +496444,25 +496445,25 +496446,25 +496447,28 +496448,28 +496449,28 +496450,28 +496451,28 +496452,28 +496453,28 +496454,19 +496455,19 +496456,19 +496457,19 +496458,19 +496459,19 +496460,19 +496461,36 +496462,34 +496463,36 +496464,34 +496465,34 +496466,36 +496467,36 +496468,36 +496469,36 +496470,36 +496471,36 +496472,36 +496473,36 +496474,36 +496475,36 +496476,36 +496477,4 +496478,4 +496479,4 +496480,4 +496481,4 +496482,2 +496483,2 +496484,2 +496485,2 +496486,2 +496487,2 +496488,27 +496489,27 +496490,27 +496491,27 +496492,27 +496493,27 +496494,13 +496495,13 +496496,13 +496497,13 +496498,13 +496499,13 +496500,13 +496501,13 +496502,13 +496503,13 +496504,13 +496505,0 +496506,0 +496507,0 +496508,0 +496509,0 +496510,0 +496511,0 +496512,0 +496513,0 +496514,0 +496515,0 +496516,0 +496517,0 +496518,0 +496519,0 +496520,0 +496521,0 +496522,0 +496523,0 +496524,0 +496525,0 +496526,0 +496527,0 +496528,0 +496529,0 +496530,0 +496531,0 +496532,0 +496533,0 +496534,0 +496535,0 +496536,0 +496537,0 +496538,0 +496539,0 +496540,0 +496541,0 +496542,0 +496543,0 +496544,0 +496545,0 +496546,0 +496547,0 +496548,0 +496549,0 +496550,0 +496551,0 +496552,0 +496553,0 +496554,0 +496555,0 +496556,0 +496557,0 +496558,0 +496559,0 +496560,0 +496561,0 +496562,0 +496563,0 +496564,0 +496565,0 +496566,0 +496567,0 +496568,0 +496569,0 +496570,0 +496571,0 +496572,0 +496573,0 +496574,0 +496575,0 +496576,0 +496577,0 +496578,0 +496579,0 +496580,0 +496581,7 +496582,7 +496583,7 +496584,7 +496585,7 +496586,7 +496587,7 +496588,7 +496589,7 +496590,7 +496591,7 +496592,7 +496593,3 +496594,3 +496595,3 +496596,3 +496597,3 +496598,3 +496599,3 +496600,3 +496601,3 +496602,3 +496603,3 +496604,3 +496605,3 +496606,3 +496607,3 +496608,3 +496609,3 +496610,3 +496611,3 +496612,3 +496613,3 +496614,12 +496615,12 +496616,27 +496617,3 +496618,3 +496619,3 +496620,3 +496621,11 +496622,11 +496623,11 +496624,11 +496625,11 +496626,11 +496627,11 +496628,11 +496629,11 +496630,11 +496631,11 +496632,11 +496633,4 +496634,4 +496635,4 +496636,4 +496637,4 +496638,4 +496639,4 +496640,31 +496641,31 +496642,31 +496643,3 +496644,30 +496645,3 +496646,3 +496647,30 +496648,30 +496649,30 +496650,30 +496651,30 +496652,30 +496653,29 +496654,29 +496655,29 +496656,30 +496657,39 +496658,39 +496659,39 +496660,39 +496661,39 +496662,39 +496663,39 +496664,39 +496665,39 +496666,39 +496667,39 +496668,39 +496669,39 +496670,39 +496671,39 +496672,39 +496673,39 +496674,39 +496675,24 +496676,24 +496677,24 +496678,24 +496679,24 +496680,28 +496681,28 +496682,28 +496683,28 +496684,28 +496685,28 +496686,28 +496687,28 +496688,28 +496689,39 +496690,39 +496691,39 +496692,39 +496693,39 +496694,39 +496695,39 +496696,39 +496697,39 +496698,39 +496699,39 +496700,39 +496701,28 +496702,28 +496703,28 +496704,28 +496705,28 +496706,28 +496707,28 +496708,28 +496709,27 +496710,27 +496711,27 +496712,27 +496713,27 +496714,11 +496715,11 +496716,11 +496717,11 +496718,11 +496719,11 +496720,11 +496721,11 +496722,11 +496723,11 +496724,11 +496725,11 +496726,11 +496727,11 +496728,22 +496729,22 +496730,22 +496731,37 +496732,37 +496733,37 +496734,37 +496735,25 +496736,25 +496737,37 +496738,25 +496739,19 +496740,19 +496741,19 +496742,19 +496743,19 +496744,19 +496745,19 +496746,9 +496747,26 +496748,9 +496749,9 +496750,26 +496751,4 +496752,4 +496753,4 +496754,24 +496755,24 +496756,24 +496757,2 +496758,2 +496759,2 +496760,2 +496761,2 +496762,2 +496763,16 +496764,4 +496765,10 +496766,10 +496767,10 +496768,10 +496769,10 +496770,10 +496771,10 +496772,28 +496773,28 +496774,28 +496775,28 +496776,5 +496777,17 +496778,17 +496779,17 +496780,17 +496781,17 +496782,17 +496783,17 +496784,17 +496785,17 +496786,33 +496787,9 +496788,33 +496789,33 +496790,17 +496791,9 +496792,9 +496793,13 +496794,13 +496795,13 +496796,13 +496797,13 +496798,13 +496799,5 +496800,5 +496801,5 +496802,13 +496803,13 +496804,13 +496805,13 +496806,13 +496807,13 +496808,13 +496809,13 +496810,13 +496811,13 +496812,0 +496813,0 +496814,0 +496815,0 +496816,0 +496817,0 +496818,0 +496819,0 +496820,0 +496821,0 +496822,27 +496823,27 +496824,27 +496825,27 +496826,27 +496827,27 +496828,27 +496829,27 +496830,27 +496831,31 +496832,5 +496833,5 +496834,5 +496835,6 +496836,6 +496837,6 +496838,6 +496839,6 +496840,6 +496841,6 +496842,6 +496843,6 +496844,6 +496845,6 +496846,6 +496847,6 +496848,9 +496849,9 +496850,9 +496851,9 +496852,9 +496853,37 +496854,37 +496855,37 +496856,37 +496857,37 +496858,37 +496859,37 +496860,37 +496861,37 +496862,37 +496863,37 +496864,37 +496865,29 +496866,29 +496867,29 +496868,29 +496869,29 +496870,31 +496871,31 +496872,31 +496873,31 +496874,6 +496875,6 +496876,6 +496877,6 +496878,6 +496879,6 +496880,6 +496881,6 +496882,6 +496883,6 +496884,6 +496885,6 +496886,6 +496887,36 +496888,14 +496889,14 +496890,36 +496891,14 +496892,14 +496893,14 +496894,14 +496895,14 +496896,14 +496897,14 +496898,27 +496899,13 +496900,13 +496901,13 +496902,13 +496903,13 +496904,13 +496905,13 +496906,13 +496907,13 +496908,13 +496909,13 +496910,13 +496911,13 +496912,13 +496913,13 +496914,13 +496915,0 +496916,0 +496917,0 +496918,0 +496919,0 +496920,0 +496921,0 +496922,0 +496923,0 +496924,0 +496925,0 +496926,0 +496927,0 +496928,0 +496929,0 +496930,0 +496931,0 +496932,0 +496933,0 +496934,0 +496935,0 +496936,0 +496937,0 +496938,0 +496939,0 +496940,0 +496941,0 +496942,0 +496943,0 +496944,0 +496945,0 +496946,0 +496947,0 +496948,0 +496949,0 +496950,0 +496951,0 +496952,0 +496953,0 +496954,0 +496955,0 +496956,0 +496957,12 +496958,12 +496959,0 +496960,0 +496961,0 +496962,12 +496963,12 +496964,12 +496965,12 +496966,12 +496967,12 +496968,12 +496969,27 +496970,27 +496971,27 +496972,38 +496973,38 +496974,38 +496975,38 +496976,38 +496977,38 +496978,38 +496979,27 +496980,27 +496981,27 +496982,27 +496983,5 +496984,5 +496985,5 +496986,5 +496987,5 +496988,5 +496989,40 +496990,40 +496991,40 +496992,40 +496993,40 +496994,40 +496995,40 +496996,40 +496997,40 +496998,37 +496999,37 +497000,37 +497001,37 +497002,37 +497003,37 +497004,37 +497005,37 +497006,37 +497007,37 +497008,37 +497009,37 +497010,40 +497011,40 +497012,40 +497013,40 +497014,40 +497015,24 +497016,24 +497017,24 +497018,24 +497019,24 +497020,31 +497021,31 +497022,31 +497023,31 +497024,2 +497025,2 +497026,2 +497027,2 +497028,2 +497029,2 +497030,2 +497031,2 +497032,2 +497033,2 +497034,4 +497035,4 +497036,4 +497037,4 +497038,4 +497039,26 +497040,26 +497041,26 +497042,26 +497043,26 +497044,26 +497045,33 +497046,33 +497047,33 +497048,33 +497049,33 +497050,30 +497051,30 +497052,30 +497053,27 +497054,27 +497055,11 +497056,11 +497057,11 +497058,11 +497059,1 +497060,1 +497061,11 +497062,11 +497063,11 +497064,11 +497065,1 +497066,11 +497067,31 +497068,22 +497069,22 +497070,22 +497071,22 +497072,25 +497073,25 +497074,31 +497075,3 +497076,3 +497077,3 +497078,5 +497079,3 +497080,3 +497081,0 +497082,0 +497083,0 +497084,0 +497085,0 +497086,0 +497087,0 +497088,0 +497089,0 +497090,0 +497091,0 +497092,0 +497093,0 +497094,0 +497095,0 +497096,0 +497097,0 +497098,0 +497099,0 +497100,0 +497101,0 +497102,0 +497103,0 +497104,0 +497105,0 +497106,0 +497107,0 +497108,0 +497109,0 +497110,0 +497111,0 +497112,0 +497113,0 +497114,0 +497115,0 +497116,0 +497117,0 +497118,0 +497119,0 +497120,0 +497121,0 +497122,0 +497123,0 +497124,0 +497125,0 +497126,0 +497127,0 +497128,0 +497129,0 +497130,0 +497131,0 +497132,0 +497133,0 +497134,0 +497135,0 +497136,0 +497137,0 +497138,0 +497139,0 +497140,0 +497141,0 +497142,0 +497143,0 +497144,0 +497145,0 +497146,0 +497147,0 +497148,11 +497149,11 +497150,11 +497151,11 +497152,11 +497153,11 +497154,11 +497155,11 +497156,11 +497157,11 +497158,11 +497159,11 +497160,11 +497161,11 +497162,11 +497163,11 +497164,11 +497165,11 +497166,11 +497167,11 +497168,11 +497169,11 +497170,39 +497171,39 +497172,39 +497173,39 +497174,39 +497175,39 +497176,39 +497177,39 +497178,39 +497179,39 +497180,39 +497181,39 +497182,39 +497183,39 +497184,39 +497185,39 +497186,39 +497187,24 +497188,24 +497189,24 +497190,24 +497191,24 +497192,24 +497193,28 +497194,28 +497195,5 +497196,31 +497197,31 +497198,31 +497199,31 +497200,31 +497201,31 +497202,8 +497203,8 +497204,8 +497205,8 +497206,8 +497207,8 +497208,8 +497209,4 +497210,5 +497211,26 +497212,26 +497213,26 +497214,9 +497215,9 +497216,9 +497217,9 +497218,9 +497219,9 +497220,9 +497221,31 +497222,10 +497223,38 +497224,38 +497225,38 +497226,38 +497227,38 +497228,38 +497229,38 +497230,38 +497231,38 +497232,38 +497233,29 +497234,29 +497235,29 +497236,29 +497237,14 +497238,14 +497239,40 +497240,40 +497241,40 +497242,40 +497243,40 +497244,40 +497245,40 +497246,37 +497247,37 +497248,37 +497249,37 +497250,37 +497251,37 +497252,37 +497253,37 +497254,37 +497255,37 +497256,37 +497257,37 +497258,37 +497259,37 +497260,37 +497261,37 +497262,37 +497263,37 +497264,37 +497265,37 +497266,37 +497267,37 +497268,37 +497269,37 +497270,37 +497271,37 +497272,37 +497273,37 +497274,37 +497275,0 +497276,0 +497277,0 +497278,0 +497279,0 +497280,0 +497281,0 +497282,0 +497283,0 +497284,0 +497285,0 +497286,0 +497287,0 +497288,0 +497289,0 +497290,0 +497291,0 +497292,0 +497293,0 +497294,0 +497295,0 +497296,0 +497297,0 +497298,0 +497299,0 +497300,0 +497301,0 +497302,0 +497303,28 +497304,28 +497305,28 +497306,28 +497307,28 +497308,28 +497309,28 +497310,28 +497311,28 +497312,28 +497313,28 +497314,31 +497315,31 +497316,31 +497317,31 +497318,31 +497319,31 +497320,31 +497321,31 +497322,5 +497323,5 +497324,5 +497325,5 +497326,5 +497327,5 +497328,5 +497329,2 +497330,2 +497331,2 +497332,2 +497333,2 +497334,2 +497335,2 +497336,2 +497337,2 +497338,32 +497339,32 +497340,32 +497341,32 +497342,32 +497343,27 +497344,27 +497345,27 +497346,31 +497347,31 +497348,31 +497349,31 +497350,31 +497351,23 +497352,23 +497353,23 +497354,23 +497355,23 +497356,23 +497357,23 +497358,23 +497359,23 +497360,23 +497361,23 +497362,23 +497363,9 +497364,9 +497365,9 +497366,9 +497367,9 +497368,9 +497369,9 +497370,9 +497371,9 +497372,37 +497373,37 +497374,37 +497375,37 +497376,37 +497377,37 +497378,37 +497379,37 +497380,37 +497381,37 +497382,37 +497383,11 +497384,11 +497385,11 +497386,11 +497387,11 +497388,11 +497389,11 +497390,11 +497391,11 +497392,11 +497393,11 +497394,11 +497395,11 +497396,11 +497397,11 +497398,39 +497399,39 +497400,39 +497401,39 +497402,39 +497403,31 +497404,31 +497405,39 +497406,39 +497407,15 +497408,15 +497409,15 +497410,15 +497411,15 +497412,15 +497413,15 +497414,27 +497415,27 +497416,27 +497417,27 +497418,27 +497419,5 +497420,5 +497421,5 +497422,5 +497423,5 +497424,5 +497425,5 +497426,5 +497427,5 +497428,5 +497429,5 +497430,15 +497431,15 +497432,15 +497433,15 +497434,40 +497435,40 +497436,40 +497437,40 +497438,40 +497439,40 +497440,40 +497441,40 +497442,40 +497443,40 +497444,37 +497445,37 +497446,37 +497447,37 +497448,37 +497449,37 +497450,37 +497451,37 +497452,37 +497453,37 +497454,37 +497455,37 +497456,37 +497457,37 +497458,39 +497459,39 +497460,39 +497461,39 +497462,39 +497463,39 +497464,39 +497465,4 +497466,4 +497467,4 +497468,4 +497469,4 +497470,27 +497471,27 +497472,27 +497473,27 +497474,27 +497475,27 +497476,27 +497477,27 +497478,5 +497479,5 +497480,5 +497481,5 +497482,5 +497483,5 +497484,29 +497485,29 +497486,31 +497487,31 +497488,31 +497489,31 +497490,31 +497491,31 +497492,2 +497493,2 +497494,2 +497495,2 +497496,2 +497497,2 +497498,2 +497499,2 +497500,2 +497501,2 +497502,2 +497503,2 +497504,2 +497505,2 +497506,2 +497507,14 +497508,14 +497509,14 +497510,36 +497511,36 +497512,36 +497513,36 +497514,36 +497515,36 +497516,36 +497517,36 +497518,36 +497519,36 +497520,36 +497521,36 +497522,36 +497523,5 +497524,5 +497525,5 +497526,5 +497527,5 +497528,5 +497529,8 +497530,8 +497531,8 +497532,8 +497533,8 +497534,8 +497535,29 +497536,25 +497537,25 +497538,29 +497539,29 +497540,29 +497541,29 +497542,29 +497543,29 +497544,29 +497545,31 +497546,31 +497547,31 +497548,31 +497549,32 +497550,32 +497551,32 +497552,32 +497553,32 +497554,32 +497555,32 +497556,32 +497557,32 +497558,32 +497559,30 +497560,30 +497561,30 +497562,30 +497563,30 +497564,36 +497565,36 +497566,36 +497567,36 +497568,36 +497569,36 +497570,36 +497571,36 +497572,36 +497573,36 +497574,19 +497575,24 +497576,19 +497577,19 +497578,19 +497579,29 +497580,29 +497581,19 +497582,34 +497583,34 +497584,34 +497585,34 +497586,34 +497587,34 +497588,34 +497589,34 +497590,34 +497591,34 +497592,34 +497593,34 +497594,34 +497595,10 +497596,10 +497597,10 +497598,10 +497599,10 +497600,10 +497601,10 +497602,10 +497603,10 +497604,10 +497605,10 +497606,10 +497607,10 +497608,10 +497609,10 +497610,10 +497611,10 +497612,10 +497613,10 +497614,39 +497615,39 +497616,0 +497617,0 +497618,0 +497619,0 +497620,0 +497621,0 +497622,0 +497623,0 +497624,0 +497625,0 +497626,0 +497627,0 +497628,0 +497629,0 +497630,0 +497631,0 +497632,0 +497633,0 +497634,0 +497635,0 +497636,0 +497637,0 +497638,0 +497639,0 +497640,0 +497641,0 +497642,0 +497643,0 +497644,0 +497645,0 +497646,0 +497647,30 +497648,30 +497649,30 +497650,30 +497651,30 +497652,30 +497653,30 +497654,14 +497655,14 +497656,14 +497657,14 +497658,14 +497659,14 +497660,14 +497661,14 +497662,14 +497663,14 +497664,7 +497665,7 +497666,7 +497667,7 +497668,7 +497669,31 +497670,31 +497671,40 +497672,31 +497673,40 +497674,31 +497675,31 +497676,31 +497677,31 +497678,31 +497679,5 +497680,5 +497681,5 +497682,5 +497683,5 +497684,5 +497685,35 +497686,35 +497687,35 +497688,35 +497689,25 +497690,25 +497691,25 +497692,25 +497693,25 +497694,31 +497695,25 +497696,15 +497697,15 +497698,15 +497699,15 +497700,15 +497701,15 +497702,15 +497703,37 +497704,37 +497705,37 +497706,37 +497707,37 +497708,37 +497709,37 +497710,37 +497711,31 +497712,31 +497713,31 +497714,31 +497715,31 +497716,31 +497717,31 +497718,31 +497719,29 +497720,29 +497721,29 +497722,29 +497723,29 +497724,25 +497725,25 +497726,25 +497727,25 +497728,25 +497729,6 +497730,6 +497731,6 +497732,6 +497733,9 +497734,9 +497735,9 +497736,9 +497737,9 +497738,9 +497739,9 +497740,9 +497741,9 +497742,9 +497743,9 +497744,9 +497745,9 +497746,9 +497747,30 +497748,30 +497749,30 +497750,2 +497751,2 +497752,2 +497753,2 +497754,2 +497755,2 +497756,2 +497757,2 +497758,2 +497759,2 +497760,2 +497761,2 +497762,2 +497763,2 +497764,2 +497765,33 +497766,33 +497767,33 +497768,33 +497769,33 +497770,33 +497771,33 +497772,33 +497773,33 +497774,33 +497775,33 +497776,33 +497777,33 +497778,33 +497779,33 +497780,33 +497781,33 +497782,33 +497783,33 +497784,33 +497785,33 +497786,33 +497787,33 +497788,33 +497789,33 +497790,33 +497791,33 +497792,33 +497793,30 +497794,30 +497795,30 +497796,30 +497797,0 +497798,0 +497799,0 +497800,0 +497801,0 +497802,0 +497803,29 +497804,29 +497805,29 +497806,14 +497807,14 +497808,14 +497809,14 +497810,14 +497811,14 +497812,14 +497813,14 +497814,15 +497815,15 +497816,15 +497817,15 +497818,15 +497819,15 +497820,15 +497821,15 +497822,15 +497823,40 +497824,40 +497825,40 +497826,40 +497827,40 +497828,40 +497829,40 +497830,37 +497831,37 +497832,37 +497833,37 +497834,37 +497835,37 +497836,37 +497837,37 +497838,37 +497839,37 +497840,37 +497841,37 +497842,37 +497843,37 +497844,37 +497845,39 +497846,39 +497847,39 +497848,39 +497849,39 +497850,39 +497851,39 +497852,39 +497853,39 +497854,4 +497855,4 +497856,4 +497857,4 +497858,4 +497859,4 +497860,31 +497861,0 +497862,0 +497863,4 +497864,4 +497865,32 +497866,32 +497867,32 +497868,26 +497869,26 +497870,31 +497871,26 +497872,31 +497873,31 +497874,26 +497875,26 +497876,29 +497877,29 +497878,29 +497879,29 +497880,29 +497881,29 +497882,29 +497883,29 +497884,31 +497885,31 +497886,31 +497887,32 +497888,32 +497889,32 +497890,32 +497891,32 +497892,32 +497893,32 +497894,32 +497895,32 +497896,32 +497897,32 +497898,32 +497899,32 +497900,32 +497901,30 +497902,30 +497903,30 +497904,30 +497905,30 +497906,30 +497907,14 +497908,14 +497909,14 +497910,14 +497911,14 +497912,14 +497913,14 +497914,14 +497915,14 +497916,14 +497917,14 +497918,14 +497919,14 +497920,14 +497921,5 +497922,5 +497923,5 +497924,5 +497925,5 +497926,5 +497927,5 +497928,2 +497929,2 +497930,2 +497931,2 +497932,2 +497933,2 +497934,2 +497935,2 +497936,2 +497937,2 +497938,2 +497939,5 +497940,5 +497941,5 +497942,5 +497943,5 +497944,5 +497945,27 +497946,27 +497947,27 +497948,27 +497949,27 +497950,27 +497951,27 +497952,37 +497953,37 +497954,37 +497955,37 +497956,37 +497957,37 +497958,37 +497959,27 +497960,25 +497961,19 +497962,19 +497963,19 +497964,27 +497965,27 +497966,27 +497967,27 +497968,5 +497969,5 +497970,5 +497971,5 +497972,5 +497973,19 +497974,19 +497975,19 +497976,19 +497977,27 +497978,27 +497979,27 +497980,27 +497981,27 +497982,27 +497983,32 +497984,32 +497985,32 +497986,32 +497987,32 +497988,32 +497989,32 +497990,32 +497991,36 +497992,36 +497993,36 +497994,36 +497995,36 +497996,36 +497997,36 +497998,19 +497999,19 +498000,19 +498001,19 +498002,19 +498003,19 +498004,19 +498005,31 +498006,27 +498007,27 +498008,31 +498009,31 +498010,5 +498011,5 +498012,5 +498013,5 +498014,4 +498015,4 +498016,4 +498017,4 +498018,4 +498019,2 +498020,2 +498021,2 +498022,2 +498023,4 +498024,4 +498025,37 +498026,37 +498027,37 +498028,37 +498029,37 +498030,37 +498031,37 +498032,26 +498033,26 +498034,26 +498035,10 +498036,10 +498037,10 +498038,10 +498039,0 +498040,0 +498041,0 +498042,0 +498043,0 +498044,0 +498045,0 +498046,0 +498047,0 +498048,0 +498049,0 +498050,0 +498051,6 +498052,6 +498053,6 +498054,6 +498055,6 +498056,6 +498057,6 +498058,6 +498059,6 +498060,6 +498061,6 +498062,6 +498063,0 +498064,0 +498065,0 +498066,0 +498067,0 +498068,0 +498069,0 +498070,0 +498071,0 +498072,0 +498073,0 +498074,0 +498075,0 +498076,0 +498077,0 +498078,0 +498079,0 +498080,0 +498081,0 +498082,0 +498083,0 +498084,0 +498085,0 +498086,0 +498087,0 +498088,0 +498089,0 +498090,0 +498091,0 +498092,0 +498093,0 +498094,0 +498095,0 +498096,0 +498097,0 +498098,0 +498099,0 +498100,0 +498101,0 +498102,0 +498103,0 +498104,0 +498105,0 +498106,0 +498107,0 +498108,0 +498109,0 +498110,0 +498111,0 +498112,0 +498113,0 +498114,0 +498115,0 +498116,0 +498117,0 +498118,0 +498119,0 +498120,35 +498121,35 +498122,35 +498123,35 +498124,35 +498125,35 +498126,35 +498127,35 +498128,35 +498129,35 +498130,35 +498131,35 +498132,39 +498133,39 +498134,39 +498135,39 +498136,39 +498137,39 +498138,39 +498139,39 +498140,39 +498141,23 +498142,38 +498143,38 +498144,38 +498145,38 +498146,38 +498147,38 +498148,38 +498149,38 +498150,9 +498151,9 +498152,9 +498153,9 +498154,9 +498155,9 +498156,9 +498157,9 +498158,9 +498159,9 +498160,4 +498161,4 +498162,4 +498163,4 +498164,4 +498165,4 +498166,4 +498167,29 +498168,29 +498169,29 +498170,29 +498171,29 +498172,29 +498173,29 +498174,40 +498175,40 +498176,40 +498177,40 +498178,40 +498179,37 +498180,37 +498181,37 +498182,37 +498183,37 +498184,37 +498185,37 +498186,25 +498187,12 +498188,12 +498189,12 +498190,12 +498191,12 +498192,12 +498193,12 +498194,12 +498195,12 +498196,12 +498197,12 +498198,31 +498199,31 +498200,31 +498201,31 +498202,31 +498203,17 +498204,17 +498205,17 +498206,8 +498207,8 +498208,8 +498209,8 +498210,8 +498211,8 +498212,8 +498213,8 +498214,8 +498215,8 +498216,8 +498217,8 +498218,8 +498219,31 +498220,5 +498221,31 +498222,31 +498223,31 +498224,31 +498225,5 +498226,5 +498227,5 +498228,5 +498229,5 +498230,5 +498231,5 +498232,5 +498233,5 +498234,5 +498235,5 +498236,31 +498237,5 +498238,5 +498239,10 +498240,10 +498241,10 +498242,40 +498243,40 +498244,36 +498245,40 +498246,40 +498247,40 +498248,40 +498249,24 +498250,24 +498251,24 +498252,24 +498253,24 +498254,24 +498255,24 +498256,25 +498257,25 +498258,25 +498259,25 +498260,25 +498261,25 +498262,25 +498263,25 +498264,25 +498265,25 +498266,25 +498267,37 +498268,37 +498269,37 +498270,37 +498271,37 +498272,37 +498273,37 +498274,37 +498275,37 +498276,25 +498277,25 +498278,37 +498279,37 +498280,0 +498281,0 +498282,0 +498283,0 +498284,0 +498285,0 +498286,0 +498287,2 +498288,2 +498289,2 +498290,2 +498291,2 +498292,2 +498293,2 +498294,2 +498295,2 +498296,2 +498297,2 +498298,2 +498299,2 +498300,2 +498301,2 +498302,2 +498303,2 +498304,2 +498305,2 +498306,2 +498307,31 +498308,31 +498309,31 +498310,31 +498311,31 +498312,31 +498313,31 +498314,31 +498315,31 +498316,31 +498317,16 +498318,16 +498319,16 +498320,16 +498321,16 +498322,16 +498323,16 +498324,16 +498325,16 +498326,16 +498327,16 +498328,16 +498329,14 +498330,14 +498331,14 +498332,14 +498333,14 +498334,14 +498335,14 +498336,14 +498337,14 +498338,14 +498339,14 +498340,14 +498341,23 +498342,23 +498343,23 +498344,23 +498345,23 +498346,23 +498347,23 +498348,23 +498349,23 +498350,23 +498351,23 +498352,23 +498353,23 +498354,23 +498355,23 +498356,23 +498357,10 +498358,10 +498359,10 +498360,10 +498361,10 +498362,10 +498363,10 +498364,10 +498365,10 +498366,10 +498367,10 +498368,10 +498369,10 +498370,10 +498371,10 +498372,10 +498373,10 +498374,10 +498375,5 +498376,5 +498377,5 +498378,5 +498379,5 +498380,5 +498381,5 +498382,5 +498383,28 +498384,28 +498385,28 +498386,28 +498387,28 +498388,14 +498389,27 +498390,27 +498391,27 +498392,27 +498393,27 +498394,27 +498395,27 +498396,13 +498397,13 +498398,13 +498399,13 +498400,13 +498401,13 +498402,13 +498403,13 +498404,6 +498405,6 +498406,6 +498407,6 +498408,6 +498409,6 +498410,6 +498411,6 +498412,36 +498413,36 +498414,36 +498415,40 +498416,40 +498417,40 +498418,40 +498419,40 +498420,36 +498421,36 +498422,36 +498423,36 +498424,36 +498425,36 +498426,36 +498427,36 +498428,8 +498429,8 +498430,8 +498431,8 +498432,8 +498433,8 +498434,8 +498435,8 +498436,8 +498437,8 +498438,8 +498439,8 +498440,29 +498441,29 +498442,29 +498443,29 +498444,31 +498445,31 +498446,31 +498447,31 +498448,32 +498449,32 +498450,32 +498451,32 +498452,32 +498453,32 +498454,32 +498455,32 +498456,36 +498457,32 +498458,40 +498459,40 +498460,36 +498461,40 +498462,40 +498463,36 +498464,40 +498465,40 +498466,40 +498467,40 +498468,40 +498469,36 +498470,16 +498471,16 +498472,16 +498473,16 +498474,16 +498475,16 +498476,11 +498477,11 +498478,11 +498479,11 +498480,11 +498481,11 +498482,11 +498483,31 +498484,31 +498485,31 +498486,31 +498487,31 +498488,31 +498489,31 +498490,31 +498491,25 +498492,25 +498493,25 +498494,25 +498495,25 +498496,25 +498497,25 +498498,25 +498499,25 +498500,25 +498501,25 +498502,25 +498503,25 +498504,25 +498505,25 +498506,25 +498507,25 +498508,25 +498509,25 +498510,0 +498511,0 +498512,0 +498513,0 +498514,0 +498515,0 +498516,0 +498517,0 +498518,0 +498519,0 +498520,0 +498521,0 +498522,0 +498523,0 +498524,0 +498525,0 +498526,0 +498527,0 +498528,0 +498529,0 +498530,0 +498531,0 +498532,0 +498533,0 +498534,0 +498535,0 +498536,0 +498537,0 +498538,0 +498539,0 +498540,0 +498541,0 +498542,0 +498543,0 +498544,36 +498545,36 +498546,36 +498547,36 +498548,36 +498549,36 +498550,36 +498551,36 +498552,36 +498553,36 +498554,36 +498555,36 +498556,36 +498557,36 +498558,5 +498559,5 +498560,5 +498561,5 +498562,5 +498563,5 +498564,7 +498565,7 +498566,7 +498567,7 +498568,7 +498569,7 +498570,7 +498571,39 +498572,7 +498573,39 +498574,39 +498575,7 +498576,7 +498577,7 +498578,7 +498579,7 +498580,7 +498581,7 +498582,7 +498583,7 +498584,3 +498585,3 +498586,3 +498587,3 +498588,3 +498589,3 +498590,3 +498591,3 +498592,3 +498593,3 +498594,3 +498595,2 +498596,2 +498597,2 +498598,2 +498599,2 +498600,2 +498601,2 +498602,2 +498603,2 +498604,8 +498605,4 +498606,4 +498607,4 +498608,4 +498609,27 +498610,31 +498611,31 +498612,31 +498613,31 +498614,31 +498615,23 +498616,23 +498617,23 +498618,23 +498619,23 +498620,23 +498621,23 +498622,23 +498623,23 +498624,23 +498625,23 +498626,23 +498627,26 +498628,26 +498629,26 +498630,26 +498631,26 +498632,26 +498633,26 +498634,26 +498635,26 +498636,30 +498637,30 +498638,34 +498639,34 +498640,34 +498641,34 +498642,9 +498643,31 +498644,31 +498645,31 +498646,30 +498647,30 +498648,30 +498649,35 +498650,35 +498651,35 +498652,35 +498653,35 +498654,35 +498655,35 +498656,35 +498657,35 +498658,27 +498659,27 +498660,27 +498661,27 +498662,28 +498663,28 +498664,28 +498665,28 +498666,28 +498667,28 +498668,33 +498669,33 +498670,33 +498671,33 +498672,33 +498673,33 +498674,33 +498675,33 +498676,33 +498677,33 +498678,33 +498679,33 +498680,34 +498681,37 +498682,37 +498683,37 +498684,37 +498685,37 +498686,34 +498687,34 +498688,34 +498689,34 +498690,34 +498691,34 +498692,34 +498693,34 +498694,34 +498695,34 +498696,34 +498697,34 +498698,34 +498699,34 +498700,34 +498701,34 +498702,34 +498703,34 +498704,34 +498705,34 +498706,34 +498707,5 +498708,5 +498709,5 +498710,5 +498711,5 +498712,5 +498713,5 +498714,5 +498715,5 +498716,5 +498717,5 +498718,5 +498719,5 +498720,5 +498721,5 +498722,19 +498723,0 +498724,0 +498725,0 +498726,0 +498727,0 +498728,0 +498729,0 +498730,0 +498731,0 +498732,0 +498733,0 +498734,0 +498735,0 +498736,0 +498737,0 +498738,0 +498739,0 +498740,0 +498741,0 +498742,0 +498743,0 +498744,0 +498745,0 +498746,0 +498747,0 +498748,0 +498749,0 +498750,0 +498751,0 +498752,0 +498753,0 +498754,0 +498755,0 +498756,0 +498757,0 +498758,0 +498759,0 +498760,0 +498761,0 +498762,0 +498763,0 +498764,0 +498765,0 +498766,0 +498767,0 +498768,0 +498769,0 +498770,29 +498771,29 +498772,29 +498773,31 +498774,31 +498775,31 +498776,31 +498777,31 +498778,2 +498779,2 +498780,2 +498781,2 +498782,2 +498783,2 +498784,2 +498785,2 +498786,2 +498787,2 +498788,2 +498789,33 +498790,33 +498791,33 +498792,33 +498793,33 +498794,31 +498795,31 +498796,33 +498797,30 +498798,30 +498799,30 +498800,6 +498801,6 +498802,6 +498803,6 +498804,6 +498805,6 +498806,6 +498807,6 +498808,9 +498809,9 +498810,9 +498811,9 +498812,9 +498813,9 +498814,9 +498815,9 +498816,9 +498817,30 +498818,30 +498819,30 +498820,30 +498821,30 +498822,30 +498823,30 +498824,30 +498825,19 +498826,19 +498827,19 +498828,19 +498829,19 +498830,19 +498831,19 +498832,19 +498833,19 +498834,19 +498835,0 +498836,0 +498837,4 +498838,4 +498839,4 +498840,4 +498841,4 +498842,4 +498843,0 +498844,0 +498845,4 +498846,4 +498847,4 +498848,4 +498849,4 +498850,4 +498851,4 +498852,4 +498853,4 +498854,4 +498855,4 +498856,40 +498857,40 +498858,40 +498859,40 +498860,28 +498861,28 +498862,28 +498863,28 +498864,28 +498865,28 +498866,32 +498867,32 +498868,32 +498869,32 +498870,32 +498871,32 +498872,32 +498873,27 +498874,27 +498875,27 +498876,27 +498877,27 +498878,28 +498879,28 +498880,28 +498881,28 +498882,28 +498883,31 +498884,31 +498885,31 +498886,31 +498887,31 +498888,31 +498889,5 +498890,5 +498891,5 +498892,5 +498893,5 +498894,4 +498895,4 +498896,4 +498897,4 +498898,4 +498899,4 +498900,19 +498901,6 +498902,6 +498903,6 +498904,6 +498905,6 +498906,6 +498907,6 +498908,6 +498909,6 +498910,6 +498911,6 +498912,6 +498913,6 +498914,6 +498915,6 +498916,30 +498917,30 +498918,30 +498919,30 +498920,30 +498921,30 +498922,30 +498923,30 +498924,9 +498925,9 +498926,9 +498927,9 +498928,9 +498929,9 +498930,9 +498931,9 +498932,9 +498933,9 +498934,9 +498935,9 +498936,9 +498937,9 +498938,9 +498939,9 +498940,9 +498941,8 +498942,8 +498943,8 +498944,8 +498945,8 +498946,8 +498947,8 +498948,8 +498949,8 +498950,8 +498951,8 +498952,8 +498953,8 +498954,8 +498955,8 +498956,8 +498957,8 +498958,8 +498959,0 +498960,0 +498961,0 +498962,0 +498963,0 +498964,0 +498965,0 +498966,0 +498967,0 +498968,0 +498969,0 +498970,0 +498971,0 +498972,0 +498973,0 +498974,0 +498975,0 +498976,0 +498977,0 +498978,0 +498979,0 +498980,0 +498981,0 +498982,0 +498983,0 +498984,0 +498985,0 +498986,0 +498987,0 +498988,0 +498989,0 +498990,0 +498991,0 +498992,0 +498993,0 +498994,0 +498995,0 +498996,0 +498997,0 +498998,15 +498999,15 +499000,15 +499001,31 +499002,31 +499003,22 +499004,22 +499005,19 +499006,19 +499007,19 +499008,19 +499009,19 +499010,19 +499011,6 +499012,6 +499013,6 +499014,6 +499015,6 +499016,6 +499017,6 +499018,6 +499019,6 +499020,6 +499021,6 +499022,6 +499023,37 +499024,37 +499025,37 +499026,37 +499027,26 +499028,26 +499029,26 +499030,26 +499031,26 +499032,28 +499033,28 +499034,28 +499035,28 +499036,28 +499037,28 +499038,28 +499039,33 +499040,33 +499041,33 +499042,33 +499043,33 +499044,33 +499045,33 +499046,33 +499047,33 +499048,33 +499049,33 +499050,33 +499051,33 +499052,33 +499053,33 +499054,33 +499055,33 +499056,33 +499057,35 +499058,35 +499059,35 +499060,35 +499061,35 +499062,35 +499063,35 +499064,35 +499065,36 +499066,36 +499067,36 +499068,36 +499069,36 +499070,36 +499071,36 +499072,36 +499073,19 +499074,19 +499075,19 +499076,19 +499077,19 +499078,27 +499079,27 +499080,27 +499081,14 +499082,14 +499083,14 +499084,5 +499085,5 +499086,5 +499087,5 +499088,5 +499089,5 +499090,5 +499091,5 +499092,2 +499093,2 +499094,2 +499095,2 +499096,2 +499097,2 +499098,2 +499099,2 +499100,2 +499101,2 +499102,27 +499103,27 +499104,27 +499105,27 +499106,27 +499107,27 +499108,27 +499109,27 +499110,2 +499111,2 +499112,2 +499113,2 +499114,2 +499115,2 +499116,4 +499117,4 +499118,4 +499119,4 +499120,31 +499121,31 +499122,27 +499123,27 +499124,31 +499125,31 +499126,31 +499127,31 +499128,31 +499129,31 +499130,31 +499131,31 +499132,31 +499133,31 +499134,32 +499135,32 +499136,32 +499137,32 +499138,32 +499139,32 +499140,32 +499141,32 +499142,32 +499143,32 +499144,32 +499145,26 +499146,26 +499147,26 +499148,26 +499149,26 +499150,26 +499151,26 +499152,26 +499153,26 +499154,9 +499155,5 +499156,5 +499157,5 +499158,5 +499159,5 +499160,5 +499161,5 +499162,5 +499163,5 +499164,27 +499165,4 +499166,4 +499167,4 +499168,4 +499169,4 +499170,4 +499171,4 +499172,4 +499173,4 +499174,4 +499175,4 +499176,4 +499177,4 +499178,4 +499179,0 +499180,0 +499181,0 +499182,0 +499183,0 +499184,0 +499185,0 +499186,0 +499187,0 +499188,0 +499189,0 +499190,0 +499191,0 +499192,0 +499193,0 +499194,0 +499195,0 +499196,0 +499197,0 +499198,0 +499199,0 +499200,0 +499201,0 +499202,0 +499203,0 +499204,0 +499205,0 +499206,0 +499207,0 +499208,0 +499209,0 +499210,0 +499211,0 +499212,0 +499213,0 +499214,0 +499215,0 +499216,0 +499217,0 +499218,0 +499219,0 +499220,0 +499221,0 +499222,0 +499223,0 +499224,0 +499225,0 +499226,0 +499227,0 +499228,0 +499229,0 +499230,0 +499231,0 +499232,0 +499233,0 +499234,0 +499235,0 +499236,0 +499237,0 +499238,0 +499239,0 +499240,0 +499241,0 +499242,0 +499243,15 +499244,15 +499245,15 +499246,15 +499247,10 +499248,10 +499249,10 +499250,10 +499251,10 +499252,10 +499253,10 +499254,10 +499255,10 +499256,10 +499257,10 +499258,5 +499259,5 +499260,5 +499261,5 +499262,5 +499263,29 +499264,27 +499265,27 +499266,27 +499267,27 +499268,27 +499269,2 +499270,2 +499271,2 +499272,2 +499273,2 +499274,2 +499275,2 +499276,2 +499277,2 +499278,2 +499279,2 +499280,26 +499281,26 +499282,26 +499283,26 +499284,26 +499285,26 +499286,37 +499287,37 +499288,37 +499289,37 +499290,37 +499291,37 +499292,19 +499293,4 +499294,4 +499295,27 +499296,27 +499297,27 +499298,6 +499299,6 +499300,21 +499301,21 +499302,21 +499303,21 +499304,21 +499305,21 +499306,21 +499307,21 +499308,21 +499309,33 +499310,33 +499311,33 +499312,12 +499313,12 +499314,12 +499315,12 +499316,12 +499317,17 +499318,17 +499319,17 +499320,30 +499321,30 +499322,30 +499323,30 +499324,30 +499325,30 +499326,30 +499327,30 +499328,30 +499329,0 +499330,0 +499331,0 +499332,0 +499333,0 +499334,0 +499335,0 +499336,0 +499337,0 +499338,0 +499339,0 +499340,0 +499341,0 +499342,0 +499343,0 +499344,0 +499345,0 +499346,0 +499347,0 +499348,0 +499349,0 +499350,0 +499351,0 +499352,0 +499353,0 +499354,0 +499355,0 +499356,35 +499357,35 +499358,35 +499359,0 +499360,0 +499361,35 +499362,35 +499363,35 +499364,35 +499365,35 +499366,32 +499367,40 +499368,40 +499369,40 +499370,40 +499371,36 +499372,40 +499373,8 +499374,8 +499375,8 +499376,8 +499377,8 +499378,8 +499379,8 +499380,8 +499381,8 +499382,4 +499383,19 +499384,19 +499385,4 +499386,4 +499387,4 +499388,4 +499389,4 +499390,4 +499391,31 +499392,31 +499393,31 +499394,31 +499395,31 +499396,31 +499397,31 +499398,31 +499399,5 +499400,5 +499401,5 +499402,5 +499403,5 +499404,5 +499405,5 +499406,29 +499407,29 +499408,29 +499409,31 +499410,31 +499411,31 +499412,31 +499413,31 +499414,31 +499415,4 +499416,19 +499417,19 +499418,19 +499419,19 +499420,19 +499421,19 +499422,36 +499423,36 +499424,36 +499425,36 +499426,36 +499427,36 +499428,36 +499429,36 +499430,36 +499431,36 +499432,36 +499433,36 +499434,36 +499435,36 +499436,28 +499437,28 +499438,28 +499439,28 +499440,28 +499441,28 +499442,28 +499443,28 +499444,10 +499445,40 +499446,40 +499447,40 +499448,40 +499449,40 +499450,40 +499451,40 +499452,18 +499453,18 +499454,18 +499455,18 +499456,16 +499457,16 +499458,19 +499459,16 +499460,16 +499461,16 +499462,16 +499463,18 +499464,18 +499465,16 +499466,16 +499467,16 +499468,16 +499469,11 +499470,11 +499471,11 +499472,11 +499473,11 +499474,0 +499475,0 +499476,0 +499477,0 +499478,0 +499479,0 +499480,0 +499481,0 +499482,0 +499483,0 +499484,0 +499485,0 +499486,0 +499487,0 +499488,0 +499489,0 +499490,0 +499491,0 +499492,0 +499493,0 +499494,0 +499495,0 +499496,0 +499497,0 +499498,0 +499499,0 +499500,0 +499501,0 +499502,0 +499503,0 +499504,0 +499505,0 +499506,0 +499507,0 +499508,0 +499509,0 +499510,0 +499511,0 +499512,0 +499513,0 +499514,0 +499515,0 +499516,0 +499517,0 +499518,0 +499519,0 +499520,0 +499521,0 +499522,0 +499523,0 +499524,0 +499525,0 +499526,0 +499527,0 +499528,0 +499529,0 +499530,0 +499531,0 +499532,0 +499533,0 +499534,0 +499535,0 +499536,0 +499537,0 +499538,0 +499539,0 +499540,0 +499541,0 +499542,0 +499543,0 +499544,0 +499545,0 +499546,0 +499547,0 +499548,0 +499549,0 +499550,0 +499551,0 +499552,0 +499553,0 +499554,29 +499555,29 +499556,29 +499557,29 +499558,31 +499559,31 +499560,31 +499561,31 +499562,31 +499563,31 +499564,2 +499565,2 +499566,2 +499567,2 +499568,2 +499569,2 +499570,2 +499571,2 +499572,2 +499573,2 +499574,2 +499575,2 +499576,2 +499577,2 +499578,2 +499579,33 +499580,33 +499581,9 +499582,9 +499583,9 +499584,9 +499585,9 +499586,9 +499587,9 +499588,9 +499589,9 +499590,9 +499591,9 +499592,9 +499593,9 +499594,9 +499595,9 +499596,9 +499597,9 +499598,9 +499599,9 +499600,30 +499601,7 +499602,7 +499603,7 +499604,7 +499605,7 +499606,7 +499607,7 +499608,7 +499609,7 +499610,22 +499611,27 +499612,27 +499613,37 +499614,37 +499615,37 +499616,37 +499617,37 +499618,37 +499619,37 +499620,37 +499621,37 +499622,25 +499623,25 +499624,25 +499625,25 +499626,25 +499627,25 +499628,25 +499629,25 +499630,25 +499631,25 +499632,25 +499633,5 +499634,5 +499635,5 +499636,5 +499637,5 +499638,5 +499639,5 +499640,5 +499641,5 +499642,5 +499643,5 +499644,2 +499645,2 +499646,2 +499647,2 +499648,8 +499649,2 +499650,2 +499651,2 +499652,4 +499653,23 +499654,23 +499655,23 +499656,23 +499657,23 +499658,23 +499659,23 +499660,23 +499661,23 +499662,25 +499663,25 +499664,25 +499665,25 +499666,25 +499667,25 +499668,25 +499669,25 +499670,2 +499671,2 +499672,2 +499673,2 +499674,2 +499675,2 +499676,2 +499677,2 +499678,2 +499679,2 +499680,31 +499681,31 +499682,31 +499683,31 +499684,31 +499685,28 +499686,28 +499687,28 +499688,28 +499689,28 +499690,28 +499691,38 +499692,4 +499693,4 +499694,4 +499695,4 +499696,29 +499697,29 +499698,29 +499699,38 +499700,27 +499701,27 +499702,27 +499703,27 +499704,27 +499705,27 +499706,27 +499707,13 +499708,13 +499709,13 +499710,13 +499711,13 +499712,13 +499713,13 +499714,13 +499715,13 +499716,13 +499717,13 +499718,5 +499719,5 +499720,5 +499721,0 +499722,0 +499723,0 +499724,0 +499725,0 +499726,0 +499727,0 +499728,0 +499729,0 +499730,0 +499731,0 +499732,0 +499733,0 +499734,0 +499735,0 +499736,0 +499737,0 +499738,0 +499739,0 +499740,0 +499741,0 +499742,0 +499743,0 +499744,0 +499745,0 +499746,0 +499747,0 +499748,0 +499749,28 +499750,28 +499751,28 +499752,28 +499753,28 +499754,28 +499755,28 +499756,28 +499757,9 +499758,9 +499759,9 +499760,9 +499761,9 +499762,37 +499763,37 +499764,37 +499765,37 +499766,37 +499767,37 +499768,37 +499769,37 +499770,37 +499771,2 +499772,2 +499773,2 +499774,2 +499775,2 +499776,2 +499777,2 +499778,2 +499779,2 +499780,2 +499781,2 +499782,2 +499783,2 +499784,4 +499785,4 +499786,4 +499787,4 +499788,4 +499789,4 +499790,26 +499791,26 +499792,26 +499793,26 +499794,26 +499795,26 +499796,26 +499797,37 +499798,37 +499799,37 +499800,37 +499801,37 +499802,4 +499803,4 +499804,4 +499805,4 +499806,30 +499807,30 +499808,30 +499809,30 +499810,30 +499811,30 +499812,30 +499813,30 +499814,30 +499815,30 +499816,30 +499817,27 +499818,27 +499819,27 +499820,27 +499821,27 +499822,27 +499823,13 +499824,13 +499825,13 +499826,13 +499827,13 +499828,13 +499829,13 +499830,13 +499831,13 +499832,13 +499833,13 +499834,5 +499835,29 +499836,29 +499837,31 +499838,31 +499839,31 +499840,31 +499841,31 +499842,31 +499843,5 +499844,5 +499845,5 +499846,5 +499847,5 +499848,5 +499849,5 +499850,5 +499851,5 +499852,34 +499853,34 +499854,34 +499855,34 +499856,34 +499857,34 +499858,34 +499859,34 +499860,34 +499861,34 +499862,34 +499863,34 +499864,34 +499865,34 +499866,34 +499867,34 +499868,34 +499869,10 +499870,10 +499871,10 +499872,10 +499873,10 +499874,10 +499875,10 +499876,4 +499877,4 +499878,4 +499879,4 +499880,4 +499881,4 +499882,4 +499883,4 +499884,4 +499885,4 +499886,4 +499887,4 +499888,19 +499889,19 +499890,19 +499891,0 +499892,0 +499893,0 +499894,0 +499895,0 +499896,0 +499897,0 +499898,0 +499899,0 +499900,0 +499901,0 +499902,0 +499903,0 +499904,0 +499905,0 +499906,0 +499907,0 +499908,0 +499909,0 +499910,0 +499911,0 +499912,0 +499913,0 +499914,0 +499915,0 +499916,0 +499917,0 +499918,0 +499919,0 +499920,0 +499921,0 +499922,0 +499923,0 +499924,0 +499925,0 +499926,0 +499927,0 +499928,0 +499929,0 +499930,0 +499931,0 +499932,0 +499933,0 +499934,0 +499935,0 +499936,0 +499937,0 +499938,0 +499939,0 +499940,0 +499941,0 +499942,0 +499943,0 +499944,0 +499945,0 +499946,0 +499947,0 +499948,0 +499949,0 +499950,0 +499951,0 +499952,0 +499953,0 +499954,0 +499955,0 +499956,0 +499957,0 +499958,0 +499959,0 +499960,0 +499961,0 +499962,0 +499963,0 +499964,0 +499965,0 +499966,0 +499967,0 +499968,0 +499969,0 +499970,0 +499971,0 +499972,0 +499973,0 +499974,0 +499975,0 +499976,0 +499977,0 +499978,0 +499979,0 +499980,0 +499981,0 +499982,0 +499983,0 +499984,0 +499985,0 +499986,0 +499987,0 +499988,0 +499989,0 +499990,0 +499991,0 +499992,0 +499993,0 +499994,0 +499995,0 +499996,0 +499997,0 +499998,0 +499999,0 +500000,29 +500001,29 +500002,40 +500003,40 +500004,40 +500005,37 +500006,31 +500007,31 +500008,31 +500009,37 +500010,37 +500011,25 +500012,25 +500013,25 +500014,25 +500015,40 +500016,40 +500017,40 +500018,40 +500019,40 +500020,40 +500021,6 +500022,6 +500023,6 +500024,6 +500025,6 +500026,6 +500027,6 +500028,6 +500029,6 +500030,21 +500031,21 +500032,35 +500033,35 +500034,35 +500035,25 +500036,25 +500037,25 +500038,19 +500039,19 +500040,19 +500041,19 +500042,19 +500043,31 +500044,31 +500045,31 +500046,31 +500047,31 +500048,31 +500049,24 +500050,24 +500051,24 +500052,29 +500053,29 +500054,29 +500055,29 +500056,29 +500057,29 +500058,29 +500059,29 +500060,31 +500061,31 +500062,31 +500063,31 +500064,31 +500065,32 +500066,32 +500067,32 +500068,32 +500069,32 +500070,32 +500071,32 +500072,32 +500073,32 +500074,32 +500075,32 +500076,32 +500077,32 +500078,32 +500079,32 +500080,32 +500081,26 +500082,26 +500083,26 +500084,26 +500085,26 +500086,26 +500087,26 +500088,26 +500089,26 +500090,26 +500091,26 +500092,26 +500093,26 +500094,26 +500095,26 +500096,26 +500097,26 +500098,26 +500099,26 +500100,26 +500101,26 +500102,26 +500103,26 +500104,26 +500105,26 +500106,5 +500107,5 +500108,5 +500109,5 +500110,5 +500111,5 +500112,5 +500113,5 +500114,5 +500115,5 +500116,4 +500117,4 +500118,19 +500119,19 +500120,19 +500121,19 +500122,19 +500123,19 +500124,19 +500125,19 +500126,19 +500127,19 +500128,19 +500129,0 +500130,0 +500131,0 +500132,0 +500133,0 +500134,0 +500135,0 +500136,0 +500137,0 +500138,0 +500139,0 +500140,0 +500141,0 +500142,0 +500143,0 +500144,0 +500145,0 +500146,0 +500147,0 +500148,0 +500149,0 +500150,0 +500151,0 +500152,0 +500153,0 +500154,0 +500155,0 +500156,0 +500157,0 +500158,0 +500159,0 +500160,0 +500161,0 +500162,0 +500163,0 +500164,0 +500165,0 +500166,0 +500167,0 +500168,0 +500169,0 +500170,0 +500171,0 +500172,0 +500173,0 +500174,0 +500175,0 +500176,0 +500177,0 +500178,0 +500179,0 +500180,0 +500181,0 +500182,0 +500183,0 +500184,0 +500185,0 +500186,0 +500187,0 +500188,0 +500189,0 +500190,0 +500191,0 +500192,0 +500193,0 +500194,0 +500195,0 +500196,0 +500197,9 +500198,9 +500199,9 +500200,33 +500201,9 +500202,9 +500203,33 +500204,33 +500205,33 +500206,9 +500207,9 +500208,9 +500209,9 +500210,9 +500211,9 +500212,9 +500213,9 +500214,9 +500215,9 +500216,9 +500217,9 +500218,9 +500219,9 +500220,9 +500221,9 +500222,9 +500223,9 +500224,9 +500225,9 +500226,33 +500227,33 +500228,33 +500229,33 +500230,30 +500231,30 +500232,30 +500233,30 +500234,30 +500235,30 +500236,30 +500237,30 +500238,30 +500239,30 +500240,30 +500241,30 +500242,30 +500243,30 +500244,19 +500245,19 +500246,19 +500247,19 +500248,0 +500249,0 +500250,0 +500251,0 +500252,0 +500253,0 +500254,0 +500255,0 +500256,0 +500257,0 +500258,0 +500259,0 +500260,0 +500261,27 +500262,27 +500263,27 +500264,27 +500265,27 +500266,27 +500267,27 +500268,27 +500269,27 +500270,27 +500271,27 +500272,27 +500273,4 +500274,4 +500275,4 +500276,4 +500277,4 +500278,4 +500279,4 +500280,2 +500281,2 +500282,2 +500283,2 +500284,2 +500285,2 +500286,2 +500287,2 +500288,40 +500289,40 +500290,40 +500291,40 +500292,40 +500293,40 +500294,40 +500295,40 +500296,40 +500297,40 +500298,40 +500299,40 +500300,32 +500301,32 +500302,32 +500303,32 +500304,32 +500305,32 +500306,29 +500307,6 +500308,0 +500309,29 +500310,29 +500311,29 +500312,31 +500313,31 +500314,31 +500315,31 +500316,31 +500317,31 +500318,31 +500319,31 +500320,31 +500321,37 +500322,37 +500323,37 +500324,37 +500325,37 +500326,31 +500327,25 +500328,25 +500329,25 +500330,25 +500331,25 +500332,25 +500333,25 +500334,25 +500335,35 +500336,35 +500337,35 +500338,35 +500339,35 +500340,35 +500341,35 +500342,35 +500343,35 +500344,35 +500345,35 +500346,35 +500347,35 +500348,35 +500349,35 +500350,35 +500351,33 +500352,31 +500353,31 +500354,25 +500355,25 +500356,25 +500357,25 +500358,25 +500359,25 +500360,36 +500361,36 +500362,36 +500363,36 +500364,36 +500365,5 +500366,5 +500367,5 +500368,5 +500369,2 +500370,2 +500371,2 +500372,2 +500373,2 +500374,2 +500375,2 +500376,2 +500377,2 +500378,2 +500379,2 +500380,2 +500381,2 +500382,2 +500383,2 +500384,2 +500385,31 +500386,31 +500387,31 +500388,31 +500389,31 +500390,30 +500391,30 +500392,30 +500393,30 +500394,30 +500395,30 +500396,2 +500397,2 +500398,2 +500399,2 +500400,2 +500401,2 +500402,2 +500403,2 +500404,2 +500405,2 +500406,2 +500407,2 +500408,2 +500409,2 +500410,7 +500411,7 +500412,7 +500413,7 +500414,7 +500415,7 +500416,3 +500417,3 +500418,3 +500419,3 +500420,5 +500421,5 +500422,5 +500423,5 +500424,5 +500425,5 +500426,5 +500427,5 +500428,5 +500429,5 +500430,5 +500431,5 +500432,33 +500433,33 +500434,33 +500435,33 +500436,33 +500437,33 +500438,34 +500439,33 +500440,33 +500441,10 +500442,33 +500443,33 +500444,33 +500445,33 +500446,33 +500447,33 +500448,33 +500449,33 +500450,33 +500451,33 +500452,33 +500453,33 +500454,33 +500455,33 +500456,33 +500457,33 +500458,33 +500459,0 +500460,0 +500461,0 +500462,0 +500463,0 +500464,0 +500465,0 +500466,0 +500467,0 +500468,0 +500469,0 +500470,0 +500471,0 +500472,0 +500473,0 +500474,0 +500475,0 +500476,0 +500477,0 +500478,0 +500479,0 +500480,0 +500481,0 +500482,0 +500483,0 +500484,0 +500485,0 +500486,0 +500487,0 +500488,0 +500489,0 +500490,0 +500491,0 +500492,0 +500493,0 +500494,0 +500495,0 +500496,0 +500497,0 +500498,0 +500499,0 +500500,0 +500501,0 +500502,0 +500503,0 +500504,0 +500505,0 +500506,0 +500507,0 +500508,0 +500509,0 +500510,0 +500511,0 +500512,0 +500513,0 +500514,0 +500515,0 +500516,0 +500517,0 +500518,0 +500519,0 +500520,0 +500521,0 +500522,15 +500523,15 +500524,15 +500525,15 +500526,15 +500527,40 +500528,40 +500529,40 +500530,40 +500531,40 +500532,40 +500533,40 +500534,4 +500535,4 +500536,4 +500537,4 +500538,15 +500539,15 +500540,15 +500541,15 +500542,15 +500543,15 +500544,15 +500545,15 +500546,15 +500547,31 +500548,31 +500549,31 +500550,31 +500551,31 +500552,31 +500553,31 +500554,23 +500555,23 +500556,23 +500557,23 +500558,23 +500559,23 +500560,23 +500561,23 +500562,23 +500563,23 +500564,23 +500565,23 +500566,23 +500567,23 +500568,23 +500569,23 +500570,23 +500571,23 +500572,23 +500573,10 +500574,10 +500575,10 +500576,10 +500577,10 +500578,10 +500579,10 +500580,10 +500581,10 +500582,26 +500583,26 +500584,26 +500585,26 +500586,26 +500587,26 +500588,26 +500589,26 +500590,5 +500591,5 +500592,5 +500593,5 +500594,5 +500595,5 +500596,5 +500597,5 +500598,5 +500599,39 +500600,39 +500601,39 +500602,39 +500603,39 +500604,39 +500605,39 +500606,39 +500607,27 +500608,27 +500609,27 +500610,27 +500611,27 +500612,27 +500613,27 +500614,27 +500615,27 +500616,27 +500617,31 +500618,27 +500619,27 +500620,5 +500621,5 +500622,5 +500623,19 +500624,19 +500625,2 +500626,2 +500627,2 +500628,2 +500629,2 +500630,2 +500631,2 +500632,2 +500633,2 +500634,2 +500635,2 +500636,2 +500637,2 +500638,2 +500639,2 +500640,0 +500641,0 +500642,0 +500643,0 +500644,0 +500645,0 +500646,0 +500647,0 +500648,0 +500649,0 +500650,0 +500651,0 +500652,0 +500653,0 +500654,0 +500655,0 +500656,0 +500657,0 +500658,0 +500659,0 +500660,0 +500661,0 +500662,0 +500663,0 +500664,0 +500665,0 +500666,0 +500667,0 +500668,0 +500669,0 +500670,0 +500671,0 +500672,0 +500673,0 +500674,0 +500675,0 +500676,0 +500677,0 +500678,0 +500679,0 +500680,0 +500681,0 +500682,0 +500683,0 +500684,0 +500685,0 +500686,0 +500687,0 +500688,0 +500689,0 +500690,0 +500691,0 +500692,0 +500693,0 +500694,0 +500695,0 +500696,0 +500697,0 +500698,0 +500699,0 +500700,15 +500701,15 +500702,15 +500703,34 +500704,34 +500705,34 +500706,30 +500707,30 +500708,36 +500709,36 +500710,36 +500711,36 +500712,36 +500713,36 +500714,36 +500715,9 +500716,9 +500717,9 +500718,4 +500719,4 +500720,4 +500721,4 +500722,4 +500723,4 +500724,4 +500725,4 +500726,4 +500727,4 +500728,23 +500729,23 +500730,23 +500731,23 +500732,23 +500733,23 +500734,23 +500735,23 +500736,23 +500737,23 +500738,23 +500739,23 +500740,23 +500741,23 +500742,9 +500743,9 +500744,9 +500745,9 +500746,9 +500747,9 +500748,9 +500749,9 +500750,37 +500751,37 +500752,37 +500753,37 +500754,37 +500755,37 +500756,35 +500757,35 +500758,35 +500759,35 +500760,35 +500761,35 +500762,27 +500763,27 +500764,27 +500765,27 +500766,27 +500767,27 +500768,8 +500769,8 +500770,8 +500771,8 +500772,8 +500773,8 +500774,8 +500775,8 +500776,2 +500777,2 +500778,8 +500779,8 +500780,2 +500781,2 +500782,2 +500783,2 +500784,29 +500785,29 +500786,29 +500787,29 +500788,29 +500789,29 +500790,36 +500791,36 +500792,36 +500793,36 +500794,36 +500795,36 +500796,36 +500797,36 +500798,36 +500799,36 +500800,36 +500801,40 +500802,40 +500803,40 +500804,40 +500805,40 +500806,40 +500807,23 +500808,23 +500809,23 +500810,23 +500811,23 +500812,23 +500813,23 +500814,2 +500815,2 +500816,2 +500817,2 +500818,2 +500819,4 +500820,2 +500821,2 +500822,2 +500823,2 +500824,2 +500825,8 +500826,8 +500827,0 +500828,0 +500829,4 +500830,4 +500831,0 +500832,0 +500833,0 +500834,0 +500835,0 +500836,27 +500837,27 +500838,27 +500839,0 +500840,0 +500841,0 +500842,27 +500843,27 +500844,27 +500845,27 +500846,27 +500847,27 +500848,27 +500849,27 +500850,27 +500851,5 +500852,5 +500853,5 +500854,5 +500855,5 +500856,28 +500857,28 +500858,5 +500859,5 +500860,5 +500861,5 +500862,32 +500863,32 +500864,32 +500865,32 +500866,32 +500867,32 +500868,32 +500869,32 +500870,32 +500871,32 +500872,32 +500873,37 +500874,37 +500875,37 +500876,37 +500877,37 +500878,37 +500879,37 +500880,37 +500881,10 +500882,10 +500883,10 +500884,10 +500885,10 +500886,10 +500887,10 +500888,10 +500889,10 +500890,10 +500891,10 +500892,10 +500893,10 +500894,10 +500895,10 +500896,10 +500897,10 +500898,10 +500899,10 +500900,10 +500901,10 +500902,10 +500903,29 +500904,29 +500905,19 +500906,5 +500907,31 +500908,31 +500909,31 +500910,31 +500911,31 +500912,24 +500913,24 +500914,24 +500915,24 +500916,24 +500917,24 +500918,24 +500919,24 +500920,30 +500921,12 +500922,9 +500923,9 +500924,9 +500925,9 +500926,9 +500927,9 +500928,9 +500929,9 +500930,9 +500931,9 +500932,9 +500933,9 +500934,9 +500935,30 +500936,30 +500937,30 +500938,30 +500939,30 +500940,30 +500941,30 +500942,30 +500943,29 +500944,29 +500945,29 +500946,29 +500947,29 +500948,29 +500949,27 +500950,27 +500951,27 +500952,27 +500953,27 +500954,27 +500955,27 +500956,27 +500957,27 +500958,8 +500959,8 +500960,8 +500961,8 +500962,8 +500963,8 +500964,8 +500965,21 +500966,21 +500967,21 +500968,21 +500969,21 +500970,21 +500971,21 +500972,21 +500973,21 +500974,37 +500975,37 +500976,37 +500977,37 +500978,37 +500979,37 +500980,37 +500981,37 +500982,37 +500983,33 +500984,33 +500985,33 +500986,33 +500987,33 +500988,33 +500989,33 +500990,33 +500991,33 +500992,33 +500993,33 +500994,33 +500995,33 +500996,33 +500997,33 +500998,33 +500999,33 +501000,33 +501001,38 +501002,38 +501003,38 +501004,38 +501005,29 +501006,24 +501007,38 +501008,24 +501009,24 +501010,24 +501011,24 +501012,31 +501013,31 +501014,31 +501015,31 +501016,31 +501017,31 +501018,31 +501019,31 +501020,31 +501021,31 +501022,31 +501023,31 +501024,31 +501025,31 +501026,31 +501027,24 +501028,24 +501029,24 +501030,24 +501031,24 +501032,24 +501033,24 +501034,24 +501035,24 +501036,24 +501037,24 +501038,24 +501039,40 +501040,40 +501041,40 +501042,40 +501043,40 +501044,40 +501045,40 +501046,40 +501047,40 +501048,40 +501049,5 +501050,5 +501051,5 +501052,5 +501053,5 +501054,5 +501055,5 +501056,31 +501057,31 +501058,31 +501059,8 +501060,2 +501061,2 +501062,2 +501063,2 +501064,2 +501065,2 +501066,2 +501067,2 +501068,23 +501069,23 +501070,23 +501071,2 +501072,11 +501073,31 +501074,31 +501075,31 +501076,31 +501077,31 +501078,31 +501079,30 +501080,30 +501081,30 +501082,30 +501083,30 +501084,30 +501085,30 +501086,30 +501087,30 +501088,30 +501089,6 +501090,6 +501091,6 +501092,6 +501093,6 +501094,6 +501095,6 +501096,6 +501097,6 +501098,6 +501099,6 +501100,6 +501101,6 +501102,36 +501103,36 +501104,36 +501105,36 +501106,36 +501107,36 +501108,36 +501109,36 +501110,36 +501111,36 +501112,36 +501113,13 +501114,13 +501115,13 +501116,13 +501117,13 +501118,13 +501119,13 +501120,13 +501121,6 +501122,6 +501123,6 +501124,6 +501125,6 +501126,6 +501127,6 +501128,6 +501129,6 +501130,6 +501131,6 +501132,6 +501133,6 +501134,25 +501135,25 +501136,25 +501137,25 +501138,25 +501139,25 +501140,25 +501141,25 +501142,25 +501143,25 +501144,25 +501145,25 +501146,25 +501147,25 +501148,25 +501149,25 +501150,25 +501151,25 +501152,0 +501153,0 +501154,14 +501155,14 +501156,14 +501157,14 +501158,14 +501159,14 +501160,39 +501161,39 +501162,39 +501163,39 +501164,39 +501165,39 +501166,39 +501167,39 +501168,39 +501169,39 +501170,39 +501171,39 +501172,39 +501173,39 +501174,4 +501175,4 +501176,4 +501177,4 +501178,4 +501179,4 +501180,4 +501181,4 +501182,4 +501183,4 +501184,27 +501185,27 +501186,27 +501187,27 +501188,27 +501189,27 +501190,27 +501191,27 +501192,27 +501193,27 +501194,27 +501195,27 +501196,28 +501197,28 +501198,28 +501199,28 +501200,28 +501201,28 +501202,28 +501203,28 +501204,28 +501205,28 +501206,28 +501207,28 +501208,28 +501209,28 +501210,28 +501211,28 +501212,28 +501213,28 +501214,4 +501215,32 +501216,32 +501217,32 +501218,32 +501219,32 +501220,32 +501221,32 +501222,4 +501223,6 +501224,4 +501225,4 +501226,4 +501227,4 +501228,4 +501229,27 +501230,27 +501231,27 +501232,27 +501233,27 +501234,19 +501235,19 +501236,19 +501237,19 +501238,19 +501239,19 +501240,19 +501241,19 +501242,19 +501243,40 +501244,40 +501245,40 +501246,40 +501247,40 +501248,40 +501249,40 +501250,40 +501251,40 +501252,40 +501253,40 +501254,40 +501255,40 +501256,40 +501257,40 +501258,40 +501259,38 +501260,38 +501261,38 +501262,38 +501263,38 +501264,38 +501265,38 +501266,38 +501267,38 +501268,38 +501269,38 +501270,0 +501271,0 +501272,0 +501273,0 +501274,0 +501275,0 +501276,0 +501277,0 +501278,0 +501279,0 +501280,0 +501281,0 +501282,0 +501283,0 +501284,0 +501285,0 +501286,0 +501287,0 +501288,0 +501289,0 +501290,0 +501291,0 +501292,0 +501293,0 +501294,0 +501295,0 +501296,0 +501297,0 +501298,0 +501299,0 +501300,0 +501301,0 +501302,0 +501303,0 +501304,0 +501305,0 +501306,0 +501307,0 +501308,0 +501309,0 +501310,0 +501311,0 +501312,0 +501313,0 +501314,0 +501315,0 +501316,0 +501317,0 +501318,0 +501319,0 +501320,0 +501321,0 +501322,0 +501323,0 +501324,0 +501325,0 +501326,0 +501327,0 +501328,0 +501329,0 +501330,0 +501331,0 +501332,0 +501333,0 +501334,31 +501335,31 +501336,31 +501337,31 +501338,31 +501339,6 +501340,6 +501341,6 +501342,6 +501343,6 +501344,6 +501345,6 +501346,6 +501347,6 +501348,6 +501349,31 +501350,31 +501351,31 +501352,31 +501353,5 +501354,5 +501355,5 +501356,5 +501357,19 +501358,5 +501359,23 +501360,23 +501361,23 +501362,23 +501363,23 +501364,23 +501365,23 +501366,23 +501367,23 +501368,24 +501369,24 +501370,23 +501371,40 +501372,40 +501373,40 +501374,40 +501375,40 +501376,40 +501377,40 +501378,11 +501379,11 +501380,11 +501381,11 +501382,11 +501383,11 +501384,11 +501385,11 +501386,11 +501387,11 +501388,11 +501389,11 +501390,11 +501391,11 +501392,31 +501393,31 +501394,31 +501395,5 +501396,5 +501397,5 +501398,5 +501399,5 +501400,5 +501401,5 +501402,5 +501403,5 +501404,28 +501405,28 +501406,28 +501407,28 +501408,28 +501409,14 +501410,14 +501411,14 +501412,14 +501413,14 +501414,14 +501415,14 +501416,14 +501417,14 +501418,14 +501419,14 +501420,14 +501421,14 +501422,14 +501423,14 +501424,14 +501425,14 +501426,14 +501427,14 +501428,19 +501429,19 +501430,19 +501431,19 +501432,19 +501433,19 +501434,36 +501435,36 +501436,36 +501437,40 +501438,40 +501439,40 +501440,40 +501441,4 +501442,24 +501443,24 +501444,24 +501445,24 +501446,4 +501447,29 +501448,29 +501449,29 +501450,31 +501451,31 +501452,31 +501453,31 +501454,31 +501455,31 +501456,31 +501457,30 +501458,30 +501459,30 +501460,30 +501461,30 +501462,30 +501463,30 +501464,30 +501465,30 +501466,30 +501467,30 +501468,30 +501469,30 +501470,30 +501471,30 +501472,30 +501473,30 +501474,36 +501475,36 +501476,36 +501477,36 +501478,36 +501479,36 +501480,36 +501481,36 +501482,36 +501483,36 +501484,36 +501485,36 +501486,36 +501487,36 +501488,36 +501489,36 +501490,36 +501491,36 +501492,36 +501493,2 +501494,2 +501495,2 +501496,2 +501497,2 +501498,2 +501499,2 +501500,2 +501501,4 +501502,4 +501503,4 +501504,4 +501505,4 +501506,4 +501507,4 +501508,28 +501509,28 +501510,28 +501511,28 +501512,28 +501513,28 +501514,28 +501515,28 +501516,28 +501517,28 +501518,28 +501519,9 +501520,9 +501521,9 +501522,9 +501523,9 +501524,9 +501525,9 +501526,9 +501527,9 +501528,30 +501529,30 +501530,30 +501531,30 +501532,30 +501533,30 +501534,30 +501535,28 +501536,28 +501537,28 +501538,28 +501539,28 +501540,28 +501541,28 +501542,27 +501543,27 +501544,27 +501545,31 +501546,31 +501547,31 +501548,31 +501549,31 +501550,5 +501551,5 +501552,5 +501553,5 +501554,4 +501555,4 +501556,4 +501557,4 +501558,4 +501559,4 +501560,4 +501561,4 +501562,4 +501563,4 +501564,4 +501565,4 +501566,4 +501567,4 +501568,4 +501569,4 +501570,4 +501571,4 +501572,0 +501573,0 +501574,0 +501575,0 +501576,0 +501577,0 +501578,0 +501579,0 +501580,0 +501581,0 +501582,0 +501583,0 +501584,0 +501585,0 +501586,0 +501587,27 +501588,27 +501589,27 +501590,27 +501591,27 +501592,27 +501593,6 +501594,6 +501595,6 +501596,6 +501597,6 +501598,6 +501599,6 +501600,6 +501601,6 +501602,6 +501603,6 +501604,2 +501605,2 +501606,2 +501607,2 +501608,2 +501609,2 +501610,2 +501611,2 +501612,2 +501613,2 +501614,2 +501615,4 +501616,4 +501617,4 +501618,4 +501619,4 +501620,4 +501621,9 +501622,9 +501623,9 +501624,9 +501625,9 +501626,9 +501627,9 +501628,9 +501629,9 +501630,9 +501631,9 +501632,9 +501633,37 +501634,37 +501635,37 +501636,37 +501637,19 +501638,19 +501639,4 +501640,14 +501641,14 +501642,14 +501643,14 +501644,14 +501645,14 +501646,14 +501647,14 +501648,27 +501649,19 +501650,19 +501651,19 +501652,19 +501653,19 +501654,21 +501655,21 +501656,21 +501657,21 +501658,19 +501659,12 +501660,12 +501661,12 +501662,12 +501663,40 +501664,40 +501665,40 +501666,5 +501667,5 +501668,5 +501669,5 +501670,5 +501671,5 +501672,5 +501673,5 +501674,5 +501675,31 +501676,31 +501677,31 +501678,31 +501679,31 +501680,6 +501681,6 +501682,6 +501683,6 +501684,6 +501685,6 +501686,6 +501687,6 +501688,6 +501689,6 +501690,6 +501691,6 +501692,6 +501693,6 +501694,6 +501695,6 +501696,6 +501697,26 +501698,26 +501699,26 +501700,26 +501701,10 +501702,10 +501703,10 +501704,10 +501705,10 +501706,10 +501707,10 +501708,10 +501709,10 +501710,10 +501711,10 +501712,10 +501713,10 +501714,10 +501715,10 +501716,10 +501717,10 +501718,10 +501719,10 +501720,10 +501721,28 +501722,28 +501723,28 +501724,28 +501725,28 +501726,28 +501727,28 +501728,28 +501729,28 +501730,32 +501731,32 +501732,32 +501733,32 +501734,32 +501735,32 +501736,32 +501737,32 +501738,32 +501739,32 +501740,32 +501741,35 +501742,35 +501743,35 +501744,35 +501745,35 +501746,35 +501747,36 +501748,36 +501749,36 +501750,36 +501751,19 +501752,19 +501753,19 +501754,28 +501755,28 +501756,28 +501757,10 +501758,10 +501759,10 +501760,26 +501761,26 +501762,26 +501763,26 +501764,26 +501765,26 +501766,26 +501767,26 +501768,26 +501769,26 +501770,26 +501771,26 +501772,4 +501773,4 +501774,4 +501775,4 +501776,4 +501777,4 +501778,4 +501779,15 +501780,15 +501781,15 +501782,39 +501783,39 +501784,39 +501785,39 +501786,39 +501787,39 +501788,39 +501789,39 +501790,19 +501791,19 +501792,19 +501793,19 +501794,19 +501795,19 +501796,19 +501797,27 +501798,27 +501799,27 +501800,27 +501801,27 +501802,5 +501803,5 +501804,5 +501805,5 +501806,5 +501807,5 +501808,5 +501809,5 +501810,10 +501811,10 +501812,10 +501813,10 +501814,26 +501815,26 +501816,26 +501817,26 +501818,26 +501819,26 +501820,26 +501821,26 +501822,26 +501823,26 +501824,10 +501825,10 +501826,10 +501827,10 +501828,10 +501829,10 +501830,10 +501831,10 +501832,10 +501833,10 +501834,10 +501835,10 +501836,10 +501837,10 +501838,10 +501839,10 +501840,10 +501841,10 +501842,10 +501843,19 +501844,19 +501845,19 +501846,19 +501847,19 +501848,19 +501849,19 +501850,19 +501851,19 +501852,19 +501853,0 +501854,0 +501855,0 +501856,0 +501857,0 +501858,0 +501859,0 +501860,0 +501861,0 +501862,0 +501863,0 +501864,0 +501865,0 +501866,0 +501867,0 +501868,0 +501869,0 +501870,0 +501871,0 +501872,0 +501873,0 +501874,0 +501875,0 +501876,0 +501877,0 +501878,0 +501879,0 +501880,0 +501881,0 +501882,0 +501883,0 +501884,0 +501885,0 +501886,0 +501887,0 +501888,0 +501889,0 +501890,0 +501891,0 +501892,0 +501893,0 +501894,0 +501895,19 +501896,19 +501897,19 +501898,19 +501899,19 +501900,19 +501901,19 +501902,19 +501903,27 +501904,27 +501905,27 +501906,27 +501907,27 +501908,28 +501909,28 +501910,28 +501911,28 +501912,28 +501913,28 +501914,28 +501915,28 +501916,28 +501917,28 +501918,28 +501919,28 +501920,28 +501921,27 +501922,14 +501923,14 +501924,36 +501925,36 +501926,36 +501927,5 +501928,5 +501929,5 +501930,5 +501931,5 +501932,5 +501933,14 +501934,14 +501935,14 +501936,14 +501937,14 +501938,11 +501939,11 +501940,11 +501941,11 +501942,11 +501943,11 +501944,11 +501945,11 +501946,11 +501947,11 +501948,11 +501949,11 +501950,11 +501951,27 +501952,27 +501953,27 +501954,27 +501955,27 +501956,27 +501957,27 +501958,27 +501959,27 +501960,8 +501961,8 +501962,8 +501963,8 +501964,8 +501965,8 +501966,8 +501967,8 +501968,8 +501969,8 +501970,8 +501971,5 +501972,5 +501973,5 +501974,5 +501975,5 +501976,5 +501977,5 +501978,5 +501979,5 +501980,5 +501981,5 +501982,5 +501983,5 +501984,26 +501985,26 +501986,26 +501987,26 +501988,26 +501989,26 +501990,26 +501991,26 +501992,26 +501993,26 +501994,26 +501995,26 +501996,4 +501997,4 +501998,4 +501999,4 +502000,4 +502001,4 +502002,4 +502003,29 +502004,29 +502005,29 +502006,29 +502007,31 +502008,31 +502009,4 +502010,31 +502011,32 +502012,32 +502013,32 +502014,32 +502015,32 +502016,32 +502017,32 +502018,32 +502019,32 +502020,32 +502021,32 +502022,32 +502023,32 +502024,32 +502025,32 +502026,32 +502027,10 +502028,10 +502029,10 +502030,10 +502031,10 +502032,31 +502033,5 +502034,5 +502035,5 +502036,5 +502037,5 +502038,27 +502039,27 +502040,27 +502041,27 +502042,11 +502043,11 +502044,11 +502045,11 +502046,11 +502047,11 +502048,11 +502049,11 +502050,11 +502051,11 +502052,11 +502053,11 +502054,11 +502055,11 +502056,11 +502057,28 +502058,28 +502059,28 +502060,28 +502061,31 +502062,31 +502063,31 +502064,31 +502065,31 +502066,27 +502067,27 +502068,27 +502069,27 +502070,27 +502071,27 +502072,27 +502073,27 +502074,27 +502075,27 +502076,27 +502077,27 +502078,27 +502079,27 +502080,5 +502081,5 +502082,5 +502083,5 +502084,5 +502085,5 +502086,5 +502087,23 +502088,23 +502089,23 +502090,23 +502091,23 +502092,23 +502093,23 +502094,23 +502095,23 +502096,23 +502097,23 +502098,23 +502099,23 +502100,23 +502101,30 +502102,31 +502103,31 +502104,31 +502105,31 +502106,31 +502107,31 +502108,31 +502109,6 +502110,6 +502111,6 +502112,6 +502113,6 +502114,6 +502115,6 +502116,6 +502117,6 +502118,6 +502119,6 +502120,6 +502121,19 +502122,19 +502123,19 +502124,19 +502125,27 +502126,27 +502127,27 +502128,27 +502129,27 +502130,27 +502131,27 +502132,27 +502133,27 +502134,27 +502135,27 +502136,4 +502137,4 +502138,4 +502139,4 +502140,4 +502141,4 +502142,4 +502143,4 +502144,19 +502145,0 +502146,0 +502147,0 +502148,0 +502149,0 +502150,0 +502151,0 +502152,26 +502153,26 +502154,26 +502155,26 +502156,26 +502157,26 +502158,26 +502159,26 +502160,5 +502161,5 +502162,5 +502163,5 +502164,5 +502165,5 +502166,5 +502167,5 +502168,29 +502169,29 +502170,31 +502171,31 +502172,31 +502173,21 +502174,21 +502175,21 +502176,21 +502177,21 +502178,21 +502179,21 +502180,21 +502181,21 +502182,21 +502183,21 +502184,21 +502185,27 +502186,27 +502187,27 +502188,27 +502189,27 +502190,27 +502191,27 +502192,30 +502193,30 +502194,30 +502195,30 +502196,30 +502197,30 +502198,30 +502199,30 +502200,30 +502201,30 +502202,4 +502203,4 +502204,4 +502205,4 +502206,4 +502207,4 +502208,4 +502209,4 +502210,4 +502211,4 +502212,4 +502213,4 +502214,4 +502215,39 +502216,39 +502217,39 +502218,39 +502219,39 +502220,39 +502221,39 +502222,39 +502223,39 +502224,39 +502225,39 +502226,39 +502227,39 +502228,39 +502229,39 +502230,39 +502231,39 +502232,39 +502233,0 +502234,0 +502235,0 +502236,0 +502237,0 +502238,0 +502239,0 +502240,0 +502241,0 +502242,0 +502243,0 +502244,0 +502245,0 +502246,0 +502247,0 +502248,0 +502249,0 +502250,0 +502251,0 +502252,0 +502253,0 +502254,0 +502255,0 +502256,0 +502257,0 +502258,0 +502259,0 +502260,0 +502261,0 +502262,0 +502263,0 +502264,0 +502265,0 +502266,0 +502267,0 +502268,0 +502269,0 +502270,0 +502271,0 +502272,0 +502273,0 +502274,0 +502275,0 +502276,0 +502277,0 +502278,0 +502279,0 +502280,0 +502281,0 +502282,0 +502283,0 +502284,0 +502285,0 +502286,0 +502287,0 +502288,0 +502289,0 +502290,0 +502291,0 +502292,0 +502293,0 +502294,0 +502295,0 +502296,0 +502297,0 +502298,0 +502299,0 +502300,0 +502301,0 +502302,0 +502303,0 +502304,0 +502305,0 +502306,0 +502307,0 +502308,0 +502309,0 +502310,0 +502311,0 +502312,0 +502313,0 +502314,0 +502315,0 +502316,0 +502317,0 +502318,0 +502319,0 +502320,0 +502321,0 +502322,0 +502323,0 +502324,0 +502325,10 +502326,10 +502327,10 +502328,0 +502329,0 +502330,0 +502331,0 +502332,0 +502333,10 +502334,10 +502335,10 +502336,10 +502337,10 +502338,10 +502339,10 +502340,10 +502341,10 +502342,10 +502343,10 +502344,10 +502345,10 +502346,10 +502347,10 +502348,10 +502349,10 +502350,10 +502351,10 +502352,10 +502353,27 +502354,27 +502355,24 +502356,24 +502357,24 +502358,24 +502359,28 +502360,28 +502361,28 +502362,28 +502363,24 +502364,28 +502365,19 +502366,6 +502367,6 +502368,6 +502369,19 +502370,19 +502371,19 +502372,19 +502373,19 +502374,19 +502375,19 +502376,19 +502377,19 +502378,19 +502379,19 +502380,19 +502381,19 +502382,5 +502383,26 +502384,26 +502385,36 +502386,36 +502387,36 +502388,36 +502389,36 +502390,36 +502391,36 +502392,36 +502393,36 +502394,36 +502395,36 +502396,36 +502397,36 +502398,26 +502399,36 +502400,10 +502401,36 +502402,36 +502403,36 +502404,36 +502405,36 +502406,18 +502407,18 +502408,21 +502409,21 +502410,21 +502411,20 +502412,20 +502413,20 +502414,20 +502415,20 +502416,20 +502417,20 +502418,20 +502419,3 +502420,3 +502421,3 +502422,3 +502423,3 +502424,3 +502425,3 +502426,35 +502427,3 +502428,3 +502429,3 +502430,3 +502431,6 +502432,6 +502433,6 +502434,6 +502435,6 +502436,6 +502437,6 +502438,6 +502439,6 +502440,6 +502441,6 +502442,6 +502443,6 +502444,6 +502445,33 +502446,33 +502447,33 +502448,34 +502449,34 +502450,34 +502451,34 +502452,34 +502453,33 +502454,33 +502455,33 +502456,33 +502457,33 +502458,5 +502459,5 +502460,5 +502461,5 +502462,5 +502463,5 +502464,5 +502465,5 +502466,5 +502467,5 +502468,5 +502469,5 +502470,5 +502471,5 +502472,5 +502473,5 +502474,5 +502475,5 +502476,28 +502477,28 +502478,28 +502479,28 +502480,3 +502481,0 +502482,3 +502483,3 +502484,3 +502485,33 +502486,0 +502487,0 +502488,0 +502489,0 +502490,0 +502491,0 +502492,0 +502493,0 +502494,0 +502495,0 +502496,0 +502497,0 +502498,0 +502499,0 +502500,0 +502501,0 +502502,0 +502503,0 +502504,0 +502505,0 +502506,0 +502507,0 +502508,0 +502509,0 +502510,0 +502511,0 +502512,0 +502513,0 +502514,0 +502515,0 +502516,0 +502517,0 +502518,0 +502519,0 +502520,0 +502521,0 +502522,0 +502523,0 +502524,0 +502525,0 +502526,0 +502527,0 +502528,0 +502529,0 +502530,0 +502531,0 +502532,23 +502533,23 +502534,23 +502535,23 +502536,23 +502537,23 +502538,23 +502539,23 +502540,23 +502541,23 +502542,9 +502543,9 +502544,37 +502545,31 +502546,37 +502547,37 +502548,37 +502549,37 +502550,24 +502551,24 +502552,35 +502553,24 +502554,35 +502555,35 +502556,40 +502557,40 +502558,40 +502559,27 +502560,27 +502561,27 +502562,37 +502563,37 +502564,37 +502565,37 +502566,37 +502567,37 +502568,25 +502569,25 +502570,25 +502571,25 +502572,2 +502573,2 +502574,2 +502575,2 +502576,2 +502577,2 +502578,2 +502579,2 +502580,2 +502581,2 +502582,2 +502583,2 +502584,2 +502585,40 +502586,36 +502587,36 +502588,36 +502589,36 +502590,36 +502591,16 +502592,16 +502593,16 +502594,4 +502595,4 +502596,16 +502597,16 +502598,16 +502599,16 +502600,16 +502601,16 +502602,16 +502603,16 +502604,16 +502605,23 +502606,23 +502607,23 +502608,23 +502609,23 +502610,23 +502611,23 +502612,23 +502613,23 +502614,26 +502615,26 +502616,26 +502617,26 +502618,26 +502619,26 +502620,26 +502621,26 +502622,26 +502623,5 +502624,5 +502625,5 +502626,5 +502627,5 +502628,5 +502629,5 +502630,5 +502631,5 +502632,35 +502633,35 +502634,35 +502635,35 +502636,35 +502637,35 +502638,35 +502639,35 +502640,35 +502641,35 +502642,39 +502643,39 +502644,39 +502645,39 +502646,39 +502647,39 +502648,3 +502649,37 +502650,37 +502651,37 +502652,3 +502653,25 +502654,25 +502655,25 +502656,25 +502657,25 +502658,25 +502659,25 +502660,25 +502661,25 +502662,25 +502663,25 +502664,25 +502665,25 +502666,25 +502667,25 +502668,25 +502669,25 +502670,25 +502671,25 +502672,25 +502673,25 +502674,25 +502675,25 +502676,0 +502677,0 +502678,0 +502679,0 +502680,0 +502681,0 +502682,0 +502683,0 +502684,0 +502685,0 +502686,0 +502687,0 +502688,0 +502689,0 +502690,0 +502691,0 +502692,0 +502693,0 +502694,0 +502695,0 +502696,0 +502697,0 +502698,0 +502699,0 +502700,0 +502701,0 +502702,0 +502703,0 +502704,0 +502705,0 +502706,0 +502707,0 +502708,0 +502709,0 +502710,0 +502711,0 +502712,0 +502713,0 +502714,0 +502715,0 +502716,0 +502717,0 +502718,0 +502719,0 +502720,0 +502721,0 +502722,0 +502723,0 +502724,0 +502725,0 +502726,0 +502727,0 +502728,0 +502729,0 +502730,0 +502731,0 +502732,0 +502733,0 +502734,0 +502735,0 +502736,0 +502737,0 +502738,0 +502739,0 +502740,0 +502741,0 +502742,0 +502743,0 +502744,0 +502745,35 +502746,35 +502747,35 +502748,35 +502749,35 +502750,35 +502751,35 +502752,35 +502753,35 +502754,35 +502755,35 +502756,35 +502757,35 +502758,35 +502759,35 +502760,35 +502761,35 +502762,35 +502763,12 +502764,12 +502765,12 +502766,12 +502767,10 +502768,10 +502769,10 +502770,31 +502771,31 +502772,4 +502773,4 +502774,4 +502775,4 +502776,4 +502777,4 +502778,4 +502779,4 +502780,4 +502781,4 +502782,4 +502783,4 +502784,7 +502785,7 +502786,7 +502787,7 +502788,7 +502789,7 +502790,7 +502791,7 +502792,7 +502793,3 +502794,3 +502795,3 +502796,3 +502797,3 +502798,3 +502799,3 +502800,38 +502801,38 +502802,38 +502803,38 +502804,38 +502805,38 +502806,38 +502807,38 +502808,38 +502809,38 +502810,27 +502811,27 +502812,27 +502813,27 +502814,13 +502815,13 +502816,13 +502817,13 +502818,6 +502819,6 +502820,6 +502821,6 +502822,6 +502823,6 +502824,31 +502825,31 +502826,31 +502827,31 +502828,31 +502829,8 +502830,8 +502831,8 +502832,8 +502833,8 +502834,8 +502835,8 +502836,8 +502837,35 +502838,35 +502839,35 +502840,35 +502841,35 +502842,36 +502843,36 +502844,36 +502845,36 +502846,36 +502847,36 +502848,36 +502849,36 +502850,4 +502851,4 +502852,4 +502853,4 +502854,4 +502855,4 +502856,4 +502857,4 +502858,32 +502859,27 +502860,31 +502861,31 +502862,31 +502863,31 +502864,31 +502865,31 +502866,5 +502867,5 +502868,5 +502869,5 +502870,5 +502871,5 +502872,5 +502873,19 +502874,19 +502875,19 +502876,19 +502877,38 +502878,38 +502879,38 +502880,38 +502881,27 +502882,27 +502883,27 +502884,27 +502885,27 +502886,27 +502887,2 +502888,2 +502889,2 +502890,2 +502891,2 +502892,2 +502893,2 +502894,2 +502895,2 +502896,2 +502897,2 +502898,2 +502899,28 +502900,28 +502901,28 +502902,28 +502903,9 +502904,9 +502905,9 +502906,9 +502907,9 +502908,9 +502909,37 +502910,37 +502911,37 +502912,37 +502913,28 +502914,28 +502915,28 +502916,5 +502917,5 +502918,28 +502919,27 +502920,27 +502921,27 +502922,27 +502923,27 +502924,13 +502925,13 +502926,13 +502927,13 +502928,13 +502929,13 +502930,13 +502931,13 +502932,13 +502933,13 +502934,13 +502935,13 +502936,13 +502937,13 +502938,13 +502939,5 +502940,5 +502941,5 +502942,5 +502943,5 +502944,0 +502945,0 +502946,0 +502947,0 +502948,0 +502949,0 +502950,0 +502951,0 +502952,0 +502953,0 +502954,0 +502955,0 +502956,0 +502957,0 +502958,0 +502959,0 +502960,0 +502961,0 +502962,0 +502963,0 +502964,0 +502965,0 +502966,0 +502967,0 +502968,0 +502969,0 +502970,0 +502971,0 +502972,0 +502973,0 +502974,0 +502975,0 +502976,0 +502977,0 +502978,0 +502979,0 +502980,0 +502981,0 +502982,0 +502983,0 +502984,0 +502985,0 +502986,0 +502987,0 +502988,0 +502989,0 +502990,0 +502991,0 +502992,0 +502993,0 +502994,0 +502995,0 +502996,0 +502997,0 +502998,0 +502999,0 +503000,0 +503001,0 +503002,0 +503003,0 +503004,0 +503005,0 +503006,0 +503007,0 +503008,0 +503009,0 +503010,0 +503011,0 +503012,0 +503013,0 +503014,0 +503015,0 +503016,0 +503017,0 +503018,0 +503019,0 +503020,0 +503021,0 +503022,28 +503023,28 +503024,0 +503025,0 +503026,0 +503027,0 +503028,0 +503029,28 +503030,28 +503031,28 +503032,28 +503033,28 +503034,28 +503035,28 +503036,10 +503037,10 +503038,10 +503039,10 +503040,10 +503041,10 +503042,10 +503043,10 +503044,10 +503045,5 +503046,5 +503047,5 +503048,5 +503049,5 +503050,14 +503051,14 +503052,14 +503053,14 +503054,14 +503055,14 +503056,14 +503057,14 +503058,14 +503059,14 +503060,14 +503061,14 +503062,28 +503063,28 +503064,28 +503065,28 +503066,28 +503067,28 +503068,28 +503069,28 +503070,27 +503071,27 +503072,27 +503073,27 +503074,27 +503075,27 +503076,2 +503077,2 +503078,2 +503079,2 +503080,2 +503081,2 +503082,2 +503083,2 +503084,2 +503085,2 +503086,2 +503087,2 +503088,2 +503089,2 +503090,12 +503091,12 +503092,12 +503093,12 +503094,12 +503095,12 +503096,12 +503097,12 +503098,12 +503099,12 +503100,12 +503101,10 +503102,10 +503103,10 +503104,10 +503105,26 +503106,26 +503107,26 +503108,26 +503109,26 +503110,37 +503111,37 +503112,37 +503113,37 +503114,37 +503115,37 +503116,37 +503117,37 +503118,37 +503119,37 +503120,37 +503121,5 +503122,5 +503123,5 +503124,5 +503125,35 +503126,35 +503127,35 +503128,35 +503129,35 +503130,35 +503131,35 +503132,35 +503133,35 +503134,39 +503135,39 +503136,39 +503137,39 +503138,39 +503139,39 +503140,39 +503141,39 +503142,39 +503143,39 +503144,39 +503145,36 +503146,36 +503147,36 +503148,36 +503149,36 +503150,36 +503151,36 +503152,36 +503153,36 +503154,5 +503155,5 +503156,5 +503157,5 +503158,2 +503159,2 +503160,2 +503161,2 +503162,2 +503163,2 +503164,2 +503165,2 +503166,2 +503167,2 +503168,2 +503169,2 +503170,2 +503171,25 +503172,25 +503173,25 +503174,25 +503175,25 +503176,25 +503177,25 +503178,25 +503179,25 +503180,25 +503181,25 +503182,25 +503183,25 +503184,4 +503185,4 +503186,4 +503187,18 +503188,18 +503189,18 +503190,18 +503191,18 +503192,18 +503193,18 +503194,0 +503195,0 +503196,0 +503197,0 +503198,0 +503199,0 +503200,0 +503201,0 +503202,0 +503203,0 +503204,0 +503205,0 +503206,0 +503207,0 +503208,0 +503209,0 +503210,0 +503211,0 +503212,0 +503213,0 +503214,0 +503215,0 +503216,0 +503217,0 +503218,0 +503219,0 +503220,0 +503221,0 +503222,0 +503223,0 +503224,0 +503225,0 +503226,0 +503227,0 +503228,0 +503229,0 +503230,0 +503231,0 +503232,0 +503233,0 +503234,0 +503235,0 +503236,0 +503237,0 +503238,0 +503239,0 +503240,0 +503241,0 +503242,0 +503243,26 +503244,10 +503245,10 +503246,10 +503247,10 +503248,10 +503249,9 +503250,26 +503251,26 +503252,26 +503253,26 +503254,26 +503255,26 +503256,26 +503257,10 +503258,10 +503259,10 +503260,10 +503261,10 +503262,10 +503263,10 +503264,10 +503265,26 +503266,10 +503267,10 +503268,10 +503269,10 +503270,10 +503271,10 +503272,10 +503273,10 +503274,10 +503275,10 +503276,39 +503277,39 +503278,39 +503279,39 +503280,31 +503281,31 +503282,31 +503283,31 +503284,31 +503285,31 +503286,31 +503287,13 +503288,13 +503289,13 +503290,13 +503291,13 +503292,13 +503293,13 +503294,13 +503295,13 +503296,13 +503297,28 +503298,28 +503299,28 +503300,28 +503301,28 +503302,28 +503303,28 +503304,36 +503305,36 +503306,36 +503307,36 +503308,36 +503309,36 +503310,36 +503311,36 +503312,36 +503313,36 +503314,36 +503315,36 +503316,36 +503317,36 +503318,36 +503319,36 +503320,36 +503321,36 +503322,5 +503323,5 +503324,5 +503325,5 +503326,5 +503327,5 +503328,5 +503329,5 +503330,5 +503331,5 +503332,7 +503333,7 +503334,7 +503335,7 +503336,7 +503337,7 +503338,26 +503339,26 +503340,9 +503341,9 +503342,9 +503343,9 +503344,9 +503345,9 +503346,10 +503347,5 +503348,5 +503349,5 +503350,5 +503351,5 +503352,5 +503353,5 +503354,13 +503355,13 +503356,13 +503357,13 +503358,28 +503359,28 +503360,28 +503361,28 +503362,28 +503363,28 +503364,28 +503365,28 +503366,36 +503367,36 +503368,36 +503369,36 +503370,36 +503371,36 +503372,36 +503373,36 +503374,36 +503375,36 +503376,36 +503377,36 +503378,36 +503379,36 +503380,36 +503381,36 +503382,36 +503383,36 +503384,36 +503385,36 +503386,36 +503387,36 +503388,36 +503389,36 +503390,36 +503391,5 +503392,5 +503393,5 +503394,5 +503395,5 +503396,5 +503397,5 +503398,5 +503399,5 +503400,5 +503401,5 +503402,5 +503403,5 +503404,5 +503405,0 +503406,0 +503407,0 +503408,0 +503409,0 +503410,0 +503411,0 +503412,0 +503413,0 +503414,0 +503415,0 +503416,0 +503417,0 +503418,0 +503419,0 +503420,0 +503421,0 +503422,0 +503423,0 +503424,0 +503425,0 +503426,0 +503427,0 +503428,0 +503429,30 +503430,30 +503431,2 +503432,2 +503433,30 +503434,19 +503435,2 +503436,2 +503437,2 +503438,2 +503439,2 +503440,2 +503441,2 +503442,2 +503443,2 +503444,31 +503445,31 +503446,31 +503447,31 +503448,31 +503449,28 +503450,28 +503451,28 +503452,28 +503453,28 +503454,28 +503455,28 +503456,28 +503457,28 +503458,28 +503459,28 +503460,23 +503461,23 +503462,32 +503463,32 +503464,23 +503465,24 +503466,25 +503467,25 +503468,25 +503469,25 +503470,25 +503471,25 +503472,25 +503473,25 +503474,25 +503475,25 +503476,25 +503477,25 +503478,4 +503479,4 +503480,4 +503481,4 +503482,4 +503483,4 +503484,4 +503485,4 +503486,4 +503487,4 +503488,4 +503489,4 +503490,4 +503491,4 +503492,4 +503493,14 +503494,14 +503495,14 +503496,14 +503497,14 +503498,14 +503499,14 +503500,14 +503501,14 +503502,14 +503503,14 +503504,14 +503505,11 +503506,11 +503507,11 +503508,11 +503509,11 +503510,11 +503511,11 +503512,11 +503513,11 +503514,11 +503515,11 +503516,11 +503517,11 +503518,11 +503519,16 +503520,5 +503521,5 +503522,5 +503523,5 +503524,5 +503525,25 +503526,25 +503527,25 +503528,25 +503529,25 +503530,25 +503531,25 +503532,25 +503533,25 +503534,25 +503535,25 +503536,31 +503537,31 +503538,31 +503539,31 +503540,31 +503541,31 +503542,31 +503543,31 +503544,31 +503545,31 +503546,31 +503547,31 +503548,31 +503549,31 +503550,31 +503551,31 +503552,29 +503553,29 +503554,29 +503555,29 +503556,29 +503557,29 +503558,29 +503559,25 +503560,40 +503561,40 +503562,40 +503563,37 +503564,25 +503565,25 +503566,25 +503567,25 +503568,25 +503569,25 +503570,25 +503571,25 +503572,25 +503573,25 +503574,25 +503575,25 +503576,0 +503577,0 +503578,0 +503579,0 +503580,0 +503581,0 +503582,0 +503583,0 +503584,0 +503585,0 +503586,0 +503587,0 +503588,0 +503589,0 +503590,0 +503591,0 +503592,0 +503593,0 +503594,0 +503595,0 +503596,0 +503597,0 +503598,5 +503599,5 +503600,5 +503601,5 +503602,2 +503603,2 +503604,0 +503605,0 +503606,0 +503607,0 +503608,0 +503609,0 +503610,0 +503611,0 +503612,0 +503613,0 +503614,0 +503615,0 +503616,0 +503617,0 +503618,0 +503619,10 +503620,10 +503621,10 +503622,10 +503623,10 +503624,10 +503625,10 +503626,10 +503627,10 +503628,10 +503629,10 +503630,10 +503631,10 +503632,10 +503633,10 +503634,10 +503635,6 +503636,6 +503637,6 +503638,6 +503639,6 +503640,6 +503641,6 +503642,6 +503643,6 +503644,2 +503645,2 +503646,2 +503647,2 +503648,2 +503649,2 +503650,32 +503651,32 +503652,32 +503653,32 +503654,32 +503655,32 +503656,32 +503657,32 +503658,34 +503659,34 +503660,34 +503661,34 +503662,34 +503663,34 +503664,34 +503665,34 +503666,34 +503667,34 +503668,34 +503669,5 +503670,5 +503671,5 +503672,19 +503673,19 +503674,19 +503675,19 +503676,19 +503677,19 +503678,4 +503679,4 +503680,4 +503681,27 +503682,27 +503683,27 +503684,27 +503685,27 +503686,27 +503687,27 +503688,4 +503689,4 +503690,4 +503691,4 +503692,4 +503693,4 +503694,4 +503695,6 +503696,6 +503697,6 +503698,6 +503699,6 +503700,6 +503701,6 +503702,31 +503703,31 +503704,31 +503705,5 +503706,5 +503707,5 +503708,5 +503709,5 +503710,5 +503711,2 +503712,2 +503713,2 +503714,2 +503715,2 +503716,2 +503717,2 +503718,2 +503719,2 +503720,2 +503721,2 +503722,2 +503723,2 +503724,2 +503725,2 +503726,2 +503727,2 +503728,29 +503729,31 +503730,31 +503731,31 +503732,31 +503733,31 +503734,31 +503735,31 +503736,31 +503737,31 +503738,31 +503739,31 +503740,31 +503741,27 +503742,31 +503743,31 +503744,31 +503745,31 +503746,27 +503747,27 +503748,27 +503749,27 +503750,25 +503751,15 +503752,15 +503753,15 +503754,15 +503755,15 +503756,15 +503757,15 +503758,15 +503759,15 +503760,9 +503761,9 +503762,22 +503763,22 +503764,22 +503765,17 +503766,17 +503767,30 +503768,17 +503769,30 +503770,30 +503771,30 +503772,30 +503773,30 +503774,30 +503775,30 +503776,10 +503777,10 +503778,10 +503779,10 +503780,10 +503781,10 +503782,10 +503783,14 +503784,14 +503785,6 +503786,6 +503787,6 +503788,6 +503789,6 +503790,6 +503791,6 +503792,6 +503793,6 +503794,6 +503795,6 +503796,38 +503797,38 +503798,38 +503799,38 +503800,38 +503801,38 +503802,38 +503803,38 +503804,38 +503805,23 +503806,38 +503807,0 +503808,0 +503809,0 +503810,0 +503811,0 +503812,0 +503813,0 +503814,0 +503815,12 +503816,12 +503817,12 +503818,12 +503819,12 +503820,27 +503821,27 +503822,38 +503823,38 +503824,38 +503825,38 +503826,38 +503827,38 +503828,4 +503829,4 +503830,4 +503831,4 +503832,27 +503833,27 +503834,27 +503835,13 +503836,13 +503837,5 +503838,5 +503839,5 +503840,5 +503841,5 +503842,5 +503843,5 +503844,5 +503845,14 +503846,14 +503847,14 +503848,14 +503849,14 +503850,14 +503851,14 +503852,14 +503853,14 +503854,14 +503855,14 +503856,14 +503857,14 +503858,14 +503859,14 +503860,16 +503861,16 +503862,16 +503863,16 +503864,16 +503865,16 +503866,16 +503867,16 +503868,16 +503869,16 +503870,16 +503871,16 +503872,16 +503873,25 +503874,25 +503875,25 +503876,25 +503877,25 +503878,25 +503879,25 +503880,25 +503881,25 +503882,25 +503883,25 +503884,25 +503885,25 +503886,25 +503887,0 +503888,0 +503889,0 +503890,0 +503891,31 +503892,31 +503893,31 +503894,31 +503895,31 +503896,31 +503897,31 +503898,31 +503899,24 +503900,24 +503901,24 +503902,24 +503903,24 +503904,24 +503905,24 +503906,24 +503907,24 +503908,24 +503909,29 +503910,29 +503911,29 +503912,29 +503913,29 +503914,29 +503915,36 +503916,36 +503917,36 +503918,36 +503919,36 +503920,36 +503921,36 +503922,36 +503923,36 +503924,4 +503925,4 +503926,4 +503927,4 +503928,4 +503929,4 +503930,4 +503931,4 +503932,30 +503933,30 +503934,30 +503935,30 +503936,30 +503937,30 +503938,30 +503939,30 +503940,30 +503941,30 +503942,10 +503943,10 +503944,10 +503945,10 +503946,10 +503947,10 +503948,10 +503949,10 +503950,10 +503951,10 +503952,10 +503953,4 +503954,4 +503955,4 +503956,4 +503957,4 +503958,4 +503959,4 +503960,4 +503961,4 +503962,4 +503963,0 +503964,0 +503965,0 +503966,0 +503967,0 +503968,0 +503969,28 +503970,28 +503971,28 +503972,28 +503973,28 +503974,28 +503975,31 +503976,31 +503977,31 +503978,31 +503979,31 +503980,31 +503981,31 +503982,31 +503983,31 +503984,2 +503985,2 +503986,2 +503987,2 +503988,2 +503989,2 +503990,2 +503991,2 +503992,2 +503993,32 +503994,32 +503995,32 +503996,32 +503997,32 +503998,32 +503999,32 +504000,32 +504001,39 +504002,39 +504003,39 +504004,39 +504005,39 +504006,39 +504007,39 +504008,39 +504009,39 +504010,39 +504011,39 +504012,39 +504013,39 +504014,39 +504015,39 +504016,39 +504017,39 +504018,39 +504019,39 +504020,39 +504021,39 +504022,39 +504023,39 +504024,39 +504025,39 +504026,0 +504027,0 +504028,0 +504029,0 +504030,0 +504031,0 +504032,0 +504033,0 +504034,0 +504035,0 +504036,0 +504037,0 +504038,0 +504039,0 +504040,0 +504041,0 +504042,0 +504043,0 +504044,0 +504045,0 +504046,0 +504047,0 +504048,0 +504049,0 +504050,0 +504051,0 +504052,0 +504053,0 +504054,0 +504055,0 +504056,0 +504057,0 +504058,0 +504059,0 +504060,0 +504061,0 +504062,0 +504063,31 +504064,37 +504065,37 +504066,10 +504067,31 +504068,10 +504069,10 +504070,40 +504071,40 +504072,40 +504073,40 +504074,37 +504075,37 +504076,37 +504077,37 +504078,37 +504079,37 +504080,37 +504081,37 +504082,37 +504083,37 +504084,37 +504085,37 +504086,37 +504087,3 +504088,3 +504089,3 +504090,3 +504091,3 +504092,3 +504093,3 +504094,3 +504095,3 +504096,3 +504097,30 +504098,30 +504099,30 +504100,30 +504101,30 +504102,30 +504103,30 +504104,30 +504105,30 +504106,39 +504107,39 +504108,39 +504109,39 +504110,39 +504111,39 +504112,5 +504113,5 +504114,5 +504115,5 +504116,5 +504117,5 +504118,5 +504119,26 +504120,26 +504121,26 +504122,26 +504123,26 +504124,26 +504125,26 +504126,26 +504127,26 +504128,26 +504129,26 +504130,26 +504131,26 +504132,26 +504133,26 +504134,26 +504135,5 +504136,5 +504137,5 +504138,28 +504139,28 +504140,28 +504141,28 +504142,28 +504143,28 +504144,28 +504145,28 +504146,28 +504147,28 +504148,14 +504149,14 +504150,14 +504151,14 +504152,14 +504153,14 +504154,14 +504155,14 +504156,14 +504157,14 +504158,14 +504159,14 +504160,14 +504161,19 +504162,19 +504163,19 +504164,19 +504165,19 +504166,31 +504167,31 +504168,27 +504169,27 +504170,27 +504171,27 +504172,27 +504173,27 +504174,27 +504175,5 +504176,19 +504177,5 +504178,35 +504179,35 +504180,35 +504181,35 +504182,35 +504183,35 +504184,35 +504185,35 +504186,12 +504187,12 +504188,12 +504189,12 +504190,12 +504191,12 +504192,12 +504193,37 +504194,37 +504195,37 +504196,37 +504197,37 +504198,37 +504199,9 +504200,26 +504201,26 +504202,26 +504203,31 +504204,31 +504205,31 +504206,31 +504207,26 +504208,13 +504209,13 +504210,13 +504211,13 +504212,13 +504213,13 +504214,13 +504215,6 +504216,6 +504217,6 +504218,6 +504219,6 +504220,6 +504221,6 +504222,6 +504223,6 +504224,6 +504225,31 +504226,31 +504227,31 +504228,31 +504229,31 +504230,31 +504231,31 +504232,31 +504233,5 +504234,5 +504235,19 +504236,4 +504237,4 +504238,4 +504239,4 +504240,4 +504241,3 +504242,3 +504243,3 +504244,3 +504245,3 +504246,3 +504247,3 +504248,3 +504249,3 +504250,3 +504251,3 +504252,3 +504253,29 +504254,29 +504255,29 +504256,29 +504257,29 +504258,29 +504259,29 +504260,29 +504261,29 +504262,31 +504263,31 +504264,31 +504265,31 +504266,31 +504267,31 +504268,28 +504269,28 +504270,28 +504271,28 +504272,28 +504273,28 +504274,28 +504275,28 +504276,28 +504277,28 +504278,28 +504279,28 +504280,28 +504281,28 +504282,28 +504283,28 +504284,26 +504285,26 +504286,26 +504287,26 +504288,26 +504289,26 +504290,26 +504291,26 +504292,26 +504293,26 +504294,26 +504295,26 +504296,26 +504297,26 +504298,37 +504299,37 +504300,37 +504301,37 +504302,37 +504303,37 +504304,37 +504305,6 +504306,6 +504307,6 +504308,6 +504309,6 +504310,11 +504311,11 +504312,11 +504313,11 +504314,11 +504315,11 +504316,11 +504317,11 +504318,11 +504319,11 +504320,11 +504321,11 +504322,39 +504323,39 +504324,39 +504325,39 +504326,39 +504327,39 +504328,39 +504329,39 +504330,36 +504331,36 +504332,14 +504333,14 +504334,36 +504335,14 +504336,18 +504337,18 +504338,19 +504339,19 +504340,19 +504341,19 +504342,19 +504343,19 +504344,16 +504345,16 +504346,16 +504347,16 +504348,16 +504349,16 +504350,16 +504351,16 +504352,16 +504353,16 +504354,16 +504355,16 +504356,16 +504357,26 +504358,26 +504359,26 +504360,26 +504361,9 +504362,26 +504363,9 +504364,9 +504365,9 +504366,26 +504367,26 +504368,9 +504369,9 +504370,9 +504371,9 +504372,6 +504373,6 +504374,6 +504375,6 +504376,6 +504377,8 +504378,0 +504379,0 +504380,23 +504381,23 +504382,23 +504383,23 +504384,23 +504385,24 +504386,4 +504387,4 +504388,4 +504389,4 +504390,4 +504391,4 +504392,4 +504393,2 +504394,2 +504395,2 +504396,2 +504397,2 +504398,2 +504399,2 +504400,2 +504401,2 +504402,2 +504403,2 +504404,2 +504405,2 +504406,2 +504407,33 +504408,33 +504409,33 +504410,33 +504411,33 +504412,33 +504413,33 +504414,30 +504415,30 +504416,30 +504417,30 +504418,30 +504419,30 +504420,30 +504421,30 +504422,30 +504423,30 +504424,9 +504425,9 +504426,9 +504427,9 +504428,26 +504429,26 +504430,26 +504431,26 +504432,26 +504433,26 +504434,26 +504435,26 +504436,26 +504437,26 +504438,37 +504439,37 +504440,37 +504441,37 +504442,37 +504443,37 +504444,37 +504445,16 +504446,16 +504447,16 +504448,2 +504449,2 +504450,2 +504451,2 +504452,11 +504453,11 +504454,31 +504455,31 +504456,31 +504457,31 +504458,31 +504459,5 +504460,5 +504461,5 +504462,5 +504463,5 +504464,19 +504465,19 +504466,19 +504467,30 +504468,30 +504469,30 +504470,30 +504471,30 +504472,30 +504473,30 +504474,30 +504475,9 +504476,9 +504477,9 +504478,9 +504479,9 +504480,9 +504481,26 +504482,26 +504483,26 +504484,26 +504485,26 +504486,26 +504487,5 +504488,5 +504489,5 +504490,5 +504491,19 +504492,19 +504493,19 +504494,19 +504495,19 +504496,31 +504497,31 +504498,31 +504499,31 +504500,31 +504501,31 +504502,31 +504503,19 +504504,19 +504505,19 +504506,19 +504507,19 +504508,19 +504509,0 +504510,0 +504511,0 +504512,0 +504513,0 +504514,0 +504515,0 +504516,0 +504517,0 +504518,0 +504519,0 +504520,0 +504521,0 +504522,0 +504523,0 +504524,0 +504525,0 +504526,0 +504527,0 +504528,0 +504529,0 +504530,0 +504531,0 +504532,0 +504533,0 +504534,0 +504535,0 +504536,0 +504537,0 +504538,0 +504539,0 +504540,0 +504541,0 +504542,0 +504543,0 +504544,0 +504545,0 +504546,0 +504547,0 +504548,0 +504549,0 +504550,0 +504551,0 +504552,0 +504553,0 +504554,0 +504555,0 +504556,0 +504557,0 +504558,0 +504559,0 +504560,0 +504561,0 +504562,0 +504563,0 +504564,0 +504565,35 +504566,35 +504567,12 +504568,12 +504569,12 +504570,12 +504571,40 +504572,9 +504573,9 +504574,9 +504575,9 +504576,9 +504577,31 +504578,31 +504579,31 +504580,31 +504581,31 +504582,24 +504583,24 +504584,24 +504585,29 +504586,29 +504587,29 +504588,29 +504589,29 +504590,29 +504591,29 +504592,29 +504593,29 +504594,29 +504595,29 +504596,29 +504597,39 +504598,39 +504599,39 +504600,39 +504601,39 +504602,39 +504603,39 +504604,39 +504605,39 +504606,39 +504607,39 +504608,39 +504609,39 +504610,3 +504611,2 +504612,2 +504613,8 +504614,8 +504615,8 +504616,8 +504617,8 +504618,8 +504619,8 +504620,8 +504621,8 +504622,12 +504623,12 +504624,12 +504625,12 +504626,12 +504627,12 +504628,12 +504629,12 +504630,12 +504631,9 +504632,9 +504633,37 +504634,25 +504635,25 +504636,25 +504637,25 +504638,25 +504639,25 +504640,25 +504641,25 +504642,25 +504643,25 +504644,25 +504645,25 +504646,28 +504647,28 +504648,28 +504649,28 +504650,28 +504651,8 +504652,8 +504653,8 +504654,8 +504655,8 +504656,8 +504657,8 +504658,8 +504659,8 +504660,8 +504661,37 +504662,37 +504663,25 +504664,25 +504665,25 +504666,25 +504667,25 +504668,25 +504669,25 +504670,25 +504671,25 +504672,25 +504673,2 +504674,2 +504675,2 +504676,2 +504677,2 +504678,2 +504679,2 +504680,2 +504681,11 +504682,11 +504683,11 +504684,2 +504685,2 +504686,2 +504687,2 +504688,33 +504689,33 +504690,33 +504691,33 +504692,33 +504693,33 +504694,33 +504695,33 +504696,33 +504697,33 +504698,33 +504699,33 +504700,19 +504701,5 +504702,19 +504703,19 +504704,19 +504705,19 +504706,19 +504707,19 +504708,19 +504709,19 +504710,39 +504711,39 +504712,39 +504713,39 +504714,39 +504715,39 +504716,39 +504717,39 +504718,39 +504719,39 +504720,39 +504721,39 +504722,39 +504723,39 +504724,32 +504725,32 +504726,32 +504727,32 +504728,32 +504729,27 +504730,27 +504731,27 +504732,27 +504733,27 +504734,5 +504735,29 +504736,29 +504737,29 +504738,29 +504739,29 +504740,29 +504741,29 +504742,29 +504743,29 +504744,29 +504745,39 +504746,39 +504747,39 +504748,39 +504749,39 +504750,39 +504751,39 +504752,39 +504753,37 +504754,37 +504755,37 +504756,37 +504757,25 +504758,25 +504759,25 +504760,25 +504761,25 +504762,25 +504763,25 +504764,25 +504765,25 +504766,25 +504767,25 +504768,25 +504769,25 +504770,25 +504771,25 +504772,25 +504773,25 +504774,25 +504775,25 +504776,23 +504777,38 +504778,38 +504779,38 +504780,23 +504781,23 +504782,23 +504783,23 +504784,29 +504785,29 +504786,29 +504787,29 +504788,31 +504789,31 +504790,31 +504791,31 +504792,32 +504793,32 +504794,32 +504795,32 +504796,32 +504797,32 +504798,32 +504799,32 +504800,32 +504801,32 +504802,32 +504803,32 +504804,32 +504805,32 +504806,7 +504807,7 +504808,7 +504809,7 +504810,7 +504811,7 +504812,27 +504813,3 +504814,3 +504815,3 +504816,3 +504817,3 +504818,3 +504819,3 +504820,37 +504821,37 +504822,37 +504823,37 +504824,37 +504825,37 +504826,37 +504827,6 +504828,6 +504829,6 +504830,6 +504831,6 +504832,6 +504833,6 +504834,6 +504835,22 +504836,22 +504837,22 +504838,22 +504839,22 +504840,22 +504841,22 +504842,22 +504843,19 +504844,19 +504845,19 +504846,19 +504847,19 +504848,19 +504849,5 +504850,5 +504851,5 +504852,5 +504853,5 +504854,5 +504855,5 +504856,31 +504857,31 +504858,31 +504859,31 +504860,31 +504861,31 +504862,31 +504863,31 +504864,31 +504865,5 +504866,5 +504867,5 +504868,5 +504869,25 +504870,25 +504871,25 +504872,25 +504873,25 +504874,25 +504875,25 +504876,25 +504877,25 +504878,25 +504879,2 +504880,2 +504881,2 +504882,2 +504883,2 +504884,2 +504885,2 +504886,4 +504887,4 +504888,4 +504889,4 +504890,4 +504891,4 +504892,36 +504893,34 +504894,34 +504895,34 +504896,36 +504897,36 +504898,36 +504899,36 +504900,36 +504901,36 +504902,36 +504903,36 +504904,36 +504905,36 +504906,5 +504907,5 +504908,5 +504909,5 +504910,5 +504911,5 +504912,5 +504913,35 +504914,35 +504915,35 +504916,35 +504917,35 +504918,35 +504919,35 +504920,35 +504921,35 +504922,35 +504923,34 +504924,34 +504925,34 +504926,34 +504927,34 +504928,34 +504929,34 +504930,34 +504931,34 +504932,34 +504933,34 +504934,34 +504935,34 +504936,34 +504937,9 +504938,9 +504939,9 +504940,9 +504941,9 +504942,9 +504943,4 +504944,4 +504945,12 +504946,12 +504947,12 +504948,12 +504949,12 +504950,12 +504951,31 +504952,31 +504953,31 +504954,8 +504955,8 +504956,8 +504957,8 +504958,8 +504959,8 +504960,8 +504961,8 +504962,8 +504963,32 +504964,32 +504965,32 +504966,32 +504967,32 +504968,32 +504969,32 +504970,32 +504971,32 +504972,32 +504973,32 +504974,32 +504975,32 +504976,32 +504977,32 +504978,26 +504979,26 +504980,26 +504981,26 +504982,26 +504983,26 +504984,10 +504985,26 +504986,26 +504987,26 +504988,26 +504989,26 +504990,26 +504991,26 +504992,26 +504993,26 +504994,26 +504995,26 +504996,2 +504997,2 +504998,2 +504999,2 +505000,2 +505001,2 +505002,2 +505003,2 +505004,2 +505005,31 +505006,31 +505007,31 +505008,31 +505009,31 +505010,31 +505011,15 +505012,15 +505013,15 +505014,15 +505015,15 +505016,15 +505017,15 +505018,31 +505019,31 +505020,30 +505021,30 +505022,30 +505023,30 +505024,30 +505025,30 +505026,30 +505027,30 +505028,30 +505029,23 +505030,23 +505031,23 +505032,23 +505033,23 +505034,23 +505035,23 +505036,23 +505037,23 +505038,23 +505039,25 +505040,25 +505041,25 +505042,25 +505043,25 +505044,25 +505045,25 +505046,36 +505047,36 +505048,36 +505049,36 +505050,36 +505051,36 +505052,36 +505053,36 +505054,36 +505055,36 +505056,36 +505057,36 +505058,36 +505059,36 +505060,36 +505061,36 +505062,14 +505063,14 +505064,14 +505065,40 +505066,40 +505067,40 +505068,40 +505069,40 +505070,14 +505071,14 +505072,14 +505073,14 +505074,4 +505075,4 +505076,30 +505077,12 +505078,12 +505079,12 +505080,12 +505081,12 +505082,9 +505083,9 +505084,9 +505085,12 +505086,12 +505087,12 +505088,31 +505089,31 +505090,31 +505091,31 +505092,31 +505093,31 +505094,31 +505095,5 +505096,5 +505097,5 +505098,5 +505099,5 +505100,5 +505101,4 +505102,4 +505103,4 +505104,4 +505105,4 +505106,4 +505107,31 +505108,31 +505109,31 +505110,31 +505111,31 +505112,5 +505113,5 +505114,5 +505115,5 +505116,5 +505117,5 +505118,19 +505119,19 +505120,5 +505121,5 +505122,33 +505123,33 +505124,33 +505125,33 +505126,33 +505127,33 +505128,33 +505129,33 +505130,33 +505131,33 +505132,33 +505133,33 +505134,33 +505135,33 +505136,33 +505137,33 +505138,33 +505139,33 +505140,33 +505141,33 +505142,33 +505143,33 +505144,33 +505145,33 +505146,33 +505147,33 +505148,33 +505149,33 +505150,3 +505151,3 +505152,29 +505153,29 +505154,29 +505155,29 +505156,29 +505157,25 +505158,31 +505159,31 +505160,31 +505161,31 +505162,31 +505163,4 +505164,4 +505165,4 +505166,4 +505167,4 +505168,4 +505169,4 +505170,4 +505171,4 +505172,29 +505173,29 +505174,29 +505175,29 +505176,14 +505177,14 +505178,14 +505179,14 +505180,14 +505181,14 +505182,14 +505183,14 +505184,14 +505185,14 +505186,14 +505187,14 +505188,12 +505189,12 +505190,12 +505191,12 +505192,12 +505193,12 +505194,25 +505195,25 +505196,25 +505197,25 +505198,25 +505199,25 +505200,25 +505201,25 +505202,25 +505203,25 +505204,5 +505205,29 +505206,29 +505207,29 +505208,29 +505209,29 +505210,29 +505211,29 +505212,40 +505213,25 +505214,25 +505215,25 +505216,25 +505217,25 +505218,25 +505219,25 +505220,37 +505221,37 +505222,40 +505223,37 +505224,40 +505225,40 +505226,40 +505227,40 +505228,40 +505229,40 +505230,40 +505231,37 +505232,37 +505233,37 +505234,37 +505235,37 +505236,37 +505237,37 +505238,37 +505239,37 +505240,37 +505241,37 +505242,37 +505243,37 +505244,37 +505245,37 +505246,37 +505247,37 +505248,37 +505249,37 +505250,37 +505251,37 +505252,37 +505253,37 +505254,37 +505255,37 +505256,0 +505257,0 +505258,0 +505259,0 +505260,0 +505261,0 +505262,0 +505263,0 +505264,0 +505265,0 +505266,0 +505267,0 +505268,0 +505269,0 +505270,0 +505271,0 +505272,0 +505273,0 +505274,0 +505275,0 +505276,0 +505277,0 +505278,0 +505279,0 +505280,0 +505281,0 +505282,0 +505283,0 +505284,0 +505285,0 +505286,0 +505287,0 +505288,0 +505289,0 +505290,0 +505291,0 +505292,0 +505293,0 +505294,0 +505295,15 +505296,15 +505297,15 +505298,39 +505299,39 +505300,39 +505301,39 +505302,6 +505303,6 +505304,6 +505305,6 +505306,6 +505307,6 +505308,6 +505309,14 +505310,14 +505311,14 +505312,14 +505313,14 +505314,14 +505315,14 +505316,14 +505317,14 +505318,14 +505319,28 +505320,28 +505321,28 +505322,28 +505323,28 +505324,21 +505325,21 +505326,21 +505327,21 +505328,21 +505329,21 +505330,21 +505331,21 +505332,37 +505333,37 +505334,37 +505335,37 +505336,37 +505337,37 +505338,37 +505339,14 +505340,14 +505341,14 +505342,14 +505343,14 +505344,14 +505345,14 +505346,14 +505347,14 +505348,4 +505349,4 +505350,4 +505351,4 +505352,4 +505353,4 +505354,4 +505355,4 +505356,4 +505357,4 +505358,4 +505359,4 +505360,4 +505361,4 +505362,4 +505363,4 +505364,4 +505365,0 +505366,0 +505367,0 +505368,0 +505369,0 +505370,0 +505371,0 +505372,0 +505373,0 +505374,0 +505375,0 +505376,0 +505377,0 +505378,0 +505379,0 +505380,0 +505381,0 +505382,0 +505383,0 +505384,0 +505385,0 +505386,0 +505387,0 +505388,0 +505389,0 +505390,31 +505391,31 +505392,31 +505393,31 +505394,31 +505395,31 +505396,28 +505397,28 +505398,28 +505399,28 +505400,28 +505401,28 +505402,28 +505403,28 +505404,28 +505405,28 +505406,28 +505407,28 +505408,28 +505409,28 +505410,40 +505411,40 +505412,40 +505413,40 +505414,40 +505415,5 +505416,5 +505417,5 +505418,5 +505419,5 +505420,39 +505421,39 +505422,39 +505423,39 +505424,39 +505425,32 +505426,32 +505427,32 +505428,32 +505429,32 +505430,32 +505431,32 +505432,32 +505433,39 +505434,39 +505435,39 +505436,39 +505437,39 +505438,39 +505439,39 +505440,32 +505441,32 +505442,32 +505443,32 +505444,32 +505445,31 +505446,31 +505447,31 +505448,31 +505449,31 +505450,33 +505451,33 +505452,33 +505453,33 +505454,33 +505455,23 +505456,23 +505457,23 +505458,23 +505459,23 +505460,23 +505461,23 +505462,23 +505463,38 +505464,38 +505465,26 +505466,26 +505467,26 +505468,26 +505469,26 +505470,26 +505471,26 +505472,30 +505473,30 +505474,30 +505475,30 +505476,30 +505477,30 +505478,30 +505479,30 +505480,30 +505481,30 +505482,30 +505483,33 +505484,30 +505485,19 +505486,19 +505487,19 +505488,19 +505489,19 +505490,29 +505491,29 +505492,29 +505493,29 +505494,29 +505495,39 +505496,39 +505497,39 +505498,39 +505499,39 +505500,39 +505501,39 +505502,39 +505503,39 +505504,39 +505505,39 +505506,21 +505507,21 +505508,21 +505509,21 +505510,21 +505511,21 +505512,21 +505513,21 +505514,2 +505515,2 +505516,2 +505517,2 +505518,2 +505519,2 +505520,36 +505521,36 +505522,10 +505523,10 +505524,10 +505525,36 +505526,36 +505527,36 +505528,28 +505529,28 +505530,28 +505531,28 +505532,28 +505533,28 +505534,32 +505535,32 +505536,32 +505537,32 +505538,32 +505539,32 +505540,31 +505541,31 +505542,31 +505543,31 +505544,30 +505545,30 +505546,30 +505547,30 +505548,30 +505549,30 +505550,30 +505551,30 +505552,30 +505553,30 +505554,30 +505555,30 +505556,31 +505557,31 +505558,31 +505559,31 +505560,31 +505561,32 +505562,32 +505563,32 +505564,32 +505565,32 +505566,32 +505567,27 +505568,27 +505569,27 +505570,27 +505571,27 +505572,27 +505573,27 +505574,27 +505575,27 +505576,27 +505577,28 +505578,28 +505579,28 +505580,28 +505581,28 +505582,28 +505583,28 +505584,28 +505585,28 +505586,40 +505587,40 +505588,40 +505589,36 +505590,36 +505591,36 +505592,10 +505593,10 +505594,6 +505595,6 +505596,10 +505597,10 +505598,10 +505599,10 +505600,10 +505601,10 +505602,26 +505603,26 +505604,10 +505605,10 +505606,10 +505607,10 +505608,10 +505609,10 +505610,10 +505611,10 +505612,10 +505613,10 +505614,10 +505615,10 +505616,10 +505617,10 +505618,10 +505619,10 +505620,10 +505621,10 +505622,10 +505623,14 +505624,14 +505625,14 +505626,14 +505627,0 +505628,0 +505629,0 +505630,0 +505631,0 +505632,0 +505633,0 +505634,0 +505635,0 +505636,0 +505637,0 +505638,0 +505639,0 +505640,0 +505641,0 +505642,0 +505643,0 +505644,0 +505645,0 +505646,0 +505647,0 +505648,0 +505649,29 +505650,29 +505651,29 +505652,29 +505653,29 +505654,29 +505655,40 +505656,40 +505657,40 +505658,40 +505659,40 +505660,40 +505661,40 +505662,37 +505663,37 +505664,37 +505665,15 +505666,15 +505667,15 +505668,15 +505669,15 +505670,15 +505671,15 +505672,15 +505673,10 +505674,10 +505675,10 +505676,10 +505677,10 +505678,10 +505679,10 +505680,10 +505681,10 +505682,10 +505683,35 +505684,35 +505685,35 +505686,35 +505687,35 +505688,35 +505689,35 +505690,35 +505691,35 +505692,33 +505693,33 +505694,33 +505695,33 +505696,33 +505697,33 +505698,33 +505699,32 +505700,32 +505701,32 +505702,32 +505703,32 +505704,32 +505705,32 +505706,32 +505707,27 +505708,27 +505709,27 +505710,13 +505711,13 +505712,13 +505713,13 +505714,13 +505715,13 +505716,13 +505717,13 +505718,13 +505719,13 +505720,13 +505721,4 +505722,4 +505723,4 +505724,4 +505725,4 +505726,4 +505727,4 +505728,4 +505729,4 +505730,3 +505731,3 +505732,3 +505733,3 +505734,3 +505735,3 +505736,3 +505737,0 +505738,36 +505739,36 +505740,36 +505741,36 +505742,31 +505743,36 +505744,31 +505745,31 +505746,31 +505747,5 +505748,5 +505749,5 +505750,28 +505751,28 +505752,28 +505753,28 +505754,39 +505755,39 +505756,39 +505757,39 +505758,39 +505759,39 +505760,30 +505761,30 +505762,30 +505763,30 +505764,30 +505765,30 +505766,30 +505767,30 +505768,30 +505769,39 +505770,27 +505771,27 +505772,27 +505773,27 +505774,27 +505775,4 +505776,27 +505777,4 +505778,4 +505779,4 +505780,4 +505781,4 +505782,4 +505783,0 +505784,0 +505785,0 +505786,0 +505787,0 +505788,25 +505789,25 +505790,25 +505791,25 +505792,25 +505793,25 +505794,25 +505795,25 +505796,30 +505797,30 +505798,19 +505799,30 +505800,30 +505801,30 +505802,30 +505803,30 +505804,30 +505805,30 +505806,30 +505807,30 +505808,30 +505809,30 +505810,31 +505811,31 +505812,31 +505813,31 +505814,31 +505815,31 +505816,31 +505817,6 +505818,6 +505819,6 +505820,6 +505821,6 +505822,6 +505823,6 +505824,6 +505825,6 +505826,6 +505827,6 +505828,6 +505829,6 +505830,6 +505831,6 +505832,6 +505833,6 +505834,6 +505835,0 +505836,0 +505837,0 +505838,0 +505839,0 +505840,0 +505841,0 +505842,0 +505843,0 +505844,0 +505845,0 +505846,0 +505847,0 +505848,0 +505849,0 +505850,0 +505851,0 +505852,0 +505853,0 +505854,0 +505855,0 +505856,0 +505857,0 +505858,0 +505859,0 +505860,0 +505861,0 +505862,0 +505863,0 +505864,0 +505865,0 +505866,0 +505867,0 +505868,0 +505869,0 +505870,0 +505871,0 +505872,0 +505873,0 +505874,36 +505875,36 +505876,36 +505877,36 +505878,36 +505879,36 +505880,36 +505881,5 +505882,5 +505883,5 +505884,35 +505885,35 +505886,35 +505887,35 +505888,35 +505889,35 +505890,35 +505891,36 +505892,36 +505893,36 +505894,36 +505895,36 +505896,24 +505897,24 +505898,24 +505899,24 +505900,24 +505901,24 +505902,24 +505903,6 +505904,6 +505905,6 +505906,6 +505907,6 +505908,6 +505909,6 +505910,31 +505911,31 +505912,31 +505913,31 +505914,31 +505915,31 +505916,31 +505917,31 +505918,31 +505919,31 +505920,5 +505921,6 +505922,6 +505923,6 +505924,6 +505925,6 +505926,6 +505927,6 +505928,6 +505929,6 +505930,6 +505931,6 +505932,6 +505933,6 +505934,6 +505935,6 +505936,6 +505937,6 +505938,6 +505939,12 +505940,12 +505941,12 +505942,3 +505943,3 +505944,3 +505945,3 +505946,3 +505947,3 +505948,3 +505949,3 +505950,3 +505951,3 +505952,3 +505953,3 +505954,19 +505955,19 +505956,19 +505957,19 +505958,27 +505959,27 +505960,27 +505961,27 +505962,27 +505963,27 +505964,27 +505965,27 +505966,27 +505967,27 +505968,27 +505969,27 +505970,27 +505971,19 +505972,19 +505973,19 +505974,19 +505975,19 +505976,19 +505977,19 +505978,19 +505979,19 +505980,19 +505981,19 +505982,19 +505983,19 +505984,19 +505985,19 +505986,0 +505987,0 +505988,0 +505989,0 +505990,0 +505991,0 +505992,0 +505993,0 +505994,36 +505995,36 +505996,36 +505997,36 +505998,36 +505999,36 +506000,36 +506001,31 +506002,31 +506003,4 +506004,4 +506005,4 +506006,4 +506007,4 +506008,4 +506009,4 +506010,4 +506011,4 +506012,4 +506013,19 +506014,19 +506015,19 +506016,19 +506017,27 +506018,19 +506019,19 +506020,19 +506021,4 +506022,4 +506023,27 +506024,27 +506025,27 +506026,27 +506027,27 +506028,27 +506029,27 +506030,27 +506031,16 +506032,16 +506033,16 +506034,16 +506035,18 +506036,18 +506037,18 +506038,16 +506039,16 +506040,4 +506041,16 +506042,25 +506043,25 +506044,25 +506045,25 +506046,2 +506047,2 +506048,2 +506049,2 +506050,2 +506051,2 +506052,2 +506053,2 +506054,2 +506055,2 +506056,2 +506057,40 +506058,40 +506059,40 +506060,40 +506061,30 +506062,30 +506063,30 +506064,30 +506065,23 +506066,23 +506067,23 +506068,23 +506069,23 +506070,2 +506071,2 +506072,2 +506073,2 +506074,2 +506075,2 +506076,2 +506077,2 +506078,2 +506079,2 +506080,2 +506081,2 +506082,2 +506083,2 +506084,2 +506085,2 +506086,2 +506087,6 +506088,6 +506089,6 +506090,6 +506091,6 +506092,6 +506093,6 +506094,6 +506095,9 +506096,9 +506097,9 +506098,9 +506099,9 +506100,37 +506101,37 +506102,37 +506103,37 +506104,37 +506105,16 +506106,16 +506107,16 +506108,16 +506109,16 +506110,16 +506111,16 +506112,16 +506113,16 +506114,16 +506115,16 +506116,16 +506117,16 +506118,16 +506119,4 +506120,4 +506121,4 +506122,4 +506123,4 +506124,4 +506125,4 +506126,3 +506127,3 +506128,3 +506129,3 +506130,3 +506131,35 +506132,35 +506133,31 +506134,31 +506135,27 +506136,31 +506137,2 +506138,2 +506139,2 +506140,2 +506141,2 +506142,2 +506143,2 +506144,2 +506145,2 +506146,2 +506147,2 +506148,2 +506149,2 +506150,2 +506151,2 +506152,2 +506153,14 +506154,14 +506155,14 +506156,14 +506157,14 +506158,28 +506159,28 +506160,28 +506161,28 +506162,28 +506163,28 +506164,28 +506165,28 +506166,28 +506167,19 +506168,19 +506169,19 +506170,19 +506171,19 +506172,19 +506173,19 +506174,25 +506175,25 +506176,25 +506177,25 +506178,25 +506179,25 +506180,25 +506181,25 +506182,25 +506183,25 +506184,25 +506185,25 +506186,25 +506187,25 +506188,25 +506189,25 +506190,25 +506191,0 +506192,0 +506193,0 +506194,0 +506195,0 +506196,0 +506197,0 +506198,0 +506199,0 +506200,0 +506201,0 +506202,0 +506203,0 +506204,0 +506205,0 +506206,0 +506207,0 +506208,0 +506209,0 +506210,0 +506211,0 +506212,0 +506213,0 +506214,0 +506215,0 +506216,0 +506217,0 +506218,0 +506219,0 +506220,0 +506221,0 +506222,0 +506223,0 +506224,0 +506225,0 +506226,0 +506227,0 +506228,0 +506229,0 +506230,0 +506231,0 +506232,36 +506233,36 +506234,36 +506235,36 +506236,36 +506237,36 +506238,36 +506239,36 +506240,36 +506241,36 +506242,36 +506243,36 +506244,36 +506245,36 +506246,14 +506247,14 +506248,4 +506249,4 +506250,4 +506251,4 +506252,4 +506253,4 +506254,4 +506255,4 +506256,4 +506257,4 +506258,4 +506259,27 +506260,27 +506261,40 +506262,28 +506263,28 +506264,28 +506265,28 +506266,28 +506267,28 +506268,32 +506269,32 +506270,32 +506271,32 +506272,32 +506273,32 +506274,32 +506275,5 +506276,5 +506277,5 +506278,5 +506279,5 +506280,5 +506281,4 +506282,4 +506283,4 +506284,4 +506285,4 +506286,27 +506287,27 +506288,39 +506289,27 +506290,27 +506291,27 +506292,27 +506293,4 +506294,4 +506295,4 +506296,4 +506297,4 +506298,4 +506299,4 +506300,4 +506301,4 +506302,4 +506303,4 +506304,4 +506305,4 +506306,4 +506307,4 +506308,4 +506309,14 +506310,14 +506311,14 +506312,14 +506313,14 +506314,14 +506315,14 +506316,14 +506317,14 +506318,14 +506319,14 +506320,14 +506321,14 +506322,14 +506323,14 +506324,14 +506325,14 +506326,14 +506327,14 +506328,14 +506329,14 +506330,14 +506331,14 +506332,28 +506333,28 +506334,28 +506335,28 +506336,28 +506337,28 +506338,13 +506339,13 +506340,13 +506341,13 +506342,28 +506343,0 +506344,0 +506345,0 +506346,0 +506347,0 +506348,0 +506349,0 +506350,0 +506351,0 +506352,0 +506353,0 +506354,0 +506355,0 +506356,0 +506357,0 +506358,0 +506359,0 +506360,0 +506361,0 +506362,0 +506363,0 +506364,0 +506365,28 +506366,28 +506367,28 +506368,28 +506369,28 +506370,28 +506371,28 +506372,10 +506373,10 +506374,10 +506375,10 +506376,10 +506377,10 +506378,10 +506379,10 +506380,10 +506381,10 +506382,10 +506383,37 +506384,37 +506385,37 +506386,37 +506387,37 +506388,37 +506389,37 +506390,37 +506391,37 +506392,37 +506393,37 +506394,37 +506395,37 +506396,37 +506397,37 +506398,37 +506399,37 +506400,14 +506401,14 +506402,14 +506403,14 +506404,14 +506405,14 +506406,14 +506407,14 +506408,14 +506409,14 +506410,14 +506411,14 +506412,8 +506413,8 +506414,8 +506415,8 +506416,8 +506417,8 +506418,31 +506419,31 +506420,31 +506421,31 +506422,31 +506423,31 +506424,31 +506425,31 +506426,27 +506427,3 +506428,3 +506429,3 +506430,30 +506431,30 +506432,30 +506433,30 +506434,30 +506435,30 +506436,30 +506437,30 +506438,30 +506439,31 +506440,31 +506441,31 +506442,31 +506443,31 +506444,31 +506445,31 +506446,13 +506447,13 +506448,13 +506449,13 +506450,13 +506451,13 +506452,13 +506453,13 +506454,13 +506455,13 +506456,13 +506457,19 +506458,19 +506459,19 +506460,31 +506461,31 +506462,31 +506463,32 +506464,32 +506465,32 +506466,32 +506467,32 +506468,32 +506469,32 +506470,32 +506471,32 +506472,31 +506473,30 +506474,30 +506475,30 +506476,30 +506477,31 +506478,30 +506479,30 +506480,30 +506481,30 +506482,30 +506483,30 +506484,30 +506485,30 +506486,30 +506487,30 +506488,30 +506489,30 +506490,30 +506491,30 +506492,30 +506493,30 +506494,30 +506495,30 +506496,31 +506497,31 +506498,30 +506499,30 +506500,8 +506501,8 +506502,8 +506503,8 +506504,2 +506505,2 +506506,2 +506507,2 +506508,2 +506509,2 +506510,2 +506511,2 +506512,2 +506513,2 +506514,2 +506515,2 +506516,2 +506517,2 +506518,2 +506519,2 +506520,2 +506521,2 +506522,2 +506523,2 +506524,2 +506525,0 +506526,0 +506527,0 +506528,0 +506529,0 +506530,0 +506531,0 +506532,0 +506533,0 +506534,0 +506535,0 +506536,0 +506537,0 +506538,0 +506539,0 +506540,0 +506541,0 +506542,0 +506543,0 +506544,0 +506545,0 +506546,0 +506547,0 +506548,0 +506549,0 +506550,0 +506551,0 +506552,0 +506553,0 +506554,0 +506555,0 +506556,0 +506557,0 +506558,0 +506559,0 +506560,0 +506561,0 +506562,0 +506563,0 +506564,0 +506565,0 +506566,0 +506567,0 +506568,0 +506569,0 +506570,0 +506571,0 +506572,0 +506573,0 +506574,0 +506575,0 +506576,0 +506577,0 +506578,0 +506579,0 +506580,0 +506581,0 +506582,0 +506583,0 +506584,0 +506585,0 +506586,0 +506587,0 +506588,0 +506589,0 +506590,0 +506591,0 +506592,0 +506593,0 +506594,0 +506595,0 +506596,0 +506597,0 +506598,0 +506599,0 +506600,0 +506601,0 +506602,0 +506603,0 +506604,0 +506605,0 +506606,36 +506607,36 +506608,36 +506609,36 +506610,36 +506611,36 +506612,27 +506613,19 +506614,19 +506615,19 +506616,19 +506617,19 +506618,5 +506619,29 +506620,29 +506621,29 +506622,36 +506623,36 +506624,36 +506625,36 +506626,36 +506627,36 +506628,36 +506629,36 +506630,36 +506631,36 +506632,36 +506633,36 +506634,6 +506635,6 +506636,6 +506637,4 +506638,4 +506639,4 +506640,6 +506641,6 +506642,6 +506643,6 +506644,6 +506645,6 +506646,6 +506647,6 +506648,6 +506649,6 +506650,6 +506651,14 +506652,14 +506653,14 +506654,14 +506655,14 +506656,14 +506657,14 +506658,14 +506659,14 +506660,14 +506661,14 +506662,14 +506663,14 +506664,14 +506665,14 +506666,14 +506667,14 +506668,39 +506669,2 +506670,2 +506671,2 +506672,2 +506673,2 +506674,2 +506675,2 +506676,2 +506677,2 +506678,2 +506679,2 +506680,2 +506681,2 +506682,2 +506683,2 +506684,2 +506685,2 +506686,2 +506687,2 +506688,2 +506689,0 +506690,0 +506691,0 +506692,36 +506693,36 +506694,36 +506695,36 +506696,36 +506697,36 +506698,36 +506699,36 +506700,36 +506701,36 +506702,36 +506703,36 +506704,36 +506705,36 +506706,36 +506707,19 +506708,19 +506709,19 +506710,19 +506711,19 +506712,15 +506713,15 +506714,15 +506715,15 +506716,31 +506717,31 +506718,14 +506719,27 +506720,27 +506721,27 +506722,27 +506723,27 +506724,27 +506725,27 +506726,27 +506727,14 +506728,14 +506729,14 +506730,7 +506731,7 +506732,7 +506733,7 +506734,39 +506735,39 +506736,39 +506737,39 +506738,39 +506739,39 +506740,39 +506741,27 +506742,39 +506743,4 +506744,4 +506745,4 +506746,4 +506747,4 +506748,4 +506749,4 +506750,4 +506751,4 +506752,27 +506753,27 +506754,27 +506755,23 +506756,23 +506757,23 +506758,23 +506759,23 +506760,23 +506761,23 +506762,23 +506763,25 +506764,25 +506765,25 +506766,25 +506767,25 +506768,25 +506769,21 +506770,21 +506771,21 +506772,21 +506773,21 +506774,21 +506775,21 +506776,14 +506777,14 +506778,14 +506779,14 +506780,14 +506781,14 +506782,14 +506783,14 +506784,14 +506785,19 +506786,24 +506787,24 +506788,24 +506789,24 +506790,24 +506791,24 +506792,24 +506793,28 +506794,28 +506795,28 +506796,28 +506797,28 +506798,28 +506799,28 +506800,39 +506801,39 +506802,39 +506803,39 +506804,39 +506805,39 +506806,39 +506807,39 +506808,39 +506809,39 +506810,39 +506811,39 +506812,39 +506813,39 +506814,39 +506815,39 +506816,39 +506817,39 +506818,0 +506819,0 +506820,0 +506821,0 +506822,0 +506823,0 +506824,0 +506825,0 +506826,0 +506827,0 +506828,0 +506829,0 +506830,0 +506831,0 +506832,0 +506833,0 +506834,0 +506835,0 +506836,0 +506837,0 +506838,0 +506839,0 +506840,0 +506841,0 +506842,0 +506843,0 +506844,0 +506845,0 +506846,0 +506847,0 +506848,0 +506849,0 +506850,0 +506851,0 +506852,0 +506853,0 +506854,0 +506855,0 +506856,0 +506857,0 +506858,0 +506859,0 +506860,0 +506861,0 +506862,0 +506863,0 +506864,0 +506865,0 +506866,0 +506867,0 +506868,0 +506869,0 +506870,15 +506871,15 +506872,31 +506873,31 +506874,31 +506875,4 +506876,4 +506877,4 +506878,4 +506879,27 +506880,27 +506881,27 +506882,27 +506883,27 +506884,27 +506885,23 +506886,23 +506887,23 +506888,23 +506889,23 +506890,23 +506891,23 +506892,7 +506893,7 +506894,7 +506895,7 +506896,7 +506897,7 +506898,7 +506899,7 +506900,9 +506901,9 +506902,9 +506903,9 +506904,9 +506905,9 +506906,9 +506907,9 +506908,37 +506909,37 +506910,25 +506911,25 +506912,25 +506913,25 +506914,25 +506915,25 +506916,25 +506917,25 +506918,6 +506919,6 +506920,6 +506921,6 +506922,6 +506923,6 +506924,6 +506925,6 +506926,6 +506927,6 +506928,6 +506929,6 +506930,6 +506931,6 +506932,26 +506933,26 +506934,26 +506935,26 +506936,26 +506937,26 +506938,26 +506939,26 +506940,26 +506941,5 +506942,5 +506943,5 +506944,5 +506945,5 +506946,5 +506947,11 +506948,11 +506949,11 +506950,11 +506951,11 +506952,11 +506953,11 +506954,11 +506955,11 +506956,11 +506957,11 +506958,11 +506959,27 +506960,27 +506961,27 +506962,27 +506963,27 +506964,27 +506965,27 +506966,27 +506967,27 +506968,27 +506969,2 +506970,2 +506971,2 +506972,2 +506973,2 +506974,2 +506975,2 +506976,2 +506977,2 +506978,2 +506979,2 +506980,2 +506981,2 +506982,7 +506983,7 +506984,7 +506985,7 +506986,7 +506987,7 +506988,7 +506989,25 +506990,25 +506991,25 +506992,25 +506993,25 +506994,25 +506995,25 +506996,2 +506997,2 +506998,2 +506999,2 +507000,2 +507001,2 +507002,2 +507003,2 +507004,2 +507005,2 +507006,2 +507007,2 +507008,2 +507009,40 +507010,40 +507011,40 +507012,40 +507013,40 +507014,40 +507015,40 +507016,40 +507017,40 +507018,40 +507019,30 +507020,30 +507021,30 +507022,30 +507023,30 +507024,30 +507025,30 +507026,30 +507027,30 +507028,30 +507029,23 +507030,23 +507031,23 +507032,23 +507033,23 +507034,23 +507035,23 +507036,23 +507037,31 +507038,31 +507039,31 +507040,31 +507041,31 +507042,31 +507043,31 +507044,31 +507045,31 +507046,31 +507047,24 +507048,24 +507049,24 +507050,24 +507051,24 +507052,24 +507053,7 +507054,7 +507055,7 +507056,39 +507057,39 +507058,39 +507059,39 +507060,39 +507061,39 +507062,37 +507063,37 +507064,37 +507065,37 +507066,37 +507067,37 +507068,37 +507069,37 +507070,37 +507071,5 +507072,5 +507073,5 +507074,5 +507075,28 +507076,31 +507077,31 +507078,31 +507079,31 +507080,31 +507081,31 +507082,31 +507083,31 +507084,2 +507085,2 +507086,2 +507087,2 +507088,2 +507089,2 +507090,2 +507091,2 +507092,2 +507093,2 +507094,2 +507095,2 +507096,2 +507097,2 +507098,2 +507099,28 +507100,28 +507101,28 +507102,28 +507103,28 +507104,28 +507105,33 +507106,33 +507107,33 +507108,34 +507109,34 +507110,34 +507111,34 +507112,30 +507113,30 +507114,30 +507115,30 +507116,30 +507117,30 +507118,30 +507119,30 +507120,30 +507121,31 +507122,31 +507123,31 +507124,31 +507125,31 +507126,2 +507127,2 +507128,2 +507129,2 +507130,2 +507131,2 +507132,2 +507133,2 +507134,2 +507135,23 +507136,2 +507137,23 +507138,23 +507139,23 +507140,2 +507141,31 +507142,31 +507143,31 +507144,31 +507145,31 +507146,31 +507147,31 +507148,31 +507149,31 +507150,5 +507151,5 +507152,5 +507153,5 +507154,19 +507155,19 +507156,19 +507157,19 +507158,14 +507159,14 +507160,14 +507161,14 +507162,14 +507163,14 +507164,14 +507165,14 +507166,14 +507167,14 +507168,14 +507169,14 +507170,14 +507171,11 +507172,11 +507173,11 +507174,11 +507175,11 +507176,11 +507177,11 +507178,11 +507179,11 +507180,11 +507181,31 +507182,31 +507183,31 +507184,31 +507185,31 +507186,31 +507187,5 +507188,5 +507189,5 +507190,23 +507191,23 +507192,23 +507193,23 +507194,23 +507195,23 +507196,23 +507197,23 +507198,23 +507199,23 +507200,23 +507201,25 +507202,25 +507203,25 +507204,25 +507205,25 +507206,25 +507207,29 +507208,29 +507209,29 +507210,29 +507211,29 +507212,29 +507213,29 +507214,36 +507215,36 +507216,36 +507217,40 +507218,36 +507219,40 +507220,40 +507221,40 +507222,40 +507223,40 +507224,40 +507225,40 +507226,40 +507227,40 +507228,28 +507229,28 +507230,28 +507231,28 +507232,28 +507233,28 +507234,28 +507235,28 +507236,28 +507237,28 +507238,28 +507239,28 +507240,28 +507241,28 +507242,28 +507243,0 +507244,0 +507245,0 +507246,0 +507247,0 +507248,0 +507249,0 +507250,0 +507251,0 +507252,0 +507253,0 +507254,0 +507255,0 +507256,0 +507257,0 +507258,0 +507259,0 +507260,0 +507261,0 +507262,0 +507263,0 +507264,0 +507265,0 +507266,0 +507267,0 +507268,0 +507269,0 +507270,36 +507271,36 +507272,36 +507273,36 +507274,36 +507275,36 +507276,36 +507277,36 +507278,36 +507279,36 +507280,36 +507281,36 +507282,36 +507283,36 +507284,36 +507285,4 +507286,4 +507287,4 +507288,4 +507289,4 +507290,4 +507291,30 +507292,30 +507293,30 +507294,30 +507295,30 +507296,30 +507297,30 +507298,30 +507299,30 +507300,30 +507301,30 +507302,30 +507303,36 +507304,36 +507305,36 +507306,36 +507307,36 +507308,36 +507309,36 +507310,36 +507311,36 +507312,36 +507313,36 +507314,36 +507315,36 +507316,36 +507317,36 +507318,36 +507319,2 +507320,2 +507321,2 +507322,2 +507323,2 +507324,2 +507325,2 +507326,2 +507327,2 +507328,2 +507329,2 +507330,12 +507331,12 +507332,12 +507333,12 +507334,12 +507335,12 +507336,40 +507337,40 +507338,40 +507339,5 +507340,5 +507341,5 +507342,35 +507343,35 +507344,35 +507345,35 +507346,27 +507347,27 +507348,39 +507349,39 +507350,39 +507351,12 +507352,12 +507353,12 +507354,12 +507355,12 +507356,12 +507357,31 +507358,31 +507359,31 +507360,31 +507361,8 +507362,8 +507363,8 +507364,8 +507365,27 +507366,27 +507367,8 +507368,14 +507369,14 +507370,14 +507371,14 +507372,14 +507373,14 +507374,14 +507375,14 +507376,14 +507377,14 +507378,14 +507379,14 +507380,14 +507381,14 +507382,4 +507383,4 +507384,4 +507385,4 +507386,4 +507387,4 +507388,4 +507389,4 +507390,4 +507391,4 +507392,4 +507393,4 +507394,4 +507395,4 +507396,4 +507397,4 +507398,4 +507399,39 +507400,39 +507401,39 +507402,39 +507403,39 +507404,39 +507405,39 +507406,28 +507407,28 +507408,5 +507409,5 +507410,28 +507411,5 +507412,5 +507413,13 +507414,7 +507415,7 +507416,7 +507417,7 +507418,7 +507419,7 +507420,7 +507421,7 +507422,7 +507423,25 +507424,25 +507425,25 +507426,25 +507427,25 +507428,25 +507429,25 +507430,8 +507431,8 +507432,8 +507433,8 +507434,8 +507435,8 +507436,8 +507437,8 +507438,31 +507439,31 +507440,31 +507441,31 +507442,29 +507443,29 +507444,29 +507445,29 +507446,29 +507447,29 +507448,25 +507449,25 +507450,25 +507451,25 +507452,25 +507453,14 +507454,14 +507455,14 +507456,14 +507457,14 +507458,14 +507459,14 +507460,27 +507461,14 +507462,14 +507463,27 +507464,27 +507465,27 +507466,27 +507467,27 +507468,27 +507469,27 +507470,27 +507471,27 +507472,19 +507473,19 +507474,19 +507475,19 +507476,16 +507477,18 +507478,18 +507479,18 +507480,18 +507481,18 +507482,18 +507483,18 +507484,18 +507485,11 +507486,0 +507487,0 +507488,0 +507489,0 +507490,0 +507491,0 +507492,0 +507493,0 +507494,0 +507495,0 +507496,29 +507497,29 +507498,29 +507499,29 +507500,29 +507501,29 +507502,29 +507503,14 +507504,14 +507505,14 +507506,14 +507507,31 +507508,31 +507509,31 +507510,31 +507511,35 +507512,35 +507513,35 +507514,35 +507515,35 +507516,35 +507517,35 +507518,36 +507519,36 +507520,36 +507521,36 +507522,36 +507523,36 +507524,24 +507525,19 +507526,19 +507527,19 +507528,19 +507529,5 +507530,5 +507531,5 +507532,5 +507533,5 +507534,5 +507535,5 +507536,26 +507537,26 +507538,26 +507539,26 +507540,26 +507541,26 +507542,26 +507543,26 +507544,26 +507545,26 +507546,32 +507547,4 +507548,4 +507549,4 +507550,4 +507551,4 +507552,4 +507553,4 +507554,4 +507555,29 +507556,29 +507557,29 +507558,29 +507559,31 +507560,31 +507561,31 +507562,31 +507563,31 +507564,35 +507565,35 +507566,35 +507567,35 +507568,35 +507569,35 +507570,35 +507571,35 +507572,35 +507573,35 +507574,26 +507575,26 +507576,26 +507577,26 +507578,26 +507579,26 +507580,26 +507581,37 +507582,37 +507583,37 +507584,37 +507585,37 +507586,37 +507587,37 +507588,4 +507589,4 +507590,4 +507591,4 +507592,4 +507593,4 +507594,4 +507595,4 +507596,4 +507597,4 +507598,4 +507599,4 +507600,31 +507601,31 +507602,31 +507603,31 +507604,31 +507605,31 +507606,23 +507607,23 +507608,23 +507609,23 +507610,23 +507611,23 +507612,23 +507613,23 +507614,23 +507615,25 +507616,25 +507617,25 +507618,25 +507619,25 +507620,25 +507621,25 +507622,15 +507623,15 +507624,15 +507625,15 +507626,15 +507627,15 +507628,15 +507629,15 +507630,15 +507631,15 +507632,15 +507633,27 +507634,27 +507635,27 +507636,27 +507637,27 +507638,27 +507639,27 +507640,27 +507641,19 +507642,19 +507643,19 +507644,19 +507645,19 +507646,19 +507647,19 +507648,19 +507649,35 +507650,35 +507651,35 +507652,35 +507653,35 +507654,27 +507655,27 +507656,27 +507657,27 +507658,27 +507659,27 +507660,27 +507661,27 +507662,27 +507663,28 +507664,28 +507665,28 +507666,28 +507667,28 +507668,28 +507669,28 +507670,28 +507671,28 +507672,28 +507673,28 +507674,36 +507675,31 +507676,31 +507677,31 +507678,31 +507679,31 +507680,5 +507681,5 +507682,5 +507683,5 +507684,5 +507685,39 +507686,39 +507687,39 +507688,39 +507689,39 +507690,39 +507691,39 +507692,30 +507693,30 +507694,30 +507695,30 +507696,30 +507697,30 +507698,30 +507699,30 +507700,26 +507701,26 +507702,9 +507703,26 +507704,9 +507705,9 +507706,9 +507707,9 +507708,9 +507709,9 +507710,37 +507711,37 +507712,26 +507713,21 +507714,21 +507715,21 +507716,21 +507717,21 +507718,21 +507719,21 +507720,21 +507721,25 +507722,25 +507723,25 +507724,25 +507725,25 +507726,25 +507727,25 +507728,25 +507729,25 +507730,25 +507731,25 +507732,37 +507733,37 +507734,37 +507735,37 +507736,37 +507737,37 +507738,37 +507739,37 +507740,0 +507741,0 +507742,0 +507743,0 +507744,0 +507745,0 +507746,0 +507747,0 +507748,0 +507749,0 +507750,0 +507751,0 +507752,0 +507753,0 +507754,0 +507755,0 +507756,0 +507757,0 +507758,0 +507759,0 +507760,0 +507761,0 +507762,0 +507763,0 +507764,0 +507765,0 +507766,0 +507767,0 +507768,0 +507769,0 +507770,0 +507771,0 +507772,0 +507773,0 +507774,0 +507775,0 +507776,0 +507777,0 +507778,0 +507779,0 +507780,0 +507781,0 +507782,0 +507783,0 +507784,0 +507785,0 +507786,0 +507787,0 +507788,0 +507789,0 +507790,0 +507791,0 +507792,10 +507793,10 +507794,10 +507795,10 +507796,10 +507797,10 +507798,10 +507799,10 +507800,10 +507801,36 +507802,36 +507803,36 +507804,36 +507805,36 +507806,36 +507807,36 +507808,36 +507809,36 +507810,28 +507811,28 +507812,28 +507813,28 +507814,28 +507815,28 +507816,28 +507817,28 +507818,31 +507819,31 +507820,31 +507821,31 +507822,31 +507823,6 +507824,6 +507825,6 +507826,6 +507827,6 +507828,6 +507829,6 +507830,6 +507831,6 +507832,32 +507833,36 +507834,36 +507835,36 +507836,36 +507837,36 +507838,19 +507839,19 +507840,19 +507841,19 +507842,19 +507843,19 +507844,19 +507845,40 +507846,40 +507847,40 +507848,40 +507849,40 +507850,40 +507851,40 +507852,40 +507853,40 +507854,40 +507855,40 +507856,27 +507857,27 +507858,27 +507859,4 +507860,4 +507861,4 +507862,4 +507863,4 +507864,4 +507865,4 +507866,4 +507867,4 +507868,4 +507869,4 +507870,4 +507871,2 +507872,2 +507873,2 +507874,2 +507875,2 +507876,2 +507877,2 +507878,2 +507879,2 +507880,2 +507881,2 +507882,2 +507883,2 +507884,2 +507885,2 +507886,23 +507887,23 +507888,23 +507889,2 +507890,2 +507891,2 +507892,2 +507893,2 +507894,2 +507895,2 +507896,2 +507897,2 +507898,2 +507899,2 +507900,2 +507901,2 +507902,2 +507903,4 +507904,0 +507905,0 +507906,0 +507907,19 +507908,0 +507909,0 +507910,0 +507911,0 +507912,0 +507913,0 +507914,0 +507915,0 +507916,0 +507917,0 +507918,0 +507919,15 +507920,15 +507921,15 +507922,15 +507923,32 +507924,31 +507925,31 +507926,31 +507927,31 +507928,31 +507929,4 +507930,4 +507931,35 +507932,35 +507933,35 +507934,35 +507935,35 +507936,35 +507937,36 +507938,36 +507939,36 +507940,36 +507941,36 +507942,36 +507943,36 +507944,19 +507945,19 +507946,19 +507947,19 +507948,19 +507949,19 +507950,19 +507951,19 +507952,15 +507953,27 +507954,27 +507955,31 +507956,31 +507957,5 +507958,5 +507959,5 +507960,5 +507961,5 +507962,5 +507963,5 +507964,37 +507965,37 +507966,37 +507967,37 +507968,37 +507969,37 +507970,37 +507971,40 +507972,40 +507973,40 +507974,40 +507975,40 +507976,6 +507977,6 +507978,6 +507979,6 +507980,6 +507981,6 +507982,6 +507983,6 +507984,6 +507985,31 +507986,31 +507987,31 +507988,31 +507989,31 +507990,28 +507991,28 +507992,28 +507993,28 +507994,28 +507995,28 +507996,28 +507997,28 +507998,28 +507999,40 +508000,40 +508001,40 +508002,40 +508003,40 +508004,40 +508005,40 +508006,5 +508007,5 +508008,5 +508009,5 +508010,19 +508011,19 +508012,19 +508013,19 +508014,19 +508015,27 +508016,27 +508017,27 +508018,27 +508019,27 +508020,27 +508021,19 +508022,19 +508023,19 +508024,19 +508025,19 +508026,19 +508027,19 +508028,23 +508029,23 +508030,23 +508031,23 +508032,23 +508033,23 +508034,35 +508035,35 +508036,35 +508037,6 +508038,9 +508039,9 +508040,9 +508041,9 +508042,9 +508043,37 +508044,37 +508045,37 +508046,37 +508047,37 +508048,37 +508049,37 +508050,37 +508051,37 +508052,37 +508053,6 +508054,6 +508055,6 +508056,6 +508057,6 +508058,6 +508059,6 +508060,6 +508061,31 +508062,31 +508063,31 +508064,31 +508065,31 +508066,31 +508067,5 +508068,28 +508069,28 +508070,28 +508071,5 +508072,5 +508073,5 +508074,27 +508075,27 +508076,27 +508077,27 +508078,27 +508079,27 +508080,11 +508081,11 +508082,11 +508083,11 +508084,11 +508085,11 +508086,11 +508087,11 +508088,11 +508089,11 +508090,11 +508091,11 +508092,11 +508093,31 +508094,31 +508095,31 +508096,31 +508097,5 +508098,5 +508099,5 +508100,5 +508101,5 +508102,5 +508103,5 +508104,5 +508105,5 +508106,5 +508107,5 +508108,5 +508109,5 +508110,5 +508111,5 +508112,5 +508113,0 +508114,0 +508115,0 +508116,0 +508117,0 +508118,0 +508119,0 +508120,0 +508121,0 +508122,0 +508123,0 +508124,0 +508125,0 +508126,0 +508127,0 +508128,0 +508129,0 +508130,0 +508131,0 +508132,0 +508133,0 +508134,0 +508135,0 +508136,0 +508137,0 +508138,0 +508139,0 +508140,0 +508141,0 +508142,0 +508143,0 +508144,0 +508145,0 +508146,0 +508147,0 +508148,0 +508149,0 +508150,0 +508151,0 +508152,0 +508153,0 +508154,0 +508155,0 +508156,0 +508157,0 +508158,0 +508159,0 +508160,0 +508161,0 +508162,0 +508163,0 +508164,0 +508165,0 +508166,0 +508167,0 +508168,12 +508169,12 +508170,12 +508171,12 +508172,12 +508173,12 +508174,12 +508175,12 +508176,40 +508177,40 +508178,40 +508179,40 +508180,40 +508181,40 +508182,40 +508183,40 +508184,40 +508185,40 +508186,40 +508187,9 +508188,9 +508189,9 +508190,9 +508191,9 +508192,33 +508193,33 +508194,33 +508195,33 +508196,33 +508197,33 +508198,9 +508199,26 +508200,26 +508201,26 +508202,26 +508203,26 +508204,26 +508205,26 +508206,26 +508207,26 +508208,26 +508209,37 +508210,37 +508211,37 +508212,37 +508213,37 +508214,2 +508215,23 +508216,23 +508217,23 +508218,23 +508219,11 +508220,23 +508221,23 +508222,11 +508223,11 +508224,11 +508225,39 +508226,39 +508227,39 +508228,25 +508229,27 +508230,25 +508231,25 +508232,25 +508233,25 +508234,25 +508235,5 +508236,5 +508237,5 +508238,5 +508239,5 +508240,5 +508241,26 +508242,26 +508243,26 +508244,26 +508245,26 +508246,26 +508247,26 +508248,26 +508249,26 +508250,26 +508251,26 +508252,26 +508253,4 +508254,4 +508255,4 +508256,4 +508257,4 +508258,4 +508259,4 +508260,31 +508261,25 +508262,25 +508263,25 +508264,25 +508265,25 +508266,25 +508267,21 +508268,21 +508269,37 +508270,37 +508271,37 +508272,37 +508273,37 +508274,37 +508275,37 +508276,37 +508277,37 +508278,37 +508279,14 +508280,14 +508281,14 +508282,14 +508283,14 +508284,14 +508285,14 +508286,14 +508287,14 +508288,14 +508289,14 +508290,14 +508291,14 +508292,14 +508293,14 +508294,14 +508295,14 +508296,14 +508297,14 +508298,27 +508299,27 +508300,27 +508301,27 +508302,27 +508303,14 +508304,13 +508305,13 +508306,13 +508307,13 +508308,13 +508309,31 +508310,31 +508311,31 +508312,31 +508313,27 +508314,27 +508315,15 +508316,15 +508317,15 +508318,15 +508319,15 +508320,15 +508321,15 +508322,15 +508323,33 +508324,33 +508325,33 +508326,33 +508327,33 +508328,33 +508329,33 +508330,33 +508331,33 +508332,33 +508333,33 +508334,16 +508335,16 +508336,16 +508337,16 +508338,16 +508339,16 +508340,16 +508341,16 +508342,16 +508343,16 +508344,16 +508345,40 +508346,40 +508347,25 +508348,22 +508349,37 +508350,37 +508351,37 +508352,37 +508353,37 +508354,37 +508355,37 +508356,37 +508357,37 +508358,35 +508359,35 +508360,35 +508361,35 +508362,35 +508363,35 +508364,37 +508365,9 +508366,9 +508367,9 +508368,9 +508369,9 +508370,9 +508371,9 +508372,9 +508373,9 +508374,9 +508375,9 +508376,1 +508377,1 +508378,1 +508379,1 +508380,33 +508381,33 +508382,33 +508383,33 +508384,33 +508385,33 +508386,28 +508387,28 +508388,28 +508389,28 +508390,28 +508391,28 +508392,28 +508393,28 +508394,28 +508395,28 +508396,28 +508397,28 +508398,28 +508399,28 +508400,28 +508401,28 +508402,28 +508403,28 +508404,28 +508405,28 +508406,28 +508407,0 +508408,0 +508409,0 +508410,0 +508411,0 +508412,0 +508413,0 +508414,0 +508415,0 +508416,0 +508417,0 +508418,0 +508419,0 +508420,0 +508421,0 +508422,0 +508423,0 +508424,0 +508425,0 +508426,0 +508427,0 +508428,27 +508429,27 +508430,27 +508431,27 +508432,27 +508433,27 +508434,27 +508435,27 +508436,27 +508437,27 +508438,27 +508439,27 +508440,5 +508441,5 +508442,5 +508443,5 +508444,5 +508445,5 +508446,4 +508447,4 +508448,4 +508449,4 +508450,4 +508451,4 +508452,31 +508453,31 +508454,31 +508455,31 +508456,31 +508457,29 +508458,29 +508459,29 +508460,29 +508461,29 +508462,29 +508463,29 +508464,31 +508465,31 +508466,31 +508467,31 +508468,31 +508469,31 +508470,31 +508471,2 +508472,2 +508473,2 +508474,2 +508475,2 +508476,2 +508477,2 +508478,2 +508479,2 +508480,2 +508481,2 +508482,4 +508483,4 +508484,4 +508485,4 +508486,4 +508487,37 +508488,37 +508489,37 +508490,37 +508491,39 +508492,39 +508493,39 +508494,39 +508495,39 +508496,14 +508497,14 +508498,39 +508499,39 +508500,14 +508501,14 +508502,14 +508503,14 +508504,4 +508505,4 +508506,4 +508507,4 +508508,4 +508509,4 +508510,4 +508511,4 +508512,4 +508513,4 +508514,4 +508515,4 +508516,4 +508517,4 +508518,0 +508519,0 +508520,0 +508521,0 +508522,0 +508523,0 +508524,0 +508525,0 +508526,0 +508527,0 +508528,0 +508529,0 +508530,0 +508531,0 +508532,0 +508533,0 +508534,0 +508535,0 +508536,0 +508537,0 +508538,0 +508539,0 +508540,0 +508541,0 +508542,0 +508543,0 +508544,0 +508545,0 +508546,0 +508547,0 +508548,0 +508549,0 +508550,0 +508551,0 +508552,0 +508553,0 +508554,0 +508555,0 +508556,0 +508557,0 +508558,0 +508559,0 +508560,0 +508561,0 +508562,0 +508563,0 +508564,0 +508565,0 +508566,0 +508567,0 +508568,0 +508569,0 +508570,0 +508571,0 +508572,0 +508573,0 +508574,0 +508575,0 +508576,0 +508577,0 +508578,0 +508579,0 +508580,0 +508581,0 +508582,0 +508583,0 +508584,0 +508585,0 +508586,0 +508587,0 +508588,0 +508589,0 +508590,0 +508591,0 +508592,35 +508593,0 +508594,0 +508595,0 +508596,0 +508597,0 +508598,0 +508599,0 +508600,0 +508601,0 +508602,0 +508603,0 +508604,0 +508605,0 +508606,0 +508607,0 +508608,0 +508609,0 +508610,0 +508611,0 +508612,0 +508613,0 +508614,0 +508615,0 +508616,0 +508617,0 +508618,0 +508619,0 +508620,0 +508621,0 +508622,0 +508623,28 +508624,5 +508625,5 +508626,5 +508627,5 +508628,5 +508629,5 +508630,5 +508631,5 +508632,5 +508633,5 +508634,5 +508635,5 +508636,5 +508637,5 +508638,5 +508639,33 +508640,33 +508641,33 +508642,33 +508643,33 +508644,33 +508645,33 +508646,33 +508647,33 +508648,33 +508649,33 +508650,33 +508651,33 +508652,33 +508653,33 +508654,33 +508655,33 +508656,33 +508657,33 +508658,33 +508659,33 +508660,33 +508661,33 +508662,33 +508663,30 +508664,30 +508665,30 +508666,30 +508667,30 +508668,0 +508669,0 +508670,0 +508671,0 +508672,0 +508673,0 +508674,0 +508675,0 +508676,0 +508677,0 +508678,0 +508679,0 +508680,0 +508681,0 +508682,0 +508683,0 +508684,0 +508685,0 +508686,0 +508687,0 +508688,0 +508689,0 +508690,0 +508691,0 +508692,0 +508693,0 +508694,0 +508695,0 +508696,0 +508697,10 +508698,10 +508699,10 +508700,10 +508701,10 +508702,10 +508703,10 +508704,10 +508705,10 +508706,10 +508707,10 +508708,10 +508709,10 +508710,10 +508711,10 +508712,35 +508713,35 +508714,35 +508715,35 +508716,35 +508717,35 +508718,35 +508719,35 +508720,35 +508721,34 +508722,31 +508723,40 +508724,40 +508725,40 +508726,40 +508727,40 +508728,40 +508729,40 +508730,40 +508731,40 +508732,30 +508733,30 +508734,30 +508735,30 +508736,30 +508737,30 +508738,30 +508739,30 +508740,30 +508741,30 +508742,30 +508743,9 +508744,9 +508745,9 +508746,9 +508747,9 +508748,9 +508749,9 +508750,9 +508751,9 +508752,9 +508753,9 +508754,9 +508755,9 +508756,9 +508757,9 +508758,23 +508759,23 +508760,23 +508761,23 +508762,23 +508763,23 +508764,23 +508765,23 +508766,23 +508767,4 +508768,4 +508769,4 +508770,4 +508771,4 +508772,4 +508773,39 +508774,39 +508775,39 +508776,39 +508777,39 +508778,39 +508779,39 +508780,39 +508781,12 +508782,12 +508783,12 +508784,12 +508785,12 +508786,12 +508787,12 +508788,12 +508789,12 +508790,12 +508791,12 +508792,12 +508793,14 +508794,14 +508795,14 +508796,14 +508797,14 +508798,14 +508799,14 +508800,14 +508801,14 +508802,14 +508803,14 +508804,14 +508805,14 +508806,31 +508807,31 +508808,27 +508809,27 +508810,31 +508811,27 +508812,32 +508813,24 +508814,24 +508815,24 +508816,24 +508817,24 +508818,24 +508819,21 +508820,21 +508821,21 +508822,21 +508823,21 +508824,21 +508825,21 +508826,40 +508827,40 +508828,40 +508829,40 +508830,40 +508831,14 +508832,14 +508833,4 +508834,27 +508835,27 +508836,27 +508837,27 +508838,27 +508839,27 +508840,27 +508841,27 +508842,13 +508843,13 +508844,13 +508845,13 +508846,13 +508847,13 +508848,13 +508849,13 +508850,34 +508851,34 +508852,34 +508853,34 +508854,34 +508855,34 +508856,34 +508857,34 +508858,34 +508859,34 +508860,34 +508861,34 +508862,4 +508863,4 +508864,4 +508865,4 +508866,31 +508867,31 +508868,31 +508869,31 +508870,24 +508871,24 +508872,24 +508873,24 +508874,24 +508875,27 +508876,27 +508877,27 +508878,27 +508879,27 +508880,27 +508881,19 +508882,19 +508883,19 +508884,19 +508885,19 +508886,9 +508887,9 +508888,9 +508889,9 +508890,9 +508891,9 +508892,9 +508893,9 +508894,9 +508895,9 +508896,9 +508897,9 +508898,9 +508899,9 +508900,9 +508901,30 +508902,30 +508903,30 +508904,30 +508905,30 +508906,30 +508907,30 +508908,30 +508909,30 +508910,30 +508911,30 +508912,30 +508913,30 +508914,30 +508915,30 +508916,30 +508917,30 +508918,30 +508919,30 +508920,30 +508921,30 +508922,0 +508923,0 +508924,0 +508925,0 +508926,0 +508927,0 +508928,0 +508929,0 +508930,0 +508931,0 +508932,0 +508933,0 +508934,0 +508935,0 +508936,0 +508937,0 +508938,0 +508939,0 +508940,0 +508941,0 +508942,0 +508943,0 +508944,0 +508945,0 +508946,0 +508947,0 +508948,0 +508949,0 +508950,0 +508951,0 +508952,0 +508953,0 +508954,0 +508955,0 +508956,0 +508957,0 +508958,0 +508959,0 +508960,0 +508961,0 +508962,0 +508963,0 +508964,0 +508965,0 +508966,0 +508967,0 +508968,0 +508969,0 +508970,0 +508971,0 +508972,0 +508973,0 +508974,0 +508975,0 +508976,0 +508977,0 +508978,0 +508979,0 +508980,0 +508981,0 +508982,0 +508983,0 +508984,0 +508985,0 +508986,0 +508987,4 +508988,4 +508989,4 +508990,4 +508991,4 +508992,4 +508993,4 +508994,14 +508995,14 +508996,14 +508997,14 +508998,14 +508999,14 +509000,14 +509001,14 +509002,14 +509003,14 +509004,14 +509005,14 +509006,4 +509007,4 +509008,4 +509009,4 +509010,4 +509011,6 +509012,6 +509013,6 +509014,6 +509015,6 +509016,6 +509017,6 +509018,6 +509019,35 +509020,35 +509021,35 +509022,39 +509023,39 +509024,39 +509025,39 +509026,39 +509027,39 +509028,39 +509029,39 +509030,39 +509031,39 +509032,39 +509033,39 +509034,39 +509035,39 +509036,39 +509037,39 +509038,39 +509039,39 +509040,19 +509041,19 +509042,5 +509043,5 +509044,5 +509045,5 +509046,5 +509047,19 +509048,19 +509049,19 +509050,19 +509051,27 +509052,27 +509053,27 +509054,27 +509055,27 +509056,27 +509057,37 +509058,37 +509059,37 +509060,37 +509061,37 +509062,37 +509063,37 +509064,37 +509065,37 +509066,37 +509067,37 +509068,35 +509069,35 +509070,35 +509071,35 +509072,35 +509073,35 +509074,35 +509075,35 +509076,35 +509077,35 +509078,26 +509079,26 +509080,26 +509081,26 +509082,26 +509083,26 +509084,37 +509085,37 +509086,37 +509087,37 +509088,37 +509089,37 +509090,37 +509091,37 +509092,37 +509093,37 +509094,37 +509095,37 +509096,37 +509097,37 +509098,37 +509099,4 +509100,4 +509101,4 +509102,4 +509103,4 +509104,4 +509105,4 +509106,4 +509107,4 +509108,4 +509109,4 +509110,4 +509111,4 +509112,0 +509113,0 +509114,0 +509115,0 +509116,0 +509117,0 +509118,0 +509119,0 +509120,0 +509121,0 +509122,0 +509123,0 +509124,0 +509125,31 +509126,31 +509127,31 +509128,31 +509129,31 +509130,31 +509131,31 +509132,24 +509133,24 +509134,24 +509135,24 +509136,24 +509137,24 +509138,24 +509139,24 +509140,24 +509141,29 +509142,29 +509143,31 +509144,31 +509145,31 +509146,31 +509147,31 +509148,31 +509149,31 +509150,31 +509151,2 +509152,2 +509153,2 +509154,2 +509155,2 +509156,2 +509157,2 +509158,2 +509159,2 +509160,2 +509161,30 +509162,30 +509163,30 +509164,30 +509165,30 +509166,30 +509167,30 +509168,26 +509169,26 +509170,26 +509171,26 +509172,26 +509173,26 +509174,26 +509175,26 +509176,26 +509177,26 +509178,26 +509179,37 +509180,37 +509181,37 +509182,37 +509183,37 +509184,37 +509185,37 +509186,37 +509187,37 +509188,37 +509189,18 +509190,18 +509191,18 +509192,18 +509193,18 +509194,18 +509195,18 +509196,18 +509197,16 +509198,16 +509199,16 +509200,16 +509201,16 +509202,16 +509203,16 +509204,16 +509205,16 +509206,11 +509207,32 +509208,32 +509209,32 +509210,4 +509211,32 +509212,32 +509213,32 +509214,32 +509215,32 +509216,32 +509217,25 +509218,25 +509219,25 +509220,25 +509221,25 +509222,25 +509223,24 +509224,24 +509225,24 +509226,24 +509227,24 +509228,24 +509229,24 +509230,24 +509231,33 +509232,33 +509233,33 +509234,33 +509235,33 +509236,33 +509237,30 +509238,30 +509239,30 +509240,30 +509241,30 +509242,40 +509243,36 +509244,36 +509245,40 +509246,40 +509247,40 +509248,40 +509249,40 +509250,19 +509251,19 +509252,19 +509253,18 +509254,18 +509255,18 +509256,18 +509257,18 +509258,18 +509259,18 +509260,18 +509261,18 +509262,18 +509263,18 +509264,18 +509265,18 +509266,18 +509267,18 +509268,18 +509269,18 +509270,18 +509271,18 +509272,18 +509273,11 +509274,11 +509275,11 +509276,11 +509277,11 +509278,0 +509279,0 +509280,0 +509281,0 +509282,0 +509283,0 +509284,0 +509285,0 +509286,0 +509287,0 +509288,0 +509289,0 +509290,0 +509291,0 +509292,0 +509293,0 +509294,0 +509295,0 +509296,0 +509297,0 +509298,0 +509299,0 +509300,0 +509301,0 +509302,0 +509303,0 +509304,0 +509305,0 +509306,0 +509307,0 +509308,0 +509309,0 +509310,0 +509311,0 +509312,0 +509313,0 +509314,0 +509315,0 +509316,0 +509317,0 +509318,0 +509319,0 +509320,0 +509321,0 +509322,0 +509323,0 +509324,0 +509325,0 +509326,0 +509327,0 +509328,0 +509329,0 +509330,0 +509331,0 +509332,0 +509333,0 +509334,0 +509335,0 +509336,0 +509337,0 +509338,0 +509339,0 +509340,0 +509341,0 +509342,0 +509343,0 +509344,0 +509345,0 +509346,0 +509347,0 +509348,0 +509349,0 +509350,0 +509351,0 +509352,0 +509353,0 +509354,0 +509355,0 +509356,0 +509357,0 +509358,0 +509359,0 +509360,0 +509361,0 +509362,0 +509363,0 +509364,0 +509365,0 +509366,0 +509367,0 +509368,0 +509369,0 +509370,0 +509371,0 +509372,0 +509373,0 +509374,0 +509375,0 +509376,12 +509377,12 +509378,9 +509379,9 +509380,9 +509381,9 +509382,9 +509383,9 +509384,9 +509385,9 +509386,9 +509387,9 +509388,9 +509389,37 +509390,37 +509391,37 +509392,37 +509393,37 +509394,37 +509395,37 +509396,37 +509397,2 +509398,2 +509399,2 +509400,2 +509401,2 +509402,2 +509403,2 +509404,2 +509405,2 +509406,2 +509407,2 +509408,2 +509409,2 +509410,2 +509411,2 +509412,2 +509413,2 +509414,2 +509415,33 +509416,33 +509417,33 +509418,33 +509419,33 +509420,33 +509421,33 +509422,33 +509423,33 +509424,33 +509425,33 +509426,33 +509427,33 +509428,2 +509429,2 +509430,2 +509431,2 +509432,2 +509433,2 +509434,2 +509435,2 +509436,2 +509437,2 +509438,2 +509439,2 +509440,2 +509441,2 +509442,2 +509443,2 +509444,2 +509445,2 +509446,4 +509447,4 +509448,4 +509449,4 +509450,4 +509451,4 +509452,4 +509453,4 +509454,4 +509455,36 +509456,36 +509457,36 +509458,36 +509459,36 +509460,36 +509461,36 +509462,40 +509463,40 +509464,40 +509465,36 +509466,36 +509467,36 +509468,36 +509469,36 +509470,36 +509471,36 +509472,36 +509473,36 +509474,36 +509475,36 +509476,36 +509477,27 +509478,5 +509479,5 +509480,5 +509481,5 +509482,5 +509483,5 +509484,5 +509485,5 +509486,5 +509487,2 +509488,2 +509489,2 +509490,2 +509491,2 +509492,2 +509493,29 +509494,29 +509495,29 +509496,29 +509497,2 +509498,39 +509499,39 +509500,27 +509501,27 +509502,27 +509503,27 +509504,27 +509505,39 +509506,27 +509507,27 +509508,27 +509509,27 +509510,27 +509511,27 +509512,27 +509513,27 +509514,27 +509515,2 +509516,2 +509517,2 +509518,2 +509519,2 +509520,2 +509521,2 +509522,2 +509523,2 +509524,2 +509525,2 +509526,2 +509527,2 +509528,2 +509529,2 +509530,2 +509531,2 +509532,2 +509533,2 +509534,2 +509535,36 +509536,36 +509537,36 +509538,36 +509539,36 +509540,36 +509541,36 +509542,36 +509543,36 +509544,36 +509545,36 +509546,36 +509547,36 +509548,36 +509549,36 +509550,36 +509551,36 +509552,36 +509553,2 +509554,2 +509555,2 +509556,2 +509557,2 +509558,2 +509559,2 +509560,2 +509561,2 +509562,2 +509563,2 +509564,31 +509565,31 +509566,31 +509567,31 +509568,31 +509569,5 +509570,5 +509571,5 +509572,5 +509573,5 +509574,5 +509575,5 +509576,5 +509577,28 +509578,5 +509579,5 +509580,5 +509581,5 +509582,5 +509583,5 +509584,5 +509585,5 +509586,5 +509587,5 +509588,5 +509589,5 +509590,5 +509591,5 +509592,5 +509593,5 +509594,0 +509595,0 +509596,0 +509597,0 +509598,0 +509599,0 +509600,0 +509601,36 +509602,36 +509603,36 +509604,27 +509605,27 +509606,27 +509607,27 +509608,27 +509609,27 +509610,27 +509611,27 +509612,27 +509613,27 +509614,27 +509615,5 +509616,5 +509617,5 +509618,5 +509619,5 +509620,5 +509621,5 +509622,5 +509623,5 +509624,4 +509625,4 +509626,4 +509627,4 +509628,4 +509629,4 +509630,4 +509631,4 +509632,4 +509633,4 +509634,4 +509635,4 +509636,4 +509637,4 +509638,40 +509639,40 +509640,40 +509641,40 +509642,40 +509643,40 +509644,40 +509645,40 +509646,40 +509647,6 +509648,6 +509649,6 +509650,6 +509651,6 +509652,6 +509653,6 +509654,2 +509655,2 +509656,2 +509657,2 +509658,2 +509659,8 +509660,8 +509661,8 +509662,8 +509663,31 +509664,31 +509665,31 +509666,31 +509667,31 +509668,31 +509669,31 +509670,31 +509671,31 +509672,31 +509673,2 +509674,2 +509675,2 +509676,2 +509677,2 +509678,2 +509679,2 +509680,2 +509681,2 +509682,2 +509683,2 +509684,2 +509685,2 +509686,2 +509687,2 +509688,2 +509689,2 +509690,2 +509691,2 +509692,2 +509693,2 +509694,2 +509695,2 +509696,2 +509697,2 +509698,2 +509699,2 +509700,2 +509701,2 +509702,2 +509703,2 +509704,0 +509705,0 +509706,0 +509707,0 +509708,0 +509709,0 +509710,0 +509711,0 +509712,0 +509713,0 +509714,0 +509715,0 +509716,0 +509717,0 +509718,0 +509719,0 +509720,0 +509721,0 +509722,0 +509723,0 +509724,0 +509725,0 +509726,0 +509727,0 +509728,0 +509729,0 +509730,0 +509731,0 +509732,0 +509733,0 +509734,0 +509735,0 +509736,0 +509737,0 +509738,0 +509739,0 +509740,0 +509741,0 +509742,0 +509743,0 +509744,0 +509745,0 +509746,0 +509747,0 +509748,0 +509749,0 +509750,0 +509751,0 +509752,0 +509753,0 +509754,0 +509755,0 +509756,0 +509757,0 +509758,0 +509759,0 +509760,0 +509761,0 +509762,0 +509763,0 +509764,0 +509765,0 +509766,0 +509767,0 +509768,0 +509769,0 +509770,0 +509771,0 +509772,0 +509773,0 +509774,0 +509775,0 +509776,0 +509777,0 +509778,0 +509779,0 +509780,0 +509781,0 +509782,0 +509783,0 +509784,0 +509785,0 +509786,0 +509787,0 +509788,0 +509789,0 +509790,0 +509791,0 +509792,0 +509793,0 +509794,0 +509795,0 +509796,0 +509797,0 +509798,0 +509799,0 +509800,0 +509801,0 +509802,0 +509803,0 +509804,0 +509805,0 +509806,0 +509807,0 +509808,0 +509809,0 +509810,0 +509811,0 +509812,0 +509813,0 +509814,0 +509815,0 +509816,0 +509817,0 +509818,0 +509819,27 +509820,27 +509821,27 +509822,27 +509823,27 +509824,27 +509825,27 +509826,27 +509827,27 +509828,27 +509829,27 +509830,27 +509831,27 +509832,27 +509833,8 +509834,8 +509835,8 +509836,8 +509837,8 +509838,8 +509839,8 +509840,19 +509841,19 +509842,19 +509843,19 +509844,19 +509845,19 +509846,19 +509847,27 +509848,27 +509849,27 +509850,27 +509851,27 +509852,28 +509853,28 +509854,28 +509855,28 +509856,28 +509857,28 +509858,28 +509859,28 +509860,28 +509861,28 +509862,28 +509863,14 +509864,14 +509865,14 +509866,14 +509867,14 +509868,14 +509869,7 +509870,7 +509871,7 +509872,5 +509873,31 +509874,31 +509875,5 +509876,5 +509877,5 +509878,40 +509879,40 +509880,40 +509881,40 +509882,40 +509883,40 +509884,40 +509885,40 +509886,37 +509887,37 +509888,37 +509889,37 +509890,37 +509891,37 +509892,37 +509893,37 +509894,37 +509895,37 +509896,37 +509897,37 +509898,25 +509899,25 +509900,25 +509901,0 +509902,0 +509903,0 +509904,0 +509905,32 +509906,32 +509907,32 +509908,4 +509909,4 +509910,27 +509911,27 +509912,27 +509913,27 +509914,27 +509915,27 +509916,27 +509917,27 +509918,8 +509919,8 +509920,8 +509921,8 +509922,8 +509923,8 +509924,8 +509925,8 +509926,32 +509927,32 +509928,32 +509929,32 +509930,32 +509931,32 +509932,32 +509933,32 +509934,31 +509935,31 +509936,31 +509937,31 +509938,31 +509939,31 +509940,28 +509941,28 +509942,28 +509943,28 +509944,28 +509945,28 +509946,28 +509947,28 +509948,28 +509949,28 +509950,5 +509951,32 +509952,32 +509953,32 +509954,32 +509955,32 +509956,32 +509957,32 +509958,32 +509959,32 +509960,32 +509961,32 +509962,32 +509963,32 +509964,30 +509965,30 +509966,30 +509967,30 +509968,30 +509969,30 +509970,30 +509971,30 +509972,39 +509973,39 +509974,39 +509975,39 +509976,39 +509977,39 +509978,39 +509979,39 +509980,39 +509981,6 +509982,6 +509983,6 +509984,6 +509985,6 +509986,6 +509987,6 +509988,30 +509989,30 +509990,30 +509991,30 +509992,30 +509993,30 +509994,39 +509995,39 +509996,39 +509997,39 +509998,39 +509999,39 +510000,39 +510001,39 +510002,39 +510003,39 +510004,39 +510005,39 +510006,16 +510007,16 +510008,16 +510009,16 +510010,16 +510011,16 +510012,16 +510013,16 +510014,18 +510015,18 +510016,18 +510017,16 +510018,16 +510019,16 +510020,16 +510021,14 +510022,14 +510023,14 +510024,14 +510025,14 +510026,14 +510027,14 +510028,14 +510029,14 +510030,14 +510031,14 +510032,14 +510033,14 +510034,10 +510035,10 +510036,10 +510037,10 +510038,10 +510039,10 +510040,10 +510041,10 +510042,10 +510043,10 +510044,5 +510045,5 +510046,5 +510047,5 +510048,5 +510049,5 +510050,5 +510051,5 +510052,5 +510053,5 +510054,5 +510055,5 +510056,5 +510057,18 +510058,18 +510059,18 +510060,18 +510061,18 +510062,18 +510063,18 +510064,18 +510065,18 +510066,18 +510067,18 +510068,4 +510069,4 +510070,4 +510071,4 +510072,4 +510073,4 +510074,4 +510075,4 +510076,4 +510077,4 +510078,4 +510079,4 +510080,4 +510081,4 +510082,4 +510083,0 +510084,0 +510085,0 +510086,0 +510087,0 +510088,0 +510089,0 +510090,0 +510091,0 +510092,0 +510093,0 +510094,0 +510095,0 +510096,0 +510097,0 +510098,0 +510099,0 +510100,0 +510101,0 +510102,0 +510103,0 +510104,0 +510105,0 +510106,10 +510107,10 +510108,10 +510109,10 +510110,31 +510111,31 +510112,31 +510113,31 +510114,31 +510115,31 +510116,31 +510117,31 +510118,31 +510119,5 +510120,5 +510121,5 +510122,5 +510123,5 +510124,5 +510125,5 +510126,5 +510127,32 +510128,32 +510129,15 +510130,15 +510131,15 +510132,15 +510133,37 +510134,37 +510135,37 +510136,37 +510137,37 +510138,37 +510139,37 +510140,33 +510141,31 +510142,40 +510143,40 +510144,31 +510145,31 +510146,31 +510147,31 +510148,31 +510149,31 +510150,31 +510151,31 +510152,21 +510153,21 +510154,6 +510155,6 +510156,6 +510157,27 +510158,27 +510159,31 +510160,31 +510161,31 +510162,31 +510163,31 +510164,5 +510165,5 +510166,5 +510167,5 +510168,5 +510169,5 +510170,5 +510171,38 +510172,4 +510173,4 +510174,4 +510175,4 +510176,10 +510177,10 +510178,10 +510179,10 +510180,10 +510181,10 +510182,34 +510183,34 +510184,10 +510185,10 +510186,10 +510187,10 +510188,10 +510189,10 +510190,10 +510191,10 +510192,10 +510193,37 +510194,37 +510195,37 +510196,37 +510197,37 +510198,37 +510199,25 +510200,31 +510201,31 +510202,27 +510203,35 +510204,35 +510205,35 +510206,27 +510207,24 +510208,24 +510209,24 +510210,24 +510211,19 +510212,23 +510213,23 +510214,23 +510215,27 +510216,27 +510217,27 +510218,27 +510219,39 +510220,27 +510221,39 +510222,39 +510223,39 +510224,39 +510225,39 +510226,39 +510227,39 +510228,14 +510229,14 +510230,14 +510231,39 +510232,39 +510233,39 +510234,39 +510235,14 +510236,14 +510237,5 +510238,5 +510239,5 +510240,5 +510241,5 +510242,5 +510243,5 +510244,5 +510245,13 +510246,2 +510247,2 +510248,2 +510249,2 +510250,8 +510251,2 +510252,2 +510253,2 +510254,2 +510255,8 +510256,2 +510257,2 +510258,2 +510259,2 +510260,36 +510261,36 +510262,36 +510263,36 +510264,36 +510265,36 +510266,36 +510267,36 +510268,13 +510269,13 +510270,13 +510271,13 +510272,6 +510273,6 +510274,6 +510275,6 +510276,6 +510277,6 +510278,6 +510279,6 +510280,6 +510281,6 +510282,31 +510283,31 +510284,31 +510285,31 +510286,31 +510287,31 +510288,31 +510289,31 +510290,31 +510291,24 +510292,24 +510293,24 +510294,24 +510295,24 +510296,24 +510297,24 +510298,25 +510299,25 +510300,25 +510301,25 +510302,25 +510303,19 +510304,37 +510305,37 +510306,12 +510307,12 +510308,12 +510309,12 +510310,12 +510311,12 +510312,27 +510313,27 +510314,27 +510315,27 +510316,38 +510317,38 +510318,38 +510319,38 +510320,38 +510321,38 +510322,38 +510323,38 +510324,38 +510325,38 +510326,38 +510327,38 +510328,35 +510329,32 +510330,32 +510331,32 +510332,32 +510333,32 +510334,32 +510335,26 +510336,26 +510337,26 +510338,31 +510339,31 +510340,31 +510341,10 +510342,10 +510343,10 +510344,10 +510345,10 +510346,10 +510347,10 +510348,10 +510349,10 +510350,10 +510351,10 +510352,10 +510353,10 +510354,10 +510355,10 +510356,5 +510357,5 +510358,5 +510359,5 +510360,5 +510361,5 +510362,5 +510363,5 +510364,5 +510365,5 +510366,2 +510367,2 +510368,2 +510369,2 +510370,2 +510371,2 +510372,2 +510373,2 +510374,2 +510375,2 +510376,2 +510377,2 +510378,2 +510379,40 +510380,36 +510381,36 +510382,36 +510383,36 +510384,36 +510385,36 +510386,36 +510387,36 +510388,36 +510389,5 +510390,5 +510391,5 +510392,5 +510393,5 +510394,5 +510395,5 +510396,2 +510397,2 +510398,2 +510399,2 +510400,2 +510401,2 +510402,2 +510403,2 +510404,2 +510405,2 +510406,2 +510407,2 +510408,2 +510409,2 +510410,2 +510411,5 +510412,5 +510413,5 +510414,5 +510415,5 +510416,5 +510417,5 +510418,31 +510419,31 +510420,31 +510421,31 +510422,31 +510423,31 +510424,31 +510425,31 +510426,31 +510427,31 +510428,31 +510429,40 +510430,40 +510431,40 +510432,40 +510433,40 +510434,40 +510435,40 +510436,40 +510437,40 +510438,40 +510439,40 +510440,40 +510441,4 +510442,4 +510443,4 +510444,4 +510445,4 +510446,4 +510447,4 +510448,4 +510449,4 +510450,4 +510451,0 +510452,0 +510453,0 +510454,0 +510455,0 +510456,0 +510457,0 +510458,0 +510459,0 +510460,0 +510461,0 +510462,0 +510463,0 +510464,0 +510465,0 +510466,0 +510467,0 +510468,0 +510469,0 +510470,0 +510471,0 +510472,0 +510473,0 +510474,0 +510475,0 +510476,0 +510477,0 +510478,0 +510479,0 +510480,0 +510481,0 +510482,0 +510483,0 +510484,0 +510485,0 +510486,0 +510487,0 +510488,0 +510489,0 +510490,0 +510491,0 +510492,0 +510493,0 +510494,0 +510495,0 +510496,0 +510497,0 +510498,0 +510499,0 +510500,0 +510501,0 +510502,0 +510503,0 +510504,0 +510505,0 +510506,0 +510507,0 +510508,0 +510509,0 +510510,0 +510511,0 +510512,0 +510513,0 +510514,0 +510515,0 +510516,0 +510517,0 +510518,0 +510519,0 +510520,0 +510521,0 +510522,0 +510523,0 +510524,0 +510525,0 +510526,0 +510527,0 +510528,0 +510529,0 +510530,0 +510531,0 +510532,35 +510533,35 +510534,35 +510535,35 +510536,35 +510537,35 +510538,12 +510539,12 +510540,12 +510541,12 +510542,12 +510543,10 +510544,40 +510545,40 +510546,40 +510547,40 +510548,40 +510549,40 +510550,40 +510551,26 +510552,40 +510553,30 +510554,30 +510555,30 +510556,33 +510557,33 +510558,33 +510559,33 +510560,33 +510561,33 +510562,33 +510563,26 +510564,26 +510565,26 +510566,9 +510567,9 +510568,9 +510569,5 +510570,5 +510571,5 +510572,5 +510573,5 +510574,5 +510575,5 +510576,29 +510577,29 +510578,29 +510579,31 +510580,31 +510581,31 +510582,31 +510583,31 +510584,31 +510585,31 +510586,2 +510587,2 +510588,2 +510589,2 +510590,2 +510591,2 +510592,2 +510593,2 +510594,2 +510595,2 +510596,2 +510597,2 +510598,2 +510599,2 +510600,10 +510601,10 +510602,10 +510603,10 +510604,10 +510605,10 +510606,10 +510607,10 +510608,10 +510609,10 +510610,10 +510611,10 +510612,10 +510613,10 +510614,19 +510615,19 +510616,19 +510617,19 +510618,19 +510619,12 +510620,12 +510621,12 +510622,12 +510623,12 +510624,12 +510625,12 +510626,12 +510627,12 +510628,12 +510629,12 +510630,39 +510631,39 +510632,39 +510633,39 +510634,39 +510635,39 +510636,39 +510637,39 +510638,39 +510639,39 +510640,39 +510641,39 +510642,12 +510643,12 +510644,12 +510645,12 +510646,12 +510647,12 +510648,12 +510649,12 +510650,25 +510651,25 +510652,25 +510653,25 +510654,25 +510655,25 +510656,37 +510657,37 +510658,4 +510659,4 +510660,4 +510661,4 +510662,4 +510663,4 +510664,4 +510665,4 +510666,4 +510667,4 +510668,37 +510669,37 +510670,37 +510671,37 +510672,37 +510673,40 +510674,40 +510675,40 +510676,40 +510677,40 +510678,40 +510679,40 +510680,40 +510681,40 +510682,40 +510683,40 +510684,40 +510685,36 +510686,36 +510687,36 +510688,24 +510689,24 +510690,24 +510691,24 +510692,24 +510693,24 +510694,24 +510695,30 +510696,30 +510697,30 +510698,27 +510699,27 +510700,27 +510701,27 +510702,27 +510703,27 +510704,27 +510705,27 +510706,13 +510707,13 +510708,13 +510709,13 +510710,13 +510711,13 +510712,13 +510713,13 +510714,13 +510715,13 +510716,13 +510717,13 +510718,13 +510719,13 +510720,0 +510721,13 +510722,39 +510723,39 +510724,39 +510725,39 +510726,27 +510727,39 +510728,39 +510729,27 +510730,27 +510731,27 +510732,27 +510733,27 +510734,39 +510735,39 +510736,39 +510737,39 +510738,5 +510739,5 +510740,5 +510741,5 +510742,5 +510743,5 +510744,5 +510745,3 +510746,3 +510747,3 +510748,3 +510749,3 +510750,3 +510751,3 +510752,3 +510753,3 +510754,3 +510755,3 +510756,3 +510757,28 +510758,28 +510759,28 +510760,28 +510761,28 +510762,15 +510763,15 +510764,15 +510765,25 +510766,31 +510767,31 +510768,31 +510769,31 +510770,31 +510771,31 +510772,31 +510773,31 +510774,31 +510775,31 +510776,31 +510777,15 +510778,15 +510779,15 +510780,15 +510781,15 +510782,15 +510783,15 +510784,31 +510785,31 +510786,31 +510787,31 +510788,30 +510789,30 +510790,30 +510791,22 +510792,22 +510793,30 +510794,30 +510795,30 +510796,30 +510797,30 +510798,30 +510799,31 +510800,30 +510801,15 +510802,15 +510803,15 +510804,15 +510805,37 +510806,37 +510807,37 +510808,37 +510809,37 +510810,37 +510811,37 +510812,37 +510813,27 +510814,27 +510815,27 +510816,27 +510817,27 +510818,27 +510819,27 +510820,19 +510821,19 +510822,19 +510823,19 +510824,19 +510825,4 +510826,4 +510827,39 +510828,39 +510829,39 +510830,39 +510831,39 +510832,39 +510833,39 +510834,39 +510835,30 +510836,30 +510837,30 +510838,30 +510839,30 +510840,30 +510841,31 +510842,31 +510843,31 +510844,31 +510845,31 +510846,31 +510847,31 +510848,27 +510849,4 +510850,4 +510851,4 +510852,4 +510853,4 +510854,2 +510855,2 +510856,2 +510857,2 +510858,2 +510859,2 +510860,4 +510861,2 +510862,2 +510863,32 +510864,32 +510865,32 +510866,32 +510867,32 +510868,32 +510869,32 +510870,32 +510871,32 +510872,23 +510873,32 +510874,23 +510875,23 +510876,23 +510877,23 +510878,9 +510879,9 +510880,9 +510881,9 +510882,9 +510883,9 +510884,9 +510885,9 +510886,37 +510887,37 +510888,37 +510889,37 +510890,37 +510891,37 +510892,37 +510893,19 +510894,19 +510895,19 +510896,19 +510897,19 +510898,19 +510899,19 +510900,19 +510901,19 +510902,19 +510903,19 +510904,19 +510905,19 +510906,34 +510907,34 +510908,34 +510909,34 +510910,34 +510911,34 +510912,34 +510913,34 +510914,10 +510915,34 +510916,10 +510917,34 +510918,34 +510919,34 +510920,34 +510921,34 +510922,5 +510923,5 +510924,28 +510925,28 +510926,28 +510927,28 +510928,23 +510929,23 +510930,23 +510931,23 +510932,23 +510933,23 +510934,23 +510935,23 +510936,23 +510937,37 +510938,37 +510939,37 +510940,37 +510941,10 +510942,10 +510943,26 +510944,26 +510945,26 +510946,26 +510947,26 +510948,28 +510949,28 +510950,28 +510951,28 +510952,28 +510953,28 +510954,28 +510955,29 +510956,29 +510957,29 +510958,29 +510959,29 +510960,31 +510961,31 +510962,31 +510963,31 +510964,31 +510965,31 +510966,31 +510967,31 +510968,31 +510969,24 +510970,24 +510971,24 +510972,24 +510973,14 +510974,14 +510975,14 +510976,3 +510977,3 +510978,3 +510979,3 +510980,3 +510981,27 +510982,40 +510983,27 +510984,27 +510985,27 +510986,27 +510987,27 +510988,27 +510989,27 +510990,27 +510991,27 +510992,27 +510993,27 +510994,27 +510995,27 +510996,27 +510997,27 +510998,27 +510999,27 +511000,27 +511001,27 +511002,16 +511003,16 +511004,16 +511005,16 +511006,16 +511007,16 +511008,16 +511009,16 +511010,16 +511011,18 +511012,18 +511013,18 +511014,18 +511015,18 +511016,18 +511017,18 +511018,18 +511019,18 +511020,18 +511021,18 +511022,18 +511023,18 +511024,18 +511025,18 +511026,0 +511027,0 +511028,0 +511029,0 +511030,0 +511031,0 +511032,0 +511033,0 +511034,0 +511035,0 +511036,0 +511037,0 +511038,0 +511039,0 +511040,0 +511041,0 +511042,0 +511043,0 +511044,0 +511045,0 +511046,0 +511047,0 +511048,0 +511049,0 +511050,0 +511051,0 +511052,0 +511053,0 +511054,0 +511055,0 +511056,0 +511057,0 +511058,0 +511059,0 +511060,0 +511061,0 +511062,0 +511063,0 +511064,0 +511065,0 +511066,0 +511067,0 +511068,0 +511069,0 +511070,0 +511071,0 +511072,0 +511073,0 +511074,0 +511075,0 +511076,0 +511077,0 +511078,0 +511079,0 +511080,0 +511081,0 +511082,0 +511083,0 +511084,0 +511085,0 +511086,0 +511087,0 +511088,0 +511089,0 +511090,0 +511091,10 +511092,10 +511093,10 +511094,10 +511095,10 +511096,10 +511097,10 +511098,10 +511099,10 +511100,10 +511101,10 +511102,10 +511103,10 +511104,10 +511105,40 +511106,6 +511107,6 +511108,6 +511109,6 +511110,6 +511111,6 +511112,2 +511113,2 +511114,2 +511115,2 +511116,32 +511117,32 +511118,32 +511119,32 +511120,32 +511121,32 +511122,32 +511123,32 +511124,27 +511125,40 +511126,40 +511127,40 +511128,40 +511129,6 +511130,6 +511131,6 +511132,6 +511133,6 +511134,6 +511135,6 +511136,29 +511137,29 +511138,31 +511139,31 +511140,27 +511141,31 +511142,2 +511143,2 +511144,2 +511145,2 +511146,2 +511147,2 +511148,2 +511149,2 +511150,2 +511151,39 +511152,39 +511153,39 +511154,39 +511155,39 +511156,29 +511157,29 +511158,29 +511159,29 +511160,29 +511161,29 +511162,29 +511163,29 +511164,29 +511165,29 +511166,3 +511167,31 +511168,16 +511169,16 +511170,16 +511171,16 +511172,16 +511173,16 +511174,16 +511175,16 +511176,16 +511177,16 +511178,40 +511179,40 +511180,40 +511181,40 +511182,40 +511183,40 +511184,40 +511185,40 +511186,40 +511187,24 +511188,24 +511189,24 +511190,37 +511191,37 +511192,24 +511193,24 +511194,24 +511195,24 +511196,37 +511197,25 +511198,25 +511199,25 +511200,25 +511201,25 +511202,25 +511203,25 +511204,25 +511205,25 +511206,29 +511207,29 +511208,24 +511209,24 +511210,29 +511211,29 +511212,31 +511213,31 +511214,31 +511215,31 +511216,31 +511217,6 +511218,6 +511219,6 +511220,6 +511221,6 +511222,6 +511223,6 +511224,6 +511225,15 +511226,15 +511227,15 +511228,31 +511229,31 +511230,31 +511231,31 +511232,31 +511233,31 +511234,27 +511235,27 +511236,4 +511237,4 +511238,5 +511239,5 +511240,39 +511241,39 +511242,39 +511243,39 +511244,39 +511245,39 +511246,39 +511247,39 +511248,4 +511249,4 +511250,4 +511251,4 +511252,4 +511253,4 +511254,4 +511255,29 +511256,4 +511257,4 +511258,4 +511259,4 +511260,4 +511261,4 +511262,27 +511263,27 +511264,27 +511265,27 +511266,27 +511267,27 +511268,27 +511269,27 +511270,27 +511271,27 +511272,27 +511273,27 +511274,27 +511275,14 +511276,14 +511277,14 +511278,14 +511279,14 +511280,4 +511281,4 +511282,4 +511283,28 +511284,28 +511285,28 +511286,28 +511287,27 +511288,27 +511289,27 +511290,27 +511291,27 +511292,2 +511293,2 +511294,2 +511295,2 +511296,2 +511297,2 +511298,4 +511299,4 +511300,4 +511301,4 +511302,4 +511303,4 +511304,4 +511305,4 +511306,4 +511307,4 +511308,25 +511309,25 +511310,25 +511311,25 +511312,25 +511313,25 +511314,25 +511315,15 +511316,15 +511317,15 +511318,15 +511319,15 +511320,15 +511321,15 +511322,15 +511323,15 +511324,15 +511325,15 +511326,22 +511327,22 +511328,22 +511329,22 +511330,22 +511331,22 +511332,6 +511333,6 +511334,6 +511335,6 +511336,6 +511337,6 +511338,6 +511339,6 +511340,2 +511341,2 +511342,2 +511343,2 +511344,2 +511345,4 +511346,4 +511347,4 +511348,4 +511349,4 +511350,4 +511351,4 +511352,33 +511353,33 +511354,33 +511355,33 +511356,30 +511357,30 +511358,30 +511359,30 +511360,30 +511361,33 +511362,33 +511363,33 +511364,33 +511365,33 +511366,33 +511367,33 +511368,33 +511369,33 +511370,33 +511371,0 +511372,0 +511373,0 +511374,0 +511375,0 +511376,0 +511377,0 +511378,0 +511379,0 +511380,0 +511381,0 +511382,0 +511383,0 +511384,0 +511385,0 +511386,0 +511387,0 +511388,0 +511389,0 +511390,0 +511391,0 +511392,0 +511393,0 +511394,36 +511395,36 +511396,36 +511397,36 +511398,36 +511399,36 +511400,36 +511401,5 +511402,5 +511403,5 +511404,5 +511405,5 +511406,10 +511407,10 +511408,10 +511409,10 +511410,10 +511411,10 +511412,10 +511413,10 +511414,10 +511415,10 +511416,10 +511417,10 +511418,10 +511419,10 +511420,10 +511421,10 +511422,10 +511423,10 +511424,10 +511425,12 +511426,12 +511427,12 +511428,12 +511429,12 +511430,12 +511431,12 +511432,12 +511433,31 +511434,31 +511435,31 +511436,31 +511437,22 +511438,22 +511439,28 +511440,28 +511441,29 +511442,29 +511443,29 +511444,28 +511445,29 +511446,29 +511447,29 +511448,29 +511449,29 +511450,40 +511451,40 +511452,40 +511453,40 +511454,40 +511455,40 +511456,24 +511457,24 +511458,29 +511459,29 +511460,24 +511461,24 +511462,24 +511463,24 +511464,25 +511465,25 +511466,25 +511467,31 +511468,31 +511469,31 +511470,30 +511471,30 +511472,30 +511473,30 +511474,30 +511475,30 +511476,30 +511477,30 +511478,30 +511479,30 +511480,30 +511481,7 +511482,7 +511483,7 +511484,39 +511485,7 +511486,7 +511487,7 +511488,7 +511489,7 +511490,7 +511491,7 +511492,7 +511493,7 +511494,7 +511495,7 +511496,7 +511497,7 +511498,7 +511499,7 +511500,7 +511501,7 +511502,7 +511503,7 +511504,7 +511505,3 +511506,3 +511507,3 +511508,3 +511509,3 +511510,3 +511511,3 +511512,3 +511513,3 +511514,3 +511515,3 +511516,3 +511517,3 +511518,3 +511519,3 +511520,3 +511521,0 +511522,5 +511523,5 +511524,13 +511525,13 +511526,0 +511527,0 +511528,0 +511529,0 +511530,0 +511531,0 +511532,0 +511533,0 +511534,0 +511535,0 +511536,0 +511537,0 +511538,0 +511539,0 +511540,0 +511541,0 +511542,0 +511543,0 +511544,0 +511545,0 +511546,0 +511547,0 +511548,0 +511549,0 +511550,0 +511551,0 +511552,0 +511553,0 +511554,0 +511555,0 +511556,0 +511557,0 +511558,0 +511559,0 +511560,0 +511561,0 +511562,0 +511563,0 +511564,0 +511565,0 +511566,0 +511567,0 +511568,0 +511569,0 +511570,0 +511571,0 +511572,0 +511573,0 +511574,0 +511575,0 +511576,0 +511577,0 +511578,0 +511579,23 +511580,23 +511581,23 +511582,23 +511583,23 +511584,23 +511585,23 +511586,23 +511587,31 +511588,31 +511589,31 +511590,31 +511591,31 +511592,22 +511593,22 +511594,22 +511595,19 +511596,19 +511597,19 +511598,29 +511599,19 +511600,19 +511601,19 +511602,19 +511603,29 +511604,31 +511605,24 +511606,24 +511607,24 +511608,24 +511609,24 +511610,29 +511611,29 +511612,33 +511613,31 +511614,30 +511615,30 +511616,30 +511617,30 +511618,30 +511619,30 +511620,30 +511621,33 +511622,33 +511623,33 +511624,33 +511625,30 +511626,30 +511627,31 +511628,31 +511629,31 +511630,31 +511631,31 +511632,2 +511633,2 +511634,2 +511635,2 +511636,2 +511637,2 +511638,2 +511639,2 +511640,2 +511641,2 +511642,2 +511643,40 +511644,40 +511645,40 +511646,40 +511647,40 +511648,40 +511649,40 +511650,40 +511651,40 +511652,40 +511653,40 +511654,19 +511655,19 +511656,19 +511657,19 +511658,19 +511659,19 +511660,19 +511661,19 +511662,19 +511663,0 +511664,0 +511665,0 +511666,0 +511667,0 +511668,0 +511669,0 +511670,0 +511671,0 +511672,0 +511673,0 +511674,0 +511675,0 +511676,0 +511677,0 +511678,0 +511679,0 +511680,0 +511681,0 +511682,0 +511683,0 +511684,0 +511685,0 +511686,0 +511687,0 +511688,0 +511689,0 +511690,15 +511691,15 +511692,15 +511693,39 +511694,39 +511695,39 +511696,39 +511697,39 +511698,39 +511699,39 +511700,39 +511701,39 +511702,29 +511703,29 +511704,29 +511705,29 +511706,29 +511707,31 +511708,31 +511709,31 +511710,25 +511711,25 +511712,25 +511713,25 +511714,28 +511715,28 +511716,28 +511717,5 +511718,5 +511719,5 +511720,5 +511721,5 +511722,5 +511723,34 +511724,34 +511725,34 +511726,34 +511727,34 +511728,34 +511729,34 +511730,34 +511731,34 +511732,10 +511733,34 +511734,34 +511735,34 +511736,34 +511737,34 +511738,34 +511739,34 +511740,34 +511741,34 +511742,34 +511743,34 +511744,34 +511745,34 +511746,34 +511747,34 +511748,34 +511749,34 +511750,34 +511751,34 +511752,34 +511753,33 +511754,33 +511755,33 +511756,33 +511757,33 +511758,33 +511759,33 +511760,0 +511761,0 +511762,33 +511763,33 +511764,0 +511765,0 +511766,0 +511767,0 +511768,0 +511769,0 +511770,0 +511771,0 +511772,0 +511773,0 +511774,0 +511775,0 +511776,5 +511777,5 +511778,5 +511779,5 +511780,5 +511781,5 +511782,33 +511783,33 +511784,9 +511785,9 +511786,34 +511787,34 +511788,34 +511789,34 +511790,26 +511791,26 +511792,26 +511793,36 +511794,36 +511795,31 +511796,31 +511797,37 +511798,25 +511799,36 +511800,25 +511801,36 +511802,25 +511803,25 +511804,25 +511805,27 +511806,27 +511807,25 +511808,31 +511809,31 +511810,31 +511811,31 +511812,24 +511813,24 +511814,24 +511815,24 +511816,24 +511817,24 +511818,25 +511819,25 +511820,25 +511821,25 +511822,25 +511823,25 +511824,25 +511825,25 +511826,25 +511827,25 +511828,25 +511829,25 +511830,25 +511831,0 +511832,0 +511833,0 +511834,0 +511835,0 +511836,0 +511837,0 +511838,0 +511839,0 +511840,0 +511841,0 +511842,0 +511843,0 +511844,0 +511845,0 +511846,0 +511847,0 +511848,0 +511849,0 +511850,0 +511851,0 +511852,0 +511853,0 +511854,0 +511855,0 +511856,0 +511857,0 +511858,0 +511859,0 +511860,0 +511861,0 +511862,0 +511863,0 +511864,0 +511865,0 +511866,0 +511867,0 +511868,0 +511869,0 +511870,0 +511871,0 +511872,0 +511873,0 +511874,0 +511875,0 +511876,0 +511877,0 +511878,0 +511879,0 +511880,0 +511881,0 +511882,0 +511883,0 +511884,0 +511885,0 +511886,36 +511887,36 +511888,36 +511889,36 +511890,36 +511891,36 +511892,36 +511893,36 +511894,36 +511895,36 +511896,36 +511897,36 +511898,36 +511899,36 +511900,36 +511901,36 +511902,5 +511903,5 +511904,5 +511905,5 +511906,5 +511907,5 +511908,5 +511909,5 +511910,7 +511911,7 +511912,7 +511913,7 +511914,7 +511915,7 +511916,40 +511917,40 +511918,40 +511919,40 +511920,40 +511921,40 +511922,40 +511923,40 +511924,40 +511925,27 +511926,40 +511927,27 +511928,32 +511929,32 +511930,32 +511931,32 +511932,32 +511933,4 +511934,4 +511935,0 +511936,0 +511937,0 +511938,35 +511939,35 +511940,35 +511941,35 +511942,35 +511943,35 +511944,35 +511945,35 +511946,39 +511947,39 +511948,39 +511949,39 +511950,39 +511951,39 +511952,19 +511953,19 +511954,19 +511955,4 +511956,4 +511957,4 +511958,4 +511959,27 +511960,27 +511961,27 +511962,27 +511963,27 +511964,27 +511965,27 +511966,19 +511967,19 +511968,19 +511969,19 +511970,19 +511971,19 +511972,5 +511973,5 +511974,5 +511975,5 +511976,5 +511977,5 +511978,5 +511979,26 +511980,26 +511981,26 +511982,26 +511983,26 +511984,26 +511985,26 +511986,26 +511987,26 +511988,26 +511989,26 +511990,26 +511991,26 +511992,26 +511993,26 +511994,32 +511995,32 +511996,32 +511997,32 +511998,32 +511999,32 +512000,32 +512001,32 +512002,32 +512003,32 +512004,32 +512005,32 +512006,32 +512007,35 +512008,35 +512009,35 +512010,35 +512011,40 +512012,40 +512013,40 +512014,40 +512015,40 +512016,40 +512017,40 +512018,36 +512019,8 +512020,8 +512021,8 +512022,8 +512023,8 +512024,8 +512025,8 +512026,8 +512027,8 +512028,31 +512029,31 +512030,31 +512031,31 +512032,31 +512033,31 +512034,31 +512035,4 +512036,4 +512037,4 +512038,4 +512039,4 +512040,4 +512041,4 +512042,4 +512043,4 +512044,27 +512045,27 +512046,14 +512047,14 +512048,14 +512049,14 +512050,14 +512051,14 +512052,14 +512053,14 +512054,14 +512055,14 +512056,14 +512057,14 +512058,14 +512059,14 +512060,14 +512061,4 +512062,4 +512063,4 +512064,4 +512065,4 +512066,4 +512067,4 +512068,4 +512069,4 +512070,4 +512071,4 +512072,4 +512073,4 +512074,4 +512075,4 +512076,4 +512077,4 +512078,27 +512079,27 +512080,27 +512081,27 +512082,27 +512083,18 +512084,18 +512085,18 +512086,18 +512087,18 +512088,18 +512089,18 +512090,18 +512091,18 +512092,18 +512093,18 +512094,18 +512095,18 +512096,18 +512097,18 +512098,18 +512099,18 +512100,31 +512101,31 +512102,31 +512103,31 +512104,31 +512105,31 +512106,31 +512107,31 +512108,31 +512109,31 +512110,28 +512111,28 +512112,28 +512113,28 +512114,28 +512115,28 +512116,28 +512117,28 +512118,28 +512119,28 +512120,0 +512121,0 +512122,0 +512123,32 +512124,32 +512125,32 +512126,32 +512127,32 +512128,26 +512129,10 +512130,10 +512131,10 +512132,10 +512133,26 +512134,26 +512135,26 +512136,26 +512137,26 +512138,26 +512139,26 +512140,26 +512141,26 +512142,26 +512143,26 +512144,34 +512145,5 +512146,5 +512147,5 +512148,5 +512149,5 +512150,5 +512151,5 +512152,5 +512153,5 +512154,4 +512155,4 +512156,4 +512157,4 +512158,4 +512159,4 +512160,4 +512161,31 +512162,31 +512163,31 +512164,22 +512165,29 +512166,29 +512167,29 +512168,29 +512169,29 +512170,31 +512171,31 +512172,31 +512173,31 +512174,31 +512175,31 +512176,15 +512177,15 +512178,15 +512179,15 +512180,15 +512181,15 +512182,15 +512183,26 +512184,26 +512185,26 +512186,26 +512187,26 +512188,26 +512189,26 +512190,26 +512191,26 +512192,26 +512193,26 +512194,26 +512195,26 +512196,26 +512197,26 +512198,26 +512199,26 +512200,26 +512201,26 +512202,26 +512203,6 +512204,6 +512205,6 +512206,6 +512207,6 +512208,6 +512209,6 +512210,6 +512211,6 +512212,6 +512213,6 +512214,2 +512215,2 +512216,2 +512217,2 +512218,2 +512219,2 +512220,2 +512221,2 +512222,2 +512223,2 +512224,2 +512225,2 +512226,2 +512227,0 +512228,0 +512229,0 +512230,0 +512231,0 +512232,0 +512233,0 +512234,0 +512235,0 +512236,0 +512237,0 +512238,0 +512239,0 +512240,0 +512241,0 +512242,0 +512243,0 +512244,0 +512245,0 +512246,0 +512247,0 +512248,36 +512249,36 +512250,36 +512251,36 +512252,36 +512253,36 +512254,36 +512255,36 +512256,36 +512257,36 +512258,36 +512259,36 +512260,5 +512261,5 +512262,5 +512263,5 +512264,19 +512265,19 +512266,21 +512267,21 +512268,21 +512269,21 +512270,21 +512271,21 +512272,21 +512273,21 +512274,21 +512275,21 +512276,21 +512277,27 +512278,27 +512279,27 +512280,27 +512281,27 +512282,27 +512283,27 +512284,27 +512285,27 +512286,31 +512287,31 +512288,31 +512289,24 +512290,24 +512291,24 +512292,24 +512293,24 +512294,24 +512295,24 +512296,29 +512297,29 +512298,29 +512299,31 +512300,31 +512301,31 +512302,31 +512303,31 +512304,31 +512305,31 +512306,31 +512307,31 +512308,2 +512309,2 +512310,2 +512311,2 +512312,2 +512313,2 +512314,2 +512315,2 +512316,2 +512317,2 +512318,2 +512319,2 +512320,2 +512321,2 +512322,2 +512323,27 +512324,27 +512325,27 +512326,27 +512327,27 +512328,21 +512329,21 +512330,21 +512331,21 +512332,21 +512333,21 +512334,21 +512335,21 +512336,21 +512337,5 +512338,13 +512339,13 +512340,13 +512341,13 +512342,31 +512343,31 +512344,31 +512345,31 +512346,31 +512347,31 +512348,30 +512349,30 +512350,30 +512351,30 +512352,30 +512353,30 +512354,30 +512355,30 +512356,30 +512357,30 +512358,30 +512359,30 +512360,23 +512361,23 +512362,23 +512363,23 +512364,23 +512365,23 +512366,23 +512367,23 +512368,23 +512369,23 +512370,25 +512371,25 +512372,25 +512373,25 +512374,25 +512375,25 +512376,25 +512377,25 +512378,25 +512379,25 +512380,25 +512381,2 +512382,2 +512383,2 +512384,2 +512385,2 +512386,2 +512387,2 +512388,2 +512389,4 +512390,4 +512391,4 +512392,4 +512393,4 +512394,26 +512395,26 +512396,26 +512397,26 +512398,26 +512399,26 +512400,26 +512401,26 +512402,26 +512403,26 +512404,37 +512405,37 +512406,37 +512407,37 +512408,37 +512409,37 +512410,5 +512411,5 +512412,5 +512413,27 +512414,27 +512415,27 +512416,27 +512417,27 +512418,27 +512419,13 +512420,13 +512421,13 +512422,13 +512423,5 +512424,5 +512425,5 +512426,5 +512427,5 +512428,5 +512429,5 +512430,5 +512431,5 +512432,5 +512433,5 +512434,5 +512435,5 +512436,5 +512437,5 +512438,5 +512439,0 +512440,0 +512441,0 +512442,0 +512443,0 +512444,0 +512445,0 +512446,0 +512447,0 +512448,0 +512449,0 +512450,0 +512451,0 +512452,0 +512453,0 +512454,0 +512455,0 +512456,0 +512457,0 +512458,0 +512459,0 +512460,0 +512461,0 +512462,0 +512463,0 +512464,0 +512465,0 +512466,0 +512467,0 +512468,0 +512469,0 +512470,0 +512471,0 +512472,0 +512473,0 +512474,0 +512475,0 +512476,0 +512477,0 +512478,0 +512479,0 +512480,0 +512481,0 +512482,0 +512483,0 +512484,0 +512485,0 +512486,0 +512487,0 +512488,0 +512489,0 +512490,0 +512491,0 +512492,0 +512493,0 +512494,0 +512495,0 +512496,0 +512497,0 +512498,0 +512499,0 +512500,0 +512501,0 +512502,0 +512503,0 +512504,0 +512505,0 +512506,0 +512507,0 +512508,0 +512509,0 +512510,0 +512511,0 +512512,0 +512513,0 +512514,0 +512515,0 +512516,0 +512517,0 +512518,0 +512519,0 +512520,0 +512521,0 +512522,0 +512523,0 +512524,0 +512525,0 +512526,0 +512527,0 +512528,0 +512529,0 +512530,0 +512531,0 +512532,0 +512533,0 +512534,0 +512535,0 +512536,0 +512537,0 +512538,0 +512539,0 +512540,0 +512541,0 +512542,0 +512543,0 +512544,0 +512545,0 +512546,0 +512547,0 +512548,0 +512549,0 +512550,27 +512551,27 +512552,27 +512553,27 +512554,27 +512555,27 +512556,27 +512557,27 +512558,27 +512559,27 +512560,27 +512561,27 +512562,27 +512563,27 +512564,27 +512565,27 +512566,27 +512567,27 +512568,27 +512569,2 +512570,2 +512571,8 +512572,2 +512573,2 +512574,2 +512575,2 +512576,2 +512577,2 +512578,2 +512579,2 +512580,2 +512581,33 +512582,33 +512583,33 +512584,33 +512585,33 +512586,33 +512587,33 +512588,33 +512589,33 +512590,33 +512591,33 +512592,24 +512593,24 +512594,15 +512595,15 +512596,24 +512597,24 +512598,4 +512599,4 +512600,4 +512601,4 +512602,33 +512603,33 +512604,33 +512605,33 +512606,33 +512607,33 +512608,33 +512609,33 +512610,33 +512611,33 +512612,3 +512613,10 +512614,10 +512615,10 +512616,10 +512617,33 +512618,27 +512619,27 +512620,27 +512621,27 +512622,27 +512623,27 +512624,27 +512625,27 +512626,27 +512627,13 +512628,13 +512629,13 +512630,13 +512631,13 +512632,13 +512633,13 +512634,13 +512635,13 +512636,13 +512637,13 +512638,13 +512639,13 +512640,13 +512641,13 +512642,13 +512643,0 +512644,0 +512645,0 +512646,0 +512647,0 +512648,0 +512649,0 +512650,0 +512651,0 +512652,0 +512653,0 +512654,0 +512655,0 +512656,0 +512657,0 +512658,0 +512659,0 +512660,0 +512661,0 +512662,0 +512663,0 +512664,0 +512665,0 +512666,0 +512667,0 +512668,0 +512669,0 +512670,0 +512671,35 +512672,35 +512673,35 +512674,35 +512675,35 +512676,35 +512677,39 +512678,39 +512679,39 +512680,39 +512681,39 +512682,39 +512683,39 +512684,33 +512685,1 +512686,1 +512687,1 +512688,1 +512689,1 +512690,1 +512691,1 +512692,1 +512693,1 +512694,1 +512695,1 +512696,15 +512697,15 +512698,29 +512699,29 +512700,12 +512701,12 +512702,30 +512703,14 +512704,14 +512705,14 +512706,14 +512707,14 +512708,14 +512709,14 +512710,14 +512711,14 +512712,14 +512713,14 +512714,4 +512715,4 +512716,4 +512717,4 +512718,4 +512719,19 +512720,31 +512721,31 +512722,31 +512723,31 +512724,31 +512725,31 +512726,31 +512727,28 +512728,28 +512729,28 +512730,28 +512731,28 +512732,28 +512733,28 +512734,28 +512735,36 +512736,36 +512737,36 +512738,36 +512739,36 +512740,36 +512741,36 +512742,36 +512743,36 +512744,36 +512745,36 +512746,36 +512747,36 +512748,36 +512749,6 +512750,6 +512751,6 +512752,6 +512753,6 +512754,6 +512755,6 +512756,6 +512757,6 +512758,6 +512759,6 +512760,2 +512761,2 +512762,2 +512763,2 +512764,2 +512765,2 +512766,2 +512767,2 +512768,2 +512769,2 +512770,33 +512771,33 +512772,33 +512773,28 +512774,28 +512775,28 +512776,28 +512777,28 +512778,28 +512779,28 +512780,28 +512781,28 +512782,28 +512783,28 +512784,12 +512785,12 +512786,12 +512787,12 +512788,12 +512789,12 +512790,12 +512791,27 +512792,27 +512793,27 +512794,27 +512795,27 +512796,16 +512797,16 +512798,16 +512799,16 +512800,16 +512801,16 +512802,16 +512803,16 +512804,16 +512805,11 +512806,16 +512807,16 +512808,16 +512809,11 +512810,11 +512811,11 +512812,39 +512813,27 +512814,27 +512815,27 +512816,27 +512817,39 +512818,39 +512819,35 +512820,35 +512821,35 +512822,35 +512823,36 +512824,36 +512825,36 +512826,36 +512827,36 +512828,19 +512829,19 +512830,19 +512831,19 +512832,19 +512833,19 +512834,19 +512835,15 +512836,15 +512837,15 +512838,19 +512839,29 +512840,29 +512841,29 +512842,29 +512843,0 +512844,0 +512845,0 +512846,0 +512847,0 +512848,0 +512849,0 +512850,0 +512851,0 +512852,0 +512853,0 +512854,0 +512855,0 +512856,0 +512857,0 +512858,0 +512859,0 +512860,0 +512861,0 +512862,0 +512863,0 +512864,0 +512865,0 +512866,0 +512867,0 +512868,0 +512869,0 +512870,0 +512871,0 +512872,0 +512873,0 +512874,0 +512875,0 +512876,0 +512877,0 +512878,0 +512879,0 +512880,0 +512881,0 +512882,0 +512883,0 +512884,0 +512885,0 +512886,0 +512887,0 +512888,0 +512889,29 +512890,29 +512891,31 +512892,31 +512893,31 +512894,19 +512895,19 +512896,19 +512897,19 +512898,19 +512899,15 +512900,15 +512901,30 +512902,30 +512903,9 +512904,30 +512905,30 +512906,30 +512907,30 +512908,10 +512909,10 +512910,10 +512911,10 +512912,10 +512913,10 +512914,10 +512915,10 +512916,10 +512917,10 +512918,10 +512919,10 +512920,10 +512921,27 +512922,27 +512923,27 +512924,27 +512925,13 +512926,13 +512927,13 +512928,13 +512929,13 +512930,13 +512931,13 +512932,13 +512933,13 +512934,13 +512935,21 +512936,21 +512937,21 +512938,21 +512939,21 +512940,21 +512941,21 +512942,21 +512943,21 +512944,26 +512945,26 +512946,26 +512947,26 +512948,26 +512949,26 +512950,31 +512951,10 +512952,10 +512953,34 +512954,34 +512955,34 +512956,9 +512957,9 +512958,10 +512959,10 +512960,10 +512961,10 +512962,4 +512963,4 +512964,4 +512965,4 +512966,4 +512967,4 +512968,4 +512969,4 +512970,4 +512971,4 +512972,4 +512973,0 +512974,0 +512975,0 +512976,0 +512977,0 +512978,0 +512979,36 +512980,36 +512981,36 +512982,36 +512983,36 +512984,36 +512985,36 +512986,36 +512987,36 +512988,36 +512989,36 +512990,36 +512991,5 +512992,5 +512993,5 +512994,2 +512995,2 +512996,2 +512997,2 +512998,2 +512999,2 +513000,2 +513001,31 +513002,22 +513003,31 +513004,25 +513005,19 +513006,19 +513007,19 +513008,19 +513009,19 +513010,19 +513011,19 +513012,19 +513013,19 +513014,19 +513015,19 +513016,26 +513017,26 +513018,26 +513019,26 +513020,26 +513021,26 +513022,26 +513023,26 +513024,26 +513025,32 +513026,32 +513027,32 +513028,32 +513029,32 +513030,32 +513031,4 +513032,4 +513033,4 +513034,4 +513035,25 +513036,25 +513037,25 +513038,25 +513039,2 +513040,2 +513041,8 +513042,2 +513043,2 +513044,2 +513045,2 +513046,2 +513047,8 +513048,2 +513049,2 +513050,2 +513051,2 +513052,30 +513053,30 +513054,30 +513055,30 +513056,30 +513057,30 +513058,26 +513059,26 +513060,26 +513061,9 +513062,9 +513063,9 +513064,9 +513065,9 +513066,9 +513067,26 +513068,26 +513069,26 +513070,26 +513071,26 +513072,32 +513073,32 +513074,32 +513075,32 +513076,32 +513077,32 +513078,32 +513079,32 +513080,32 +513081,32 +513082,0 +513083,0 +513084,0 +513085,0 +513086,0 +513087,0 +513088,0 +513089,0 +513090,0 +513091,0 +513092,0 +513093,0 +513094,0 +513095,0 +513096,0 +513097,0 +513098,0 +513099,0 +513100,0 +513101,0 +513102,0 +513103,0 +513104,0 +513105,0 +513106,0 +513107,0 +513108,0 +513109,0 +513110,0 +513111,30 +513112,30 +513113,30 +513114,30 +513115,30 +513116,30 +513117,30 +513118,30 +513119,30 +513120,30 +513121,9 +513122,9 +513123,9 +513124,9 +513125,9 +513126,9 +513127,9 +513128,9 +513129,9 +513130,9 +513131,9 +513132,9 +513133,9 +513134,9 +513135,9 +513136,9 +513137,10 +513138,10 +513139,10 +513140,10 +513141,10 +513142,10 +513143,10 +513144,10 +513145,10 +513146,8 +513147,8 +513148,8 +513149,8 +513150,8 +513151,15 +513152,15 +513153,15 +513154,15 +513155,15 +513156,15 +513157,15 +513158,27 +513159,27 +513160,16 +513161,4 +513162,4 +513163,16 +513164,4 +513165,4 +513166,4 +513167,4 +513168,4 +513169,4 +513170,4 +513171,3 +513172,3 +513173,3 +513174,3 +513175,3 +513176,3 +513177,3 +513178,22 +513179,6 +513180,6 +513181,6 +513182,6 +513183,2 +513184,2 +513185,2 +513186,2 +513187,2 +513188,2 +513189,2 +513190,29 +513191,29 +513192,29 +513193,29 +513194,29 +513195,39 +513196,39 +513197,39 +513198,39 +513199,39 +513200,39 +513201,39 +513202,39 +513203,30 +513204,30 +513205,3 +513206,30 +513207,30 +513208,30 +513209,30 +513210,30 +513211,30 +513212,30 +513213,30 +513214,30 +513215,39 +513216,39 +513217,39 +513218,39 +513219,39 +513220,39 +513221,39 +513222,39 +513223,39 +513224,27 +513225,31 +513226,31 +513227,31 +513228,31 +513229,5 +513230,5 +513231,5 +513232,5 +513233,5 +513234,29 +513235,29 +513236,5 +513237,5 +513238,5 +513239,5 +513240,5 +513241,5 +513242,5 +513243,29 +513244,31 +513245,31 +513246,31 +513247,31 +513248,6 +513249,6 +513250,6 +513251,6 +513252,6 +513253,6 +513254,6 +513255,6 +513256,6 +513257,6 +513258,6 +513259,6 +513260,6 +513261,6 +513262,6 +513263,31 +513264,31 +513265,31 +513266,31 +513267,31 +513268,31 +513269,33 +513270,31 +513271,30 +513272,30 +513273,30 +513274,30 +513275,30 +513276,30 +513277,19 +513278,19 +513279,19 +513280,19 +513281,19 +513282,19 +513283,19 +513284,19 +513285,27 +513286,27 +513287,27 +513288,27 +513289,27 +513290,5 +513291,5 +513292,5 +513293,5 +513294,19 +513295,5 +513296,5 +513297,5 +513298,5 +513299,0 +513300,0 +513301,0 +513302,0 +513303,0 +513304,0 +513305,0 +513306,0 +513307,0 +513308,0 +513309,0 +513310,0 +513311,0 +513312,0 +513313,0 +513314,0 +513315,0 +513316,0 +513317,0 +513318,0 +513319,0 +513320,0 +513321,0 +513322,0 +513323,0 +513324,0 +513325,0 +513326,0 +513327,0 +513328,0 +513329,0 +513330,0 +513331,0 +513332,0 +513333,0 +513334,0 +513335,0 +513336,0 +513337,0 +513338,36 +513339,36 +513340,36 +513341,36 +513342,36 +513343,36 +513344,5 +513345,5 +513346,5 +513347,5 +513348,5 +513349,31 +513350,31 +513351,31 +513352,31 +513353,31 +513354,28 +513355,28 +513356,28 +513357,28 +513358,28 +513359,28 +513360,28 +513361,28 +513362,36 +513363,36 +513364,36 +513365,36 +513366,36 +513367,36 +513368,36 +513369,36 +513370,36 +513371,36 +513372,36 +513373,36 +513374,36 +513375,36 +513376,36 +513377,36 +513378,36 +513379,5 +513380,5 +513381,5 +513382,5 +513383,5 +513384,5 +513385,5 +513386,2 +513387,2 +513388,2 +513389,2 +513390,2 +513391,2 +513392,2 +513393,2 +513394,2 +513395,31 +513396,31 +513397,31 +513398,31 +513399,4 +513400,4 +513401,4 +513402,4 +513403,4 +513404,28 +513405,28 +513406,28 +513407,28 +513408,28 +513409,28 +513410,28 +513411,10 +513412,10 +513413,10 +513414,10 +513415,10 +513416,10 +513417,10 +513418,10 +513419,36 +513420,24 +513421,24 +513422,23 +513423,23 +513424,23 +513425,23 +513426,23 +513427,9 +513428,4 +513429,26 +513430,9 +513431,9 +513432,9 +513433,34 +513434,34 +513435,1 +513436,26 +513437,9 +513438,26 +513439,26 +513440,29 +513441,29 +513442,29 +513443,29 +513444,29 +513445,29 +513446,25 +513447,25 +513448,25 +513449,25 +513450,25 +513451,25 +513452,25 +513453,25 +513454,25 +513455,25 +513456,25 +513457,25 +513458,25 +513459,25 +513460,0 +513461,0 +513462,0 +513463,0 +513464,0 +513465,0 +513466,0 +513467,0 +513468,0 +513469,0 +513470,0 +513471,0 +513472,0 +513473,0 +513474,0 +513475,0 +513476,0 +513477,0 +513478,0 +513479,0 +513480,0 +513481,0 +513482,0 +513483,0 +513484,0 +513485,0 +513486,0 +513487,0 +513488,0 +513489,0 +513490,0 +513491,0 +513492,0 +513493,0 +513494,0 +513495,0 +513496,0 +513497,0 +513498,0 +513499,0 +513500,0 +513501,0 +513502,0 +513503,0 +513504,0 +513505,15 +513506,15 +513507,15 +513508,15 +513509,32 +513510,32 +513511,32 +513512,32 +513513,32 +513514,32 +513515,14 +513516,14 +513517,14 +513518,14 +513519,14 +513520,14 +513521,14 +513522,14 +513523,14 +513524,14 +513525,14 +513526,14 +513527,4 +513528,4 +513529,4 +513530,4 +513531,4 +513532,4 +513533,5 +513534,5 +513535,5 +513536,5 +513537,5 +513538,26 +513539,10 +513540,10 +513541,26 +513542,26 +513543,26 +513544,26 +513545,26 +513546,26 +513547,26 +513548,10 +513549,10 +513550,10 +513551,31 +513552,21 +513553,21 +513554,21 +513555,21 +513556,21 +513557,21 +513558,21 +513559,21 +513560,21 +513561,21 +513562,27 +513563,27 +513564,27 +513565,27 +513566,27 +513567,27 +513568,27 +513569,27 +513570,24 +513571,24 +513572,24 +513573,24 +513574,31 +513575,31 +513576,31 +513577,31 +513578,31 +513579,31 +513580,31 +513581,5 +513582,5 +513583,5 +513584,5 +513585,5 +513586,5 +513587,5 +513588,5 +513589,5 +513590,5 +513591,5 +513592,5 +513593,5 +513594,5 +513595,5 +513596,5 +513597,5 +513598,5 +513599,5 +513600,0 +513601,0 +513602,0 +513603,0 +513604,0 +513605,0 +513606,0 +513607,0 +513608,0 +513609,0 +513610,0 +513611,0 +513612,0 +513613,0 +513614,0 +513615,0 +513616,0 +513617,0 +513618,0 +513619,0 +513620,0 +513621,0 +513622,0 +513623,15 +513624,15 +513625,15 +513626,15 +513627,31 +513628,31 +513629,31 +513630,4 +513631,4 +513632,4 +513633,36 +513634,36 +513635,40 +513636,40 +513637,40 +513638,10 +513639,10 +513640,10 +513641,10 +513642,10 +513643,10 +513644,10 +513645,10 +513646,10 +513647,19 +513648,19 +513649,19 +513650,19 +513651,19 +513652,19 +513653,19 +513654,2 +513655,2 +513656,2 +513657,2 +513658,2 +513659,2 +513660,2 +513661,2 +513662,2 +513663,2 +513664,39 +513665,39 +513666,39 +513667,39 +513668,39 +513669,39 +513670,5 +513671,5 +513672,5 +513673,5 +513674,31 +513675,31 +513676,31 +513677,31 +513678,31 +513679,31 +513680,31 +513681,37 +513682,37 +513683,37 +513684,37 +513685,37 +513686,37 +513687,39 +513688,39 +513689,39 +513690,39 +513691,39 +513692,6 +513693,6 +513694,6 +513695,6 +513696,6 +513697,6 +513698,6 +513699,6 +513700,6 +513701,6 +513702,9 +513703,9 +513704,9 +513705,9 +513706,9 +513707,9 +513708,37 +513709,37 +513710,37 +513711,37 +513712,4 +513713,19 +513714,19 +513715,19 +513716,31 +513717,31 +513718,19 +513719,19 +513720,19 +513721,19 +513722,19 +513723,19 +513724,19 +513725,19 +513726,19 +513727,19 +513728,19 +513729,2 +513730,2 +513731,2 +513732,2 +513733,2 +513734,2 +513735,2 +513736,2 +513737,2 +513738,2 +513739,2 +513740,31 +513741,31 +513742,31 +513743,31 +513744,31 +513745,31 +513746,28 +513747,28 +513748,28 +513749,28 +513750,28 +513751,28 +513752,28 +513753,9 +513754,9 +513755,9 +513756,9 +513757,9 +513758,37 +513759,37 +513760,37 +513761,37 +513762,37 +513763,37 +513764,25 +513765,25 +513766,25 +513767,25 +513768,25 +513769,25 +513770,25 +513771,30 +513772,30 +513773,30 +513774,30 +513775,30 +513776,30 +513777,30 +513778,30 +513779,30 +513780,30 +513781,30 +513782,30 +513783,30 +513784,30 +513785,30 +513786,30 +513787,30 +513788,30 +513789,30 +513790,30 +513791,30 +513792,2 +513793,2 +513794,2 +513795,2 +513796,2 +513797,2 +513798,2 +513799,2 +513800,2 +513801,2 +513802,2 +513803,2 +513804,0 +513805,0 +513806,0 +513807,0 +513808,0 +513809,0 +513810,0 +513811,0 +513812,0 +513813,0 +513814,0 +513815,0 +513816,0 +513817,0 +513818,0 +513819,0 +513820,0 +513821,0 +513822,0 +513823,0 +513824,0 +513825,0 +513826,0 +513827,0 +513828,0 +513829,0 +513830,0 +513831,0 +513832,0 +513833,0 +513834,0 +513835,0 +513836,0 +513837,0 +513838,0 +513839,0 +513840,0 +513841,0 +513842,0 +513843,0 +513844,0 +513845,0 +513846,0 +513847,0 +513848,0 +513849,0 +513850,0 +513851,0 +513852,0 +513853,0 +513854,0 +513855,0 +513856,0 +513857,0 +513858,0 +513859,0 +513860,0 +513861,0 +513862,0 +513863,0 +513864,0 +513865,0 +513866,0 +513867,0 +513868,0 +513869,0 +513870,0 +513871,0 +513872,0 +513873,0 +513874,0 +513875,0 +513876,0 +513877,0 +513878,0 +513879,0 +513880,0 +513881,0 +513882,0 +513883,0 +513884,0 +513885,0 +513886,0 +513887,0 +513888,0 +513889,0 +513890,0 +513891,0 +513892,0 +513893,0 +513894,0 +513895,29 +513896,29 +513897,29 +513898,29 +513899,31 +513900,31 +513901,15 +513902,15 +513903,15 +513904,15 +513905,15 +513906,15 +513907,15 +513908,15 +513909,15 +513910,15 +513911,15 +513912,40 +513913,40 +513914,40 +513915,40 +513916,40 +513917,40 +513918,40 +513919,40 +513920,40 +513921,40 +513922,2 +513923,2 +513924,2 +513925,2 +513926,2 +513927,2 +513928,2 +513929,2 +513930,2 +513931,2 +513932,2 +513933,2 +513934,2 +513935,2 +513936,2 +513937,5 +513938,5 +513939,5 +513940,5 +513941,5 +513942,5 +513943,37 +513944,37 +513945,37 +513946,37 +513947,37 +513948,9 +513949,9 +513950,9 +513951,9 +513952,9 +513953,9 +513954,9 +513955,9 +513956,9 +513957,9 +513958,5 +513959,5 +513960,5 +513961,5 +513962,5 +513963,5 +513964,5 +513965,23 +513966,23 +513967,23 +513968,23 +513969,23 +513970,23 +513971,23 +513972,23 +513973,23 +513974,23 +513975,23 +513976,23 +513977,23 +513978,26 +513979,26 +513980,9 +513981,9 +513982,9 +513983,26 +513984,26 +513985,26 +513986,9 +513987,26 +513988,26 +513989,26 +513990,30 +513991,30 +513992,30 +513993,30 +513994,30 +513995,30 +513996,33 +513997,33 +513998,33 +513999,33 +514000,33 +514001,33 +514002,33 +514003,30 +514004,30 +514005,30 +514006,30 +514007,23 +514008,23 +514009,23 +514010,23 +514011,23 +514012,23 +514013,23 +514014,23 +514015,27 +514016,27 +514017,27 +514018,27 +514019,27 +514020,27 +514021,11 +514022,11 +514023,11 +514024,11 +514025,11 +514026,11 +514027,11 +514028,11 +514029,11 +514030,11 +514031,31 +514032,31 +514033,31 +514034,31 +514035,31 +514036,31 +514037,2 +514038,8 +514039,8 +514040,2 +514041,8 +514042,2 +514043,2 +514044,2 +514045,2 +514046,23 +514047,2 +514048,2 +514049,2 +514050,31 +514051,31 +514052,31 +514053,31 +514054,31 +514055,5 +514056,5 +514057,5 +514058,5 +514059,5 +514060,5 +514061,5 +514062,5 +514063,5 +514064,27 +514065,27 +514066,27 +514067,27 +514068,29 +514069,31 +514070,27 +514071,2 +514072,2 +514073,2 +514074,2 +514075,2 +514076,2 +514077,2 +514078,2 +514079,2 +514080,2 +514081,2 +514082,6 +514083,6 +514084,6 +514085,6 +514086,6 +514087,6 +514088,6 +514089,6 +514090,10 +514091,10 +514092,10 +514093,10 +514094,31 +514095,31 +514096,35 +514097,35 +514098,10 +514099,10 +514100,10 +514101,10 +514102,10 +514103,10 +514104,10 +514105,10 +514106,10 +514107,10 +514108,10 +514109,10 +514110,10 +514111,10 +514112,10 +514113,10 +514114,10 +514115,14 +514116,14 +514117,14 +514118,14 +514119,14 +514120,14 +514121,14 +514122,14 +514123,14 +514124,10 +514125,14 +514126,0 +514127,0 +514128,0 +514129,0 +514130,0 +514131,0 +514132,0 +514133,0 +514134,0 +514135,0 +514136,0 +514137,0 +514138,0 +514139,0 +514140,0 +514141,0 +514142,0 +514143,0 +514144,0 +514145,0 +514146,0 +514147,0 +514148,0 +514149,0 +514150,0 +514151,0 +514152,0 +514153,0 +514154,0 +514155,0 +514156,27 +514157,27 +514158,27 +514159,27 +514160,27 +514161,8 +514162,2 +514163,2 +514164,8 +514165,8 +514166,8 +514167,8 +514168,8 +514169,8 +514170,8 +514171,8 +514172,40 +514173,34 +514174,34 +514175,34 +514176,40 +514177,40 +514178,40 +514179,40 +514180,34 +514181,34 +514182,34 +514183,12 +514184,12 +514185,12 +514186,12 +514187,12 +514188,12 +514189,12 +514190,12 +514191,12 +514192,27 +514193,27 +514194,27 +514195,16 +514196,16 +514197,16 +514198,16 +514199,16 +514200,16 +514201,16 +514202,16 +514203,16 +514204,27 +514205,27 +514206,27 +514207,6 +514208,6 +514209,6 +514210,6 +514211,6 +514212,6 +514213,6 +514214,6 +514215,6 +514216,6 +514217,6 +514218,6 +514219,6 +514220,6 +514221,25 +514222,25 +514223,25 +514224,25 +514225,25 +514226,25 +514227,25 +514228,25 +514229,25 +514230,19 +514231,19 +514232,19 +514233,19 +514234,31 +514235,31 +514236,31 +514237,31 +514238,31 +514239,4 +514240,4 +514241,4 +514242,4 +514243,4 +514244,4 +514245,28 +514246,28 +514247,28 +514248,28 +514249,28 +514250,28 +514251,28 +514252,28 +514253,28 +514254,34 +514255,34 +514256,34 +514257,34 +514258,34 +514259,34 +514260,34 +514261,34 +514262,34 +514263,34 +514264,34 +514265,34 +514266,34 +514267,5 +514268,5 +514269,5 +514270,5 +514271,5 +514272,5 +514273,5 +514274,5 +514275,5 +514276,5 +514277,5 +514278,5 +514279,5 +514280,5 +514281,40 +514282,40 +514283,40 +514284,40 +514285,40 +514286,40 +514287,36 +514288,36 +514289,36 +514290,36 +514291,36 +514292,36 +514293,36 +514294,36 +514295,36 +514296,36 +514297,36 +514298,36 +514299,36 +514300,36 +514301,36 +514302,36 +514303,36 +514304,36 +514305,36 +514306,36 +514307,36 +514308,36 +514309,36 +514310,36 +514311,36 +514312,36 +514313,36 +514314,36 +514315,36 +514316,11 +514317,11 +514318,11 +514319,11 +514320,11 +514321,11 +514322,11 +514323,11 +514324,11 +514325,11 +514326,11 +514327,11 +514328,11 +514329,11 +514330,11 +514331,11 +514332,11 +514333,11 +514334,11 +514335,11 +514336,11 +514337,11 +514338,11 +514339,0 +514340,0 +514341,0 +514342,0 +514343,0 +514344,0 +514345,0 +514346,0 +514347,0 +514348,0 +514349,0 +514350,0 +514351,0 +514352,0 +514353,0 +514354,0 +514355,0 +514356,0 +514357,0 +514358,0 +514359,0 +514360,0 +514361,35 +514362,35 +514363,35 +514364,35 +514365,35 +514366,35 +514367,35 +514368,35 +514369,35 +514370,35 +514371,35 +514372,35 +514373,39 +514374,39 +514375,39 +514376,39 +514377,39 +514378,39 +514379,21 +514380,19 +514381,19 +514382,19 +514383,19 +514384,19 +514385,19 +514386,19 +514387,19 +514388,19 +514389,19 +514390,19 +514391,19 +514392,19 +514393,3 +514394,3 +514395,3 +514396,3 +514397,3 +514398,3 +514399,3 +514400,3 +514401,3 +514402,3 +514403,3 +514404,3 +514405,3 +514406,3 +514407,3 +514408,3 +514409,3 +514410,3 +514411,3 +514412,23 +514413,23 +514414,23 +514415,23 +514416,23 +514417,23 +514418,23 +514419,23 +514420,23 +514421,23 +514422,28 +514423,28 +514424,28 +514425,28 +514426,28 +514427,28 +514428,28 +514429,27 +514430,31 +514431,31 +514432,31 +514433,31 +514434,31 +514435,2 +514436,2 +514437,2 +514438,2 +514439,2 +514440,8 +514441,8 +514442,8 +514443,32 +514444,32 +514445,32 +514446,32 +514447,32 +514448,32 +514449,32 +514450,32 +514451,32 +514452,32 +514453,32 +514454,32 +514455,26 +514456,26 +514457,26 +514458,26 +514459,26 +514460,26 +514461,26 +514462,26 +514463,26 +514464,26 +514465,26 +514466,6 +514467,6 +514468,6 +514469,6 +514470,6 +514471,6 +514472,6 +514473,6 +514474,6 +514475,27 +514476,27 +514477,27 +514478,27 +514479,27 +514480,4 +514481,4 +514482,4 +514483,0 +514484,0 +514485,0 +514486,0 +514487,0 +514488,0 +514489,4 +514490,0 +514491,0 +514492,0 +514493,0 +514494,0 +514495,0 +514496,0 +514497,0 +514498,29 +514499,29 +514500,31 +514501,31 +514502,31 +514503,31 +514504,31 +514505,31 +514506,31 +514507,12 +514508,12 +514509,37 +514510,37 +514511,37 +514512,37 +514513,37 +514514,37 +514515,37 +514516,3 +514517,3 +514518,3 +514519,3 +514520,3 +514521,3 +514522,3 +514523,3 +514524,3 +514525,15 +514526,15 +514527,15 +514528,15 +514529,15 +514530,27 +514531,27 +514532,7 +514533,7 +514534,7 +514535,7 +514536,3 +514537,3 +514538,3 +514539,3 +514540,3 +514541,3 +514542,37 +514543,37 +514544,37 +514545,37 +514546,37 +514547,37 +514548,37 +514549,37 +514550,37 +514551,37 +514552,39 +514553,39 +514554,39 +514555,39 +514556,39 +514557,39 +514558,39 +514559,39 +514560,39 +514561,39 +514562,39 +514563,39 +514564,27 +514565,13 +514566,13 +514567,13 +514568,13 +514569,13 +514570,13 +514571,13 +514572,13 +514573,13 +514574,13 +514575,13 +514576,13 +514577,13 +514578,13 +514579,13 +514580,13 +514581,13 +514582,13 +514583,13 +514584,13 +514585,13 +514586,13 +514587,0 +514588,0 +514589,0 +514590,0 +514591,0 +514592,0 +514593,0 +514594,0 +514595,0 +514596,0 +514597,0 +514598,0 +514599,0 +514600,0 +514601,0 +514602,0 +514603,0 +514604,0 +514605,0 +514606,0 +514607,0 +514608,0 +514609,0 +514610,0 +514611,0 +514612,0 +514613,0 +514614,0 +514615,0 +514616,0 +514617,0 +514618,0 +514619,0 +514620,0 +514621,0 +514622,0 +514623,0 +514624,0 +514625,27 +514626,27 +514627,27 +514628,27 +514629,27 +514630,16 +514631,16 +514632,16 +514633,16 +514634,16 +514635,16 +514636,16 +514637,16 +514638,16 +514639,16 +514640,16 +514641,16 +514642,16 +514643,16 +514644,16 +514645,39 +514646,39 +514647,39 +514648,39 +514649,39 +514650,39 +514651,39 +514652,39 +514653,39 +514654,35 +514655,35 +514656,35 +514657,35 +514658,35 +514659,36 +514660,36 +514661,36 +514662,36 +514663,19 +514664,19 +514665,19 +514666,19 +514667,19 +514668,19 +514669,19 +514670,2 +514671,2 +514672,2 +514673,2 +514674,2 +514675,2 +514676,2 +514677,23 +514678,23 +514679,23 +514680,23 +514681,4 +514682,4 +514683,4 +514684,27 +514685,27 +514686,27 +514687,30 +514688,30 +514689,30 +514690,33 +514691,33 +514692,33 +514693,33 +514694,30 +514695,33 +514696,30 +514697,30 +514698,30 +514699,30 +514700,30 +514701,30 +514702,30 +514703,30 +514704,31 +514705,31 +514706,31 +514707,31 +514708,31 +514709,5 +514710,5 +514711,5 +514712,5 +514713,5 +514714,5 +514715,23 +514716,23 +514717,23 +514718,23 +514719,8 +514720,8 +514721,8 +514722,8 +514723,23 +514724,5 +514725,5 +514726,5 +514727,5 +514728,5 +514729,5 +514730,5 +514731,28 +514732,28 +514733,31 +514734,31 +514735,31 +514736,31 +514737,31 +514738,31 +514739,31 +514740,2 +514741,2 +514742,2 +514743,2 +514744,2 +514745,2 +514746,2 +514747,2 +514748,2 +514749,2 +514750,2 +514751,2 +514752,2 +514753,26 +514754,26 +514755,26 +514756,26 +514757,26 +514758,26 +514759,26 +514760,33 +514761,33 +514762,9 +514763,9 +514764,37 +514765,37 +514766,9 +514767,9 +514768,9 +514769,9 +514770,23 +514771,23 +514772,23 +514773,23 +514774,23 +514775,23 +514776,23 +514777,23 +514778,23 +514779,23 +514780,23 +514781,23 +514782,30 +514783,30 +514784,30 +514785,30 +514786,30 +514787,30 +514788,30 +514789,27 +514790,27 +514791,27 +514792,27 +514793,13 +514794,13 +514795,13 +514796,13 +514797,10 +514798,10 +514799,10 +514800,31 +514801,31 +514802,31 +514803,31 +514804,31 +514805,31 +514806,31 +514807,13 +514808,13 +514809,13 +514810,13 +514811,13 +514812,13 +514813,13 +514814,13 +514815,13 +514816,13 +514817,13 +514818,13 +514819,28 +514820,28 +514821,28 +514822,28 +514823,28 +514824,28 +514825,36 +514826,36 +514827,36 +514828,36 +514829,36 +514830,36 +514831,40 +514832,40 +514833,40 +514834,40 +514835,40 +514836,40 +514837,40 +514838,5 +514839,5 +514840,5 +514841,5 +514842,5 +514843,5 +514844,5 +514845,5 +514846,2 +514847,2 +514848,2 +514849,2 +514850,2 +514851,2 +514852,2 +514853,2 +514854,2 +514855,2 +514856,2 +514857,2 +514858,2 +514859,2 +514860,2 +514861,2 +514862,27 +514863,27 +514864,27 +514865,27 +514866,27 +514867,27 +514868,13 +514869,13 +514870,13 +514871,13 +514872,13 +514873,13 +514874,13 +514875,13 +514876,13 +514877,21 +514878,21 +514879,21 +514880,21 +514881,21 +514882,21 +514883,21 +514884,25 +514885,25 +514886,25 +514887,25 +514888,25 +514889,25 +514890,25 +514891,25 +514892,37 +514893,25 +514894,25 +514895,25 +514896,25 +514897,25 +514898,25 +514899,25 +514900,25 +514901,25 +514902,25 +514903,0 +514904,0 +514905,0 +514906,0 +514907,0 +514908,0 +514909,0 +514910,0 +514911,0 +514912,0 +514913,0 +514914,0 +514915,0 +514916,0 +514917,0 +514918,0 +514919,0 +514920,0 +514921,0 +514922,0 +514923,0 +514924,0 +514925,0 +514926,0 +514927,0 +514928,0 +514929,0 +514930,0 +514931,0 +514932,0 +514933,0 +514934,0 +514935,0 +514936,0 +514937,0 +514938,0 +514939,0 +514940,0 +514941,0 +514942,0 +514943,0 +514944,0 +514945,0 +514946,0 +514947,0 +514948,0 +514949,0 +514950,0 +514951,0 +514952,0 +514953,0 +514954,0 +514955,0 +514956,0 +514957,0 +514958,0 +514959,0 +514960,0 +514961,0 +514962,0 +514963,0 +514964,0 +514965,0 +514966,35 +514967,35 +514968,35 +514969,35 +514970,35 +514971,35 +514972,35 +514973,35 +514974,35 +514975,39 +514976,39 +514977,39 +514978,39 +514979,39 +514980,39 +514981,39 +514982,39 +514983,39 +514984,39 +514985,35 +514986,35 +514987,35 +514988,35 +514989,35 +514990,35 +514991,27 +514992,27 +514993,27 +514994,27 +514995,28 +514996,28 +514997,28 +514998,28 +514999,28 +515000,28 +515001,28 +515002,28 +515003,2 +515004,2 +515005,2 +515006,2 +515007,2 +515008,2 +515009,2 +515010,2 +515011,2 +515012,2 +515013,2 +515014,2 +515015,2 +515016,40 +515017,40 +515018,40 +515019,40 +515020,40 +515021,40 +515022,40 +515023,30 +515024,30 +515025,30 +515026,30 +515027,30 +515028,30 +515029,30 +515030,30 +515031,30 +515032,30 +515033,30 +515034,30 +515035,30 +515036,30 +515037,30 +515038,2 +515039,2 +515040,2 +515041,2 +515042,2 +515043,2 +515044,2 +515045,2 +515046,2 +515047,2 +515048,2 +515049,2 +515050,2 +515051,30 +515052,30 +515053,30 +515054,30 +515055,30 +515056,40 +515057,40 +515058,40 +515059,31 +515060,31 +515061,40 +515062,40 +515063,4 +515064,4 +515065,4 +515066,19 +515067,32 +515068,32 +515069,32 +515070,32 +515071,32 +515072,32 +515073,32 +515074,32 +515075,32 +515076,32 +515077,32 +515078,32 +515079,32 +515080,32 +515081,39 +515082,39 +515083,39 +515084,39 +515085,39 +515086,39 +515087,39 +515088,39 +515089,39 +515090,39 +515091,2 +515092,8 +515093,8 +515094,2 +515095,2 +515096,2 +515097,2 +515098,2 +515099,2 +515100,23 +515101,23 +515102,23 +515103,23 +515104,23 +515105,33 +515106,31 +515107,31 +515108,31 +515109,30 +515110,30 +515111,30 +515112,30 +515113,30 +515114,30 +515115,30 +515116,30 +515117,30 +515118,30 +515119,39 +515120,39 +515121,39 +515122,39 +515123,39 +515124,39 +515125,39 +515126,39 +515127,39 +515128,14 +515129,14 +515130,39 +515131,39 +515132,39 +515133,39 +515134,39 +515135,39 +515136,0 +515137,0 +515138,0 +515139,0 +515140,0 +515141,0 +515142,0 +515143,0 +515144,0 +515145,0 +515146,0 +515147,0 +515148,0 +515149,0 +515150,0 +515151,0 +515152,0 +515153,0 +515154,0 +515155,0 +515156,0 +515157,0 +515158,0 +515159,0 +515160,0 +515161,0 +515162,0 +515163,0 +515164,0 +515165,0 +515166,0 +515167,0 +515168,0 +515169,0 +515170,31 +515171,31 +515172,31 +515173,31 +515174,5 +515175,5 +515176,19 +515177,19 +515178,19 +515179,19 +515180,19 +515181,2 +515182,2 +515183,2 +515184,2 +515185,2 +515186,2 +515187,2 +515188,2 +515189,2 +515190,2 +515191,2 +515192,2 +515193,5 +515194,5 +515195,5 +515196,5 +515197,5 +515198,9 +515199,9 +515200,9 +515201,9 +515202,9 +515203,9 +515204,9 +515205,9 +515206,9 +515207,9 +515208,37 +515209,37 +515210,37 +515211,37 +515212,37 +515213,37 +515214,4 +515215,31 +515216,31 +515217,33 +515218,33 +515219,33 +515220,33 +515221,30 +515222,30 +515223,30 +515224,30 +515225,30 +515226,30 +515227,30 +515228,30 +515229,30 +515230,30 +515231,36 +515232,36 +515233,34 +515234,34 +515235,34 +515236,34 +515237,10 +515238,10 +515239,10 +515240,34 +515241,34 +515242,34 +515243,34 +515244,34 +515245,34 +515246,34 +515247,34 +515248,34 +515249,34 +515250,34 +515251,34 +515252,34 +515253,34 +515254,34 +515255,34 +515256,34 +515257,34 +515258,34 +515259,4 +515260,19 +515261,4 +515262,4 +515263,19 +515264,39 +515265,39 +515266,39 +515267,39 +515268,39 +515269,39 +515270,39 +515271,39 +515272,39 +515273,39 +515274,39 +515275,36 +515276,36 +515277,40 +515278,40 +515279,36 +515280,40 +515281,40 +515282,4 +515283,4 +515284,4 +515285,4 +515286,32 +515287,32 +515288,32 +515289,4 +515290,0 +515291,0 +515292,0 +515293,0 +515294,0 +515295,0 +515296,0 +515297,0 +515298,0 +515299,0 +515300,0 +515301,0 +515302,0 +515303,0 +515304,0 +515305,0 +515306,0 +515307,0 +515308,0 +515309,0 +515310,0 +515311,0 +515312,0 +515313,0 +515314,0 +515315,0 +515316,0 +515317,0 +515318,0 +515319,0 +515320,0 +515321,0 +515322,0 +515323,35 +515324,35 +515325,35 +515326,35 +515327,35 +515328,35 +515329,35 +515330,35 +515331,40 +515332,40 +515333,40 +515334,40 +515335,40 +515336,40 +515337,30 +515338,30 +515339,30 +515340,30 +515341,30 +515342,30 +515343,36 +515344,40 +515345,40 +515346,40 +515347,40 +515348,40 +515349,40 +515350,5 +515351,5 +515352,5 +515353,5 +515354,5 +515355,5 +515356,5 +515357,5 +515358,5 +515359,25 +515360,25 +515361,25 +515362,37 +515363,37 +515364,37 +515365,37 +515366,37 +515367,37 +515368,33 +515369,33 +515370,33 +515371,33 +515372,33 +515373,33 +515374,33 +515375,33 +515376,33 +515377,33 +515378,33 +515379,8 +515380,8 +515381,8 +515382,8 +515383,8 +515384,8 +515385,8 +515386,8 +515387,8 +515388,27 +515389,27 +515390,27 +515391,27 +515392,27 +515393,27 +515394,40 +515395,35 +515396,14 +515397,14 +515398,14 +515399,14 +515400,14 +515401,39 +515402,39 +515403,14 +515404,39 +515405,14 +515406,14 +515407,14 +515408,14 +515409,14 +515410,39 +515411,39 +515412,2 +515413,8 +515414,8 +515415,8 +515416,8 +515417,8 +515418,8 +515419,8 +515420,8 +515421,2 +515422,31 +515423,27 +515424,31 +515425,10 +515426,10 +515427,27 +515428,27 +515429,27 +515430,5 +515431,5 +515432,5 +515433,4 +515434,4 +515435,4 +515436,4 +515437,4 +515438,4 +515439,4 +515440,4 +515441,4 +515442,4 +515443,3 +515444,3 +515445,3 +515446,3 +515447,3 +515448,3 +515449,3 +515450,37 +515451,37 +515452,37 +515453,37 +515454,37 +515455,37 +515456,25 +515457,37 +515458,25 +515459,25 +515460,25 +515461,15 +515462,15 +515463,15 +515464,15 +515465,15 +515466,15 +515467,15 +515468,15 +515469,37 +515470,37 +515471,37 +515472,37 +515473,37 +515474,31 +515475,31 +515476,31 +515477,31 +515478,31 +515479,31 +515480,31 +515481,29 +515482,29 +515483,29 +515484,29 +515485,29 +515486,29 +515487,29 +515488,25 +515489,25 +515490,25 +515491,25 +515492,25 +515493,25 +515494,25 +515495,25 +515496,25 +515497,25 +515498,25 +515499,35 +515500,35 +515501,35 +515502,35 +515503,35 +515504,35 +515505,35 +515506,35 +515507,12 +515508,12 +515509,12 +515510,12 +515511,12 +515512,12 +515513,12 +515514,12 +515515,12 +515516,12 +515517,12 +515518,27 +515519,27 +515520,27 +515521,38 +515522,38 +515523,38 +515524,38 +515525,38 +515526,38 +515527,31 +515528,31 +515529,31 +515530,31 +515531,31 +515532,35 +515533,35 +515534,35 +515535,35 +515536,35 +515537,35 +515538,35 +515539,35 +515540,35 +515541,35 +515542,35 +515543,26 +515544,26 +515545,26 +515546,26 +515547,26 +515548,26 +515549,37 +515550,37 +515551,37 +515552,37 +515553,37 +515554,37 +515555,4 +515556,4 +515557,4 +515558,31 +515559,31 +515560,31 +515561,31 +515562,31 +515563,31 +515564,24 +515565,24 +515566,24 +515567,24 +515568,23 +515569,23 +515570,23 +515571,23 +515572,23 +515573,23 +515574,23 +515575,23 +515576,30 +515577,30 +515578,30 +515579,30 +515580,30 +515581,30 +515582,30 +515583,30 +515584,30 +515585,30 +515586,40 +515587,40 +515588,40 +515589,40 +515590,40 +515591,40 +515592,40 +515593,40 +515594,31 +515595,31 +515596,4 +515597,4 +515598,4 +515599,4 +515600,4 +515601,25 +515602,25 +515603,25 +515604,25 +515605,25 +515606,5 +515607,5 +515608,5 +515609,5 +515610,5 +515611,5 +515612,35 +515613,35 +515614,35 +515615,35 +515616,35 +515617,35 +515618,35 +515619,35 +515620,35 +515621,35 +515622,35 +515623,25 +515624,25 +515625,25 +515626,25 +515627,25 +515628,15 +515629,15 +515630,15 +515631,15 +515632,15 +515633,15 +515634,15 +515635,15 +515636,15 +515637,10 +515638,10 +515639,26 +515640,26 +515641,26 +515642,26 +515643,26 +515644,26 +515645,9 +515646,26 +515647,26 +515648,26 +515649,26 +515650,19 +515651,19 +515652,19 +515653,19 +515654,19 +515655,19 +515656,39 +515657,39 +515658,39 +515659,39 +515660,39 +515661,39 +515662,39 +515663,39 +515664,39 +515665,39 +515666,39 +515667,39 +515668,39 +515669,39 +515670,39 +515671,39 +515672,39 +515673,39 +515674,39 +515675,39 +515676,0 +515677,0 +515678,0 +515679,0 +515680,0 +515681,0 +515682,0 +515683,0 +515684,0 +515685,0 +515686,0 +515687,0 +515688,0 +515689,0 +515690,0 +515691,0 +515692,0 +515693,0 +515694,0 +515695,0 +515696,0 +515697,0 +515698,0 +515699,0 +515700,0 +515701,0 +515702,0 +515703,0 +515704,0 +515705,0 +515706,0 +515707,0 +515708,0 +515709,0 +515710,0 +515711,0 +515712,0 +515713,0 +515714,0 +515715,0 +515716,0 +515717,11 +515718,11 +515719,11 +515720,11 +515721,11 +515722,11 +515723,11 +515724,11 +515725,11 +515726,11 +515727,11 +515728,11 +515729,39 +515730,39 +515731,39 +515732,39 +515733,39 +515734,39 +515735,39 +515736,39 +515737,2 +515738,2 +515739,2 +515740,2 +515741,2 +515742,2 +515743,2 +515744,2 +515745,4 +515746,4 +515747,4 +515748,4 +515749,4 +515750,4 +515751,25 +515752,25 +515753,25 +515754,25 +515755,25 +515756,25 +515757,25 +515758,25 +515759,25 +515760,19 +515761,19 +515762,19 +515763,19 +515764,4 +515765,27 +515766,27 +515767,27 +515768,19 +515769,27 +515770,27 +515771,30 +515772,30 +515773,30 +515774,30 +515775,4 +515776,5 +515777,4 +515778,1 +515779,31 +515780,30 +515781,30 +515782,30 +515783,31 +515784,31 +515785,31 +515786,31 +515787,31 +515788,5 +515789,5 +515790,5 +515791,5 +515792,18 +515793,11 +515794,11 +515795,11 +515796,11 +515797,11 +515798,18 +515799,18 +515800,18 +515801,18 +515802,27 +515803,39 +515804,39 +515805,39 +515806,39 +515807,2 +515808,2 +515809,2 +515810,2 +515811,2 +515812,2 +515813,2 +515814,2 +515815,2 +515816,2 +515817,2 +515818,2 +515819,2 +515820,31 +515821,31 +515822,10 +515823,10 +515824,31 +515825,31 +515826,31 +515827,10 +515828,10 +515829,10 +515830,10 +515831,10 +515832,10 +515833,10 +515834,10 +515835,10 +515836,10 +515837,10 +515838,10 +515839,10 +515840,10 +515841,10 +515842,10 +515843,36 +515844,36 +515845,36 +515846,36 +515847,36 +515848,36 +515849,36 +515850,36 +515851,36 +515852,27 +515853,28 +515854,28 +515855,28 +515856,28 +515857,28 +515858,28 +515859,28 +515860,28 +515861,28 +515862,28 +515863,28 +515864,28 +515865,28 +515866,28 +515867,28 +515868,28 +515869,28 +515870,28 +515871,28 +515872,28 +515873,5 +515874,5 +515875,5 +515876,0 +515877,0 +515878,0 +515879,0 +515880,2 +515881,2 +515882,2 +515883,2 +515884,2 +515885,2 +515886,2 +515887,2 +515888,2 +515889,2 +515890,2 +515891,2 +515892,2 +515893,2 +515894,2 +515895,31 +515896,31 +515897,31 +515898,31 +515899,28 +515900,28 +515901,28 +515902,28 +515903,28 +515904,28 +515905,28 +515906,28 +515907,16 +515908,16 +515909,16 +515910,16 +515911,16 +515912,16 +515913,16 +515914,16 +515915,16 +515916,16 +515917,16 +515918,16 +515919,16 +515920,16 +515921,16 +515922,16 +515923,14 +515924,14 +515925,14 +515926,14 +515927,14 +515928,14 +515929,14 +515930,14 +515931,14 +515932,14 +515933,14 +515934,14 +515935,14 +515936,14 +515937,14 +515938,14 +515939,5 +515940,5 +515941,5 +515942,5 +515943,5 +515944,5 +515945,18 +515946,18 +515947,18 +515948,18 +515949,18 +515950,18 +515951,11 +515952,11 +515953,11 +515954,27 +515955,27 +515956,27 +515957,31 +515958,31 +515959,19 +515960,19 +515961,19 +515962,19 +515963,19 +515964,19 +515965,32 +515966,32 +515967,32 +515968,32 +515969,32 +515970,32 +515971,32 +515972,32 +515973,32 +515974,32 +515975,32 +515976,32 +515977,32 +515978,36 +515979,36 +515980,36 +515981,36 +515982,36 +515983,36 +515984,36 +515985,36 +515986,36 +515987,36 +515988,36 +515989,36 +515990,36 +515991,36 +515992,36 +515993,24 +515994,2 +515995,2 +515996,2 +515997,2 +515998,2 +515999,2 +516000,2 +516001,2 +516002,2 +516003,2 +516004,2 +516005,4 +516006,4 +516007,4 +516008,4 +516009,4 +516010,4 +516011,31 +516012,31 +516013,31 +516014,31 +516015,5 +516016,5 +516017,5 +516018,5 +516019,5 +516020,5 +516021,35 +516022,35 +516023,35 +516024,35 +516025,35 +516026,35 +516027,27 +516028,27 +516029,27 +516030,27 +516031,28 +516032,28 +516033,28 +516034,28 +516035,28 +516036,28 +516037,28 +516038,28 +516039,28 +516040,2 +516041,2 +516042,2 +516043,2 +516044,2 +516045,2 +516046,2 +516047,8 +516048,2 +516049,2 +516050,27 +516051,27 +516052,27 +516053,27 +516054,27 +516055,27 +516056,27 +516057,27 +516058,8 +516059,8 +516060,8 +516061,8 +516062,8 +516063,8 +516064,8 +516065,8 +516066,8 +516067,8 +516068,8 +516069,29 +516070,29 +516071,29 +516072,29 +516073,29 +516074,31 +516075,31 +516076,31 +516077,31 +516078,28 +516079,28 +516080,28 +516081,28 +516082,28 +516083,28 +516084,28 +516085,28 +516086,28 +516087,28 +516088,9 +516089,9 +516090,9 +516091,9 +516092,9 +516093,9 +516094,9 +516095,9 +516096,9 +516097,9 +516098,9 +516099,37 +516100,37 +516101,37 +516102,37 +516103,37 +516104,5 +516105,5 +516106,5 +516107,5 +516108,27 +516109,27 +516110,27 +516111,27 +516112,27 +516113,27 +516114,13 +516115,13 +516116,13 +516117,13 +516118,13 +516119,13 +516120,13 +516121,13 +516122,13 +516123,13 +516124,13 +516125,13 +516126,5 +516127,5 +516128,5 +516129,5 +516130,13 +516131,13 +516132,13 +516133,0 +516134,0 +516135,0 +516136,0 +516137,0 +516138,0 +516139,0 +516140,0 +516141,0 +516142,0 +516143,0 +516144,0 +516145,0 +516146,0 +516147,0 +516148,0 +516149,0 +516150,0 +516151,0 +516152,0 +516153,0 +516154,0 +516155,0 +516156,0 +516157,0 +516158,0 +516159,0 +516160,0 +516161,0 +516162,0 +516163,0 +516164,0 +516165,0 +516166,0 +516167,0 +516168,0 +516169,0 +516170,0 +516171,0 +516172,0 +516173,0 +516174,0 +516175,0 +516176,0 +516177,0 +516178,0 +516179,0 +516180,0 +516181,0 +516182,0 +516183,0 +516184,0 +516185,0 +516186,0 +516187,0 +516188,0 +516189,0 +516190,0 +516191,0 +516192,0 +516193,0 +516194,0 +516195,0 +516196,0 +516197,0 +516198,0 +516199,0 +516200,0 +516201,0 +516202,0 +516203,0 +516204,0 +516205,0 +516206,0 +516207,0 +516208,0 +516209,0 +516210,0 +516211,0 +516212,0 +516213,0 +516214,0 +516215,12 +516216,12 +516217,12 +516218,12 +516219,12 +516220,12 +516221,12 +516222,12 +516223,12 +516224,31 +516225,31 +516226,31 +516227,31 +516228,31 +516229,4 +516230,4 +516231,4 +516232,4 +516233,4 +516234,4 +516235,4 +516236,7 +516237,7 +516238,7 +516239,7 +516240,7 +516241,7 +516242,7 +516243,3 +516244,3 +516245,3 +516246,3 +516247,3 +516248,3 +516249,3 +516250,3 +516251,3 +516252,2 +516253,2 +516254,2 +516255,2 +516256,2 +516257,2 +516258,2 +516259,2 +516260,2 +516261,2 +516262,2 +516263,2 +516264,2 +516265,14 +516266,14 +516267,14 +516268,14 +516269,14 +516270,14 +516271,14 +516272,14 +516273,14 +516274,14 +516275,14 +516276,14 +516277,14 +516278,14 +516279,14 +516280,14 +516281,14 +516282,14 +516283,14 +516284,14 +516285,14 +516286,14 +516287,14 +516288,14 +516289,14 +516290,6 +516291,6 +516292,6 +516293,6 +516294,6 +516295,6 +516296,6 +516297,6 +516298,6 +516299,6 +516300,31 +516301,36 +516302,36 +516303,31 +516304,36 +516305,36 +516306,36 +516307,36 +516308,36 +516309,36 +516310,4 +516311,4 +516312,4 +516313,4 +516314,4 +516315,4 +516316,4 +516317,4 +516318,4 +516319,2 +516320,2 +516321,4 +516322,2 +516323,32 +516324,32 +516325,32 +516326,32 +516327,32 +516328,33 +516329,33 +516330,33 +516331,33 +516332,33 +516333,33 +516334,33 +516335,33 +516336,33 +516337,33 +516338,33 +516339,33 +516340,33 +516341,33 +516342,38 +516343,38 +516344,38 +516345,38 +516346,38 +516347,38 +516348,38 +516349,38 +516350,12 +516351,12 +516352,12 +516353,12 +516354,12 +516355,12 +516356,12 +516357,12 +516358,12 +516359,12 +516360,12 +516361,14 +516362,14 +516363,14 +516364,14 +516365,14 +516366,14 +516367,14 +516368,14 +516369,14 +516370,14 +516371,14 +516372,14 +516373,14 +516374,14 +516375,14 +516376,14 +516377,14 +516378,14 +516379,14 +516380,8 +516381,8 +516382,8 +516383,2 +516384,2 +516385,2 +516386,2 +516387,2 +516388,2 +516389,2 +516390,2 +516391,2 +516392,2 +516393,2 +516394,2 +516395,2 +516396,2 +516397,2 +516398,4 +516399,4 +516400,4 +516401,4 +516402,4 +516403,39 +516404,39 +516405,39 +516406,39 +516407,39 +516408,39 +516409,39 +516410,39 +516411,39 +516412,39 +516413,39 +516414,39 +516415,39 +516416,39 +516417,39 +516418,39 +516419,39 +516420,39 +516421,39 +516422,39 +516423,39 +516424,39 +516425,39 +516426,39 +516427,35 +516428,39 +516429,39 +516430,39 +516431,39 +516432,39 +516433,39 +516434,39 +516435,39 +516436,39 +516437,39 +516438,0 +516439,24 +516440,24 +516441,24 +516442,24 +516443,24 +516444,24 +516445,24 +516446,23 +516447,23 +516448,23 +516449,0 +516450,0 +516451,0 +516452,0 +516453,0 +516454,0 +516455,0 +516456,0 +516457,0 +516458,0 +516459,0 +516460,0 +516461,0 +516462,0 +516463,0 +516464,0 +516465,0 +516466,0 +516467,0 +516468,0 +516469,0 +516470,0 +516471,0 +516472,0 +516473,0 +516474,0 +516475,0 +516476,0 +516477,0 +516478,0 +516479,0 +516480,0 +516481,0 +516482,0 +516483,0 +516484,0 +516485,0 +516486,0 +516487,0 +516488,0 +516489,0 +516490,0 +516491,0 +516492,0 +516493,0 +516494,0 +516495,0 +516496,0 +516497,0 +516498,0 +516499,0 +516500,0 +516501,0 +516502,0 +516503,0 +516504,0 +516505,0 +516506,0 +516507,0 +516508,0 +516509,0 +516510,0 +516511,29 +516512,29 +516513,29 +516514,29 +516515,31 +516516,31 +516517,31 +516518,31 +516519,31 +516520,31 +516521,2 +516522,2 +516523,8 +516524,8 +516525,8 +516526,8 +516527,8 +516528,8 +516529,8 +516530,23 +516531,23 +516532,23 +516533,23 +516534,23 +516535,23 +516536,23 +516537,40 +516538,40 +516539,33 +516540,33 +516541,33 +516542,30 +516543,30 +516544,30 +516545,30 +516546,1 +516547,1 +516548,1 +516549,1 +516550,27 +516551,27 +516552,25 +516553,25 +516554,25 +516555,1 +516556,1 +516557,15 +516558,15 +516559,15 +516560,15 +516561,15 +516562,15 +516563,15 +516564,15 +516565,15 +516566,26 +516567,26 +516568,26 +516569,26 +516570,26 +516571,26 +516572,26 +516573,26 +516574,26 +516575,26 +516576,26 +516577,26 +516578,26 +516579,26 +516580,26 +516581,26 +516582,26 +516583,26 +516584,26 +516585,26 +516586,26 +516587,37 +516588,37 +516589,37 +516590,37 +516591,37 +516592,37 +516593,37 +516594,37 +516595,37 +516596,37 +516597,19 +516598,19 +516599,19 +516600,19 +516601,19 +516602,19 +516603,19 +516604,19 +516605,19 +516606,19 +516607,19 +516608,0 +516609,0 +516610,0 +516611,0 +516612,0 +516613,0 +516614,0 +516615,0 +516616,0 +516617,0 +516618,0 +516619,0 +516620,0 +516621,0 +516622,0 +516623,0 +516624,0 +516625,0 +516626,0 +516627,0 +516628,0 +516629,0 +516630,0 +516631,0 +516632,0 +516633,0 +516634,0 +516635,0 +516636,0 +516637,0 +516638,0 +516639,0 +516640,0 +516641,0 +516642,0 +516643,0 +516644,0 +516645,0 +516646,29 +516647,29 +516648,29 +516649,29 +516650,14 +516651,14 +516652,14 +516653,14 +516654,14 +516655,14 +516656,14 +516657,14 +516658,14 +516659,14 +516660,12 +516661,12 +516662,12 +516663,12 +516664,12 +516665,12 +516666,12 +516667,12 +516668,25 +516669,25 +516670,25 +516671,25 +516672,25 +516673,25 +516674,25 +516675,25 +516676,28 +516677,28 +516678,28 +516679,28 +516680,28 +516681,12 +516682,12 +516683,12 +516684,12 +516685,10 +516686,10 +516687,10 +516688,10 +516689,10 +516690,10 +516691,10 +516692,10 +516693,10 +516694,10 +516695,6 +516696,6 +516697,6 +516698,6 +516699,6 +516700,6 +516701,6 +516702,6 +516703,6 +516704,29 +516705,29 +516706,29 +516707,29 +516708,29 +516709,29 +516710,31 +516711,31 +516712,31 +516713,31 +516714,31 +516715,24 +516716,28 +516717,28 +516718,28 +516719,28 +516720,28 +516721,28 +516722,28 +516723,28 +516724,28 +516725,14 +516726,14 +516727,14 +516728,14 +516729,14 +516730,39 +516731,39 +516732,39 +516733,39 +516734,39 +516735,39 +516736,39 +516737,39 +516738,39 +516739,39 +516740,39 +516741,39 +516742,39 +516743,39 +516744,39 +516745,39 +516746,39 +516747,39 +516748,39 +516749,14 +516750,14 +516751,14 +516752,5 +516753,5 +516754,5 +516755,5 +516756,5 +516757,5 +516758,31 +516759,31 +516760,31 +516761,31 +516762,31 +516763,24 +516764,24 +516765,24 +516766,24 +516767,24 +516768,31 +516769,31 +516770,31 +516771,31 +516772,31 +516773,31 +516774,31 +516775,31 +516776,31 +516777,2 +516778,2 +516779,2 +516780,2 +516781,2 +516782,2 +516783,2 +516784,2 +516785,2 +516786,2 +516787,2 +516788,2 +516789,2 +516790,2 +516791,2 +516792,2 +516793,4 +516794,4 +516795,4 +516796,4 +516797,4 +516798,4 +516799,4 +516800,26 +516801,26 +516802,26 +516803,26 +516804,26 +516805,26 +516806,26 +516807,26 +516808,26 +516809,37 +516810,37 +516811,37 +516812,37 +516813,37 +516814,37 +516815,37 +516816,37 +516817,19 +516818,19 +516819,19 +516820,19 +516821,27 +516822,27 +516823,27 +516824,27 +516825,30 +516826,30 +516827,30 +516828,30 +516829,30 +516830,31 +516831,31 +516832,15 +516833,15 +516834,15 +516835,15 +516836,15 +516837,30 +516838,30 +516839,30 +516840,30 +516841,30 +516842,30 +516843,30 +516844,30 +516845,30 +516846,30 +516847,30 +516848,30 +516849,30 +516850,30 +516851,10 +516852,10 +516853,10 +516854,10 +516855,10 +516856,10 +516857,10 +516858,10 +516859,10 +516860,10 +516861,10 +516862,10 +516863,10 +516864,10 +516865,10 +516866,10 +516867,10 +516868,31 +516869,10 +516870,14 +516871,14 +516872,14 +516873,14 +516874,14 +516875,14 +516876,14 +516877,14 +516878,31 +516879,31 +516880,40 +516881,40 +516882,5 +516883,5 +516884,5 +516885,5 +516886,5 +516887,27 +516888,27 +516889,27 +516890,27 +516891,27 +516892,27 +516893,27 +516894,27 +516895,5 +516896,5 +516897,5 +516898,5 +516899,5 +516900,5 +516901,5 +516902,5 +516903,5 +516904,31 +516905,5 +516906,5 +516907,5 +516908,5 +516909,31 +516910,31 +516911,23 +516912,23 +516913,23 +516914,23 +516915,23 +516916,23 +516917,23 +516918,2 +516919,2 +516920,2 +516921,2 +516922,2 +516923,2 +516924,2 +516925,2 +516926,23 +516927,23 +516928,23 +516929,37 +516930,37 +516931,30 +516932,30 +516933,30 +516934,30 +516935,30 +516936,30 +516937,39 +516938,39 +516939,39 +516940,39 +516941,39 +516942,39 +516943,39 +516944,39 +516945,39 +516946,27 +516947,13 +516948,13 +516949,28 +516950,28 +516951,28 +516952,28 +516953,28 +516954,28 +516955,28 +516956,39 +516957,39 +516958,39 +516959,39 +516960,39 +516961,39 +516962,39 +516963,39 +516964,5 +516965,5 +516966,5 +516967,5 +516968,5 +516969,5 +516970,40 +516971,36 +516972,36 +516973,36 +516974,36 +516975,40 +516976,40 +516977,40 +516978,40 +516979,36 +516980,24 +516981,24 +516982,24 +516983,24 +516984,29 +516985,29 +516986,31 +516987,31 +516988,31 +516989,31 +516990,5 +516991,5 +516992,5 +516993,5 +516994,5 +516995,5 +516996,5 +516997,5 +516998,5 +516999,5 +517000,5 +517001,5 +517002,5 +517003,5 +517004,5 +517005,5 +517006,5 +517007,0 +517008,18 +517009,18 +517010,18 +517011,0 +517012,35 +517013,35 +517014,35 +517015,35 +517016,35 +517017,35 +517018,35 +517019,35 +517020,35 +517021,35 +517022,35 +517023,35 +517024,39 +517025,39 +517026,39 +517027,39 +517028,39 +517029,39 +517030,39 +517031,39 +517032,39 +517033,39 +517034,39 +517035,39 +517036,30 +517037,30 +517038,30 +517039,30 +517040,30 +517041,30 +517042,30 +517043,30 +517044,30 +517045,30 +517046,30 +517047,30 +517048,30 +517049,31 +517050,31 +517051,31 +517052,31 +517053,33 +517054,33 +517055,33 +517056,33 +517057,33 +517058,33 +517059,33 +517060,31 +517061,31 +517062,31 +517063,31 +517064,30 +517065,30 +517066,30 +517067,30 +517068,30 +517069,30 +517070,30 +517071,30 +517072,30 +517073,30 +517074,30 +517075,30 +517076,30 +517077,30 +517078,0 +517079,0 +517080,0 +517081,0 +517082,0 +517083,0 +517084,0 +517085,0 +517086,0 +517087,0 +517088,0 +517089,0 +517090,0 +517091,0 +517092,0 +517093,0 +517094,0 +517095,0 +517096,0 +517097,0 +517098,0 +517099,0 +517100,0 +517101,0 +517102,0 +517103,0 +517104,0 +517105,0 +517106,0 +517107,0 +517108,0 +517109,0 +517110,0 +517111,0 +517112,0 +517113,10 +517114,10 +517115,10 +517116,10 +517117,10 +517118,10 +517119,10 +517120,10 +517121,10 +517122,10 +517123,10 +517124,10 +517125,10 +517126,30 +517127,30 +517128,30 +517129,30 +517130,30 +517131,30 +517132,30 +517133,30 +517134,30 +517135,30 +517136,30 +517137,22 +517138,22 +517139,22 +517140,22 +517141,22 +517142,22 +517143,6 +517144,6 +517145,6 +517146,6 +517147,6 +517148,6 +517149,6 +517150,6 +517151,6 +517152,0 +517153,0 +517154,0 +517155,19 +517156,19 +517157,19 +517158,19 +517159,19 +517160,19 +517161,19 +517162,19 +517163,34 +517164,34 +517165,34 +517166,34 +517167,34 +517168,34 +517169,34 +517170,34 +517171,34 +517172,34 +517173,34 +517174,34 +517175,34 +517176,34 +517177,34 +517178,34 +517179,34 +517180,34 +517181,34 +517182,34 +517183,34 +517184,34 +517185,34 +517186,34 +517187,34 +517188,34 +517189,5 +517190,5 +517191,5 +517192,5 +517193,5 +517194,5 +517195,5 +517196,5 +517197,28 +517198,28 +517199,28 +517200,5 +517201,5 +517202,5 +517203,5 +517204,5 +517205,5 +517206,0 +517207,0 +517208,0 +517209,0 +517210,0 +517211,0 +517212,0 +517213,0 +517214,0 +517215,0 +517216,0 +517217,0 +517218,0 +517219,0 +517220,0 +517221,0 +517222,0 +517223,0 +517224,0 +517225,0 +517226,0 +517227,0 +517228,0 +517229,0 +517230,0 +517231,0 +517232,0 +517233,0 +517234,0 +517235,0 +517236,0 +517237,29 +517238,29 +517239,29 +517240,29 +517241,29 +517242,29 +517243,29 +517244,29 +517245,31 +517246,27 +517247,27 +517248,27 +517249,27 +517250,31 +517251,21 +517252,21 +517253,21 +517254,21 +517255,21 +517256,21 +517257,21 +517258,21 +517259,25 +517260,25 +517261,25 +517262,25 +517263,25 +517264,25 +517265,25 +517266,12 +517267,12 +517268,12 +517269,12 +517270,12 +517271,12 +517272,12 +517273,12 +517274,12 +517275,12 +517276,12 +517277,12 +517278,12 +517279,31 +517280,31 +517281,31 +517282,31 +517283,31 +517284,31 +517285,31 +517286,31 +517287,31 +517288,31 +517289,8 +517290,8 +517291,8 +517292,8 +517293,8 +517294,8 +517295,8 +517296,8 +517297,8 +517298,12 +517299,12 +517300,12 +517301,12 +517302,12 +517303,12 +517304,12 +517305,12 +517306,12 +517307,9 +517308,9 +517309,9 +517310,9 +517311,9 +517312,26 +517313,26 +517314,26 +517315,26 +517316,26 +517317,26 +517318,16 +517319,16 +517320,16 +517321,16 +517322,16 +517323,16 +517324,16 +517325,16 +517326,16 +517327,16 +517328,16 +517329,16 +517330,27 +517331,27 +517332,27 +517333,27 +517334,27 +517335,5 +517336,13 +517337,13 +517338,13 +517339,13 +517340,5 +517341,5 +517342,13 +517343,5 +517344,5 +517345,5 +517346,5 +517347,27 +517348,27 +517349,27 +517350,14 +517351,39 +517352,39 +517353,39 +517354,39 +517355,39 +517356,39 +517357,39 +517358,39 +517359,39 +517360,39 +517361,39 +517362,39 +517363,39 +517364,39 +517365,39 +517366,0 +517367,0 +517368,0 +517369,0 +517370,0 +517371,0 +517372,0 +517373,0 +517374,0 +517375,0 +517376,0 +517377,0 +517378,31 +517379,31 +517380,31 +517381,31 +517382,31 +517383,31 +517384,31 +517385,31 +517386,31 +517387,31 +517388,31 +517389,31 +517390,31 +517391,31 +517392,31 +517393,31 +517394,5 +517395,5 +517396,19 +517397,19 +517398,19 +517399,19 +517400,19 +517401,29 +517402,31 +517403,31 +517404,31 +517405,31 +517406,37 +517407,37 +517408,37 +517409,37 +517410,37 +517411,37 +517412,37 +517413,31 +517414,31 +517415,31 +517416,31 +517417,31 +517418,31 +517419,31 +517420,31 +517421,31 +517422,8 +517423,8 +517424,8 +517425,8 +517426,8 +517427,8 +517428,8 +517429,8 +517430,8 +517431,5 +517432,5 +517433,5 +517434,5 +517435,5 +517436,33 +517437,33 +517438,33 +517439,33 +517440,33 +517441,33 +517442,33 +517443,33 +517444,33 +517445,33 +517446,31 +517447,31 +517448,33 +517449,2 +517450,2 +517451,2 +517452,2 +517453,2 +517454,2 +517455,2 +517456,2 +517457,2 +517458,2 +517459,2 +517460,2 +517461,2 +517462,2 +517463,2 +517464,28 +517465,28 +517466,28 +517467,28 +517468,28 +517469,28 +517470,10 +517471,10 +517472,10 +517473,34 +517474,34 +517475,34 +517476,26 +517477,26 +517478,26 +517479,26 +517480,26 +517481,26 +517482,30 +517483,30 +517484,30 +517485,30 +517486,30 +517487,30 +517488,30 +517489,30 +517490,31 +517491,31 +517492,31 +517493,31 +517494,31 +517495,5 +517496,5 +517497,5 +517498,5 +517499,5 +517500,25 +517501,25 +517502,25 +517503,25 +517504,25 +517505,25 +517506,25 +517507,25 +517508,25 +517509,23 +517510,23 +517511,23 +517512,23 +517513,23 +517514,23 +517515,23 +517516,23 +517517,23 +517518,23 +517519,23 +517520,14 +517521,14 +517522,14 +517523,14 +517524,14 +517525,14 +517526,14 +517527,14 +517528,14 +517529,14 +517530,14 +517531,14 +517532,14 +517533,14 +517534,2 +517535,2 +517536,2 +517537,2 +517538,2 +517539,2 +517540,2 +517541,2 +517542,2 +517543,2 +517544,4 +517545,4 +517546,4 +517547,5 +517548,5 +517549,5 +517550,5 +517551,5 +517552,34 +517553,34 +517554,34 +517555,34 +517556,34 +517557,34 +517558,34 +517559,34 +517560,34 +517561,34 +517562,34 +517563,34 +517564,34 +517565,34 +517566,34 +517567,34 +517568,34 +517569,34 +517570,34 +517571,34 +517572,10 +517573,10 +517574,30 +517575,30 +517576,30 +517577,0 +517578,0 +517579,0 +517580,0 +517581,0 +517582,0 +517583,0 +517584,0 +517585,0 +517586,0 +517587,0 +517588,0 +517589,0 +517590,0 +517591,0 +517592,0 +517593,0 +517594,0 +517595,0 +517596,0 +517597,0 +517598,0 +517599,0 +517600,0 +517601,0 +517602,0 +517603,15 +517604,15 +517605,31 +517606,31 +517607,31 +517608,31 +517609,31 +517610,31 +517611,2 +517612,2 +517613,2 +517614,2 +517615,11 +517616,11 +517617,11 +517618,2 +517619,11 +517620,11 +517621,39 +517622,39 +517623,39 +517624,39 +517625,39 +517626,15 +517627,15 +517628,15 +517629,15 +517630,27 +517631,27 +517632,27 +517633,27 +517634,27 +517635,27 +517636,6 +517637,6 +517638,6 +517639,6 +517640,6 +517641,6 +517642,6 +517643,6 +517644,6 +517645,14 +517646,14 +517647,14 +517648,14 +517649,14 +517650,36 +517651,36 +517652,36 +517653,36 +517654,36 +517655,28 +517656,28 +517657,28 +517658,28 +517659,28 +517660,28 +517661,31 +517662,31 +517663,31 +517664,5 +517665,5 +517666,5 +517667,5 +517668,5 +517669,5 +517670,36 +517671,36 +517672,36 +517673,36 +517674,36 +517675,36 +517676,36 +517677,36 +517678,36 +517679,36 +517680,40 +517681,40 +517682,6 +517683,6 +517684,6 +517685,6 +517686,6 +517687,2 +517688,2 +517689,2 +517690,2 +517691,2 +517692,2 +517693,2 +517694,2 +517695,30 +517696,30 +517697,9 +517698,9 +517699,9 +517700,9 +517701,9 +517702,9 +517703,33 +517704,33 +517705,31 +517706,33 +517707,37 +517708,31 +517709,37 +517710,5 +517711,5 +517712,5 +517713,5 +517714,32 +517715,32 +517716,32 +517717,32 +517718,32 +517719,32 +517720,32 +517721,14 +517722,14 +517723,14 +517724,14 +517725,14 +517726,14 +517727,14 +517728,14 +517729,14 +517730,14 +517731,14 +517732,14 +517733,14 +517734,2 +517735,2 +517736,2 +517737,2 +517738,2 +517739,4 +517740,4 +517741,4 +517742,4 +517743,4 +517744,4 +517745,37 +517746,37 +517747,37 +517748,37 +517749,39 +517750,39 +517751,39 +517752,39 +517753,39 +517754,39 +517755,39 +517756,6 +517757,6 +517758,6 +517759,6 +517760,6 +517761,6 +517762,31 +517763,31 +517764,31 +517765,31 +517766,31 +517767,31 +517768,31 +517769,31 +517770,31 +517771,31 +517772,31 +517773,33 +517774,33 +517775,6 +517776,6 +517777,6 +517778,6 +517779,6 +517780,6 +517781,6 +517782,6 +517783,6 +517784,6 +517785,6 +517786,6 +517787,6 +517788,6 +517789,6 +517790,6 +517791,6 +517792,6 +517793,6 +517794,6 +517795,0 +517796,0 +517797,0 +517798,0 +517799,0 +517800,0 +517801,0 +517802,0 +517803,0 +517804,0 +517805,0 +517806,0 +517807,0 +517808,0 +517809,0 +517810,0 +517811,0 +517812,0 +517813,0 +517814,0 +517815,0 +517816,0 +517817,0 +517818,0 +517819,0 +517820,0 +517821,0 +517822,0 +517823,0 +517824,0 +517825,0 +517826,0 +517827,0 +517828,0 +517829,0 +517830,0 +517831,0 +517832,0 +517833,0 +517834,0 +517835,0 +517836,0 +517837,0 +517838,0 +517839,0 +517840,0 +517841,0 +517842,0 +517843,0 +517844,0 +517845,0 +517846,0 +517847,0 +517848,0 +517849,0 +517850,0 +517851,0 +517852,0 +517853,0 +517854,0 +517855,0 +517856,0 +517857,0 +517858,0 +517859,0 +517860,0 +517861,0 +517862,0 +517863,0 +517864,0 +517865,0 +517866,15 +517867,27 +517868,27 +517869,27 +517870,27 +517871,39 +517872,39 +517873,6 +517874,6 +517875,6 +517876,6 +517877,6 +517878,31 +517879,31 +517880,31 +517881,31 +517882,31 +517883,31 +517884,31 +517885,31 +517886,31 +517887,8 +517888,8 +517889,8 +517890,8 +517891,8 +517892,8 +517893,8 +517894,29 +517895,29 +517896,29 +517897,29 +517898,29 +517899,31 +517900,31 +517901,31 +517902,31 +517903,31 +517904,37 +517905,37 +517906,37 +517907,37 +517908,37 +517909,37 +517910,37 +517911,37 +517912,37 +517913,37 +517914,37 +517915,40 +517916,40 +517917,40 +517918,40 +517919,21 +517920,21 +517921,21 +517922,21 +517923,21 +517924,21 +517925,21 +517926,21 +517927,40 +517928,40 +517929,40 +517930,30 +517931,30 +517932,30 +517933,30 +517934,30 +517935,30 +517936,30 +517937,30 +517938,30 +517939,30 +517940,30 +517941,14 +517942,14 +517943,14 +517944,14 +517945,14 +517946,14 +517947,14 +517948,25 +517949,37 +517950,37 +517951,37 +517952,37 +517953,37 +517954,37 +517955,37 +517956,37 +517957,37 +517958,37 +517959,37 +517960,25 +517961,4 +517962,4 +517963,4 +517964,4 +517965,4 +517966,39 +517967,39 +517968,39 +517969,39 +517970,39 +517971,39 +517972,39 +517973,39 +517974,39 +517975,39 +517976,39 +517977,39 +517978,31 +517979,31 +517980,31 +517981,31 +517982,31 +517983,31 +517984,24 +517985,24 +517986,24 +517987,24 +517988,24 +517989,24 +517990,24 +517991,24 +517992,29 +517993,29 +517994,29 +517995,39 +517996,39 +517997,39 +517998,39 +517999,39 +518000,39 +518001,39 +518002,39 +518003,39 +518004,8 +518005,8 +518006,8 +518007,8 +518008,8 +518009,8 +518010,8 +518011,8 +518012,8 +518013,8 +518014,8 +518015,8 +518016,8 +518017,8 +518018,30 +518019,30 +518020,30 +518021,30 +518022,30 +518023,3 +518024,3 +518025,3 +518026,3 +518027,3 +518028,3 +518029,3 +518030,28 +518031,28 +518032,28 +518033,28 +518034,28 +518035,28 +518036,28 +518037,28 +518038,35 +518039,27 +518040,27 +518041,27 +518042,27 +518043,27 +518044,27 +518045,27 +518046,27 +518047,31 +518048,31 +518049,27 +518050,27 +518051,2 +518052,2 +518053,2 +518054,2 +518055,2 +518056,2 +518057,2 +518058,2 +518059,2 +518060,2 +518061,12 +518062,12 +518063,12 +518064,12 +518065,12 +518066,12 +518067,12 +518068,12 +518069,12 +518070,12 +518071,12 +518072,26 +518073,26 +518074,26 +518075,26 +518076,26 +518077,26 +518078,26 +518079,26 +518080,26 +518081,10 +518082,10 +518083,10 +518084,10 +518085,10 +518086,10 +518087,10 +518088,10 +518089,10 +518090,10 +518091,10 +518092,10 +518093,10 +518094,10 +518095,10 +518096,10 +518097,10 +518098,5 +518099,5 +518100,5 +518101,5 +518102,5 +518103,5 +518104,5 +518105,5 +518106,5 +518107,5 +518108,5 +518109,8 +518110,8 +518111,8 +518112,8 +518113,8 +518114,8 +518115,8 +518116,8 +518117,8 +518118,8 +518119,31 +518120,31 +518121,31 +518122,5 +518123,5 +518124,5 +518125,5 +518126,5 +518127,5 +518128,5 +518129,5 +518130,5 +518131,5 +518132,29 +518133,31 +518134,31 +518135,31 +518136,31 +518137,24 +518138,24 +518139,24 +518140,24 +518141,24 +518142,24 +518143,24 +518144,23 +518145,23 +518146,23 +518147,23 +518148,23 +518149,23 +518150,23 +518151,23 +518152,10 +518153,10 +518154,10 +518155,10 +518156,10 +518157,10 +518158,10 +518159,10 +518160,10 +518161,10 +518162,10 +518163,10 +518164,10 +518165,10 +518166,10 +518167,10 +518168,25 +518169,34 +518170,34 +518171,34 +518172,34 +518173,34 +518174,34 +518175,34 +518176,5 +518177,5 +518178,5 +518179,5 +518180,5 +518181,2 +518182,2 +518183,2 +518184,2 +518185,2 +518186,2 +518187,2 +518188,2 +518189,2 +518190,2 +518191,2 +518192,2 +518193,2 +518194,2 +518195,5 +518196,5 +518197,5 +518198,5 +518199,5 +518200,5 +518201,5 +518202,5 +518203,5 +518204,5 +518205,5 +518206,5 +518207,5 +518208,5 +518209,5 +518210,5 +518211,5 +518212,5 +518213,5 +518214,5 +518215,40 +518216,40 +518217,40 +518218,40 +518219,40 +518220,40 +518221,40 +518222,40 +518223,40 +518224,2 +518225,2 +518226,2 +518227,2 +518228,2 +518229,2 +518230,2 +518231,2 +518232,2 +518233,2 +518234,2 +518235,2 +518236,2 +518237,2 +518238,2 +518239,2 +518240,2 +518241,2 +518242,2 +518243,2 +518244,2 +518245,2 +518246,2 +518247,2 +518248,2 +518249,2 +518250,2 +518251,2 +518252,2 +518253,2 +518254,40 +518255,40 +518256,40 +518257,40 +518258,37 +518259,37 +518260,37 +518261,37 +518262,37 +518263,37 +518264,37 +518265,37 +518266,37 +518267,37 +518268,37 +518269,39 +518270,39 +518271,39 +518272,39 +518273,39 +518274,39 +518275,39 +518276,39 +518277,39 +518278,39 +518279,39 +518280,19 +518281,4 +518282,19 +518283,4 +518284,4 +518285,4 +518286,4 +518287,0 +518288,0 +518289,4 +518290,4 +518291,4 +518292,4 +518293,27 +518294,27 +518295,27 +518296,39 +518297,39 +518298,6 +518299,6 +518300,6 +518301,6 +518302,6 +518303,6 +518304,6 +518305,6 +518306,6 +518307,6 +518308,6 +518309,6 +518310,6 +518311,6 +518312,40 +518313,40 +518314,40 +518315,37 +518316,37 +518317,37 +518318,37 +518319,37 +518320,37 +518321,37 +518322,39 +518323,39 +518324,39 +518325,39 +518326,39 +518327,39 +518328,39 +518329,24 +518330,24 +518331,24 +518332,24 +518333,24 +518334,24 +518335,24 +518336,9 +518337,9 +518338,9 +518339,9 +518340,9 +518341,26 +518342,9 +518343,9 +518344,6 +518345,6 +518346,6 +518347,6 +518348,6 +518349,6 +518350,6 +518351,6 +518352,6 +518353,6 +518354,6 +518355,6 +518356,6 +518357,6 +518358,6 +518359,36 +518360,14 +518361,36 +518362,36 +518363,36 +518364,36 +518365,36 +518366,36 +518367,36 +518368,36 +518369,5 +518370,5 +518371,5 +518372,5 +518373,5 +518374,27 +518375,27 +518376,27 +518377,13 +518378,13 +518379,13 +518380,27 +518381,27 +518382,27 +518383,28 +518384,28 +518385,28 +518386,28 +518387,28 +518388,28 +518389,28 +518390,28 +518391,36 +518392,36 +518393,36 +518394,36 +518395,36 +518396,36 +518397,36 +518398,36 +518399,36 +518400,36 +518401,36 +518402,36 +518403,4 +518404,4 +518405,4 +518406,4 +518407,4 +518408,4 +518409,4 +518410,25 +518411,25 +518412,25 +518413,25 +518414,25 +518415,25 +518416,25 +518417,37 +518418,4 +518419,4 +518420,4 +518421,4 +518422,4 +518423,4 +518424,4 +518425,4 +518426,4 +518427,31 +518428,31 +518429,31 +518430,31 +518431,2 +518432,2 +518433,2 +518434,2 +518435,2 +518436,2 +518437,2 +518438,2 +518439,2 +518440,2 +518441,2 +518442,2 +518443,2 +518444,2 +518445,31 +518446,31 +518447,31 +518448,31 +518449,31 +518450,31 +518451,16 +518452,16 +518453,16 +518454,16 +518455,16 +518456,16 +518457,16 +518458,16 +518459,16 +518460,16 +518461,16 +518462,16 +518463,11 +518464,11 +518465,11 +518466,11 +518467,4 +518468,4 +518469,4 +518470,19 +518471,19 +518472,27 +518473,27 +518474,27 +518475,27 +518476,27 +518477,27 +518478,27 +518479,2 +518480,2 +518481,2 +518482,2 +518483,2 +518484,2 +518485,2 +518486,2 +518487,2 +518488,2 +518489,2 +518490,2 +518491,2 +518492,2 +518493,2 +518494,2 +518495,27 +518496,27 +518497,27 +518498,27 +518499,5 +518500,5 +518501,5 +518502,5 +518503,5 +518504,5 +518505,5 +518506,2 +518507,2 +518508,2 +518509,2 +518510,2 +518511,2 +518512,2 +518513,2 +518514,2 +518515,2 +518516,27 +518517,27 +518518,27 +518519,27 +518520,27 +518521,27 +518522,27 +518523,27 +518524,27 +518525,27 +518526,27 +518527,27 +518528,8 +518529,8 +518530,8 +518531,8 +518532,8 +518533,8 +518534,8 +518535,8 +518536,2 +518537,2 +518538,27 +518539,27 +518540,27 +518541,27 +518542,27 +518543,27 +518544,27 +518545,8 +518546,8 +518547,8 +518548,8 +518549,8 +518550,8 +518551,8 +518552,8 +518553,8 +518554,8 +518555,8 +518556,8 +518557,8 +518558,2 +518559,8 +518560,8 +518561,8 +518562,8 +518563,0 +518564,0 +518565,0 +518566,0 +518567,0 +518568,0 +518569,0 +518570,0 +518571,0 +518572,0 +518573,0 +518574,0 +518575,27 +518576,27 +518577,27 +518578,27 +518579,27 +518580,27 +518581,27 +518582,27 +518583,5 +518584,5 +518585,5 +518586,5 +518587,5 +518588,31 +518589,31 +518590,31 +518591,31 +518592,31 +518593,31 +518594,27 +518595,6 +518596,6 +518597,6 +518598,6 +518599,6 +518600,6 +518601,6 +518602,2 +518603,2 +518604,2 +518605,2 +518606,2 +518607,2 +518608,2 +518609,2 +518610,2 +518611,2 +518612,2 +518613,2 +518614,2 +518615,2 +518616,2 +518617,2 +518618,2 +518619,32 +518620,32 +518621,32 +518622,32 +518623,32 +518624,32 +518625,32 +518626,32 +518627,32 +518628,30 +518629,30 +518630,30 +518631,40 +518632,31 +518633,31 +518634,31 +518635,31 +518636,31 +518637,6 +518638,6 +518639,6 +518640,6 +518641,6 +518642,6 +518643,6 +518644,31 +518645,31 +518646,31 +518647,31 +518648,15 +518649,15 +518650,15 +518651,15 +518652,15 +518653,15 +518654,15 +518655,15 +518656,31 +518657,31 +518658,30 +518659,30 +518660,30 +518661,30 +518662,30 +518663,30 +518664,30 +518665,30 +518666,30 +518667,30 +518668,30 +518669,30 +518670,30 +518671,30 +518672,30 +518673,30 +518674,30 +518675,30 +518676,30 +518677,30 +518678,30 +518679,30 +518680,0 +518681,0 +518682,0 +518683,0 +518684,0 +518685,0 +518686,0 +518687,0 +518688,0 +518689,0 +518690,0 +518691,0 +518692,0 +518693,0 +518694,0 +518695,0 +518696,0 +518697,0 +518698,0 +518699,0 +518700,0 +518701,0 +518702,0 +518703,0 +518704,0 +518705,0 +518706,0 +518707,0 +518708,0 +518709,0 +518710,0 +518711,0 +518712,0 +518713,0 +518714,0 +518715,0 +518716,0 +518717,0 +518718,0 +518719,0 +518720,0 +518721,0 +518722,0 +518723,0 +518724,0 +518725,0 +518726,0 +518727,0 +518728,0 +518729,0 +518730,0 +518731,0 +518732,0 +518733,0 +518734,0 +518735,0 +518736,0 +518737,0 +518738,0 +518739,0 +518740,0 +518741,0 +518742,0 +518743,0 +518744,0 +518745,0 +518746,0 +518747,29 +518748,29 +518749,29 +518750,29 +518751,29 +518752,29 +518753,31 +518754,31 +518755,31 +518756,31 +518757,2 +518758,2 +518759,2 +518760,2 +518761,2 +518762,2 +518763,2 +518764,2 +518765,2 +518766,2 +518767,2 +518768,6 +518769,6 +518770,6 +518771,6 +518772,6 +518773,6 +518774,6 +518775,6 +518776,34 +518777,34 +518778,34 +518779,34 +518780,34 +518781,34 +518782,34 +518783,34 +518784,34 +518785,34 +518786,34 +518787,34 +518788,34 +518789,34 +518790,34 +518791,4 +518792,19 +518793,4 +518794,4 +518795,19 +518796,19 +518797,19 +518798,19 +518799,19 +518800,19 +518801,19 +518802,35 +518803,35 +518804,35 +518805,35 +518806,35 +518807,35 +518808,35 +518809,35 +518810,35 +518811,35 +518812,35 +518813,35 +518814,35 +518815,35 +518816,35 +518817,35 +518818,39 +518819,39 +518820,39 +518821,39 +518822,39 +518823,39 +518824,39 +518825,39 +518826,39 +518827,39 +518828,2 +518829,2 +518830,2 +518831,2 +518832,2 +518833,2 +518834,2 +518835,2 +518836,2 +518837,2 +518838,27 +518839,27 +518840,27 +518841,27 +518842,27 +518843,27 +518844,27 +518845,27 +518846,5 +518847,5 +518848,5 +518849,5 +518850,5 +518851,5 +518852,5 +518853,5 +518854,5 +518855,5 +518856,19 +518857,19 +518858,19 +518859,19 +518860,19 +518861,19 +518862,4 +518863,4 +518864,4 +518865,4 +518866,31 +518867,31 +518868,31 +518869,6 +518870,6 +518871,6 +518872,6 +518873,6 +518874,6 +518875,6 +518876,6 +518877,6 +518878,6 +518879,6 +518880,6 +518881,31 +518882,31 +518883,31 +518884,31 +518885,31 +518886,31 +518887,31 +518888,31 +518889,31 +518890,15 +518891,15 +518892,15 +518893,15 +518894,15 +518895,15 +518896,24 +518897,24 +518898,25 +518899,25 +518900,25 +518901,25 +518902,25 +518903,25 +518904,25 +518905,29 +518906,29 +518907,29 +518908,29 +518909,29 +518910,29 +518911,29 +518912,31 +518913,31 +518914,31 +518915,31 +518916,31 +518917,31 +518918,4 +518919,4 +518920,4 +518921,4 +518922,4 +518923,4 +518924,19 +518925,19 +518926,40 +518927,40 +518928,40 +518929,40 +518930,40 +518931,40 +518932,40 +518933,40 +518934,19 +518935,19 +518936,19 +518937,19 +518938,19 +518939,19 +518940,19 +518941,28 +518942,28 +518943,28 +518944,28 +518945,28 +518946,28 +518947,28 +518948,28 +518949,28 +518950,36 +518951,36 +518952,27 +518953,36 +518954,27 +518955,27 +518956,31 +518957,31 +518958,36 +518959,36 +518960,36 +518961,36 +518962,5 +518963,5 +518964,5 +518965,5 +518966,5 +518967,5 +518968,5 +518969,5 +518970,5 +518971,2 +518972,2 +518973,2 +518974,2 +518975,2 +518976,2 +518977,2 +518978,2 +518979,2 +518980,2 +518981,23 +518982,23 +518983,23 +518984,23 +518985,23 +518986,23 +518987,23 +518988,14 +518989,14 +518990,14 +518991,14 +518992,14 +518993,14 +518994,14 +518995,14 +518996,14 +518997,14 +518998,14 +518999,14 +519000,14 +519001,14 +519002,2 +519003,2 +519004,2 +519005,2 +519006,2 +519007,2 +519008,2 +519009,2 +519010,2 +519011,2 +519012,35 +519013,35 +519014,6 +519015,6 +519016,6 +519017,6 +519018,31 +519019,31 +519020,31 +519021,12 +519022,29 +519023,29 +519024,29 +519025,24 +519026,29 +519027,29 +519028,29 +519029,29 +519030,27 +519031,27 +519032,27 +519033,27 +519034,27 +519035,27 +519036,2 +519037,2 +519038,2 +519039,2 +519040,8 +519041,8 +519042,8 +519043,6 +519044,6 +519045,6 +519046,6 +519047,6 +519048,6 +519049,6 +519050,6 +519051,6 +519052,6 +519053,6 +519054,33 +519055,33 +519056,33 +519057,33 +519058,33 +519059,33 +519060,33 +519061,33 +519062,33 +519063,33 +519064,33 +519065,33 +519066,33 +519067,33 +519068,19 +519069,19 +519070,4 +519071,19 +519072,19 +519073,19 +519074,19 +519075,19 +519076,19 +519077,4 +519078,4 +519079,4 +519080,4 +519081,4 +519082,4 +519083,4 +519084,4 +519085,4 +519086,4 +519087,0 +519088,0 +519089,0 +519090,0 +519091,0 +519092,0 +519093,0 +519094,0 +519095,0 +519096,0 +519097,0 +519098,0 +519099,0 +519100,0 +519101,0 +519102,0 +519103,0 +519104,0 +519105,0 +519106,0 +519107,0 +519108,0 +519109,0 +519110,0 +519111,0 +519112,0 +519113,10 +519114,10 +519115,10 +519116,10 +519117,10 +519118,10 +519119,10 +519120,10 +519121,10 +519122,10 +519123,10 +519124,10 +519125,10 +519126,10 +519127,30 +519128,5 +519129,5 +519130,5 +519131,5 +519132,5 +519133,5 +519134,5 +519135,5 +519136,27 +519137,40 +519138,40 +519139,40 +519140,40 +519141,40 +519142,40 +519143,40 +519144,40 +519145,40 +519146,5 +519147,5 +519148,5 +519149,5 +519150,5 +519151,5 +519152,31 +519153,27 +519154,31 +519155,5 +519156,5 +519157,5 +519158,5 +519159,5 +519160,5 +519161,5 +519162,5 +519163,12 +519164,12 +519165,12 +519166,12 +519167,12 +519168,12 +519169,12 +519170,12 +519171,12 +519172,12 +519173,12 +519174,31 +519175,31 +519176,31 +519177,31 +519178,31 +519179,31 +519180,31 +519181,2 +519182,2 +519183,2 +519184,2 +519185,2 +519186,2 +519187,2 +519188,2 +519189,2 +519190,2 +519191,2 +519192,2 +519193,2 +519194,2 +519195,2 +519196,4 +519197,4 +519198,4 +519199,4 +519200,4 +519201,4 +519202,4 +519203,4 +519204,37 +519205,37 +519206,37 +519207,37 +519208,37 +519209,37 +519210,31 +519211,31 +519212,31 +519213,31 +519214,31 +519215,31 +519216,31 +519217,32 +519218,32 +519219,32 +519220,32 +519221,32 +519222,32 +519223,32 +519224,32 +519225,0 +519226,0 +519227,0 +519228,0 +519229,0 +519230,0 +519231,0 +519232,0 +519233,0 +519234,0 +519235,0 +519236,0 +519237,0 +519238,0 +519239,0 +519240,0 +519241,0 +519242,6 +519243,6 +519244,6 +519245,6 +519246,6 +519247,6 +519248,6 +519249,6 +519250,6 +519251,33 +519252,33 +519253,26 +519254,26 +519255,26 +519256,26 +519257,26 +519258,33 +519259,33 +519260,30 +519261,30 +519262,30 +519263,30 +519264,30 +519265,30 +519266,30 +519267,30 +519268,25 +519269,27 +519270,27 +519271,27 +519272,27 +519273,27 +519274,4 +519275,4 +519276,4 +519277,4 +519278,4 +519279,35 +519280,35 +519281,4 +519282,4 +519283,4 +519284,4 +519285,35 +519286,6 +519287,36 +519288,36 +519289,36 +519290,36 +519291,36 +519292,36 +519293,36 +519294,36 +519295,36 +519296,36 +519297,36 +519298,36 +519299,4 +519300,4 +519301,4 +519302,4 +519303,4 +519304,4 +519305,4 +519306,4 +519307,4 +519308,35 +519309,35 +519310,36 +519311,36 +519312,36 +519313,27 +519314,27 +519315,27 +519316,28 +519317,5 +519318,5 +519319,5 +519320,5 +519321,5 +519322,5 +519323,5 +519324,5 +519325,5 +519326,5 +519327,5 +519328,5 +519329,5 +519330,5 +519331,0 +519332,0 +519333,0 +519334,0 +519335,0 +519336,0 +519337,0 +519338,0 +519339,0 +519340,0 +519341,0 +519342,0 +519343,0 +519344,0 +519345,0 +519346,0 +519347,0 +519348,0 +519349,0 +519350,0 +519351,0 +519352,0 +519353,0 +519354,0 +519355,0 +519356,0 +519357,0 +519358,0 +519359,15 +519360,15 +519361,15 +519362,15 +519363,15 +519364,26 +519365,26 +519366,26 +519367,26 +519368,26 +519369,26 +519370,26 +519371,26 +519372,26 +519373,26 +519374,6 +519375,6 +519376,6 +519377,6 +519378,6 +519379,6 +519380,6 +519381,6 +519382,6 +519383,2 +519384,2 +519385,2 +519386,2 +519387,2 +519388,2 +519389,4 +519390,4 +519391,4 +519392,4 +519393,4 +519394,4 +519395,4 +519396,39 +519397,39 +519398,39 +519399,39 +519400,39 +519401,39 +519402,39 +519403,39 +519404,39 +519405,39 +519406,39 +519407,39 +519408,39 +519409,39 +519410,39 +519411,39 +519412,39 +519413,39 +519414,39 +519415,25 +519416,25 +519417,25 +519418,37 +519419,25 +519420,25 +519421,25 +519422,25 +519423,8 +519424,8 +519425,8 +519426,8 +519427,8 +519428,8 +519429,8 +519430,8 +519431,31 +519432,31 +519433,4 +519434,4 +519435,4 +519436,4 +519437,4 +519438,40 +519439,40 +519440,40 +519441,40 +519442,40 +519443,40 +519444,40 +519445,40 +519446,40 +519447,40 +519448,40 +519449,2 +519450,2 +519451,2 +519452,2 +519453,2 +519454,2 +519455,2 +519456,2 +519457,2 +519458,2 +519459,27 +519460,27 +519461,27 +519462,27 +519463,27 +519464,27 +519465,27 +519466,6 +519467,6 +519468,6 +519469,6 +519470,6 +519471,6 +519472,6 +519473,6 +519474,6 +519475,2 +519476,2 +519477,2 +519478,2 +519479,2 +519480,2 +519481,2 +519482,2 +519483,2 +519484,2 +519485,2 +519486,2 +519487,2 +519488,2 +519489,2 +519490,2 +519491,2 +519492,2 +519493,0 +519494,0 +519495,0 +519496,0 +519497,0 +519498,0 +519499,0 +519500,0 +519501,0 +519502,0 +519503,0 +519504,0 +519505,0 +519506,0 +519507,0 +519508,0 +519509,0 +519510,11 +519511,11 +519512,11 +519513,11 +519514,11 +519515,11 +519516,11 +519517,11 +519518,11 +519519,11 +519520,11 +519521,11 +519522,11 +519523,33 +519524,33 +519525,33 +519526,33 +519527,33 +519528,33 +519529,33 +519530,33 +519531,33 +519532,33 +519533,33 +519534,33 +519535,19 +519536,19 +519537,19 +519538,19 +519539,35 +519540,35 +519541,35 +519542,35 +519543,35 +519544,12 +519545,12 +519546,25 +519547,25 +519548,25 +519549,25 +519550,25 +519551,25 +519552,25 +519553,30 +519554,30 +519555,30 +519556,30 +519557,30 +519558,30 +519559,30 +519560,30 +519561,14 +519562,14 +519563,14 +519564,14 +519565,14 +519566,14 +519567,14 +519568,14 +519569,14 +519570,10 +519571,15 +519572,15 +519573,15 +519574,15 +519575,15 +519576,15 +519577,8 +519578,8 +519579,8 +519580,8 +519581,8 +519582,8 +519583,8 +519584,8 +519585,8 +519586,19 +519587,19 +519588,19 +519589,4 +519590,4 +519591,4 +519592,4 +519593,31 +519594,31 +519595,31 +519596,15 +519597,15 +519598,15 +519599,15 +519600,15 +519601,15 +519602,15 +519603,15 +519604,26 +519605,26 +519606,26 +519607,26 +519608,26 +519609,26 +519610,26 +519611,26 +519612,26 +519613,26 +519614,26 +519615,26 +519616,26 +519617,26 +519618,2 +519619,2 +519620,2 +519621,2 +519622,2 +519623,2 +519624,2 +519625,2 +519626,2 +519627,31 +519628,31 +519629,31 +519630,31 +519631,31 +519632,5 +519633,5 +519634,5 +519635,5 +519636,5 +519637,5 +519638,4 +519639,32 +519640,32 +519641,32 +519642,32 +519643,32 +519644,32 +519645,32 +519646,32 +519647,32 +519648,32 +519649,39 +519650,39 +519651,39 +519652,39 +519653,39 +519654,39 +519655,39 +519656,39 +519657,39 +519658,39 +519659,39 +519660,39 +519661,39 +519662,39 +519663,36 +519664,40 +519665,40 +519666,40 +519667,40 +519668,40 +519669,40 +519670,40 +519671,37 +519672,37 +519673,37 +519674,37 +519675,37 +519676,37 +519677,37 +519678,37 +519679,37 +519680,37 +519681,37 +519682,37 +519683,37 +519684,37 +519685,37 +519686,37 +519687,37 +519688,37 +519689,25 +519690,25 +519691,0 +519692,0 +519693,0 +519694,0 +519695,0 +519696,0 +519697,0 +519698,0 +519699,0 +519700,0 +519701,0 +519702,0 +519703,0 +519704,0 +519705,0 +519706,0 +519707,0 +519708,0 +519709,0 +519710,0 +519711,0 +519712,0 +519713,0 +519714,0 +519715,0 +519716,0 +519717,0 +519718,0 +519719,0 +519720,0 +519721,0 +519722,0 +519723,0 +519724,0 +519725,0 +519726,0 +519727,0 +519728,36 +519729,36 +519730,36 +519731,36 +519732,36 +519733,36 +519734,5 +519735,5 +519736,19 +519737,19 +519738,19 +519739,19 +519740,19 +519741,19 +519742,19 +519743,12 +519744,12 +519745,12 +519746,12 +519747,31 +519748,31 +519749,31 +519750,31 +519751,8 +519752,8 +519753,8 +519754,8 +519755,8 +519756,31 +519757,31 +519758,31 +519759,31 +519760,24 +519761,24 +519762,24 +519763,24 +519764,24 +519765,24 +519766,24 +519767,25 +519768,25 +519769,25 +519770,25 +519771,25 +519772,25 +519773,25 +519774,25 +519775,25 +519776,25 +519777,25 +519778,18 +519779,18 +519780,18 +519781,18 +519782,18 +519783,18 +519784,18 +519785,18 +519786,31 +519787,31 +519788,31 +519789,31 +519790,31 +519791,31 +519792,5 +519793,5 +519794,5 +519795,5 +519796,5 +519797,5 +519798,5 +519799,5 +519800,5 +519801,5 +519802,5 +519803,5 +519804,28 +519805,28 +519806,28 +519807,0 +519808,0 +519809,0 +519810,0 +519811,0 +519812,0 +519813,0 +519814,0 +519815,0 +519816,0 +519817,0 +519818,0 +519819,0 +519820,0 +519821,0 +519822,0 +519823,0 +519824,0 +519825,0 +519826,0 +519827,0 +519828,0 +519829,0 +519830,0 +519831,0 +519832,0 +519833,0 +519834,0 +519835,0 +519836,0 +519837,0 +519838,0 +519839,0 +519840,0 +519841,0 +519842,0 +519843,0 +519844,0 +519845,0 +519846,0 +519847,0 +519848,0 +519849,0 +519850,0 +519851,0 +519852,0 +519853,0 +519854,0 +519855,0 +519856,0 +519857,0 +519858,0 +519859,0 +519860,0 +519861,0 +519862,0 +519863,0 +519864,0 +519865,0 +519866,0 +519867,0 +519868,0 +519869,0 +519870,0 +519871,0 +519872,27 +519873,27 +519874,27 +519875,27 +519876,27 +519877,27 +519878,27 +519879,27 +519880,27 +519881,23 +519882,24 +519883,24 +519884,24 +519885,24 +519886,23 +519887,23 +519888,7 +519889,7 +519890,7 +519891,39 +519892,39 +519893,39 +519894,39 +519895,12 +519896,12 +519897,12 +519898,12 +519899,12 +519900,12 +519901,12 +519902,12 +519903,12 +519904,12 +519905,12 +519906,12 +519907,12 +519908,12 +519909,12 +519910,12 +519911,12 +519912,12 +519913,12 +519914,31 +519915,31 +519916,31 +519917,31 +519918,31 +519919,31 +519920,5 +519921,5 +519922,5 +519923,5 +519924,5 +519925,28 +519926,28 +519927,28 +519928,28 +519929,28 +519930,28 +519931,28 +519932,31 +519933,10 +519934,10 +519935,31 +519936,31 +519937,31 +519938,31 +519939,31 +519940,31 +519941,28 +519942,28 +519943,28 +519944,28 +519945,28 +519946,28 +519947,28 +519948,28 +519949,28 +519950,28 +519951,10 +519952,10 +519953,10 +519954,10 +519955,10 +519956,10 +519957,10 +519958,5 +519959,5 +519960,5 +519961,5 +519962,5 +519963,5 +519964,5 +519965,39 +519966,39 +519967,7 +519968,7 +519969,7 +519970,7 +519971,7 +519972,7 +519973,39 +519974,39 +519975,39 +519976,39 +519977,39 +519978,39 +519979,7 +519980,0 +519981,0 +519982,0 +519983,0 +519984,0 +519985,0 +519986,0 +519987,0 +519988,0 +519989,0 +519990,0 +519991,0 +519992,0 +519993,0 +519994,0 +519995,0 +519996,0 +519997,0 +519998,0 +519999,4 +520000,4 +520001,4 +520002,4 +520003,4 +520004,4 +520005,4 +520006,4 +520007,14 +520008,14 +520009,14 +520010,14 +520011,14 +520012,14 +520013,14 +520014,14 +520015,14 +520016,14 +520017,14 +520018,6 +520019,6 +520020,6 +520021,6 +520022,6 +520023,6 +520024,6 +520025,6 +520026,6 +520027,6 +520028,27 +520029,27 +520030,27 +520031,27 +520032,27 +520033,27 +520034,27 +520035,4 +520036,4 +520037,4 +520038,4 +520039,19 +520040,19 +520041,19 +520042,19 +520043,19 +520044,19 +520045,19 +520046,19 +520047,19 +520048,19 +520049,19 +520050,0 +520051,0 +520052,0 +520053,0 +520054,0 +520055,0 +520056,0 +520057,0 +520058,0 +520059,0 +520060,0 +520061,0 +520062,0 +520063,0 +520064,0 +520065,0 +520066,27 +520067,27 +520068,27 +520069,27 +520070,27 +520071,27 +520072,27 +520073,27 +520074,27 +520075,27 +520076,27 +520077,23 +520078,23 +520079,23 +520080,23 +520081,23 +520082,23 +520083,23 +520084,7 +520085,7 +520086,7 +520087,3 +520088,3 +520089,3 +520090,3 +520091,3 +520092,3 +520093,3 +520094,3 +520095,12 +520096,12 +520097,12 +520098,12 +520099,12 +520100,12 +520101,12 +520102,12 +520103,12 +520104,9 +520105,12 +520106,12 +520107,31 +520108,31 +520109,31 +520110,31 +520111,31 +520112,31 +520113,31 +520114,31 +520115,28 +520116,28 +520117,28 +520118,28 +520119,28 +520120,28 +520121,28 +520122,36 +520123,36 +520124,36 +520125,36 +520126,36 +520127,36 +520128,36 +520129,10 +520130,10 +520131,10 +520132,10 +520133,10 +520134,10 +520135,10 +520136,10 +520137,30 +520138,30 +520139,30 +520140,30 +520141,30 +520142,30 +520143,30 +520144,30 +520145,30 +520146,30 +520147,30 +520148,30 +520149,10 +520150,10 +520151,10 +520152,10 +520153,10 +520154,10 +520155,10 +520156,10 +520157,10 +520158,10 +520159,10 +520160,10 +520161,10 +520162,2 +520163,2 +520164,2 +520165,2 +520166,2 +520167,2 +520168,2 +520169,2 +520170,2 +520171,8 +520172,8 +520173,2 +520174,0 +520175,0 +520176,0 +520177,0 +520178,0 +520179,0 +520180,0 +520181,0 +520182,0 +520183,0 +520184,0 +520185,0 +520186,0 +520187,0 +520188,0 +520189,0 +520190,0 +520191,0 +520192,0 +520193,0 +520194,0 +520195,0 +520196,0 +520197,0 +520198,0 +520199,0 +520200,31 +520201,31 +520202,31 +520203,31 +520204,31 +520205,31 +520206,31 +520207,31 +520208,31 +520209,31 +520210,28 +520211,5 +520212,5 +520213,5 +520214,28 +520215,28 +520216,5 +520217,5 +520218,26 +520219,26 +520220,26 +520221,26 +520222,26 +520223,26 +520224,26 +520225,4 +520226,4 +520227,4 +520228,4 +520229,4 +520230,4 +520231,4 +520232,4 +520233,4 +520234,4 +520235,12 +520236,12 +520237,12 +520238,12 +520239,12 +520240,12 +520241,27 +520242,27 +520243,27 +520244,27 +520245,38 +520246,38 +520247,23 +520248,38 +520249,38 +520250,23 +520251,23 +520252,27 +520253,27 +520254,27 +520255,27 +520256,36 +520257,5 +520258,5 +520259,5 +520260,5 +520261,5 +520262,5 +520263,5 +520264,5 +520265,7 +520266,27 +520267,27 +520268,27 +520269,27 +520270,14 +520271,14 +520272,14 +520273,25 +520274,25 +520275,25 +520276,25 +520277,25 +520278,37 +520279,16 +520280,16 +520281,16 +520282,16 +520283,16 +520284,16 +520285,16 +520286,16 +520287,16 +520288,16 +520289,16 +520290,16 +520291,16 +520292,31 +520293,31 +520294,26 +520295,26 +520296,26 +520297,26 +520298,26 +520299,26 +520300,32 +520301,32 +520302,32 +520303,32 +520304,32 +520305,32 +520306,4 +520307,4 +520308,4 +520309,4 +520310,4 +520311,4 +520312,4 +520313,4 +520314,19 +520315,0 +520316,0 +520317,0 +520318,0 +520319,0 +520320,0 +520321,0 +520322,0 +520323,0 +520324,0 +520325,0 +520326,0 +520327,0 +520328,0 +520329,0 +520330,0 +520331,0 +520332,0 +520333,0 +520334,0 +520335,0 +520336,0 +520337,0 +520338,0 +520339,0 +520340,0 +520341,0 +520342,0 +520343,0 +520344,0 +520345,0 +520346,0 +520347,0 +520348,0 +520349,0 +520350,0 +520351,0 +520352,0 +520353,0 +520354,0 +520355,0 +520356,0 +520357,0 +520358,0 +520359,0 +520360,0 +520361,0 +520362,0 +520363,0 +520364,0 +520365,0 +520366,0 +520367,0 +520368,0 +520369,0 +520370,0 +520371,0 +520372,0 +520373,0 +520374,0 +520375,0 +520376,0 +520377,0 +520378,0 +520379,0 +520380,0 +520381,0 +520382,0 +520383,0 +520384,0 +520385,0 +520386,0 +520387,0 +520388,0 +520389,0 +520390,0 +520391,0 +520392,0 +520393,0 +520394,0 +520395,0 +520396,0 +520397,0 +520398,0 +520399,0 +520400,0 +520401,0 +520402,0 +520403,0 +520404,0 +520405,0 +520406,0 +520407,0 +520408,0 +520409,0 +520410,0 +520411,0 +520412,0 +520413,0 +520414,0 +520415,0 +520416,0 +520417,0 +520418,0 +520419,0 +520420,0 +520421,10 +520422,10 +520423,10 +520424,10 +520425,10 +520426,10 +520427,10 +520428,10 +520429,10 +520430,10 +520431,10 +520432,10 +520433,19 +520434,19 +520435,19 +520436,19 +520437,7 +520438,7 +520439,7 +520440,7 +520441,7 +520442,7 +520443,7 +520444,7 +520445,3 +520446,3 +520447,3 +520448,3 +520449,3 +520450,3 +520451,3 +520452,3 +520453,3 +520454,3 +520455,30 +520456,30 +520457,30 +520458,30 +520459,30 +520460,30 +520461,30 +520462,30 +520463,22 +520464,22 +520465,22 +520466,22 +520467,22 +520468,22 +520469,22 +520470,22 +520471,6 +520472,6 +520473,6 +520474,6 +520475,6 +520476,6 +520477,6 +520478,6 +520479,2 +520480,2 +520481,2 +520482,2 +520483,2 +520484,2 +520485,2 +520486,2 +520487,2 +520488,2 +520489,2 +520490,33 +520491,22 +520492,33 +520493,33 +520494,33 +520495,33 +520496,33 +520497,23 +520498,23 +520499,23 +520500,23 +520501,23 +520502,23 +520503,23 +520504,23 +520505,23 +520506,23 +520507,23 +520508,23 +520509,23 +520510,23 +520511,23 +520512,23 +520513,23 +520514,23 +520515,23 +520516,23 +520517,23 +520518,25 +520519,25 +520520,25 +520521,25 +520522,25 +520523,25 +520524,25 +520525,25 +520526,25 +520527,25 +520528,4 +520529,4 +520530,4 +520531,4 +520532,4 +520533,4 +520534,4 +520535,4 +520536,4 +520537,4 +520538,27 +520539,27 +520540,27 +520541,27 +520542,27 +520543,27 +520544,27 +520545,27 +520546,23 +520547,23 +520548,38 +520549,38 +520550,38 +520551,38 +520552,38 +520553,38 +520554,38 +520555,0 +520556,0 +520557,0 +520558,0 +520559,0 +520560,0 +520561,0 +520562,0 +520563,0 +520564,0 +520565,0 +520566,0 +520567,0 +520568,0 +520569,11 +520570,11 +520571,11 +520572,11 +520573,11 +520574,11 +520575,11 +520576,11 +520577,11 +520578,11 +520579,11 +520580,11 +520581,11 +520582,11 +520583,11 +520584,39 +520585,39 +520586,39 +520587,39 +520588,39 +520589,37 +520590,37 +520591,37 +520592,37 +520593,37 +520594,3 +520595,3 +520596,3 +520597,4 +520598,3 +520599,4 +520600,4 +520601,4 +520602,4 +520603,4 +520604,4 +520605,4 +520606,4 +520607,4 +520608,25 +520609,25 +520610,25 +520611,25 +520612,25 +520613,25 +520614,25 +520615,19 +520616,19 +520617,19 +520618,19 +520619,19 +520620,19 +520621,19 +520622,19 +520623,19 +520624,19 +520625,19 +520626,19 +520627,19 +520628,19 +520629,19 +520630,19 +520631,19 +520632,19 +520633,19 +520634,19 +520635,0 +520636,0 +520637,0 +520638,0 +520639,0 +520640,0 +520641,0 +520642,0 +520643,0 +520644,0 +520645,0 +520646,0 +520647,0 +520648,0 +520649,0 +520650,0 +520651,0 +520652,0 +520653,0 +520654,0 +520655,0 +520656,0 +520657,0 +520658,0 +520659,0 +520660,0 +520661,0 +520662,0 +520663,0 +520664,0 +520665,0 +520666,0 +520667,0 +520668,0 +520669,0 +520670,0 +520671,0 +520672,0 +520673,0 +520674,0 +520675,0 +520676,0 +520677,0 +520678,0 +520679,0 +520680,0 +520681,0 +520682,0 +520683,0 +520684,0 +520685,0 +520686,0 +520687,0 +520688,0 +520689,6 +520690,6 +520691,6 +520692,6 +520693,6 +520694,37 +520695,37 +520696,37 +520697,37 +520698,14 +520699,14 +520700,14 +520701,14 +520702,14 +520703,14 +520704,14 +520705,14 +520706,14 +520707,14 +520708,14 +520709,14 +520710,36 +520711,14 +520712,6 +520713,6 +520714,6 +520715,6 +520716,6 +520717,6 +520718,23 +520719,23 +520720,23 +520721,23 +520722,23 +520723,23 +520724,23 +520725,40 +520726,40 +520727,40 +520728,27 +520729,27 +520730,37 +520731,37 +520732,37 +520733,37 +520734,37 +520735,37 +520736,37 +520737,2 +520738,2 +520739,2 +520740,2 +520741,2 +520742,2 +520743,2 +520744,2 +520745,2 +520746,2 +520747,2 +520748,2 +520749,2 +520750,2 +520751,2 +520752,2 +520753,2 +520754,31 +520755,31 +520756,31 +520757,28 +520758,28 +520759,28 +520760,28 +520761,28 +520762,38 +520763,38 +520764,38 +520765,38 +520766,38 +520767,38 +520768,38 +520769,38 +520770,27 +520771,27 +520772,27 +520773,13 +520774,13 +520775,13 +520776,13 +520777,13 +520778,13 +520779,13 +520780,13 +520781,13 +520782,13 +520783,13 +520784,13 +520785,2 +520786,2 +520787,2 +520788,2 +520789,2 +520790,2 +520791,2 +520792,2 +520793,2 +520794,2 +520795,2 +520796,2 +520797,2 +520798,2 +520799,2 +520800,2 +520801,2 +520802,2 +520803,4 +520804,4 +520805,4 +520806,4 +520807,4 +520808,4 +520809,4 +520810,4 +520811,25 +520812,25 +520813,25 +520814,25 +520815,14 +520816,14 +520817,14 +520818,14 +520819,14 +520820,14 +520821,14 +520822,14 +520823,14 +520824,14 +520825,14 +520826,14 +520827,14 +520828,5 +520829,5 +520830,5 +520831,5 +520832,5 +520833,5 +520834,5 +520835,18 +520836,18 +520837,18 +520838,16 +520839,16 +520840,16 +520841,16 +520842,31 +520843,31 +520844,31 +520845,31 +520846,32 +520847,32 +520848,32 +520849,32 +520850,36 +520851,31 +520852,36 +520853,36 +520854,36 +520855,36 +520856,36 +520857,36 +520858,36 +520859,36 +520860,38 +520861,4 +520862,4 +520863,4 +520864,4 +520865,4 +520866,4 +520867,4 +520868,4 +520869,4 +520870,4 +520871,27 +520872,27 +520873,27 +520874,31 +520875,31 +520876,31 +520877,2 +520878,2 +520879,2 +520880,2 +520881,2 +520882,8 +520883,2 +520884,2 +520885,8 +520886,2 +520887,2 +520888,2 +520889,23 +520890,23 +520891,23 +520892,23 +520893,23 +520894,23 +520895,17 +520896,17 +520897,17 +520898,17 +520899,17 +520900,17 +520901,17 +520902,17 +520903,27 +520904,27 +520905,14 +520906,27 +520907,31 +520908,27 +520909,27 +520910,14 +520911,14 +520912,14 +520913,27 +520914,27 +520915,27 +520916,27 +520917,16 +520918,16 +520919,16 +520920,16 +520921,16 +520922,16 +520923,16 +520924,16 +520925,18 +520926,18 +520927,18 +520928,18 +520929,18 +520930,18 +520931,18 +520932,18 +520933,18 +520934,18 +520935,0 +520936,0 +520937,0 +520938,0 +520939,0 +520940,0 +520941,0 +520942,0 +520943,0 +520944,0 +520945,0 +520946,0 +520947,0 +520948,0 +520949,0 +520950,0 +520951,0 +520952,0 +520953,0 +520954,0 +520955,0 +520956,0 +520957,0 +520958,0 +520959,0 +520960,0 +520961,0 +520962,0 +520963,0 +520964,0 +520965,0 +520966,0 +520967,0 +520968,0 +520969,0 +520970,0 +520971,0 +520972,0 +520973,0 +520974,0 +520975,0 +520976,0 +520977,0 +520978,0 +520979,0 +520980,0 +520981,0 +520982,0 +520983,0 +520984,0 +520985,0 +520986,0 +520987,0 +520988,0 +520989,0 +520990,0 +520991,0 +520992,0 +520993,0 +520994,0 +520995,0 +520996,0 +520997,15 +520998,15 +520999,15 +521000,15 +521001,15 +521002,10 +521003,10 +521004,10 +521005,10 +521006,10 +521007,10 +521008,10 +521009,10 +521010,10 +521011,4 +521012,4 +521013,19 +521014,19 +521015,35 +521016,35 +521017,27 +521018,27 +521019,27 +521020,27 +521021,27 +521022,27 +521023,27 +521024,27 +521025,2 +521026,2 +521027,2 +521028,2 +521029,2 +521030,2 +521031,8 +521032,8 +521033,8 +521034,8 +521035,4 +521036,4 +521037,4 +521038,4 +521039,4 +521040,4 +521041,4 +521042,4 +521043,4 +521044,10 +521045,10 +521046,10 +521047,10 +521048,10 +521049,10 +521050,10 +521051,10 +521052,10 +521053,10 +521054,10 +521055,10 +521056,10 +521057,10 +521058,10 +521059,10 +521060,10 +521061,28 +521062,28 +521063,28 +521064,28 +521065,28 +521066,28 +521067,28 +521068,28 +521069,28 +521070,28 +521071,28 +521072,28 +521073,28 +521074,28 +521075,0 +521076,29 +521077,29 +521078,29 +521079,29 +521080,15 +521081,15 +521082,15 +521083,29 +521084,29 +521085,29 +521086,29 +521087,31 +521088,31 +521089,31 +521090,31 +521091,31 +521092,15 +521093,15 +521094,15 +521095,15 +521096,15 +521097,15 +521098,33 +521099,33 +521100,33 +521101,33 +521102,33 +521103,33 +521104,33 +521105,33 +521106,33 +521107,33 +521108,33 +521109,30 +521110,33 +521111,33 +521112,19 +521113,19 +521114,35 +521115,35 +521116,35 +521117,35 +521118,35 +521119,35 +521120,36 +521121,36 +521122,36 +521123,36 +521124,19 +521125,19 +521126,19 +521127,19 +521128,30 +521129,30 +521130,30 +521131,30 +521132,30 +521133,30 +521134,30 +521135,30 +521136,30 +521137,10 +521138,10 +521139,10 +521140,10 +521141,10 +521142,10 +521143,10 +521144,10 +521145,10 +521146,10 +521147,10 +521148,10 +521149,10 +521150,10 +521151,10 +521152,5 +521153,5 +521154,5 +521155,5 +521156,19 +521157,19 +521158,19 +521159,19 +521160,19 +521161,27 +521162,27 +521163,27 +521164,27 +521165,27 +521166,27 +521167,27 +521168,27 +521169,19 +521170,19 +521171,19 +521172,19 +521173,27 +521174,27 +521175,27 +521176,27 +521177,27 +521178,27 +521179,27 +521180,28 +521181,28 +521182,28 +521183,28 +521184,29 +521185,29 +521186,29 +521187,31 +521188,31 +521189,31 +521190,6 +521191,6 +521192,6 +521193,6 +521194,6 +521195,6 +521196,6 +521197,6 +521198,6 +521199,6 +521200,6 +521201,6 +521202,31 +521203,31 +521204,31 +521205,31 +521206,31 +521207,31 +521208,31 +521209,30 +521210,30 +521211,30 +521212,30 +521213,30 +521214,30 +521215,30 +521216,30 +521217,30 +521218,30 +521219,30 +521220,28 +521221,28 +521222,28 +521223,28 +521224,28 +521225,28 +521226,28 +521227,28 +521228,19 +521229,19 +521230,19 +521231,19 +521232,39 +521233,39 +521234,39 +521235,39 +521236,39 +521237,39 +521238,39 +521239,39 +521240,39 +521241,39 +521242,39 +521243,39 +521244,39 +521245,31 +521246,31 +521247,31 +521248,31 +521249,31 +521250,31 +521251,31 +521252,31 +521253,31 +521254,31 +521255,31 +521256,31 +521257,31 +521258,31 +521259,31 +521260,31 +521261,29 +521262,29 +521263,0 +521264,0 +521265,29 +521266,29 +521267,29 +521268,29 +521269,29 +521270,39 +521271,39 +521272,39 +521273,39 +521274,39 +521275,39 +521276,39 +521277,39 +521278,9 +521279,9 +521280,9 +521281,26 +521282,26 +521283,9 +521284,4 +521285,4 +521286,4 +521287,4 +521288,4 +521289,4 +521290,4 +521291,29 +521292,25 +521293,25 +521294,25 +521295,37 +521296,25 +521297,25 +521298,25 +521299,15 +521300,15 +521301,15 +521302,15 +521303,15 +521304,15 +521305,15 +521306,34 +521307,34 +521308,25 +521309,25 +521310,25 +521311,25 +521312,25 +521313,33 +521314,33 +521315,33 +521316,34 +521317,34 +521318,34 +521319,34 +521320,34 +521321,34 +521322,4 +521323,4 +521324,4 +521325,4 +521326,4 +521327,4 +521328,4 +521329,4 +521330,0 +521331,0 +521332,0 +521333,0 +521334,0 +521335,0 +521336,0 +521337,0 +521338,0 +521339,0 +521340,0 +521341,0 +521342,0 +521343,0 +521344,0 +521345,0 +521346,0 +521347,0 +521348,0 +521349,0 +521350,0 +521351,0 +521352,0 +521353,0 +521354,0 +521355,0 +521356,0 +521357,0 +521358,0 +521359,0 +521360,0 +521361,0 +521362,0 +521363,0 +521364,0 +521365,0 +521366,0 +521367,0 +521368,0 +521369,0 +521370,0 +521371,0 +521372,0 +521373,0 +521374,0 +521375,0 +521376,0 +521377,0 +521378,0 +521379,0 +521380,0 +521381,0 +521382,0 +521383,0 +521384,0 +521385,0 +521386,0 +521387,0 +521388,0 +521389,0 +521390,0 +521391,29 +521392,29 +521393,29 +521394,31 +521395,31 +521396,31 +521397,31 +521398,31 +521399,31 +521400,2 +521401,2 +521402,2 +521403,2 +521404,2 +521405,2 +521406,2 +521407,2 +521408,2 +521409,2 +521410,2 +521411,2 +521412,2 +521413,2 +521414,26 +521415,26 +521416,26 +521417,26 +521418,10 +521419,10 +521420,10 +521421,10 +521422,10 +521423,10 +521424,10 +521425,10 +521426,10 +521427,10 +521428,10 +521429,10 +521430,10 +521431,10 +521432,10 +521433,10 +521434,6 +521435,6 +521436,6 +521437,6 +521438,6 +521439,6 +521440,6 +521441,6 +521442,6 +521443,5 +521444,5 +521445,5 +521446,8 +521447,8 +521448,8 +521449,8 +521450,8 +521451,8 +521452,8 +521453,8 +521454,8 +521455,8 +521456,8 +521457,8 +521458,8 +521459,8 +521460,8 +521461,8 +521462,0 +521463,0 +521464,0 +521465,0 +521466,0 +521467,0 +521468,0 +521469,0 +521470,0 +521471,0 +521472,0 +521473,0 +521474,0 +521475,0 +521476,0 +521477,0 +521478,0 +521479,0 +521480,0 +521481,0 +521482,0 +521483,0 +521484,0 +521485,0 +521486,0 +521487,0 +521488,0 +521489,0 +521490,0 +521491,0 +521492,0 +521493,0 +521494,0 +521495,0 +521496,0 +521497,0 +521498,0 +521499,0 +521500,0 +521501,0 +521502,9 +521503,32 +521504,32 +521505,26 +521506,26 +521507,26 +521508,26 +521509,9 +521510,9 +521511,9 +521512,9 +521513,9 +521514,9 +521515,9 +521516,9 +521517,9 +521518,5 +521519,5 +521520,5 +521521,5 +521522,5 +521523,5 +521524,27 +521525,27 +521526,27 +521527,27 +521528,27 +521529,27 +521530,11 +521531,11 +521532,2 +521533,16 +521534,2 +521535,8 +521536,8 +521537,2 +521538,2 +521539,8 +521540,2 +521541,12 +521542,12 +521543,12 +521544,12 +521545,12 +521546,12 +521547,12 +521548,33 +521549,33 +521550,33 +521551,33 +521552,33 +521553,33 +521554,33 +521555,33 +521556,33 +521557,33 +521558,33 +521559,17 +521560,17 +521561,30 +521562,30 +521563,30 +521564,30 +521565,30 +521566,30 +521567,11 +521568,11 +521569,11 +521570,11 +521571,11 +521572,11 +521573,11 +521574,11 +521575,4 +521576,11 +521577,37 +521578,22 +521579,22 +521580,22 +521581,37 +521582,37 +521583,33 +521584,33 +521585,33 +521586,33 +521587,33 +521588,33 +521589,33 +521590,8 +521591,8 +521592,8 +521593,8 +521594,8 +521595,8 +521596,8 +521597,31 +521598,31 +521599,31 +521600,5 +521601,5 +521602,28 +521603,28 +521604,5 +521605,5 +521606,5 +521607,5 +521608,5 +521609,13 +521610,32 +521611,32 +521612,32 +521613,32 +521614,30 +521615,30 +521616,38 +521617,38 +521618,38 +521619,38 +521620,38 +521621,34 +521622,23 +521623,10 +521624,10 +521625,26 +521626,26 +521627,26 +521628,26 +521629,26 +521630,26 +521631,26 +521632,26 +521633,26 +521634,4 +521635,4 +521636,4 +521637,4 +521638,4 +521639,4 +521640,4 +521641,4 +521642,4 +521643,4 +521644,4 +521645,4 +521646,4 +521647,4 +521648,33 +521649,33 +521650,33 +521651,33 +521652,33 +521653,33 +521654,33 +521655,33 +521656,33 +521657,33 +521658,33 +521659,33 +521660,33 +521661,33 +521662,33 +521663,33 +521664,33 +521665,33 +521666,33 +521667,33 +521668,33 +521669,33 +521670,33 +521671,33 +521672,30 +521673,30 +521674,30 +521675,30 +521676,30 +521677,30 +521678,30 +521679,30 +521680,30 +521681,30 +521682,30 +521683,30 +521684,0 +521685,28 +521686,28 +521687,28 +521688,28 +521689,28 +521690,28 +521691,28 +521692,28 +521693,28 +521694,28 +521695,0 +521696,0 +521697,0 +521698,0 +521699,0 +521700,0 +521701,0 +521702,0 +521703,0 +521704,0 +521705,0 +521706,0 +521707,0 +521708,0 +521709,0 +521710,0 +521711,0 +521712,0 +521713,29 +521714,29 +521715,29 +521716,0 +521717,0 +521718,0 +521719,29 +521720,29 +521721,27 +521722,27 +521723,27 +521724,14 +521725,14 +521726,14 +521727,6 +521728,6 +521729,6 +521730,6 +521731,6 +521732,6 +521733,6 +521734,6 +521735,6 +521736,6 +521737,6 +521738,14 +521739,14 +521740,14 +521741,14 +521742,14 +521743,14 +521744,14 +521745,14 +521746,14 +521747,14 +521748,14 +521749,15 +521750,15 +521751,15 +521752,15 +521753,15 +521754,30 +521755,30 +521756,30 +521757,30 +521758,30 +521759,30 +521760,30 +521761,30 +521762,30 +521763,28 +521764,19 +521765,19 +521766,19 +521767,19 +521768,19 +521769,19 +521770,19 +521771,19 +521772,28 +521773,28 +521774,40 +521775,40 +521776,40 +521777,40 +521778,40 +521779,40 +521780,40 +521781,40 +521782,40 +521783,24 +521784,24 +521785,24 +521786,24 +521787,24 +521788,24 +521789,24 +521790,24 +521791,24 +521792,25 +521793,25 +521794,25 +521795,25 +521796,33 +521797,33 +521798,25 +521799,25 +521800,30 +521801,30 +521802,30 +521803,30 +521804,30 +521805,30 +521806,30 +521807,30 +521808,9 +521809,9 +521810,9 +521811,9 +521812,9 +521813,9 +521814,9 +521815,9 +521816,9 +521817,26 +521818,10 +521819,10 +521820,10 +521821,10 +521822,10 +521823,10 +521824,10 +521825,10 +521826,10 +521827,10 +521828,10 +521829,10 +521830,10 +521831,10 +521832,10 +521833,10 +521834,8 +521835,8 +521836,8 +521837,8 +521838,8 +521839,8 +521840,8 +521841,8 +521842,8 +521843,8 +521844,8 +521845,27 +521846,27 +521847,27 +521848,27 +521849,27 +521850,19 +521851,19 +521852,19 +521853,19 +521854,19 +521855,19 +521856,19 +521857,19 +521858,19 +521859,19 +521860,19 +521861,19 +521862,19 +521863,19 +521864,19 +521865,19 +521866,40 +521867,40 +521868,40 +521869,40 +521870,40 +521871,40 +521872,40 +521873,40 +521874,40 +521875,40 +521876,40 +521877,40 +521878,40 +521879,40 +521880,40 +521881,40 +521882,32 +521883,32 +521884,32 +521885,32 +521886,32 +521887,32 +521888,32 +521889,32 +521890,32 +521891,32 +521892,2 +521893,2 +521894,2 +521895,2 +521896,2 +521897,2 +521898,2 +521899,2 +521900,2 +521901,2 +521902,2 +521903,2 +521904,2 +521905,2 +521906,2 +521907,2 +521908,2 +521909,2 +521910,2 +521911,2 +521912,2 +521913,2 +521914,0 +521915,0 +521916,0 +521917,0 +521918,0 +521919,0 +521920,0 +521921,0 +521922,0 +521923,0 +521924,0 +521925,0 +521926,0 +521927,29 +521928,29 +521929,29 +521930,29 +521931,31 +521932,31 +521933,31 +521934,31 +521935,31 +521936,31 +521937,31 +521938,31 +521939,6 +521940,21 +521941,21 +521942,21 +521943,21 +521944,21 +521945,21 +521946,31 +521947,31 +521948,31 +521949,31 +521950,21 +521951,19 +521952,39 +521953,6 +521954,6 +521955,6 +521956,6 +521957,6 +521958,6 +521959,6 +521960,6 +521961,6 +521962,6 +521963,6 +521964,6 +521965,9 +521966,9 +521967,9 +521968,9 +521969,9 +521970,9 +521971,9 +521972,9 +521973,9 +521974,9 +521975,9 +521976,9 +521977,9 +521978,9 +521979,9 +521980,9 +521981,8 +521982,8 +521983,8 +521984,8 +521985,8 +521986,8 +521987,8 +521988,8 +521989,31 +521990,31 +521991,31 +521992,31 +521993,15 +521994,15 +521995,15 +521996,15 +521997,15 +521998,15 +521999,15 +522000,15 +522001,15 +522002,15 +522003,15 +522004,15 +522005,15 +522006,15 +522007,15 +522008,37 +522009,37 +522010,37 +522011,37 +522012,37 +522013,37 +522014,37 +522015,37 +522016,37 +522017,14 +522018,14 +522019,14 +522020,14 +522021,27 +522022,27 +522023,27 +522024,27 +522025,27 +522026,14 +522027,14 +522028,14 +522029,6 +522030,6 +522031,6 +522032,6 +522033,6 +522034,6 +522035,6 +522036,6 +522037,6 +522038,6 +522039,6 +522040,6 +522041,6 +522042,6 +522043,6 +522044,6 +522045,6 +522046,6 +522047,0 +522048,0 +522049,0 +522050,0 +522051,0 +522052,0 +522053,0 +522054,0 +522055,0 +522056,0 +522057,0 +522058,0 +522059,0 +522060,0 +522061,0 +522062,0 +522063,0 +522064,0 +522065,0 +522066,0 +522067,0 +522068,0 +522069,0 +522070,0 +522071,0 +522072,0 +522073,0 +522074,0 +522075,0 +522076,0 +522077,0 +522078,0 +522079,0 +522080,0 +522081,0 +522082,0 +522083,0 +522084,0 +522085,0 +522086,0 +522087,0 +522088,0 +522089,0 +522090,0 +522091,0 +522092,0 +522093,0 +522094,0 +522095,0 +522096,0 +522097,0 +522098,0 +522099,0 +522100,0 +522101,0 +522102,0 +522103,0 +522104,0 +522105,0 +522106,0 +522107,0 +522108,0 +522109,0 +522110,0 +522111,0 +522112,0 +522113,0 +522114,0 +522115,29 +522116,29 +522117,31 +522118,31 +522119,31 +522120,31 +522121,31 +522122,5 +522123,5 +522124,5 +522125,5 +522126,5 +522127,5 +522128,5 +522129,5 +522130,5 +522131,5 +522132,5 +522133,26 +522134,26 +522135,26 +522136,26 +522137,26 +522138,26 +522139,26 +522140,26 +522141,26 +522142,26 +522143,9 +522144,9 +522145,9 +522146,4 +522147,4 +522148,4 +522149,4 +522150,4 +522151,31 +522152,31 +522153,30 +522154,30 +522155,30 +522156,30 +522157,30 +522158,30 +522159,30 +522160,30 +522161,30 +522162,31 +522163,31 +522164,31 +522165,31 +522166,31 +522167,31 +522168,31 +522169,2 +522170,2 +522171,2 +522172,2 +522173,2 +522174,2 +522175,2 +522176,2 +522177,2 +522178,8 +522179,2 +522180,2 +522181,2 +522182,2 +522183,2 +522184,8 +522185,8 +522186,8 +522187,8 +522188,8 +522189,8 +522190,0 +522191,0 +522192,0 +522193,0 +522194,0 +522195,0 +522196,0 +522197,0 +522198,0 +522199,0 +522200,0 +522201,0 +522202,0 +522203,0 +522204,0 +522205,0 +522206,0 +522207,0 +522208,0 +522209,0 +522210,0 +522211,0 +522212,0 +522213,0 +522214,0 +522215,0 +522216,0 +522217,0 +522218,0 +522219,0 +522220,0 +522221,0 +522222,0 +522223,0 +522224,0 +522225,0 +522226,0 +522227,0 +522228,0 +522229,0 +522230,0 +522231,0 +522232,0 +522233,0 +522234,0 +522235,0 +522236,0 +522237,0 +522238,0 +522239,0 +522240,0 +522241,0 +522242,0 +522243,0 +522244,0 +522245,0 +522246,0 +522247,0 +522248,0 +522249,0 +522250,0 +522251,0 +522252,0 +522253,0 +522254,0 +522255,0 +522256,0 +522257,0 +522258,0 +522259,0 +522260,0 +522261,0 +522262,0 +522263,0 +522264,0 +522265,0 +522266,0 +522267,0 +522268,0 +522269,0 +522270,0 +522271,0 +522272,0 +522273,0 +522274,15 +522275,15 +522276,15 +522277,26 +522278,26 +522279,26 +522280,26 +522281,26 +522282,26 +522283,26 +522284,26 +522285,26 +522286,26 +522287,37 +522288,37 +522289,37 +522290,37 +522291,37 +522292,37 +522293,37 +522294,37 +522295,32 +522296,32 +522297,32 +522298,32 +522299,14 +522300,14 +522301,14 +522302,35 +522303,14 +522304,14 +522305,14 +522306,14 +522307,14 +522308,14 +522309,6 +522310,6 +522311,6 +522312,6 +522313,6 +522314,6 +522315,12 +522316,12 +522317,12 +522318,12 +522319,31 +522320,31 +522321,31 +522322,2 +522323,2 +522324,2 +522325,2 +522326,2 +522327,2 +522328,2 +522329,2 +522330,2 +522331,2 +522332,2 +522333,2 +522334,2 +522335,23 +522336,23 +522337,23 +522338,23 +522339,23 +522340,23 +522341,23 +522342,23 +522343,23 +522344,27 +522345,27 +522346,27 +522347,7 +522348,7 +522349,7 +522350,7 +522351,7 +522352,27 +522353,37 +522354,37 +522355,37 +522356,37 +522357,37 +522358,37 +522359,37 +522360,37 +522361,37 +522362,37 +522363,37 +522364,37 +522365,37 +522366,39 +522367,39 +522368,39 +522369,39 +522370,39 +522371,39 +522372,39 +522373,39 +522374,39 +522375,39 +522376,31 +522377,31 +522378,31 +522379,31 +522380,31 +522381,31 +522382,40 +522383,2 +522384,2 +522385,2 +522386,2 +522387,2 +522388,2 +522389,2 +522390,2 +522391,2 +522392,2 +522393,2 +522394,2 +522395,2 +522396,2 +522397,2 +522398,2 +522399,2 +522400,2 +522401,2 +522402,2 +522403,2 +522404,2 +522405,2 +522406,2 +522407,2 +522408,2 +522409,2 +522410,2 +522411,2 +522412,0 +522413,0 +522414,0 +522415,0 +522416,0 +522417,0 +522418,0 +522419,0 +522420,0 +522421,0 +522422,0 +522423,0 +522424,0 +522425,0 +522426,0 +522427,0 +522428,0 +522429,0 +522430,0 +522431,0 +522432,0 +522433,0 +522434,0 +522435,0 +522436,0 +522437,0 +522438,0 +522439,0 +522440,0 +522441,0 +522442,0 +522443,0 +522444,0 +522445,0 +522446,0 +522447,0 +522448,0 +522449,0 +522450,0 +522451,0 +522452,0 +522453,0 +522454,0 +522455,0 +522456,0 +522457,0 +522458,0 +522459,0 +522460,0 +522461,0 +522462,29 +522463,29 +522464,29 +522465,29 +522466,29 +522467,29 +522468,29 +522469,14 +522470,14 +522471,14 +522472,14 +522473,14 +522474,14 +522475,14 +522476,14 +522477,14 +522478,6 +522479,6 +522480,6 +522481,6 +522482,6 +522483,6 +522484,6 +522485,6 +522486,6 +522487,6 +522488,6 +522489,6 +522490,6 +522491,6 +522492,6 +522493,6 +522494,6 +522495,35 +522496,35 +522497,39 +522498,39 +522499,39 +522500,39 +522501,39 +522502,39 +522503,39 +522504,39 +522505,39 +522506,39 +522507,39 +522508,4 +522509,4 +522510,4 +522511,4 +522512,4 +522513,2 +522514,2 +522515,2 +522516,2 +522517,2 +522518,2 +522519,2 +522520,2 +522521,2 +522522,2 +522523,2 +522524,2 +522525,12 +522526,12 +522527,12 +522528,12 +522529,31 +522530,31 +522531,31 +522532,8 +522533,8 +522534,8 +522535,8 +522536,8 +522537,8 +522538,2 +522539,2 +522540,2 +522541,2 +522542,32 +522543,32 +522544,32 +522545,32 +522546,32 +522547,32 +522548,32 +522549,32 +522550,32 +522551,32 +522552,37 +522553,37 +522554,37 +522555,37 +522556,37 +522557,27 +522558,27 +522559,27 +522560,27 +522561,27 +522562,27 +522563,5 +522564,5 +522565,5 +522566,5 +522567,5 +522568,5 +522569,29 +522570,31 +522571,31 +522572,31 +522573,31 +522574,31 +522575,16 +522576,16 +522577,16 +522578,16 +522579,16 +522580,2 +522581,16 +522582,16 +522583,16 +522584,16 +522585,2 +522586,4 +522587,4 +522588,4 +522589,2 +522590,37 +522591,37 +522592,25 +522593,25 +522594,25 +522595,25 +522596,25 +522597,37 +522598,25 +522599,30 +522600,30 +522601,30 +522602,30 +522603,30 +522604,30 +522605,30 +522606,30 +522607,39 +522608,39 +522609,39 +522610,39 +522611,39 +522612,39 +522613,39 +522614,39 +522615,39 +522616,32 +522617,32 +522618,32 +522619,32 +522620,32 +522621,32 +522622,32 +522623,15 +522624,9 +522625,9 +522626,9 +522627,9 +522628,9 +522629,9 +522630,9 +522631,9 +522632,9 +522633,9 +522634,9 +522635,9 +522636,9 +522637,9 +522638,9 +522639,9 +522640,9 +522641,9 +522642,37 +522643,37 +522644,37 +522645,37 +522646,37 +522647,37 +522648,37 +522649,37 +522650,25 +522651,5 +522652,5 +522653,5 +522654,5 +522655,5 +522656,5 +522657,5 +522658,5 +522659,5 +522660,0 +522661,0 +522662,0 +522663,36 +522664,36 +522665,36 +522666,36 +522667,40 +522668,36 +522669,36 +522670,36 +522671,40 +522672,36 +522673,36 +522674,40 +522675,40 +522676,40 +522677,4 +522678,4 +522679,4 +522680,4 +522681,4 +522682,4 +522683,4 +522684,29 +522685,29 +522686,29 +522687,29 +522688,38 +522689,38 +522690,38 +522691,31 +522692,31 +522693,31 +522694,31 +522695,31 +522696,31 +522697,31 +522698,31 +522699,31 +522700,31 +522701,4 +522702,4 +522703,4 +522704,0 +522705,40 +522706,40 +522707,40 +522708,40 +522709,36 +522710,40 +522711,36 +522712,36 +522713,36 +522714,36 +522715,36 +522716,36 +522717,36 +522718,36 +522719,5 +522720,5 +522721,5 +522722,5 +522723,5 +522724,5 +522725,5 +522726,29 +522727,29 +522728,31 +522729,31 +522730,31 +522731,31 +522732,31 +522733,31 +522734,24 +522735,24 +522736,24 +522737,24 +522738,24 +522739,24 +522740,24 +522741,24 +522742,23 +522743,26 +522744,26 +522745,26 +522746,26 +522747,26 +522748,26 +522749,26 +522750,26 +522751,34 +522752,26 +522753,26 +522754,6 +522755,6 +522756,6 +522757,6 +522758,6 +522759,6 +522760,4 +522761,4 +522762,4 +522763,4 +522764,4 +522765,4 +522766,4 +522767,4 +522768,4 +522769,4 +522770,4 +522771,4 +522772,3 +522773,3 +522774,31 +522775,33 +522776,33 +522777,31 +522778,31 +522779,31 +522780,31 +522781,33 +522782,31 +522783,32 +522784,32 +522785,32 +522786,32 +522787,32 +522788,32 +522789,32 +522790,25 +522791,25 +522792,25 +522793,25 +522794,25 +522795,25 +522796,25 +522797,25 +522798,25 +522799,25 +522800,25 +522801,25 +522802,25 +522803,25 +522804,25 +522805,2 +522806,2 +522807,2 +522808,2 +522809,2 +522810,2 +522811,2 +522812,2 +522813,2 +522814,2 +522815,2 +522816,2 +522817,2 +522818,2 +522819,2 +522820,40 +522821,40 +522822,40 +522823,40 +522824,40 +522825,40 +522826,24 +522827,28 +522828,28 +522829,28 +522830,28 +522831,28 +522832,28 +522833,28 +522834,28 +522835,28 +522836,28 +522837,4 +522838,4 +522839,4 +522840,4 +522841,4 +522842,4 +522843,4 +522844,4 +522845,4 +522846,4 +522847,4 +522848,4 +522849,4 +522850,39 +522851,14 +522852,14 +522853,14 +522854,14 +522855,14 +522856,14 +522857,14 +522858,5 +522859,13 +522860,5 +522861,5 +522862,5 +522863,5 +522864,5 +522865,5 +522866,5 +522867,5 +522868,5 +522869,10 +522870,10 +522871,10 +522872,10 +522873,10 +522874,10 +522875,10 +522876,10 +522877,10 +522878,10 +522879,10 +522880,10 +522881,5 +522882,5 +522883,5 +522884,5 +522885,5 +522886,39 +522887,39 +522888,39 +522889,39 +522890,39 +522891,39 +522892,39 +522893,39 +522894,39 +522895,23 +522896,2 +522897,38 +522898,38 +522899,38 +522900,38 +522901,38 +522902,38 +522903,2 +522904,38 +522905,38 +522906,38 +522907,2 +522908,10 +522909,10 +522910,10 +522911,10 +522912,10 +522913,10 +522914,10 +522915,10 +522916,10 +522917,10 +522918,10 +522919,10 +522920,10 +522921,10 +522922,10 +522923,10 +522924,10 +522925,10 +522926,10 +522927,10 +522928,10 +522929,10 +522930,10 +522931,10 +522932,10 +522933,10 +522934,19 +522935,19 +522936,4 +522937,4 +522938,4 +522939,4 +522940,4 +522941,4 +522942,0 +522943,0 +522944,0 +522945,0 +522946,0 +522947,0 +522948,0 +522949,0 +522950,0 +522951,0 +522952,0 +522953,0 +522954,0 +522955,0 +522956,0 +522957,0 +522958,0 +522959,0 +522960,0 +522961,0 +522962,0 +522963,0 +522964,0 +522965,0 +522966,0 +522967,0 +522968,0 +522969,0 +522970,0 +522971,0 +522972,0 +522973,0 +522974,0 +522975,0 +522976,0 +522977,0 +522978,0 +522979,0 +522980,0 +522981,0 +522982,0 +522983,0 +522984,0 +522985,0 +522986,0 +522987,0 +522988,0 +522989,0 +522990,0 +522991,0 +522992,0 +522993,0 +522994,0 +522995,0 +522996,0 +522997,0 +522998,0 +522999,0 +523000,0 +523001,0 +523002,0 +523003,0 +523004,0 +523005,0 +523006,0 +523007,0 +523008,0 +523009,0 +523010,0 +523011,0 +523012,0 +523013,0 +523014,0 +523015,0 +523016,0 +523017,0 +523018,0 +523019,0 +523020,0 +523021,0 +523022,0 +523023,0 +523024,0 +523025,0 +523026,9 +523027,9 +523028,9 +523029,9 +523030,9 +523031,9 +523032,9 +523033,9 +523034,9 +523035,9 +523036,5 +523037,5 +523038,5 +523039,29 +523040,29 +523041,29 +523042,29 +523043,29 +523044,27 +523045,27 +523046,19 +523047,19 +523048,29 +523049,29 +523050,29 +523051,29 +523052,29 +523053,14 +523054,14 +523055,14 +523056,14 +523057,14 +523058,14 +523059,14 +523060,14 +523061,14 +523062,14 +523063,39 +523064,36 +523065,36 +523066,36 +523067,36 +523068,36 +523069,36 +523070,36 +523071,36 +523072,36 +523073,23 +523074,23 +523075,23 +523076,23 +523077,23 +523078,4 +523079,4 +523080,4 +523081,4 +523082,4 +523083,4 +523084,4 +523085,4 +523086,25 +523087,25 +523088,25 +523089,25 +523090,25 +523091,25 +523092,25 +523093,25 +523094,8 +523095,8 +523096,8 +523097,8 +523098,8 +523099,8 +523100,8 +523101,8 +523102,8 +523103,37 +523104,37 +523105,37 +523106,37 +523107,27 +523108,27 +523109,27 +523110,27 +523111,27 +523112,27 +523113,4 +523114,4 +523115,4 +523116,4 +523117,4 +523118,4 +523119,4 +523120,4 +523121,4 +523122,4 +523123,4 +523124,4 +523125,25 +523126,25 +523127,25 +523128,25 +523129,25 +523130,25 +523131,25 +523132,25 +523133,25 +523134,25 +523135,25 +523136,25 +523137,25 +523138,25 +523139,5 +523140,5 +523141,5 +523142,5 +523143,5 +523144,19 +523145,19 +523146,19 +523147,19 +523148,19 +523149,35 +523150,35 +523151,35 +523152,35 +523153,35 +523154,35 +523155,35 +523156,35 +523157,35 +523158,35 +523159,35 +523160,39 +523161,39 +523162,39 +523163,39 +523164,3 +523165,3 +523166,3 +523167,3 +523168,3 +523169,3 +523170,3 +523171,3 +523172,3 +523173,3 +523174,2 +523175,2 +523176,2 +523177,2 +523178,2 +523179,2 +523180,2 +523181,2 +523182,2 +523183,2 +523184,39 +523185,39 +523186,39 +523187,39 +523188,39 +523189,39 +523190,39 +523191,39 +523192,39 +523193,39 +523194,39 +523195,39 +523196,23 +523197,23 +523198,23 +523199,23 +523200,23 +523201,23 +523202,23 +523203,23 +523204,23 +523205,24 +523206,32 +523207,32 +523208,32 +523209,32 +523210,32 +523211,32 +523212,32 +523213,32 +523214,37 +523215,37 +523216,37 +523217,37 +523218,26 +523219,26 +523220,26 +523221,26 +523222,26 +523223,26 +523224,26 +523225,26 +523226,26 +523227,26 +523228,32 +523229,32 +523230,32 +523231,32 +523232,32 +523233,32 +523234,32 +523235,32 +523236,25 +523237,25 +523238,25 +523239,25 +523240,25 +523241,25 +523242,25 +523243,25 +523244,25 +523245,25 +523246,25 +523247,25 +523248,25 +523249,25 +523250,25 +523251,31 +523252,38 +523253,38 +523254,38 +523255,23 +523256,23 +523257,23 +523258,23 +523259,40 +523260,40 +523261,40 +523262,40 +523263,40 +523264,5 +523265,5 +523266,5 +523267,5 +523268,5 +523269,4 +523270,4 +523271,4 +523272,4 +523273,4 +523274,4 +523275,4 +523276,19 +523277,27 +523278,27 +523279,27 +523280,27 +523281,6 +523282,6 +523283,6 +523284,6 +523285,6 +523286,6 +523287,4 +523288,4 +523289,4 +523290,4 +523291,4 +523292,4 +523293,4 +523294,4 +523295,10 +523296,10 +523297,10 +523298,10 +523299,10 +523300,10 +523301,10 +523302,10 +523303,10 +523304,10 +523305,10 +523306,10 +523307,5 +523308,5 +523309,5 +523310,5 +523311,5 +523312,27 +523313,27 +523314,27 +523315,27 +523316,27 +523317,13 +523318,13 +523319,13 +523320,13 +523321,13 +523322,13 +523323,13 +523324,13 +523325,2 +523326,2 +523327,2 +523328,2 +523329,2 +523330,31 +523331,31 +523332,31 +523333,31 +523334,31 +523335,24 +523336,24 +523337,24 +523338,24 +523339,35 +523340,35 +523341,27 +523342,27 +523343,27 +523344,8 +523345,8 +523346,8 +523347,8 +523348,8 +523349,8 +523350,8 +523351,8 +523352,32 +523353,32 +523354,32 +523355,32 +523356,32 +523357,32 +523358,37 +523359,37 +523360,37 +523361,40 +523362,40 +523363,40 +523364,40 +523365,40 +523366,2 +523367,2 +523368,2 +523369,2 +523370,2 +523371,2 +523372,2 +523373,5 +523374,5 +523375,5 +523376,5 +523377,5 +523378,5 +523379,4 +523380,4 +523381,4 +523382,4 +523383,4 +523384,4 +523385,4 +523386,4 +523387,4 +523388,4 +523389,14 +523390,14 +523391,14 +523392,14 +523393,14 +523394,14 +523395,14 +523396,14 +523397,14 +523398,11 +523399,11 +523400,11 +523401,11 +523402,11 +523403,11 +523404,11 +523405,11 +523406,31 +523407,31 +523408,5 +523409,5 +523410,5 +523411,5 +523412,5 +523413,5 +523414,4 +523415,4 +523416,4 +523417,4 +523418,4 +523419,4 +523420,4 +523421,4 +523422,29 +523423,29 +523424,29 +523425,29 +523426,29 +523427,29 +523428,31 +523429,31 +523430,31 +523431,31 +523432,32 +523433,32 +523434,32 +523435,32 +523436,32 +523437,32 +523438,32 +523439,32 +523440,32 +523441,32 +523442,37 +523443,37 +523444,37 +523445,37 +523446,36 +523447,36 +523448,36 +523449,36 +523450,36 +523451,36 +523452,36 +523453,32 +523454,32 +523455,32 +523456,32 +523457,32 +523458,32 +523459,15 +523460,15 +523461,15 +523462,5 +523463,5 +523464,5 +523465,5 +523466,5 +523467,5 +523468,5 +523469,5 +523470,5 +523471,4 +523472,4 +523473,4 +523474,4 +523475,4 +523476,4 +523477,4 +523478,4 +523479,4 +523480,4 +523481,4 +523482,0 +523483,0 +523484,0 +523485,0 +523486,0 +523487,0 +523488,0 +523489,0 +523490,0 +523491,0 +523492,0 +523493,0 +523494,0 +523495,0 +523496,0 +523497,0 +523498,0 +523499,0 +523500,0 +523501,0 +523502,0 +523503,0 +523504,0 +523505,0 +523506,0 +523507,0 +523508,0 +523509,0 +523510,0 +523511,0 +523512,0 +523513,0 +523514,0 +523515,0 +523516,0 +523517,0 +523518,0 +523519,0 +523520,0 +523521,0 +523522,0 +523523,0 +523524,0 +523525,0 +523526,0 +523527,0 +523528,0 +523529,0 +523530,0 +523531,0 +523532,0 +523533,0 +523534,0 +523535,0 +523536,0 +523537,0 +523538,0 +523539,0 +523540,0 +523541,0 +523542,0 +523543,0 +523544,0 +523545,0 +523546,0 +523547,0 +523548,0 +523549,0 +523550,0 +523551,0 +523552,0 +523553,0 +523554,0 +523555,0 +523556,0 +523557,0 +523558,0 +523559,0 +523560,28 +523561,30 +523562,30 +523563,30 +523564,0 +523565,0 +523566,0 +523567,0 +523568,0 +523569,0 +523570,0 +523571,0 +523572,0 +523573,0 +523574,0 +523575,0 +523576,0 +523577,0 +523578,0 +523579,0 +523580,0 +523581,0 +523582,0 +523583,0 +523584,0 +523585,0 +523586,0 +523587,0 +523588,35 +523589,35 +523590,35 +523591,35 +523592,35 +523593,35 +523594,35 +523595,35 +523596,35 +523597,35 +523598,39 +523599,39 +523600,39 +523601,39 +523602,39 +523603,12 +523604,12 +523605,12 +523606,12 +523607,12 +523608,12 +523609,12 +523610,12 +523611,12 +523612,12 +523613,12 +523614,31 +523615,31 +523616,31 +523617,31 +523618,31 +523619,31 +523620,31 +523621,31 +523622,8 +523623,8 +523624,8 +523625,8 +523626,8 +523627,8 +523628,8 +523629,27 +523630,31 +523631,27 +523632,27 +523633,5 +523634,5 +523635,5 +523636,5 +523637,5 +523638,23 +523639,23 +523640,23 +523641,23 +523642,23 +523643,23 +523644,23 +523645,23 +523646,23 +523647,23 +523648,23 +523649,36 +523650,36 +523651,36 +523652,36 +523653,36 +523654,36 +523655,36 +523656,36 +523657,36 +523658,36 +523659,36 +523660,36 +523661,6 +523662,6 +523663,6 +523664,6 +523665,6 +523666,6 +523667,6 +523668,6 +523669,6 +523670,4 +523671,4 +523672,4 +523673,9 +523674,9 +523675,9 +523676,34 +523677,34 +523678,34 +523679,34 +523680,34 +523681,34 +523682,37 +523683,25 +523684,25 +523685,25 +523686,31 +523687,31 +523688,37 +523689,37 +523690,37 +523691,37 +523692,4 +523693,4 +523694,4 +523695,39 +523696,39 +523697,39 +523698,39 +523699,39 +523700,39 +523701,39 +523702,39 +523703,39 +523704,32 +523705,32 +523706,32 +523707,32 +523708,32 +523709,32 +523710,37 +523711,37 +523712,37 +523713,37 +523714,36 +523715,36 +523716,36 +523717,36 +523718,37 +523719,15 +523720,15 +523721,15 +523722,15 +523723,15 +523724,15 +523725,15 +523726,31 +523727,31 +523728,31 +523729,18 +523730,18 +523731,18 +523732,18 +523733,19 +523734,19 +523735,19 +523736,19 +523737,19 +523738,19 +523739,37 +523740,37 +523741,37 +523742,37 +523743,37 +523744,39 +523745,39 +523746,39 +523747,39 +523748,39 +523749,39 +523750,39 +523751,39 +523752,39 +523753,39 +523754,39 +523755,39 +523756,39 +523757,39 +523758,39 +523759,39 +523760,0 +523761,0 +523762,0 +523763,0 +523764,0 +523765,0 +523766,0 +523767,0 +523768,0 +523769,0 +523770,0 +523771,0 +523772,0 +523773,0 +523774,0 +523775,0 +523776,0 +523777,0 +523778,0 +523779,0 +523780,0 +523781,0 +523782,0 +523783,0 +523784,0 +523785,0 +523786,0 +523787,0 +523788,0 +523789,0 +523790,0 +523791,0 +523792,0 +523793,0 +523794,0 +523795,0 +523796,0 +523797,0 +523798,0 +523799,0 +523800,0 +523801,0 +523802,0 +523803,0 +523804,0 +523805,0 +523806,0 +523807,0 +523808,0 +523809,0 +523810,0 +523811,0 +523812,0 +523813,0 +523814,0 +523815,0 +523816,0 +523817,0 +523818,0 +523819,0 +523820,0 +523821,0 +523822,0 +523823,0 +523824,5 +523825,5 +523826,5 +523827,5 +523828,5 +523829,5 +523830,5 +523831,5 +523832,27 +523833,27 +523834,27 +523835,27 +523836,27 +523837,27 +523838,2 +523839,2 +523840,2 +523841,2 +523842,2 +523843,2 +523844,2 +523845,2 +523846,2 +523847,2 +523848,27 +523849,27 +523850,27 +523851,27 +523852,27 +523853,27 +523854,27 +523855,2 +523856,2 +523857,8 +523858,8 +523859,8 +523860,8 +523861,8 +523862,8 +523863,8 +523864,35 +523865,35 +523866,35 +523867,35 +523868,35 +523869,35 +523870,35 +523871,35 +523872,35 +523873,35 +523874,35 +523875,35 +523876,35 +523877,35 +523878,35 +523879,27 +523880,14 +523881,14 +523882,14 +523883,14 +523884,14 +523885,14 +523886,14 +523887,14 +523888,14 +523889,14 +523890,14 +523891,14 +523892,14 +523893,14 +523894,14 +523895,14 +523896,14 +523897,14 +523898,14 +523899,14 +523900,14 +523901,14 +523902,14 +523903,14 +523904,14 +523905,10 +523906,10 +523907,10 +523908,30 +523909,30 +523910,30 +523911,30 +523912,30 +523913,30 +523914,30 +523915,30 +523916,30 +523917,30 +523918,30 +523919,30 +523920,30 +523921,0 +523922,0 +523923,0 +523924,0 +523925,0 +523926,0 +523927,0 +523928,0 +523929,0 +523930,0 +523931,0 +523932,0 +523933,0 +523934,0 +523935,0 +523936,0 +523937,0 +523938,0 +523939,0 +523940,0 +523941,0 +523942,0 +523943,0 +523944,0 +523945,0 +523946,0 +523947,0 +523948,0 +523949,0 +523950,0 +523951,0 +523952,0 +523953,0 +523954,0 +523955,27 +523956,27 +523957,27 +523958,27 +523959,27 +523960,27 +523961,27 +523962,27 +523963,16 +523964,11 +523965,11 +523966,11 +523967,11 +523968,11 +523969,11 +523970,11 +523971,11 +523972,11 +523973,11 +523974,11 +523975,11 +523976,11 +523977,11 +523978,39 +523979,39 +523980,39 +523981,39 +523982,39 +523983,2 +523984,2 +523985,2 +523986,2 +523987,2 +523988,2 +523989,2 +523990,2 +523991,2 +523992,2 +523993,32 +523994,32 +523995,32 +523996,32 +523997,32 +523998,32 +523999,32 +524000,32 +524001,32 +524002,32 +524003,33 +524004,33 +524005,33 +524006,33 +524007,33 +524008,33 +524009,33 +524010,6 +524011,6 +524012,6 +524013,6 +524014,6 +524015,6 +524016,6 +524017,6 +524018,6 +524019,4 +524020,4 +524021,4 +524022,4 +524023,4 +524024,4 +524025,4 +524026,4 +524027,4 +524028,4 +524029,4 +524030,4 +524031,4 +524032,4 +524033,4 +524034,4 +524035,4 +524036,37 +524037,37 +524038,37 +524039,37 +524040,37 +524041,37 +524042,37 +524043,37 +524044,25 +524045,25 +524046,25 +524047,25 +524048,27 +524049,27 +524050,27 +524051,37 +524052,31 +524053,27 +524054,27 +524055,27 +524056,27 +524057,3 +524058,3 +524059,3 +524060,3 +524061,3 +524062,38 +524063,38 +524064,38 +524065,38 +524066,38 +524067,38 +524068,38 +524069,38 +524070,38 +524071,38 +524072,38 +524073,38 +524074,38 +524075,38 +524076,0 +524077,0 +524078,0 +524079,0 +524080,0 +524081,0 +524082,0 +524083,0 +524084,0 +524085,0 +524086,0 +524087,0 +524088,0 +524089,0 +524090,0 +524091,0 +524092,0 +524093,0 +524094,0 +524095,0 +524096,0 +524097,0 +524098,0 +524099,0 +524100,0 +524101,0 +524102,0 +524103,0 +524104,0 +524105,0 +524106,0 +524107,0 +524108,0 +524109,0 +524110,0 +524111,28 +524112,28 +524113,28 +524114,28 +524115,28 +524116,28 +524117,28 +524118,34 +524119,34 +524120,34 +524121,34 +524122,34 +524123,34 +524124,34 +524125,40 +524126,40 +524127,40 +524128,10 +524129,10 +524130,23 +524131,23 +524132,32 +524133,32 +524134,23 +524135,23 +524136,35 +524137,36 +524138,36 +524139,36 +524140,36 +524141,36 +524142,23 +524143,23 +524144,32 +524145,23 +524146,23 +524147,23 +524148,23 +524149,40 +524150,40 +524151,40 +524152,40 +524153,40 +524154,40 +524155,40 +524156,40 +524157,36 +524158,40 +524159,40 +524160,40 +524161,40 +524162,40 +524163,40 +524164,40 +524165,40 +524166,40 +524167,40 +524168,5 +524169,5 +524170,5 +524171,5 +524172,5 +524173,5 +524174,5 +524175,2 +524176,2 +524177,2 +524178,2 +524179,2 +524180,2 +524181,2 +524182,2 +524183,2 +524184,2 +524185,2 +524186,2 +524187,2 +524188,2 +524189,2 +524190,25 +524191,25 +524192,25 +524193,25 +524194,25 +524195,37 +524196,40 +524197,40 +524198,37 +524199,40 +524200,40 +524201,11 +524202,11 +524203,11 +524204,11 +524205,32 +524206,32 +524207,4 +524208,4 +524209,4 +524210,12 +524211,12 +524212,12 +524213,27 +524214,27 +524215,27 +524216,38 +524217,38 +524218,38 +524219,38 +524220,38 +524221,38 +524222,38 +524223,38 +524224,27 +524225,40 +524226,40 +524227,40 +524228,37 +524229,37 +524230,37 +524231,37 +524232,37 +524233,32 +524234,37 +524235,32 +524236,32 +524237,32 +524238,37 +524239,37 +524240,37 +524241,37 +524242,37 +524243,27 +524244,27 +524245,27 +524246,27 +524247,27 +524248,27 +524249,27 +524250,29 +524251,29 +524252,29 +524253,29 +524254,29 +524255,39 +524256,39 +524257,39 +524258,39 +524259,39 +524260,39 +524261,39 +524262,39 +524263,28 +524264,28 +524265,28 +524266,28 +524267,28 +524268,28 +524269,28 +524270,28 +524271,28 +524272,28 +524273,28 +524274,40 +524275,40 +524276,40 +524277,40 +524278,14 +524279,14 +524280,14 +524281,14 +524282,14 +524283,14 +524284,14 +524285,36 +524286,36 +524287,14 +524288,14 +524289,15 +524290,15 +524291,15 +524292,32 +524293,15 +524294,32 +524295,32 +524296,32 +524297,30 +524298,30 +524299,30 +524300,30 +524301,30 +524302,30 +524303,30 +524304,30 +524305,30 +524306,30 +524307,30 +524308,30 +524309,30 +524310,30 +524311,40 +524312,40 +524313,40 +524314,40 +524315,40 +524316,40 +524317,27 +524318,27 +524319,27 +524320,27 +524321,27 +524322,27 +524323,40 +524324,40 +524325,40 +524326,40 +524327,40 +524328,2 +524329,2 +524330,2 +524331,2 +524332,2 +524333,2 +524334,2 +524335,2 +524336,2 +524337,2 +524338,2 +524339,2 +524340,2 +524341,2 +524342,2 +524343,2 +524344,2 +524345,2 +524346,2 +524347,2 +524348,2 +524349,2 +524350,4 +524351,4 +524352,4 +524353,4 +524354,4 +524355,4 +524356,4 +524357,4 +524358,4 +524359,4 +524360,4 +524361,4 +524362,4 +524363,4 +524364,0 +524365,0 +524366,0 +524367,0 +524368,0 +524369,0 +524370,0 +524371,0 +524372,0 +524373,0 +524374,0 +524375,0 +524376,0 +524377,0 +524378,0 +524379,0 +524380,0 +524381,0 +524382,0 +524383,0 +524384,0 +524385,0 +524386,0 +524387,0 +524388,0 +524389,0 +524390,0 +524391,0 +524392,0 +524393,0 +524394,0 +524395,0 +524396,0 +524397,0 +524398,0 +524399,0 +524400,0 +524401,0 +524402,0 +524403,0 +524404,0 +524405,0 +524406,0 +524407,0 +524408,0 +524409,0 +524410,0 +524411,0 +524412,0 +524413,0 +524414,0 +524415,0 +524416,0 +524417,0 +524418,0 +524419,0 +524420,0 +524421,0 +524422,0 +524423,0 +524424,0 +524425,0 +524426,0 +524427,0 +524428,0 +524429,0 +524430,0 +524431,0 +524432,0 +524433,0 +524434,0 +524435,0 +524436,0 +524437,0 +524438,0 +524439,0 +524440,0 +524441,0 +524442,0 +524443,0 +524444,0 +524445,29 +524446,29 +524447,29 +524448,29 +524449,29 +524450,29 +524451,27 +524452,27 +524453,27 +524454,27 +524455,25 +524456,25 +524457,5 +524458,5 +524459,5 +524460,5 +524461,5 +524462,5 +524463,5 +524464,5 +524465,5 +524466,5 +524467,5 +524468,6 +524469,6 +524470,6 +524471,6 +524472,6 +524473,6 +524474,6 +524475,27 +524476,27 +524477,27 +524478,27 +524479,27 +524480,27 +524481,27 +524482,27 +524483,27 +524484,28 +524485,28 +524486,28 +524487,28 +524488,28 +524489,28 +524490,28 +524491,28 +524492,35 +524493,35 +524494,3 +524495,35 +524496,35 +524497,35 +524498,35 +524499,35 +524500,35 +524501,35 +524502,35 +524503,35 +524504,14 +524505,14 +524506,14 +524507,14 +524508,14 +524509,14 +524510,14 +524511,14 +524512,7 +524513,14 +524514,14 +524515,14 +524516,14 +524517,14 +524518,39 +524519,4 +524520,4 +524521,4 +524522,4 +524523,4 +524524,16 +524525,16 +524526,16 +524527,4 +524528,4 +524529,4 +524530,37 +524531,37 +524532,37 +524533,37 +524534,37 +524535,25 +524536,25 +524537,25 +524538,27 +524539,27 +524540,25 +524541,25 +524542,25 +524543,25 +524544,25 +524545,25 +524546,19 +524547,19 +524548,19 +524549,19 +524550,19 +524551,19 +524552,19 +524553,19 +524554,0 +524555,0 +524556,0 +524557,0 +524558,0 +524559,19 +524560,19 +524561,0 +524562,6 +524563,0 +524564,0 +524565,0 +524566,36 +524567,36 +524568,36 +524569,36 +524570,36 +524571,36 +524572,36 +524573,36 +524574,36 +524575,36 +524576,36 +524577,36 +524578,36 +524579,5 +524580,5 +524581,5 +524582,5 +524583,5 +524584,19 +524585,19 +524586,19 +524587,5 +524588,5 +524589,5 +524590,12 +524591,12 +524592,12 +524593,12 +524594,12 +524595,12 +524596,27 +524597,27 +524598,27 +524599,27 +524600,27 +524601,27 +524602,6 +524603,6 +524604,6 +524605,6 +524606,6 +524607,6 +524608,6 +524609,6 +524610,31 +524611,31 +524612,31 +524613,27 +524614,27 +524615,29 +524616,29 +524617,19 +524618,5 +524619,19 +524620,29 +524621,29 +524622,29 +524623,38 +524624,38 +524625,38 +524626,38 +524627,38 +524628,38 +524629,38 +524630,21 +524631,9 +524632,9 +524633,9 +524634,9 +524635,9 +524636,9 +524637,26 +524638,26 +524639,26 +524640,26 +524641,26 +524642,26 +524643,26 +524644,26 +524645,9 +524646,26 +524647,26 +524648,9 +524649,9 +524650,9 +524651,9 +524652,9 +524653,26 +524654,5 +524655,5 +524656,2 +524657,5 +524658,5 +524659,5 +524660,2 +524661,2 +524662,2 +524663,2 +524664,2 +524665,2 +524666,2 +524667,2 +524668,2 +524669,2 +524670,2 +524671,2 +524672,2 +524673,2 +524674,2 +524675,2 +524676,2 +524677,2 +524678,2 +524679,2 +524680,2 +524681,2 +524682,2 +524683,2 +524684,2 +524685,0 +524686,2 +524687,2 +524688,0 +524689,0 +524690,0 +524691,0 +524692,0 +524693,0 +524694,0 +524695,0 +524696,0 +524697,0 +524698,0 +524699,0 +524700,0 +524701,0 +524702,0 +524703,0 +524704,0 +524705,0 +524706,0 +524707,0 +524708,0 +524709,0 +524710,0 +524711,0 +524712,0 +524713,0 +524714,0 +524715,0 +524716,0 +524717,0 +524718,0 +524719,0 +524720,0 +524721,0 +524722,0 +524723,0 +524724,0 +524725,0 +524726,0 +524727,0 +524728,0 +524729,0 +524730,0 +524731,0 +524732,0 +524733,0 +524734,0 +524735,0 +524736,0 +524737,0 +524738,0 +524739,0 +524740,0 +524741,0 +524742,0 +524743,0 +524744,0 +524745,0 +524746,0 +524747,0 +524748,0 +524749,0 +524750,0 +524751,0 +524752,0 +524753,0 +524754,0 +524755,0 +524756,0 +524757,0 +524758,0 +524759,0 +524760,0 +524761,0 +524762,0 +524763,0 +524764,0 +524765,0 +524766,0 +524767,0 +524768,0 +524769,0 +524770,0 +524771,0 +524772,0 +524773,0 +524774,0 +524775,0 +524776,0 +524777,0 +524778,0 +524779,0 +524780,0 +524781,0 +524782,0 +524783,0 +524784,0 +524785,0 +524786,0 +524787,0 +524788,0 +524789,0 +524790,0 +524791,0 +524792,0 +524793,0 +524794,0 +524795,0 +524796,0 +524797,0 +524798,0 +524799,0 +524800,0 +524801,0 +524802,0 +524803,0 +524804,0 +524805,0 +524806,0 +524807,0 +524808,0 +524809,0 +524810,0 +524811,29 +524812,29 +524813,29 +524814,29 +524815,36 +524816,36 +524817,36 +524818,34 +524819,34 +524820,36 +524821,4 +524822,4 +524823,4 +524824,4 +524825,4 +524826,12 +524827,12 +524828,12 +524829,12 +524830,33 +524831,33 +524832,33 +524833,8 +524834,8 +524835,8 +524836,8 +524837,8 +524838,8 +524839,8 +524840,8 +524841,35 +524842,35 +524843,35 +524844,35 +524845,35 +524846,35 +524847,34 +524848,34 +524849,34 +524850,34 +524851,34 +524852,34 +524853,34 +524854,34 +524855,34 +524856,34 +524857,34 +524858,34 +524859,34 +524860,34 +524861,34 +524862,4 +524863,4 +524864,4 +524865,4 +524866,4 +524867,4 +524868,4 +524869,4 +524870,4 +524871,9 +524872,9 +524873,9 +524874,9 +524875,9 +524876,9 +524877,9 +524878,9 +524879,9 +524880,9 +524881,9 +524882,9 +524883,9 +524884,6 +524885,6 +524886,6 +524887,6 +524888,6 +524889,6 +524890,6 +524891,6 +524892,6 +524893,6 +524894,6 +524895,6 +524896,6 +524897,32 +524898,14 +524899,14 +524900,14 +524901,14 +524902,14 +524903,14 +524904,14 +524905,14 +524906,14 +524907,14 +524908,14 +524909,14 +524910,14 +524911,14 +524912,14 +524913,14 +524914,14 +524915,14 +524916,14 +524917,14 +524918,14 +524919,28 +524920,28 +524921,28 +524922,28 +524923,28 +524924,28 +524925,28 +524926,28 +524927,5 +524928,5 +524929,5 +524930,5 +524931,5 +524932,5 +524933,5 +524934,5 +524935,0 +524936,0 +524937,0 +524938,0 +524939,0 +524940,0 +524941,0 +524942,0 +524943,0 +524944,0 +524945,0 +524946,0 +524947,0 +524948,0 +524949,0 +524950,0 +524951,0 +524952,0 +524953,0 +524954,0 +524955,0 +524956,0 +524957,0 +524958,0 +524959,0 +524960,0 +524961,0 +524962,0 +524963,0 +524964,0 +524965,0 +524966,0 +524967,0 +524968,0 +524969,0 +524970,0 +524971,0 +524972,0 +524973,0 +524974,0 +524975,0 +524976,0 +524977,0 +524978,0 +524979,0 +524980,0 +524981,0 +524982,0 +524983,0 +524984,0 +524985,0 +524986,0 +524987,0 +524988,0 +524989,0 +524990,0 +524991,0 +524992,0 +524993,0 +524994,0 +524995,0 +524996,0 +524997,0 +524998,0 +524999,0 +525000,0 +525001,0 +525002,0 +525003,0 +525004,0 +525005,0 +525006,0 +525007,0 +525008,0 +525009,0 +525010,0 +525011,0 +525012,0 +525013,0 +525014,0 +525015,0 +525016,0 +525017,0 +525018,0 +525019,0 +525020,0 +525021,0 +525022,0 +525023,0 +525024,0 +525025,0 +525026,0 +525027,0 +525028,0 +525029,0 +525030,0 +525031,0 +525032,0 +525033,0 +525034,0 +525035,0 +525036,0 +525037,0 +525038,0 +525039,0 +525040,0 +525041,0 +525042,0 +525043,0 +525044,0 +525045,0 +525046,0 +525047,0 +525048,0 +525049,0 +525050,0 +525051,0 +525052,0 +525053,0 +525054,0 +525055,0 +525056,0 +525057,0 +525058,0 +525059,0 +525060,0 +525061,0 +525062,0 +525063,0 +525064,0 +525065,0 +525066,0 +525067,0 +525068,0 +525069,0 +525070,0 +525071,0 +525072,0 +525073,0 +525074,0 +525075,0 +525076,0 +525077,0 +525078,0 +525079,0 +525080,0 +525081,0 +525082,0 +525083,10 +525084,10 +525085,10 +525086,10 +525087,10 +525088,10 +525089,10 +525090,10 +525091,10 +525092,10 +525093,10 +525094,10 +525095,10 +525096,4 +525097,4 +525098,4 +525099,4 +525100,4 +525101,4 +525102,4 +525103,4 +525104,4 +525105,4 +525106,4 +525107,4 +525108,4 +525109,4 +525110,4 +525111,33 +525112,33 +525113,33 +525114,33 +525115,30 +525116,30 +525117,30 +525118,30 +525119,30 +525120,30 +525121,30 +525122,30 +525123,30 +525124,30 +525125,30 +525126,30 +525127,30 +525128,30 +525129,30 +525130,30 +525131,30 +525132,30 +525133,19 +525134,19 +525135,19 +525136,19 +525137,19 +525138,19 +525139,11 +525140,11 +525141,11 +525142,11 +525143,7 +525144,7 +525145,7 +525146,7 +525147,11 +525148,3 +525149,3 +525150,3 +525151,3 +525152,3 +525153,3 +525154,3 +525155,3 +525156,3 +525157,3 +525158,3 +525159,3 +525160,3 +525161,3 +525162,3 +525163,3 +525164,3 +525165,3 +525166,3 +525167,3 +525168,3 +525169,3 +525170,33 +525171,33 +525172,33 +525173,3 +525174,3 +525175,3 +525176,3 +525177,3 +525178,3 +525179,10 +525180,10 +525181,12 +525182,12 +525183,12 +525184,12 +525185,12 +525186,12 +525187,31 +525188,31 +525189,31 +525190,8 +525191,8 +525192,8 +525193,8 +525194,8 +525195,8 +525196,8 +525197,8 +525198,31 +525199,31 +525200,31 +525201,31 +525202,31 +525203,31 +525204,31 +525205,23 +525206,23 +525207,23 +525208,23 +525209,23 +525210,23 +525211,23 +525212,23 +525213,23 +525214,23 +525215,23 +525216,23 +525217,23 +525218,23 +525219,23 +525220,23 +525221,37 +525222,37 +525223,37 +525224,37 +525225,37 +525226,14 +525227,14 +525228,14 +525229,14 +525230,14 +525231,39 +525232,39 +525233,39 +525234,39 +525235,39 +525236,39 +525237,19 +525238,19 +525239,19 +525240,19 +525241,19 +525242,31 +525243,31 +525244,31 +525245,31 +525246,24 +525247,24 +525248,24 +525249,24 +525250,24 +525251,24 +525252,24 +525253,24 +525254,28 +525255,28 +525256,28 +525257,28 +525258,28 +525259,28 +525260,28 +525261,28 +525262,28 +525263,28 +525264,10 +525265,10 +525266,10 +525267,10 +525268,10 +525269,10 +525270,10 +525271,10 +525272,10 +525273,10 +525274,2 +525275,2 +525276,2 +525277,2 +525278,2 +525279,2 +525280,2 +525281,2 +525282,2 +525283,2 +525284,2 +525285,2 +525286,2 +525287,2 +525288,2 +525289,2 +525290,2 +525291,34 +525292,34 +525293,34 +525294,34 +525295,34 +525296,34 +525297,34 +525298,34 +525299,34 +525300,34 +525301,34 +525302,34 +525303,34 +525304,33 +525305,33 +525306,33 +525307,33 +525308,33 +525309,33 +525310,30 +525311,30 +525312,30 +525313,30 +525314,30 +525315,30 +525316,30 +525317,23 +525318,23 +525319,23 +525320,23 +525321,23 +525322,23 +525323,23 +525324,23 +525325,23 +525326,23 +525327,23 +525328,23 +525329,23 +525330,23 +525331,23 +525332,23 +525333,23 +525334,23 +525335,23 +525336,23 +525337,23 +525338,23 +525339,0 +525340,0 +525341,0 +525342,0 +525343,0 +525344,0 +525345,0 +525346,0 +525347,0 +525348,0 +525349,0 +525350,0 +525351,0 +525352,0 +525353,0 +525354,0 +525355,0 +525356,0 +525357,0 +525358,0 +525359,0 +525360,0 +525361,0 +525362,0 +525363,0 +525364,0 +525365,0 +525366,0 +525367,0 +525368,0 +525369,0 +525370,0 +525371,0 +525372,0 +525373,0 +525374,0 +525375,0 +525376,0 +525377,0 +525378,0 +525379,0 +525380,0 +525381,0 +525382,0 +525383,0 +525384,0 +525385,0 +525386,0 +525387,36 +525388,36 +525389,36 +525390,36 +525391,36 +525392,36 +525393,36 +525394,36 +525395,36 +525396,36 +525397,36 +525398,36 +525399,36 +525400,36 +525401,34 +525402,34 +525403,34 +525404,34 +525405,34 +525406,5 +525407,5 +525408,5 +525409,5 +525410,5 +525411,5 +525412,5 +525413,19 +525414,19 +525415,19 +525416,19 +525417,19 +525418,12 +525419,19 +525420,12 +525421,19 +525422,19 +525423,19 +525424,19 +525425,12 +525426,12 +525427,12 +525428,12 +525429,12 +525430,12 +525431,31 +525432,31 +525433,31 +525434,31 +525435,31 +525436,31 +525437,8 +525438,2 +525439,2 +525440,2 +525441,2 +525442,2 +525443,2 +525444,2 +525445,2 +525446,31 +525447,31 +525448,31 +525449,6 +525450,6 +525451,6 +525452,6 +525453,6 +525454,6 +525455,6 +525456,6 +525457,6 +525458,6 +525459,6 +525460,6 +525461,6 +525462,37 +525463,37 +525464,37 +525465,37 +525466,37 +525467,37 +525468,37 +525469,37 +525470,37 +525471,37 +525472,10 +525473,10 +525474,10 +525475,10 +525476,10 +525477,10 +525478,10 +525479,10 +525480,10 +525481,10 +525482,10 +525483,10 +525484,10 +525485,10 +525486,10 +525487,10 +525488,10 +525489,10 +525490,10 +525491,10 +525492,10 +525493,10 +525494,10 +525495,10 +525496,33 +525497,31 +525498,31 +525499,31 +525500,31 +525501,33 +525502,33 +525503,33 +525504,33 +525505,24 +525506,24 +525507,24 +525508,24 +525509,24 +525510,24 +525511,24 +525512,24 +525513,30 +525514,12 +525515,12 +525516,12 +525517,31 +525518,30 +525519,30 +525520,31 +525521,31 +525522,31 +525523,31 +525524,31 +525525,31 +525526,33 +525527,33 +525528,33 +525529,34 +525530,34 +525531,34 +525532,30 +525533,30 +525534,33 +525535,33 +525536,6 +525537,6 +525538,6 +525539,6 +525540,6 +525541,6 +525542,6 +525543,6 +525544,6 +525545,6 +525546,31 +525547,31 +525548,31 +525549,31 +525550,31 +525551,31 +525552,31 +525553,31 +525554,31 +525555,28 +525556,28 +525557,28 +525558,28 +525559,28 +525560,28 +525561,28 +525562,28 +525563,28 +525564,28 +525565,28 +525566,28 +525567,28 +525568,28 +525569,28 +525570,0 +525571,0 +525572,0 +525573,0 +525574,0 +525575,0 +525576,0 +525577,0 +525578,0 +525579,0 +525580,0 +525581,0 +525582,0 +525583,0 +525584,0 +525585,0 +525586,0 +525587,0 +525588,0 +525589,0 +525590,0 +525591,0 +525592,0 +525593,0 +525594,0 +525595,0 +525596,0 +525597,0 +525598,0 +525599,0 +525600,0 +525601,0 +525602,0 +525603,0 +525604,0 +525605,0 +525606,0 +525607,0 +525608,0 +525609,0 +525610,0 +525611,0 +525612,0 +525613,0 +525614,0 +525615,0 +525616,0 +525617,0 +525618,0 +525619,0 +525620,0 +525621,0 +525622,0 +525623,0 +525624,0 +525625,0 +525626,0 +525627,0 +525628,0 +525629,0 +525630,0 +525631,0 +525632,0 +525633,0 +525634,0 +525635,0 +525636,0 +525637,0 +525638,0 +525639,0 +525640,0 +525641,0 +525642,0 +525643,0 +525644,0 +525645,0 +525646,0 +525647,23 +525648,23 +525649,23 +525650,23 +525651,14 +525652,14 +525653,14 +525654,14 +525655,14 +525656,14 +525657,14 +525658,14 +525659,11 +525660,11 +525661,11 +525662,11 +525663,11 +525664,11 +525665,11 +525666,11 +525667,11 +525668,11 +525669,11 +525670,11 +525671,11 +525672,11 +525673,11 +525674,11 +525675,11 +525676,10 +525677,11 +525678,34 +525679,34 +525680,34 +525681,34 +525682,34 +525683,34 +525684,34 +525685,34 +525686,34 +525687,34 +525688,34 +525689,34 +525690,34 +525691,34 +525692,25 +525693,4 +525694,4 +525695,4 +525696,19 +525697,19 +525698,4 +525699,27 +525700,27 +525701,27 +525702,27 +525703,19 +525704,19 +525705,15 +525706,19 +525707,19 +525708,19 +525709,19 +525710,19 +525711,19 +525712,29 +525713,29 +525714,29 +525715,29 +525716,31 +525717,31 +525718,31 +525719,31 +525720,12 +525721,12 +525722,12 +525723,12 +525724,12 +525725,12 +525726,12 +525727,12 +525728,12 +525729,12 +525730,12 +525731,12 +525732,12 +525733,12 +525734,25 +525735,25 +525736,25 +525737,25 +525738,25 +525739,25 +525740,25 +525741,25 +525742,25 +525743,25 +525744,19 +525745,19 +525746,19 +525747,19 +525748,19 +525749,19 +525750,4 +525751,4 +525752,4 +525753,4 +525754,4 +525755,31 +525756,31 +525757,31 +525758,31 +525759,31 +525760,24 +525761,32 +525762,32 +525763,32 +525764,32 +525765,32 +525766,32 +525767,32 +525768,32 +525769,27 +525770,27 +525771,27 +525772,27 +525773,27 +525774,2 +525775,2 +525776,2 +525777,2 +525778,2 +525779,2 +525780,2 +525781,2 +525782,2 +525783,2 +525784,2 +525785,2 +525786,2 +525787,2 +525788,2 +525789,2 +525790,2 +525791,26 +525792,26 +525793,26 +525794,26 +525795,26 +525796,9 +525797,9 +525798,9 +525799,26 +525800,26 +525801,26 +525802,26 +525803,26 +525804,26 +525805,26 +525806,9 +525807,9 +525808,9 +525809,9 +525810,9 +525811,9 +525812,31 +525813,31 +525814,31 +525815,31 +525816,31 +525817,31 +525818,28 +525819,28 +525820,28 +525821,28 +525822,28 +525823,28 +525824,28 +525825,28 +525826,28 +525827,28 +525828,28 +525829,28 +525830,28 +525831,28 +525832,28 +525833,28 +525834,28 +525835,0 +525836,0 +525837,0 +525838,0 +525839,0 +525840,0 +525841,0 +525842,0 +525843,0 +525844,0 +525845,0 +525846,0 +525847,0 +525848,0 +525849,0 +525850,0 +525851,0 +525852,0 +525853,0 +525854,0 +525855,0 +525856,0 +525857,0 +525858,0 +525859,0 +525860,0 +525861,0 +525862,0 +525863,0 +525864,0 +525865,0 +525866,0 +525867,0 +525868,0 +525869,0 +525870,0 +525871,0 +525872,0 +525873,0 +525874,0 +525875,0 +525876,0 +525877,0 +525878,0 +525879,0 +525880,0 +525881,0 +525882,35 +525883,35 +525884,35 +525885,35 +525886,35 +525887,35 +525888,33 +525889,33 +525890,33 +525891,33 +525892,33 +525893,33 +525894,33 +525895,33 +525896,33 +525897,33 +525898,2 +525899,2 +525900,8 +525901,8 +525902,8 +525903,8 +525904,2 +525905,2 +525906,2 +525907,2 +525908,14 +525909,36 +525910,36 +525911,36 +525912,36 +525913,36 +525914,36 +525915,36 +525916,36 +525917,36 +525918,36 +525919,36 +525920,36 +525921,36 +525922,5 +525923,5 +525924,5 +525925,5 +525926,5 +525927,5 +525928,5 +525929,31 +525930,31 +525931,31 +525932,31 +525933,31 +525934,31 +525935,31 +525936,31 +525937,31 +525938,31 +525939,4 +525940,4 +525941,4 +525942,4 +525943,4 +525944,4 +525945,4 +525946,4 +525947,4 +525948,4 +525949,4 +525950,4 +525951,27 +525952,27 +525953,27 +525954,27 +525955,27 +525956,27 +525957,29 +525958,38 +525959,38 +525960,38 +525961,38 +525962,38 +525963,38 +525964,38 +525965,27 +525966,27 +525967,27 +525968,27 +525969,27 +525970,27 +525971,27 +525972,2 +525973,2 +525974,2 +525975,2 +525976,2 +525977,2 +525978,2 +525979,2 +525980,2 +525981,2 +525982,2 +525983,2 +525984,2 +525985,2 +525986,2 +525987,2 +525988,2 +525989,10 +525990,10 +525991,10 +525992,31 +525993,31 +525994,31 +525995,10 +525996,10 +525997,10 +525998,5 +525999,5 +526000,5 +526001,5 +526002,5 +526003,5 +526004,31 +526005,31 +526006,31 +526007,27 +526008,27 +526009,27 +526010,31 +526011,24 +526012,24 +526013,24 +526014,24 +526015,24 +526016,24 +526017,24 +526018,19 +526019,19 +526020,19 +526021,19 +526022,19 +526023,4 +526024,4 +526025,19 +526026,19 +526027,27 +526028,14 +526029,14 +526030,14 +526031,14 +526032,14 +526033,14 +526034,14 +526035,35 +526036,14 +526037,14 +526038,14 +526039,14 +526040,14 +526041,14 +526042,14 +526043,14 +526044,14 +526045,24 +526046,24 +526047,24 +526048,24 +526049,24 +526050,24 +526051,24 +526052,24 +526053,24 +526054,40 +526055,40 +526056,40 +526057,40 +526058,40 +526059,40 +526060,40 +526061,40 +526062,40 +526063,40 +526064,19 +526065,19 +526066,19 +526067,19 +526068,19 +526069,19 +526070,19 +526071,19 +526072,19 +526073,19 +526074,19 +526075,19 +526076,5 +526077,0 +526078,0 +526079,0 +526080,0 +526081,0 +526082,0 +526083,0 +526084,0 +526085,0 +526086,0 +526087,0 +526088,0 +526089,0 +526090,0 +526091,0 +526092,0 +526093,0 +526094,0 +526095,0 +526096,0 +526097,0 +526098,0 +526099,0 +526100,0 +526101,0 +526102,0 +526103,0 +526104,0 +526105,0 +526106,0 +526107,0 +526108,0 +526109,36 +526110,36 +526111,36 +526112,36 +526113,36 +526114,36 +526115,36 +526116,36 +526117,36 +526118,36 +526119,36 +526120,36 +526121,36 +526122,36 +526123,36 +526124,36 +526125,36 +526126,5 +526127,5 +526128,5 +526129,30 +526130,30 +526131,30 +526132,27 +526133,27 +526134,27 +526135,27 +526136,27 +526137,14 +526138,14 +526139,14 +526140,14 +526141,14 +526142,5 +526143,5 +526144,5 +526145,5 +526146,5 +526147,5 +526148,5 +526149,5 +526150,29 +526151,5 +526152,5 +526153,5 +526154,31 +526155,31 +526156,40 +526157,40 +526158,40 +526159,24 +526160,24 +526161,24 +526162,24 +526163,24 +526164,24 +526165,25 +526166,25 +526167,25 +526168,25 +526169,25 +526170,25 +526171,25 +526172,25 +526173,2 +526174,2 +526175,2 +526176,2 +526177,2 +526178,2 +526179,2 +526180,2 +526181,2 +526182,2 +526183,2 +526184,2 +526185,2 +526186,2 +526187,2 +526188,2 +526189,9 +526190,9 +526191,9 +526192,9 +526193,31 +526194,9 +526195,9 +526196,9 +526197,9 +526198,9 +526199,9 +526200,9 +526201,9 +526202,9 +526203,2 +526204,2 +526205,2 +526206,2 +526207,2 +526208,2 +526209,2 +526210,2 +526211,2 +526212,2 +526213,2 +526214,2 +526215,2 +526216,2 +526217,31 +526218,31 +526219,31 +526220,31 +526221,31 +526222,31 +526223,31 +526224,31 +526225,16 +526226,16 +526227,16 +526228,16 +526229,16 +526230,16 +526231,16 +526232,16 +526233,16 +526234,16 +526235,16 +526236,16 +526237,32 +526238,32 +526239,32 +526240,32 +526241,32 +526242,11 +526243,32 +526244,39 +526245,39 +526246,39 +526247,39 +526248,39 +526249,39 +526250,39 +526251,39 +526252,35 +526253,39 +526254,0 +526255,0 +526256,0 +526257,0 +526258,0 +526259,30 +526260,30 +526261,30 +526262,30 +526263,30 +526264,30 +526265,30 +526266,30 +526267,30 +526268,30 +526269,30 +526270,30 +526271,30 +526272,30 +526273,30 +526274,30 +526275,30 +526276,30 +526277,30 +526278,30 +526279,30 +526280,30 +526281,30 +526282,30 +526283,0 +526284,0 +526285,0 +526286,0 +526287,0 +526288,0 +526289,0 +526290,0 +526291,0 +526292,0 +526293,0 +526294,0 +526295,0 +526296,0 +526297,0 +526298,0 +526299,0 +526300,0 +526301,0 +526302,0 +526303,0 +526304,0 +526305,0 +526306,0 +526307,0 +526308,0 +526309,0 +526310,0 +526311,0 +526312,0 +526313,0 +526314,0 +526315,0 +526316,0 +526317,0 +526318,0 +526319,0 +526320,0 +526321,0 +526322,0 +526323,0 +526324,0 +526325,0 +526326,0 +526327,0 +526328,0 +526329,0 +526330,0 +526331,0 +526332,0 +526333,0 +526334,0 +526335,0 +526336,0 +526337,7 +526338,7 +526339,7 +526340,7 +526341,7 +526342,7 +526343,7 +526344,9 +526345,9 +526346,9 +526347,9 +526348,9 +526349,9 +526350,9 +526351,37 +526352,37 +526353,37 +526354,37 +526355,37 +526356,18 +526357,18 +526358,18 +526359,18 +526360,18 +526361,18 +526362,18 +526363,31 +526364,27 +526365,27 +526366,27 +526367,27 +526368,27 +526369,27 +526370,31 +526371,27 +526372,2 +526373,2 +526374,2 +526375,2 +526376,2 +526377,2 +526378,2 +526379,2 +526380,30 +526381,30 +526382,30 +526383,31 +526384,31 +526385,31 +526386,31 +526387,31 +526388,31 +526389,31 +526390,6 +526391,6 +526392,6 +526393,6 +526394,6 +526395,6 +526396,6 +526397,6 +526398,6 +526399,6 +526400,7 +526401,7 +526402,25 +526403,25 +526404,25 +526405,25 +526406,25 +526407,25 +526408,6 +526409,6 +526410,6 +526411,6 +526412,6 +526413,6 +526414,6 +526415,6 +526416,6 +526417,6 +526418,6 +526419,6 +526420,6 +526421,6 +526422,31 +526423,31 +526424,31 +526425,31 +526426,31 +526427,26 +526428,5 +526429,5 +526430,5 +526431,5 +526432,5 +526433,5 +526434,4 +526435,4 +526436,4 +526437,4 +526438,4 +526439,4 +526440,4 +526441,4 +526442,4 +526443,4 +526444,37 +526445,37 +526446,37 +526447,37 +526448,37 +526449,37 +526450,39 +526451,39 +526452,39 +526453,39 +526454,39 +526455,39 +526456,39 +526457,39 +526458,39 +526459,39 +526460,39 +526461,14 +526462,14 +526463,14 +526464,14 +526465,14 +526466,14 +526467,0 +526468,0 +526469,0 +526470,0 +526471,0 +526472,0 +526473,0 +526474,0 +526475,0 +526476,0 +526477,0 +526478,0 +526479,0 +526480,0 +526481,0 +526482,0 +526483,0 +526484,0 +526485,0 +526486,0 +526487,0 +526488,0 +526489,0 +526490,0 +526491,0 +526492,0 +526493,0 +526494,7 +526495,7 +526496,7 +526497,7 +526498,7 +526499,7 +526500,7 +526501,7 +526502,7 +526503,7 +526504,3 +526505,3 +526506,3 +526507,3 +526508,3 +526509,35 +526510,35 +526511,35 +526512,35 +526513,35 +526514,35 +526515,27 +526516,27 +526517,31 +526518,31 +526519,31 +526520,31 +526521,31 +526522,31 +526523,31 +526524,23 +526525,23 +526526,23 +526527,23 +526528,23 +526529,23 +526530,23 +526531,23 +526532,23 +526533,23 +526534,23 +526535,23 +526536,23 +526537,23 +526538,23 +526539,23 +526540,23 +526541,40 +526542,40 +526543,40 +526544,40 +526545,40 +526546,40 +526547,40 +526548,40 +526549,40 +526550,40 +526551,40 +526552,40 +526553,40 +526554,5 +526555,5 +526556,5 +526557,19 +526558,19 +526559,19 +526560,28 +526561,28 +526562,28 +526563,28 +526564,28 +526565,28 +526566,28 +526567,28 +526568,39 +526569,39 +526570,39 +526571,39 +526572,39 +526573,39 +526574,39 +526575,39 +526576,39 +526577,39 +526578,39 +526579,39 +526580,39 +526581,39 +526582,39 +526583,39 +526584,39 +526585,39 +526586,39 +526587,39 +526588,39 +526589,39 +526590,39 +526591,6 +526592,6 +526593,6 +526594,6 +526595,6 +526596,6 +526597,6 +526598,6 +526599,6 +526600,6 +526601,6 +526602,6 +526603,6 +526604,6 +526605,6 +526606,6 +526607,6 +526608,40 +526609,40 +526610,40 +526611,40 +526612,40 +526613,40 +526614,40 +526615,40 +526616,40 +526617,40 +526618,37 +526619,37 +526620,37 +526621,37 +526622,37 +526623,37 +526624,25 +526625,19 +526626,19 +526627,23 +526628,23 +526629,23 +526630,23 +526631,23 +526632,23 +526633,23 +526634,23 +526635,23 +526636,23 +526637,23 +526638,23 +526639,25 +526640,25 +526641,25 +526642,25 +526643,25 +526644,25 +526645,25 +526646,28 +526647,28 +526648,28 +526649,28 +526650,28 +526651,28 +526652,28 +526653,28 +526654,28 +526655,39 +526656,39 +526657,39 +526658,39 +526659,39 +526660,39 +526661,39 +526662,39 +526663,39 +526664,39 +526665,39 +526666,39 +526667,39 +526668,39 +526669,39 +526670,39 +526671,39 +526672,39 +526673,39 +526674,39 +526675,39 +526676,39 +526677,39 +526678,39 +526679,31 +526680,31 +526681,31 +526682,31 +526683,31 +526684,27 +526685,27 +526686,5 +526687,5 +526688,5 +526689,5 +526690,5 +526691,5 +526692,5 +526693,15 +526694,15 +526695,15 +526696,15 +526697,39 +526698,39 +526699,39 +526700,39 +526701,39 +526702,39 +526703,39 +526704,23 +526705,23 +526706,23 +526707,23 +526708,23 +526709,23 +526710,23 +526711,23 +526712,23 +526713,23 +526714,23 +526715,23 +526716,23 +526717,23 +526718,37 +526719,37 +526720,37 +526721,37 +526722,40 +526723,40 +526724,40 +526725,40 +526726,40 +526727,5 +526728,5 +526729,5 +526730,5 +526731,5 +526732,19 +526733,19 +526734,19 +526735,19 +526736,27 +526737,27 +526738,27 +526739,27 +526740,27 +526741,27 +526742,19 +526743,19 +526744,19 +526745,5 +526746,5 +526747,5 +526748,28 +526749,28 +526750,28 +526751,28 +526752,28 +526753,28 +526754,28 +526755,39 +526756,39 +526757,39 +526758,39 +526759,39 +526760,39 +526761,39 +526762,39 +526763,39 +526764,36 +526765,36 +526766,39 +526767,35 +526768,36 +526769,36 +526770,36 +526771,36 +526772,36 +526773,36 +526774,36 +526775,31 +526776,31 +526777,31 +526778,31 +526779,31 +526780,31 +526781,31 +526782,2 +526783,2 +526784,2 +526785,2 +526786,2 +526787,2 +526788,2 +526789,2 +526790,2 +526791,2 +526792,2 +526793,2 +526794,2 +526795,2 +526796,2 +526797,2 +526798,2 +526799,2 +526800,37 +526801,37 +526802,37 +526803,37 +526804,37 +526805,27 +526806,27 +526807,27 +526808,27 +526809,27 +526810,27 +526811,13 +526812,13 +526813,13 +526814,13 +526815,13 +526816,13 +526817,13 +526818,5 +526819,5 +526820,5 +526821,5 +526822,16 +526823,16 +526824,16 +526825,16 +526826,16 +526827,16 +526828,16 +526829,16 +526830,16 +526831,25 +526832,25 +526833,25 +526834,25 +526835,25 +526836,25 +526837,25 +526838,25 +526839,25 +526840,25 +526841,25 +526842,25 +526843,25 +526844,25 +526845,25 +526846,25 +526847,25 +526848,25 +526849,25 +526850,25 +526851,0 +526852,0 +526853,0 +526854,0 +526855,0 +526856,0 +526857,0 +526858,0 +526859,0 +526860,0 +526861,0 +526862,0 +526863,0 +526864,0 +526865,0 +526866,0 +526867,0 +526868,0 +526869,0 +526870,0 +526871,0 +526872,0 +526873,36 +526874,36 +526875,36 +526876,36 +526877,36 +526878,36 +526879,36 +526880,36 +526881,36 +526882,36 +526883,36 +526884,36 +526885,36 +526886,5 +526887,5 +526888,5 +526889,5 +526890,5 +526891,5 +526892,5 +526893,29 +526894,29 +526895,29 +526896,14 +526897,14 +526898,14 +526899,14 +526900,14 +526901,14 +526902,14 +526903,28 +526904,28 +526905,28 +526906,28 +526907,28 +526908,28 +526909,28 +526910,28 +526911,28 +526912,33 +526913,33 +526914,33 +526915,33 +526916,33 +526917,33 +526918,33 +526919,33 +526920,33 +526921,33 +526922,33 +526923,33 +526924,33 +526925,2 +526926,2 +526927,2 +526928,2 +526929,2 +526930,2 +526931,2 +526932,2 +526933,2 +526934,4 +526935,4 +526936,4 +526937,31 +526938,31 +526939,31 +526940,31 +526941,31 +526942,31 +526943,31 +526944,31 +526945,23 +526946,23 +526947,23 +526948,23 +526949,23 +526950,23 +526951,23 +526952,23 +526953,23 +526954,23 +526955,30 +526956,30 +526957,30 +526958,30 +526959,27 +526960,27 +526961,27 +526962,4 +526963,4 +526964,4 +526965,4 +526966,4 +526967,4 +526968,15 +526969,15 +526970,15 +526971,15 +526972,15 +526973,15 +526974,15 +526975,15 +526976,15 +526977,15 +526978,27 +526979,27 +526980,27 +526981,27 +526982,27 +526983,27 +526984,19 +526985,19 +526986,19 +526987,19 +526988,19 +526989,19 +526990,35 +526991,35 +526992,27 +526993,27 +526994,27 +526995,27 +526996,27 +526997,2 +526998,2 +526999,2 +527000,2 +527001,2 +527002,2 +527003,2 +527004,2 +527005,2 +527006,2 +527007,2 +527008,2 +527009,2 +527010,2 +527011,10 +527012,10 +527013,10 +527014,10 +527015,10 +527016,10 +527017,10 +527018,10 +527019,10 +527020,10 +527021,10 +527022,10 +527023,10 +527024,10 +527025,32 +527026,6 +527027,6 +527028,6 +527029,6 +527030,6 +527031,6 +527032,6 +527033,6 +527034,6 +527035,31 +527036,33 +527037,33 +527038,33 +527039,33 +527040,33 +527041,33 +527042,30 +527043,30 +527044,30 +527045,30 +527046,30 +527047,30 +527048,30 +527049,30 +527050,30 +527051,30 +527052,30 +527053,8 +527054,8 +527055,8 +527056,8 +527057,8 +527058,8 +527059,8 +527060,8 +527061,8 +527062,8 +527063,8 +527064,8 +527065,2 +527066,3 +527067,3 +527068,3 +527069,3 +527070,3 +527071,3 +527072,3 +527073,3 +527074,3 +527075,3 +527076,3 +527077,3 +527078,29 +527079,29 +527080,29 +527081,29 +527082,29 +527083,29 +527084,29 +527085,31 +527086,31 +527087,27 +527088,28 +527089,28 +527090,28 +527091,15 +527092,15 +527093,15 +527094,15 +527095,15 +527096,15 +527097,28 +527098,33 +527099,9 +527100,33 +527101,33 +527102,33 +527103,33 +527104,33 +527105,33 +527106,33 +527107,34 +527108,33 +527109,34 +527110,2 +527111,2 +527112,2 +527113,2 +527114,2 +527115,2 +527116,2 +527117,2 +527118,2 +527119,2 +527120,2 +527121,2 +527122,2 +527123,18 +527124,18 +527125,18 +527126,18 +527127,18 +527128,11 +527129,18 +527130,18 +527131,11 +527132,27 +527133,27 +527134,27 +527135,27 +527136,27 +527137,27 +527138,5 +527139,5 +527140,5 +527141,5 +527142,25 +527143,25 +527144,25 +527145,25 +527146,25 +527147,25 +527148,25 +527149,25 +527150,25 +527151,25 +527152,31 +527153,31 +527154,31 +527155,31 +527156,31 +527157,31 +527158,2 +527159,2 +527160,2 +527161,2 +527162,2 +527163,2 +527164,2 +527165,2 +527166,2 +527167,2 +527168,2 +527169,2 +527170,2 +527171,30 +527172,30 +527173,30 +527174,30 +527175,30 +527176,30 +527177,30 +527178,39 +527179,39 +527180,39 +527181,39 +527182,39 +527183,39 +527184,39 +527185,39 +527186,39 +527187,2 +527188,2 +527189,2 +527190,2 +527191,2 +527192,2 +527193,2 +527194,2 +527195,2 +527196,2 +527197,2 +527198,2 +527199,2 +527200,2 +527201,2 +527202,25 +527203,25 +527204,25 +527205,25 +527206,25 +527207,25 +527208,25 +527209,25 +527210,25 +527211,25 +527212,25 +527213,25 +527214,25 +527215,25 +527216,25 +527217,24 +527218,24 +527219,24 +527220,24 +527221,24 +527222,24 +527223,24 +527224,24 +527225,24 +527226,24 +527227,24 +527228,24 +527229,27 +527230,10 +527231,33 +527232,33 +527233,33 +527234,33 +527235,33 +527236,33 +527237,31 +527238,31 +527239,31 +527240,31 +527241,31 +527242,31 +527243,31 +527244,34 +527245,28 +527246,28 +527247,28 +527248,28 +527249,28 +527250,28 +527251,28 +527252,28 +527253,28 +527254,28 +527255,28 +527256,28 +527257,5 +527258,5 +527259,5 +527260,0 +527261,0 +527262,0 +527263,0 +527264,0 +527265,0 +527266,0 +527267,0 +527268,0 +527269,0 +527270,0 +527271,0 +527272,0 +527273,0 +527274,0 +527275,0 +527276,0 +527277,0 +527278,0 +527279,0 +527280,0 +527281,0 +527282,0 +527283,0 +527284,0 +527285,0 +527286,0 +527287,0 +527288,0 +527289,0 +527290,0 +527291,0 +527292,0 +527293,0 +527294,0 +527295,31 +527296,27 +527297,27 +527298,27 +527299,27 +527300,27 +527301,27 +527302,36 +527303,36 +527304,8 +527305,8 +527306,8 +527307,8 +527308,8 +527309,8 +527310,8 +527311,8 +527312,8 +527313,35 +527314,35 +527315,35 +527316,36 +527317,36 +527318,36 +527319,36 +527320,36 +527321,36 +527322,36 +527323,36 +527324,36 +527325,36 +527326,36 +527327,36 +527328,36 +527329,24 +527330,24 +527331,24 +527332,24 +527333,24 +527334,24 +527335,24 +527336,5 +527337,5 +527338,5 +527339,5 +527340,5 +527341,27 +527342,27 +527343,27 +527344,27 +527345,27 +527346,27 +527347,27 +527348,27 +527349,6 +527350,6 +527351,6 +527352,6 +527353,6 +527354,6 +527355,6 +527356,2 +527357,2 +527358,2 +527359,2 +527360,23 +527361,23 +527362,23 +527363,23 +527364,23 +527365,23 +527366,23 +527367,4 +527368,25 +527369,25 +527370,25 +527371,25 +527372,25 +527373,25 +527374,2 +527375,2 +527376,2 +527377,2 +527378,2 +527379,2 +527380,2 +527381,2 +527382,2 +527383,2 +527384,4 +527385,4 +527386,4 +527387,4 +527388,4 +527389,4 +527390,4 +527391,4 +527392,10 +527393,10 +527394,10 +527395,34 +527396,34 +527397,34 +527398,34 +527399,34 +527400,34 +527401,34 +527402,34 +527403,34 +527404,34 +527405,31 +527406,31 +527407,31 +527408,15 +527409,15 +527410,15 +527411,15 +527412,15 +527413,15 +527414,15 +527415,15 +527416,15 +527417,32 +527418,15 +527419,31 +527420,31 +527421,33 +527422,33 +527423,33 +527424,33 +527425,33 +527426,33 +527427,33 +527428,33 +527429,33 +527430,33 +527431,33 +527432,33 +527433,33 +527434,33 +527435,33 +527436,33 +527437,33 +527438,33 +527439,33 +527440,33 +527441,11 +527442,11 +527443,11 +527444,11 +527445,11 +527446,11 +527447,11 +527448,11 +527449,11 +527450,11 +527451,11 +527452,14 +527453,14 +527454,14 +527455,27 +527456,27 +527457,27 +527458,14 +527459,27 +527460,27 +527461,27 +527462,14 +527463,14 +527464,14 +527465,6 +527466,6 +527467,6 +527468,6 +527469,6 +527470,6 +527471,6 +527472,6 +527473,6 +527474,25 +527475,25 +527476,25 +527477,27 +527478,25 +527479,25 +527480,25 +527481,25 +527482,25 +527483,25 +527484,25 +527485,28 +527486,28 +527487,28 +527488,28 +527489,28 +527490,28 +527491,28 +527492,28 +527493,28 +527494,28 +527495,39 +527496,39 +527497,39 +527498,39 +527499,39 +527500,39 +527501,14 +527502,14 +527503,39 +527504,14 +527505,14 +527506,14 +527507,14 +527508,14 +527509,39 +527510,39 +527511,4 +527512,4 +527513,4 +527514,4 +527515,4 +527516,4 +527517,4 +527518,4 +527519,4 +527520,3 +527521,3 +527522,3 +527523,31 +527524,31 +527525,31 +527526,31 +527527,31 +527528,31 +527529,31 +527530,30 +527531,12 +527532,12 +527533,12 +527534,12 +527535,33 +527536,33 +527537,30 +527538,30 +527539,33 +527540,12 +527541,12 +527542,12 +527543,9 +527544,9 +527545,9 +527546,9 +527547,9 +527548,9 +527549,9 +527550,9 +527551,9 +527552,37 +527553,37 +527554,37 +527555,37 +527556,4 +527557,4 +527558,4 +527559,4 +527560,4 +527561,4 +527562,25 +527563,25 +527564,25 +527565,25 +527566,25 +527567,25 +527568,25 +527569,25 +527570,37 +527571,37 +527572,37 +527573,37 +527574,0 +527575,0 +527576,0 +527577,0 +527578,0 +527579,0 +527580,0 +527581,0 +527582,0 +527583,0 +527584,0 +527585,0 +527586,0 +527587,0 +527588,0 +527589,0 +527590,0 +527591,0 +527592,0 +527593,0 +527594,0 +527595,0 +527596,0 +527597,0 +527598,0 +527599,0 +527600,0 +527601,0 +527602,0 +527603,0 +527604,18 +527605,18 +527606,18 +527607,18 +527608,18 +527609,18 +527610,27 +527611,31 +527612,31 +527613,30 +527614,30 +527615,30 +527616,30 +527617,30 +527618,30 +527619,30 +527620,10 +527621,10 +527622,10 +527623,10 +527624,10 +527625,10 +527626,10 +527627,10 +527628,10 +527629,10 +527630,4 +527631,4 +527632,4 +527633,4 +527634,4 +527635,4 +527636,4 +527637,4 +527638,4 +527639,4 +527640,4 +527641,9 +527642,9 +527643,9 +527644,9 +527645,9 +527646,5 +527647,5 +527648,5 +527649,5 +527650,39 +527651,39 +527652,39 +527653,39 +527654,39 +527655,39 +527656,10 +527657,23 +527658,23 +527659,23 +527660,23 +527661,23 +527662,23 +527663,23 +527664,23 +527665,23 +527666,23 +527667,23 +527668,40 +527669,40 +527670,40 +527671,40 +527672,40 +527673,40 +527674,40 +527675,40 +527676,40 +527677,40 +527678,40 +527679,38 +527680,38 +527681,38 +527682,38 +527683,38 +527684,38 +527685,38 +527686,38 +527687,38 +527688,38 +527689,38 +527690,38 +527691,35 +527692,35 +527693,35 +527694,39 +527695,39 +527696,14 +527697,14 +527698,14 +527699,14 +527700,14 +527701,14 +527702,14 +527703,39 +527704,39 +527705,39 +527706,4 +527707,4 +527708,4 +527709,4 +527710,4 +527711,4 +527712,4 +527713,4 +527714,4 +527715,4 +527716,4 +527717,39 +527718,39 +527719,39 +527720,39 +527721,39 +527722,5 +527723,5 +527724,13 +527725,5 +527726,5 +527727,5 +527728,5 +527729,5 +527730,23 +527731,23 +527732,23 +527733,23 +527734,23 +527735,23 +527736,23 +527737,23 +527738,38 +527739,38 +527740,23 +527741,38 +527742,23 +527743,27 +527744,27 +527745,27 +527746,27 +527747,27 +527748,27 +527749,23 +527750,23 +527751,23 +527752,23 +527753,23 +527754,23 +527755,23 +527756,23 +527757,4 +527758,4 +527759,4 +527760,4 +527761,4 +527762,4 +527763,39 +527764,39 +527765,39 +527766,39 +527767,39 +527768,39 +527769,39 +527770,39 +527771,39 +527772,39 +527773,39 +527774,39 +527775,39 +527776,39 +527777,39 +527778,39 +527779,39 +527780,39 +527781,39 +527782,39 +527783,39 +527784,39 +527785,39 +527786,39 +527787,39 +527788,0 +527789,0 +527790,0 +527791,0 +527792,0 +527793,0 +527794,0 +527795,0 +527796,0 +527797,0 +527798,0 +527799,0 +527800,0 +527801,0 +527802,0 +527803,0 +527804,0 +527805,0 +527806,0 +527807,0 +527808,0 +527809,0 +527810,0 +527811,0 +527812,0 +527813,0 +527814,0 +527815,0 +527816,0 +527817,0 +527818,0 +527819,0 +527820,0 +527821,0 +527822,0 +527823,0 +527824,0 +527825,0 +527826,0 +527827,0 +527828,0 +527829,0 +527830,0 +527831,0 +527832,0 +527833,0 +527834,0 +527835,0 +527836,0 +527837,0 +527838,0 +527839,0 +527840,0 +527841,0 +527842,0 +527843,0 +527844,0 +527845,0 +527846,0 +527847,0 +527848,0 +527849,0 +527850,0 +527851,0 +527852,0 +527853,0 +527854,10 +527855,10 +527856,10 +527857,19 +527858,31 +527859,31 +527860,19 +527861,19 +527862,19 +527863,19 +527864,19 +527865,19 +527866,19 +527867,19 +527868,19 +527869,19 +527870,27 +527871,27 +527872,40 +527873,40 +527874,40 +527875,40 +527876,37 +527877,37 +527878,37 +527879,37 +527880,37 +527881,37 +527882,37 +527883,37 +527884,37 +527885,2 +527886,2 +527887,2 +527888,2 +527889,2 +527890,2 +527891,2 +527892,2 +527893,2 +527894,2 +527895,14 +527896,14 +527897,14 +527898,14 +527899,14 +527900,14 +527901,14 +527902,14 +527903,14 +527904,14 +527905,14 +527906,14 +527907,14 +527908,14 +527909,14 +527910,14 +527911,14 +527912,14 +527913,14 +527914,14 +527915,14 +527916,14 +527917,14 +527918,12 +527919,12 +527920,12 +527921,12 +527922,12 +527923,12 +527924,12 +527925,12 +527926,12 +527927,12 +527928,12 +527929,25 +527930,25 +527931,25 +527932,28 +527933,28 +527934,28 +527935,28 +527936,28 +527937,28 +527938,33 +527939,33 +527940,33 +527941,33 +527942,33 +527943,33 +527944,33 +527945,33 +527946,33 +527947,19 +527948,19 +527949,19 +527950,19 +527951,19 +527952,19 +527953,14 +527954,14 +527955,14 +527956,39 +527957,39 +527958,39 +527959,39 +527960,14 +527961,14 +527962,14 +527963,14 +527964,39 +527965,31 +527966,31 +527967,31 +527968,34 +527969,34 +527970,34 +527971,30 +527972,30 +527973,30 +527974,34 +527975,30 +527976,30 +527977,36 +527978,10 +527979,10 +527980,10 +527981,10 +527982,10 +527983,10 +527984,10 +527985,10 +527986,10 +527987,26 +527988,26 +527989,34 +527990,34 +527991,34 +527992,34 +527993,34 +527994,34 +527995,34 +527996,34 +527997,34 +527998,4 +527999,4 +528000,4 +528001,4 +528002,27 +528003,27 +528004,27 +528005,27 +528006,2 +528007,2 +528008,2 +528009,2 +528010,2 +528011,2 +528012,2 +528013,2 +528014,2 +528015,2 +528016,39 +528017,39 +528018,39 +528019,39 +528020,39 +528021,39 +528022,39 +528023,3 +528024,39 +528025,3 +528026,3 +528027,9 +528028,9 +528029,9 +528030,3 +528031,3 +528032,3 +528033,3 +528034,37 +528035,37 +528036,37 +528037,37 +528038,37 +528039,37 +528040,37 +528041,37 +528042,37 +528043,37 +528044,29 +528045,29 +528046,29 +528047,31 +528048,31 +528049,31 +528050,35 +528051,35 +528052,35 +528053,35 +528054,35 +528055,35 +528056,35 +528057,34 +528058,34 +528059,34 +528060,34 +528061,34 +528062,34 +528063,34 +528064,34 +528065,34 +528066,34 +528067,34 +528068,34 +528069,34 +528070,34 +528071,34 +528072,2 +528073,2 +528074,2 +528075,2 +528076,2 +528077,2 +528078,2 +528079,2 +528080,2 +528081,2 +528082,2 +528083,2 +528084,2 +528085,2 +528086,2 +528087,2 +528088,2 +528089,2 +528090,2 +528091,2 +528092,2 +528093,2 +528094,2 +528095,2 +528096,2 +528097,2 +528098,2 +528099,2 +528100,2 +528101,2 +528102,2 +528103,2 +528104,2 +528105,2 +528106,2 +528107,2 +528108,2 +528109,2 +528110,2 +528111,2 +528112,2 +528113,2 +528114,2 +528115,2 +528116,2 +528117,2 +528118,2 +528119,2 +528120,2 +528121,2 +528122,2 +528123,0 +528124,0 +528125,0 +528126,0 +528127,0 +528128,0 +528129,0 +528130,0 +528131,0 +528132,0 +528133,0 +528134,0 +528135,0 +528136,0 +528137,0 +528138,29 +528139,29 +528140,29 +528141,19 +528142,0 +528143,19 +528144,19 +528145,19 +528146,27 +528147,27 +528148,27 +528149,27 +528150,27 +528151,27 +528152,27 +528153,2 +528154,2 +528155,2 +528156,2 +528157,2 +528158,2 +528159,2 +528160,2 +528161,27 +528162,27 +528163,27 +528164,27 +528165,21 +528166,21 +528167,21 +528168,21 +528169,21 +528170,21 +528171,21 +528172,37 +528173,37 +528174,37 +528175,37 +528176,37 +528177,37 +528178,37 +528179,37 +528180,37 +528181,37 +528182,37 +528183,25 +528184,25 +528185,27 +528186,27 +528187,27 +528188,27 +528189,27 +528190,27 +528191,27 +528192,13 +528193,13 +528194,13 +528195,13 +528196,13 +528197,13 +528198,13 +528199,40 +528200,40 +528201,40 +528202,27 +528203,24 +528204,24 +528205,24 +528206,24 +528207,24 +528208,24 +528209,24 +528210,2 +528211,2 +528212,2 +528213,2 +528214,2 +528215,2 +528216,2 +528217,2 +528218,2 +528219,2 +528220,2 +528221,40 +528222,40 +528223,40 +528224,40 +528225,40 +528226,6 +528227,6 +528228,6 +528229,6 +528230,6 +528231,6 +528232,6 +528233,6 +528234,6 +528235,6 +528236,6 +528237,4 +528238,29 +528239,29 +528240,25 +528241,25 +528242,25 +528243,25 +528244,25 +528245,25 +528246,25 +528247,25 +528248,25 +528249,25 +528250,25 +528251,25 +528252,25 +528253,25 +528254,25 +528255,37 +528256,39 +528257,39 +528258,39 +528259,27 +528260,27 +528261,27 +528262,27 +528263,27 +528264,27 +528265,39 +528266,39 +528267,14 +528268,27 +528269,27 +528270,27 +528271,27 +528272,8 +528273,8 +528274,8 +528275,8 +528276,8 +528277,8 +528278,8 +528279,8 +528280,8 +528281,8 +528282,8 +528283,8 +528284,8 +528285,8 +528286,0 +528287,0 +528288,0 +528289,0 +528290,0 +528291,0 +528292,0 +528293,0 +528294,0 +528295,0 +528296,0 +528297,0 +528298,0 +528299,0 +528300,0 +528301,0 +528302,0 +528303,0 +528304,0 +528305,0 +528306,0 +528307,0 +528308,0 +528309,0 +528310,0 +528311,0 +528312,0 +528313,0 +528314,0 +528315,12 +528316,12 +528317,12 +528318,12 +528319,12 +528320,12 +528321,12 +528322,12 +528323,12 +528324,27 +528325,27 +528326,27 +528327,27 +528328,27 +528329,16 +528330,16 +528331,16 +528332,16 +528333,16 +528334,16 +528335,18 +528336,18 +528337,18 +528338,18 +528339,40 +528340,40 +528341,40 +528342,40 +528343,25 +528344,25 +528345,25 +528346,25 +528347,25 +528348,37 +528349,25 +528350,25 +528351,25 +528352,25 +528353,25 +528354,25 +528355,37 +528356,27 +528357,25 +528358,35 +528359,27 +528360,27 +528361,27 +528362,27 +528363,27 +528364,8 +528365,8 +528366,8 +528367,8 +528368,8 +528369,8 +528370,8 +528371,8 +528372,28 +528373,28 +528374,28 +528375,28 +528376,28 +528377,28 +528378,28 +528379,28 +528380,28 +528381,40 +528382,40 +528383,40 +528384,40 +528385,40 +528386,40 +528387,40 +528388,5 +528389,5 +528390,5 +528391,5 +528392,5 +528393,5 +528394,39 +528395,14 +528396,39 +528397,39 +528398,39 +528399,39 +528400,39 +528401,39 +528402,39 +528403,39 +528404,39 +528405,39 +528406,39 +528407,26 +528408,26 +528409,26 +528410,26 +528411,10 +528412,10 +528413,30 +528414,30 +528415,30 +528416,26 +528417,26 +528418,26 +528419,28 +528420,28 +528421,28 +528422,28 +528423,28 +528424,28 +528425,28 +528426,28 +528427,33 +528428,33 +528429,33 +528430,33 +528431,33 +528432,33 +528433,33 +528434,33 +528435,33 +528436,33 +528437,33 +528438,33 +528439,33 +528440,33 +528441,8 +528442,8 +528443,8 +528444,8 +528445,8 +528446,8 +528447,8 +528448,8 +528449,2 +528450,2 +528451,27 +528452,27 +528453,27 +528454,27 +528455,27 +528456,27 +528457,27 +528458,8 +528459,8 +528460,8 +528461,8 +528462,8 +528463,8 +528464,8 +528465,8 +528466,40 +528467,40 +528468,40 +528469,40 +528470,40 +528471,40 +528472,40 +528473,40 +528474,40 +528475,37 +528476,37 +528477,37 +528478,37 +528479,37 +528480,37 +528481,37 +528482,15 +528483,15 +528484,15 +528485,15 +528486,15 +528487,15 +528488,15 +528489,15 +528490,39 +528491,39 +528492,39 +528493,39 +528494,39 +528495,39 +528496,39 +528497,39 +528498,39 +528499,39 +528500,39 +528501,39 +528502,39 +528503,19 +528504,19 +528505,19 +528506,19 +528507,19 +528508,27 +528509,27 +528510,27 +528511,27 +528512,27 +528513,27 +528514,27 +528515,27 +528516,8 +528517,8 +528518,8 +528519,8 +528520,8 +528521,8 +528522,8 +528523,8 +528524,8 +528525,14 +528526,39 +528527,14 +528528,14 +528529,39 +528530,39 +528531,14 +528532,39 +528533,39 +528534,39 +528535,14 +528536,39 +528537,39 +528538,39 +528539,8 +528540,8 +528541,8 +528542,8 +528543,8 +528544,8 +528545,8 +528546,27 +528547,27 +528548,27 +528549,31 +528550,31 +528551,26 +528552,25 +528553,25 +528554,25 +528555,25 +528556,25 +528557,25 +528558,25 +528559,19 +528560,25 +528561,19 +528562,19 +528563,19 +528564,24 +528565,24 +528566,24 +528567,0 +528568,0 +528569,0 +528570,0 +528571,0 +528572,0 +528573,0 +528574,0 +528575,0 +528576,0 +528577,0 +528578,0 +528579,0 +528580,0 +528581,0 +528582,0 +528583,0 +528584,0 +528585,0 +528586,0 +528587,0 +528588,0 +528589,0 +528590,0 +528591,0 +528592,36 +528593,36 +528594,36 +528595,36 +528596,36 +528597,36 +528598,36 +528599,36 +528600,36 +528601,36 +528602,36 +528603,36 +528604,36 +528605,36 +528606,36 +528607,36 +528608,36 +528609,36 +528610,5 +528611,5 +528612,5 +528613,5 +528614,5 +528615,5 +528616,5 +528617,5 +528618,5 +528619,5 +528620,24 +528621,24 +528622,24 +528623,24 +528624,24 +528625,24 +528626,27 +528627,27 +528628,39 +528629,39 +528630,39 +528631,39 +528632,39 +528633,39 +528634,39 +528635,39 +528636,39 +528637,39 +528638,39 +528639,39 +528640,39 +528641,39 +528642,39 +528643,39 +528644,39 +528645,39 +528646,39 +528647,0 +528648,0 +528649,6 +528650,6 +528651,6 +528652,6 +528653,6 +528654,6 +528655,6 +528656,6 +528657,31 +528658,31 +528659,31 +528660,31 +528661,31 +528662,36 +528663,36 +528664,31 +528665,24 +528666,24 +528667,24 +528668,24 +528669,24 +528670,24 +528671,31 +528672,31 +528673,31 +528674,31 +528675,4 +528676,4 +528677,4 +528678,31 +528679,24 +528680,4 +528681,31 +528682,31 +528683,31 +528684,2 +528685,2 +528686,2 +528687,2 +528688,2 +528689,2 +528690,5 +528691,5 +528692,5 +528693,5 +528694,5 +528695,5 +528696,5 +528697,31 +528698,31 +528699,31 +528700,31 +528701,31 +528702,31 +528703,31 +528704,31 +528705,2 +528706,2 +528707,2 +528708,2 +528709,2 +528710,2 +528711,2 +528712,2 +528713,2 +528714,2 +528715,2 +528716,31 +528717,31 +528718,31 +528719,31 +528720,31 +528721,31 +528722,31 +528723,31 +528724,5 +528725,5 +528726,5 +528727,19 +528728,19 +528729,19 +528730,5 +528731,5 +528732,29 +528733,29 +528734,31 +528735,31 +528736,31 +528737,31 +528738,30 +528739,30 +528740,30 +528741,30 +528742,30 +528743,30 +528744,30 +528745,30 +528746,30 +528747,30 +528748,30 +528749,30 +528750,10 +528751,10 +528752,10 +528753,10 +528754,10 +528755,10 +528756,10 +528757,10 +528758,10 +528759,10 +528760,10 +528761,10 +528762,10 +528763,10 +528764,6 +528765,6 +528766,6 +528767,6 +528768,6 +528769,6 +528770,6 +528771,6 +528772,6 +528773,6 +528774,6 +528775,6 +528776,0 +528777,0 +528778,0 +528779,0 +528780,0 +528781,0 +528782,0 +528783,0 +528784,0 +528785,0 +528786,0 +528787,0 +528788,0 +528789,0 +528790,0 +528791,0 +528792,0 +528793,0 +528794,0 +528795,0 +528796,0 +528797,0 +528798,0 +528799,0 +528800,0 +528801,0 +528802,0 +528803,0 +528804,0 +528805,0 +528806,29 +528807,29 +528808,29 +528809,29 +528810,29 +528811,29 +528812,29 +528813,29 +528814,29 +528815,29 +528816,29 +528817,14 +528818,14 +528819,14 +528820,14 +528821,14 +528822,14 +528823,14 +528824,14 +528825,14 +528826,14 +528827,14 +528828,14 +528829,19 +528830,19 +528831,19 +528832,19 +528833,19 +528834,19 +528835,19 +528836,19 +528837,3 +528838,3 +528839,3 +528840,3 +528841,3 +528842,3 +528843,3 +528844,3 +528845,3 +528846,3 +528847,3 +528848,28 +528849,28 +528850,28 +528851,28 +528852,28 +528853,28 +528854,28 +528855,28 +528856,31 +528857,31 +528858,31 +528859,31 +528860,31 +528861,31 +528862,31 +528863,16 +528864,16 +528865,16 +528866,16 +528867,16 +528868,16 +528869,16 +528870,16 +528871,35 +528872,35 +528873,35 +528874,35 +528875,35 +528876,35 +528877,35 +528878,35 +528879,35 +528880,35 +528881,35 +528882,26 +528883,26 +528884,26 +528885,26 +528886,26 +528887,26 +528888,26 +528889,26 +528890,26 +528891,26 +528892,26 +528893,26 +528894,26 +528895,26 +528896,26 +528897,26 +528898,26 +528899,26 +528900,1 +528901,1 +528902,31 +528903,1 +528904,1 +528905,1 +528906,28 +528907,28 +528908,28 +528909,28 +528910,28 +528911,28 +528912,28 +528913,28 +528914,28 +528915,28 +528916,28 +528917,28 +528918,28 +528919,28 +528920,28 +528921,28 +528922,28 +528923,9 +528924,9 +528925,31 +528926,31 +528927,13 +528928,13 +528929,13 +528930,13 +528931,13 +528932,13 +528933,13 +528934,13 +528935,13 +528936,13 +528937,2 +528938,2 +528939,2 +528940,2 +528941,2 +528942,2 +528943,2 +528944,2 +528945,4 +528946,4 +528947,4 +528948,4 +528949,27 +528950,27 +528951,31 +528952,31 +528953,31 +528954,27 +528955,27 +528956,27 +528957,31 +528958,31 +528959,31 +528960,31 +528961,27 +528962,31 +528963,2 +528964,2 +528965,2 +528966,2 +528967,2 +528968,2 +528969,2 +528970,2 +528971,2 +528972,2 +528973,2 +528974,2 +528975,2 +528976,2 +528977,0 +528978,0 +528979,0 +528980,0 +528981,0 +528982,0 +528983,0 +528984,0 +528985,0 +528986,0 +528987,0 +528988,0 +528989,0 +528990,0 +528991,0 +528992,0 +528993,0 +528994,0 +528995,0 +528996,0 +528997,0 +528998,0 +528999,0 +529000,0 +529001,0 +529002,0 +529003,0 +529004,0 +529005,0 +529006,0 +529007,0 +529008,0 +529009,0 +529010,0 +529011,0 +529012,0 +529013,0 +529014,0 +529015,0 +529016,0 +529017,0 +529018,0 +529019,0 +529020,0 +529021,0 +529022,0 +529023,0 +529024,0 +529025,0 +529026,0 +529027,0 +529028,0 +529029,0 +529030,0 +529031,0 +529032,0 +529033,0 +529034,0 +529035,0 +529036,0 +529037,0 +529038,0 +529039,0 +529040,0 +529041,0 +529042,0 +529043,0 +529044,0 +529045,0 +529046,0 +529047,0 +529048,0 +529049,0 +529050,0 +529051,0 +529052,0 +529053,0 +529054,0 +529055,0 +529056,29 +529057,29 +529058,29 +529059,29 +529060,29 +529061,29 +529062,29 +529063,29 +529064,29 +529065,14 +529066,14 +529067,14 +529068,14 +529069,14 +529070,14 +529071,14 +529072,14 +529073,14 +529074,14 +529075,14 +529076,14 +529077,14 +529078,14 +529079,12 +529080,12 +529081,12 +529082,12 +529083,12 +529084,12 +529085,12 +529086,12 +529087,25 +529088,25 +529089,25 +529090,25 +529091,25 +529092,25 +529093,25 +529094,29 +529095,29 +529096,29 +529097,29 +529098,39 +529099,39 +529100,39 +529101,39 +529102,39 +529103,39 +529104,39 +529105,40 +529106,37 +529107,37 +529108,37 +529109,37 +529110,37 +529111,37 +529112,37 +529113,37 +529114,37 +529115,37 +529116,37 +529117,37 +529118,23 +529119,23 +529120,23 +529121,23 +529122,23 +529123,23 +529124,23 +529125,23 +529126,23 +529127,23 +529128,23 +529129,9 +529130,12 +529131,12 +529132,12 +529133,12 +529134,25 +529135,25 +529136,25 +529137,25 +529138,25 +529139,37 +529140,37 +529141,37 +529142,37 +529143,37 +529144,31 +529145,31 +529146,31 +529147,31 +529148,31 +529149,31 +529150,31 +529151,31 +529152,31 +529153,8 +529154,8 +529155,8 +529156,8 +529157,8 +529158,8 +529159,8 +529160,8 +529161,8 +529162,8 +529163,9 +529164,9 +529165,9 +529166,9 +529167,9 +529168,9 +529169,9 +529170,9 +529171,9 +529172,9 +529173,9 +529174,9 +529175,9 +529176,33 +529177,33 +529178,31 +529179,31 +529180,30 +529181,30 +529182,30 +529183,30 +529184,33 +529185,33 +529186,33 +529187,33 +529188,33 +529189,24 +529190,24 +529191,24 +529192,24 +529193,24 +529194,24 +529195,15 +529196,19 +529197,19 +529198,19 +529199,19 +529200,19 +529201,19 +529202,19 +529203,19 +529204,19 +529205,19 +529206,19 +529207,19 +529208,19 +529209,0 +529210,0 +529211,0 +529212,0 +529213,0 +529214,0 +529215,0 +529216,0 +529217,0 +529218,0 +529219,0 +529220,0 +529221,0 +529222,0 +529223,0 +529224,0 +529225,0 +529226,0 +529227,0 +529228,0 +529229,39 +529230,39 +529231,39 +529232,39 +529233,39 +529234,14 +529235,14 +529236,14 +529237,14 +529238,39 +529239,39 +529240,39 +529241,39 +529242,39 +529243,39 +529244,39 +529245,31 +529246,31 +529247,31 +529248,31 +529249,23 +529250,23 +529251,23 +529252,23 +529253,23 +529254,23 +529255,23 +529256,23 +529257,23 +529258,24 +529259,24 +529260,0 +529261,32 +529262,32 +529263,32 +529264,32 +529265,32 +529266,32 +529267,32 +529268,32 +529269,32 +529270,32 +529271,26 +529272,26 +529273,26 +529274,26 +529275,26 +529276,26 +529277,26 +529278,26 +529279,26 +529280,26 +529281,26 +529282,26 +529283,9 +529284,26 +529285,26 +529286,26 +529287,2 +529288,2 +529289,2 +529290,2 +529291,2 +529292,2 +529293,2 +529294,2 +529295,2 +529296,2 +529297,2 +529298,2 +529299,2 +529300,2 +529301,31 +529302,31 +529303,31 +529304,31 +529305,31 +529306,15 +529307,15 +529308,15 +529309,15 +529310,15 +529311,30 +529312,30 +529313,30 +529314,30 +529315,30 +529316,30 +529317,30 +529318,30 +529319,30 +529320,30 +529321,30 +529322,30 +529323,30 +529324,30 +529325,30 +529326,30 +529327,30 +529328,30 +529329,30 +529330,30 +529331,30 +529332,30 +529333,0 +529334,0 +529335,0 +529336,0 +529337,0 +529338,0 +529339,0 +529340,0 +529341,0 +529342,0 +529343,0 +529344,0 +529345,0 +529346,0 +529347,0 +529348,0 +529349,0 +529350,0 +529351,0 +529352,4 +529353,4 +529354,4 +529355,4 +529356,4 +529357,4 +529358,4 +529359,4 +529360,4 +529361,3 +529362,3 +529363,3 +529364,3 +529365,3 +529366,3 +529367,3 +529368,3 +529369,3 +529370,31 +529371,31 +529372,31 +529373,31 +529374,31 +529375,31 +529376,22 +529377,6 +529378,6 +529379,6 +529380,6 +529381,6 +529382,6 +529383,2 +529384,2 +529385,2 +529386,2 +529387,2 +529388,2 +529389,2 +529390,2 +529391,2 +529392,2 +529393,2 +529394,2 +529395,14 +529396,14 +529397,14 +529398,14 +529399,14 +529400,14 +529401,14 +529402,14 +529403,10 +529404,27 +529405,10 +529406,10 +529407,10 +529408,14 +529409,14 +529410,35 +529411,35 +529412,35 +529413,21 +529414,21 +529415,21 +529416,27 +529417,39 +529418,39 +529419,39 +529420,27 +529421,14 +529422,14 +529423,14 +529424,5 +529425,28 +529426,28 +529427,28 +529428,5 +529429,5 +529430,5 +529431,5 +529432,5 +529433,4 +529434,4 +529435,4 +529436,4 +529437,4 +529438,4 +529439,3 +529440,3 +529441,3 +529442,3 +529443,3 +529444,3 +529445,3 +529446,3 +529447,3 +529448,2 +529449,2 +529450,2 +529451,2 +529452,2 +529453,2 +529454,2 +529455,2 +529456,2 +529457,2 +529458,2 +529459,2 +529460,2 +529461,2 +529462,2 +529463,31 +529464,31 +529465,31 +529466,31 +529467,31 +529468,31 +529469,31 +529470,31 +529471,31 +529472,28 +529473,28 +529474,28 +529475,28 +529476,28 +529477,28 +529478,28 +529479,28 +529480,31 +529481,24 +529482,24 +529483,24 +529484,24 +529485,24 +529486,24 +529487,24 +529488,24 +529489,24 +529490,24 +529491,24 +529492,24 +529493,24 +529494,24 +529495,10 +529496,10 +529497,10 +529498,10 +529499,10 +529500,10 +529501,10 +529502,34 +529503,10 +529504,10 +529505,10 +529506,10 +529507,10 +529508,10 +529509,10 +529510,10 +529511,5 +529512,5 +529513,5 +529514,19 +529515,31 +529516,31 +529517,31 +529518,31 +529519,31 +529520,31 +529521,31 +529522,31 +529523,5 +529524,5 +529525,5 +529526,5 +529527,19 +529528,19 +529529,19 +529530,19 +529531,19 +529532,19 +529533,19 +529534,32 +529535,32 +529536,32 +529537,32 +529538,32 +529539,32 +529540,32 +529541,32 +529542,32 +529543,32 +529544,32 +529545,32 +529546,32 +529547,36 +529548,36 +529549,36 +529550,36 +529551,36 +529552,36 +529553,36 +529554,36 +529555,36 +529556,36 +529557,36 +529558,36 +529559,36 +529560,36 +529561,11 +529562,11 +529563,11 +529564,11 +529565,11 +529566,11 +529567,11 +529568,11 +529569,11 +529570,11 +529571,11 +529572,11 +529573,11 +529574,11 +529575,11 +529576,11 +529577,31 +529578,31 +529579,31 +529580,31 +529581,31 +529582,31 +529583,5 +529584,5 +529585,5 +529586,5 +529587,5 +529588,5 +529589,5 +529590,5 +529591,5 +529592,5 +529593,5 +529594,5 +529595,5 +529596,5 +529597,28 +529598,5 +529599,0 +529600,0 +529601,0 +529602,0 +529603,0 +529604,0 +529605,0 +529606,0 +529607,0 +529608,0 +529609,0 +529610,0 +529611,0 +529612,0 +529613,0 +529614,0 +529615,0 +529616,0 +529617,0 +529618,0 +529619,0 +529620,0 +529621,0 +529622,0 +529623,0 +529624,0 +529625,0 +529626,0 +529627,0 +529628,0 +529629,0 +529630,0 +529631,0 +529632,0 +529633,0 +529634,0 +529635,0 +529636,0 +529637,0 +529638,0 +529639,0 +529640,0 +529641,0 +529642,0 +529643,0 +529644,0 +529645,0 +529646,0 +529647,0 +529648,0 +529649,0 +529650,0 +529651,0 +529652,0 +529653,29 +529654,29 +529655,29 +529656,29 +529657,29 +529658,31 +529659,31 +529660,31 +529661,31 +529662,28 +529663,28 +529664,28 +529665,28 +529666,28 +529667,28 +529668,28 +529669,28 +529670,28 +529671,40 +529672,40 +529673,40 +529674,40 +529675,40 +529676,40 +529677,33 +529678,33 +529679,33 +529680,40 +529681,3 +529682,3 +529683,33 +529684,40 +529685,40 +529686,40 +529687,40 +529688,40 +529689,5 +529690,5 +529691,5 +529692,5 +529693,5 +529694,5 +529695,27 +529696,27 +529697,40 +529698,19 +529699,40 +529700,36 +529701,36 +529702,36 +529703,36 +529704,36 +529705,36 +529706,36 +529707,36 +529708,36 +529709,36 +529710,36 +529711,36 +529712,36 +529713,36 +529714,36 +529715,36 +529716,19 +529717,19 +529718,19 +529719,19 +529720,19 +529721,27 +529722,27 +529723,31 +529724,31 +529725,31 +529726,27 +529727,27 +529728,31 +529729,19 +529730,19 +529731,19 +529732,19 +529733,19 +529734,36 +529735,36 +529736,40 +529737,40 +529738,40 +529739,36 +529740,36 +529741,36 +529742,36 +529743,36 +529744,36 +529745,36 +529746,36 +529747,36 +529748,36 +529749,23 +529750,23 +529751,23 +529752,23 +529753,23 +529754,23 +529755,23 +529756,4 +529757,4 +529758,4 +529759,4 +529760,4 +529761,4 +529762,25 +529763,25 +529764,25 +529765,25 +529766,25 +529767,25 +529768,25 +529769,25 +529770,31 +529771,31 +529772,31 +529773,31 +529774,31 +529775,31 +529776,31 +529777,32 +529778,32 +529779,32 +529780,32 +529781,32 +529782,32 +529783,32 +529784,32 +529785,32 +529786,32 +529787,32 +529788,32 +529789,32 +529790,26 +529791,26 +529792,26 +529793,26 +529794,26 +529795,26 +529796,26 +529797,26 +529798,9 +529799,9 +529800,26 +529801,26 +529802,26 +529803,26 +529804,26 +529805,26 +529806,26 +529807,9 +529808,9 +529809,9 +529810,9 +529811,9 +529812,9 +529813,9 +529814,9 +529815,5 +529816,31 +529817,5 +529818,5 +529819,5 +529820,5 +529821,5 +529822,5 +529823,5 +529824,5 +529825,5 +529826,5 +529827,5 +529828,5 +529829,2 +529830,8 +529831,8 +529832,8 +529833,8 +529834,8 +529835,8 +529836,8 +529837,8 +529838,8 +529839,2 +529840,2 +529841,2 +529842,2 +529843,2 +529844,2 +529845,2 +529846,2 +529847,0 +529848,0 +529849,0 +529850,0 +529851,0 +529852,0 +529853,0 +529854,0 +529855,0 +529856,0 +529857,0 +529858,0 +529859,0 +529860,0 +529861,0 +529862,0 +529863,0 +529864,0 +529865,0 +529866,0 +529867,0 +529868,0 +529869,0 +529870,0 +529871,0 +529872,0 +529873,0 +529874,0 +529875,0 +529876,0 +529877,0 +529878,0 +529879,0 +529880,0 +529881,0 +529882,0 +529883,0 +529884,0 +529885,0 +529886,0 +529887,0 +529888,0 +529889,0 +529890,0 +529891,0 +529892,0 +529893,0 +529894,0 +529895,0 +529896,0 +529897,0 +529898,0 +529899,0 +529900,0 +529901,0 +529902,0 +529903,0 +529904,0 +529905,0 +529906,0 +529907,0 +529908,0 +529909,0 +529910,0 +529911,0 +529912,0 +529913,0 +529914,0 +529915,0 +529916,0 +529917,0 +529918,0 +529919,0 +529920,0 +529921,0 +529922,0 +529923,0 +529924,0 +529925,0 +529926,12 +529927,12 +529928,12 +529929,12 +529930,12 +529931,12 +529932,12 +529933,12 +529934,12 +529935,12 +529936,31 +529937,31 +529938,31 +529939,5 +529940,5 +529941,5 +529942,5 +529943,5 +529944,5 +529945,5 +529946,5 +529947,5 +529948,31 +529949,31 +529950,24 +529951,24 +529952,24 +529953,24 +529954,29 +529955,29 +529956,29 +529957,29 +529958,29 +529959,29 +529960,31 +529961,31 +529962,31 +529963,31 +529964,31 +529965,31 +529966,31 +529967,2 +529968,2 +529969,2 +529970,2 +529971,2 +529972,2 +529973,2 +529974,2 +529975,2 +529976,2 +529977,2 +529978,2 +529979,2 +529980,2 +529981,2 +529982,2 +529983,2 +529984,25 +529985,25 +529986,25 +529987,25 +529988,25 +529989,25 +529990,25 +529991,25 +529992,25 +529993,31 +529994,31 +529995,31 +529996,31 +529997,31 +529998,31 +529999,31 +530000,31 +530001,31 +530002,31 +530003,31 +530004,5 +530005,5 +530006,5 +530007,5 +530008,5 +530009,5 +530010,5 +530011,5 +530012,5 +530013,2 +530014,2 +530015,2 +530016,2 +530017,2 +530018,2 +530019,2 +530020,2 +530021,2 +530022,27 +530023,27 +530024,27 +530025,27 +530026,27 +530027,27 +530028,27 +530029,27 +530030,27 +530031,27 +530032,27 +530033,27 +530034,8 +530035,8 +530036,8 +530037,8 +530038,8 +530039,8 +530040,8 +530041,9 +530042,9 +530043,36 +530044,36 +530045,9 +530046,9 +530047,9 +530048,9 +530049,9 +530050,9 +530051,9 +530052,9 +530053,9 +530054,9 +530055,9 +530056,9 +530057,9 +530058,9 +530059,23 +530060,23 +530061,23 +530062,23 +530063,23 +530064,23 +530065,23 +530066,23 +530067,23 +530068,23 +530069,23 +530070,23 +530071,23 +530072,23 +530073,23 +530074,23 +530075,9 +530076,9 +530077,9 +530078,9 +530079,9 +530080,9 +530081,9 +530082,31 +530083,9 +530084,30 +530085,30 +530086,30 +530087,12 +530088,12 +530089,12 +530090,12 +530091,12 +530092,27 +530093,27 +530094,25 +530095,25 +530096,27 +530097,27 +530098,27 +530099,27 +530100,27 +530101,25 +530102,31 +530103,31 +530104,4 +530105,4 +530106,4 +530107,39 +530108,19 +530109,39 +530110,39 +530111,27 +530112,39 +530113,39 +530114,39 +530115,39 +530116,39 +530117,39 +530118,39 +530119,39 +530120,39 +530121,39 +530122,39 +530123,39 +530124,39 +530125,39 +530126,39 +530127,0 +530128,0 +530129,0 +530130,0 +530131,0 +530132,0 +530133,0 +530134,0 +530135,0 +530136,0 +530137,0 +530138,0 +530139,0 +530140,0 +530141,0 +530142,0 +530143,0 +530144,0 +530145,0 +530146,0 +530147,0 +530148,0 +530149,0 +530150,0 +530151,0 +530152,0 +530153,0 +530154,0 +530155,0 +530156,0 +530157,0 +530158,0 +530159,0 +530160,0 +530161,0 +530162,0 +530163,0 +530164,0 +530165,0 +530166,0 +530167,0 +530168,0 +530169,0 +530170,0 +530171,0 +530172,0 +530173,0 +530174,0 +530175,0 +530176,0 +530177,0 +530178,0 +530179,0 +530180,0 +530181,0 +530182,0 +530183,0 +530184,0 +530185,0 +530186,0 +530187,0 +530188,19 +530189,19 +530190,19 +530191,19 +530192,19 +530193,19 +530194,26 +530195,26 +530196,26 +530197,26 +530198,26 +530199,26 +530200,26 +530201,26 +530202,37 +530203,37 +530204,37 +530205,37 +530206,37 +530207,37 +530208,37 +530209,37 +530210,37 +530211,6 +530212,6 +530213,6 +530214,6 +530215,25 +530216,25 +530217,0 +530218,0 +530219,6 +530220,6 +530221,6 +530222,6 +530223,0 +530224,0 +530225,0 +530226,0 +530227,6 +530228,6 +530229,6 +530230,6 +530231,0 +530232,0 +530233,0 +530234,0 +530235,0 +530236,0 +530237,0 +530238,0 +530239,0 +530240,0 +530241,0 +530242,0 +530243,0 +530244,0 +530245,0 +530246,0 +530247,0 +530248,0 +530249,0 +530250,0 +530251,0 +530252,0 +530253,0 +530254,0 +530255,0 +530256,0 +530257,0 +530258,0 +530259,0 +530260,0 +530261,0 +530262,0 +530263,0 +530264,0 +530265,0 +530266,0 +530267,0 +530268,0 +530269,0 +530270,0 +530271,29 +530272,29 +530273,29 +530274,31 +530275,31 +530276,31 +530277,31 +530278,31 +530279,31 +530280,12 +530281,12 +530282,12 +530283,12 +530284,12 +530285,12 +530286,12 +530287,12 +530288,12 +530289,12 +530290,12 +530291,22 +530292,22 +530293,22 +530294,19 +530295,19 +530296,19 +530297,19 +530298,19 +530299,19 +530300,23 +530301,23 +530302,23 +530303,23 +530304,23 +530305,23 +530306,23 +530307,23 +530308,23 +530309,23 +530310,23 +530311,23 +530312,10 +530313,10 +530314,10 +530315,10 +530316,10 +530317,10 +530318,10 +530319,10 +530320,10 +530321,10 +530322,10 +530323,10 +530324,10 +530325,10 +530326,10 +530327,10 +530328,25 +530329,25 +530330,25 +530331,25 +530332,25 +530333,25 +530334,25 +530335,25 +530336,25 +530337,5 +530338,5 +530339,5 +530340,5 +530341,5 +530342,5 +530343,5 +530344,5 +530345,26 +530346,26 +530347,26 +530348,26 +530349,26 +530350,26 +530351,26 +530352,26 +530353,26 +530354,10 +530355,26 +530356,6 +530357,6 +530358,4 +530359,4 +530360,4 +530361,6 +530362,6 +530363,6 +530364,6 +530365,6 +530366,6 +530367,36 +530368,36 +530369,36 +530370,36 +530371,36 +530372,36 +530373,36 +530374,36 +530375,36 +530376,36 +530377,36 +530378,36 +530379,29 +530380,29 +530381,29 +530382,29 +530383,29 +530384,31 +530385,39 +530386,39 +530387,39 +530388,39 +530389,39 +530390,39 +530391,25 +530392,4 +530393,4 +530394,4 +530395,4 +530396,4 +530397,4 +530398,4 +530399,4 +530400,27 +530401,27 +530402,27 +530403,21 +530404,21 +530405,21 +530406,21 +530407,21 +530408,21 +530409,21 +530410,40 +530411,40 +530412,40 +530413,40 +530414,40 +530415,40 +530416,40 +530417,40 +530418,29 +530419,29 +530420,29 +530421,29 +530422,29 +530423,29 +530424,25 +530425,25 +530426,25 +530427,25 +530428,25 +530429,25 +530430,15 +530431,15 +530432,15 +530433,15 +530434,15 +530435,15 +530436,15 +530437,10 +530438,10 +530439,10 +530440,10 +530441,10 +530442,10 +530443,10 +530444,10 +530445,6 +530446,6 +530447,6 +530448,6 +530449,6 +530450,6 +530451,6 +530452,6 +530453,6 +530454,6 +530455,6 +530456,6 +530457,6 +530458,40 +530459,40 +530460,40 +530461,40 +530462,37 +530463,37 +530464,27 +530465,23 +530466,23 +530467,23 +530468,23 +530469,23 +530470,23 +530471,23 +530472,31 +530473,25 +530474,30 +530475,31 +530476,30 +530477,30 +530478,30 +530479,30 +530480,30 +530481,30 +530482,30 +530483,30 +530484,35 +530485,35 +530486,35 +530487,35 +530488,35 +530489,36 +530490,36 +530491,36 +530492,36 +530493,36 +530494,36 +530495,36 +530496,36 +530497,36 +530498,36 +530499,36 +530500,36 +530501,36 +530502,36 +530503,36 +530504,36 +530505,36 +530506,36 +530507,36 +530508,5 +530509,5 +530510,5 +530511,5 +530512,5 +530513,5 +530514,5 +530515,5 +530516,5 +530517,2 +530518,2 +530519,2 +530520,2 +530521,2 +530522,2 +530523,2 +530524,2 +530525,2 +530526,2 +530527,2 +530528,2 +530529,2 +530530,2 +530531,2 +530532,2 +530533,0 +530534,0 +530535,0 +530536,0 +530537,0 +530538,0 +530539,4 +530540,4 +530541,4 +530542,4 +530543,19 +530544,4 +530545,10 +530546,10 +530547,10 +530548,10 +530549,10 +530550,10 +530551,10 +530552,10 +530553,10 +530554,10 +530555,10 +530556,10 +530557,10 +530558,10 +530559,19 +530560,19 +530561,19 +530562,19 +530563,34 +530564,34 +530565,34 +530566,34 +530567,34 +530568,34 +530569,34 +530570,34 +530571,34 +530572,34 +530573,34 +530574,34 +530575,34 +530576,34 +530577,34 +530578,34 +530579,34 +530580,34 +530581,31 +530582,31 +530583,31 +530584,31 +530585,31 +530586,5 +530587,5 +530588,5 +530589,5 +530590,5 +530591,4 +530592,4 +530593,4 +530594,4 +530595,4 +530596,4 +530597,27 +530598,27 +530599,27 +530600,27 +530601,21 +530602,21 +530603,21 +530604,21 +530605,21 +530606,21 +530607,21 +530608,21 +530609,37 +530610,37 +530611,37 +530612,37 +530613,37 +530614,37 +530615,14 +530616,14 +530617,14 +530618,14 +530619,14 +530620,39 +530621,39 +530622,39 +530623,39 +530624,39 +530625,39 +530626,39 +530627,36 +530628,36 +530629,36 +530630,36 +530631,36 +530632,36 +530633,36 +530634,36 +530635,36 +530636,36 +530637,36 +530638,36 +530639,36 +530640,36 +530641,36 +530642,11 +530643,11 +530644,11 +530645,11 +530646,11 +530647,11 +530648,11 +530649,11 +530650,11 +530651,11 +530652,11 +530653,11 +530654,31 +530655,31 +530656,27 +530657,27 +530658,27 +530659,27 +530660,27 +530661,27 +530662,27 +530663,27 +530664,8 +530665,8 +530666,8 +530667,8 +530668,8 +530669,8 +530670,8 +530671,8 +530672,8 +530673,8 +530674,8 +530675,2 +530676,2 +530677,2 +530678,2 +530679,2 +530680,2 +530681,2 +530682,2 +530683,2 +530684,2 +530685,0 +530686,0 +530687,0 +530688,0 +530689,0 +530690,0 +530691,0 +530692,0 +530693,0 +530694,0 +530695,0 +530696,0 +530697,0 +530698,0 +530699,0 +530700,0 +530701,0 +530702,0 +530703,0 +530704,0 +530705,0 +530706,0 +530707,0 +530708,0 +530709,0 +530710,0 +530711,0 +530712,0 +530713,0 +530714,0 +530715,0 +530716,0 +530717,0 +530718,0 +530719,0 +530720,19 +530721,19 +530722,19 +530723,19 +530724,19 +530725,26 +530726,26 +530727,26 +530728,26 +530729,26 +530730,40 +530731,30 +530732,30 +530733,30 +530734,30 +530735,30 +530736,30 +530737,30 +530738,39 +530739,39 +530740,39 +530741,39 +530742,39 +530743,39 +530744,39 +530745,39 +530746,39 +530747,39 +530748,39 +530749,37 +530750,37 +530751,37 +530752,37 +530753,37 +530754,37 +530755,37 +530756,37 +530757,37 +530758,39 +530759,39 +530760,39 +530761,39 +530762,39 +530763,39 +530764,39 +530765,39 +530766,39 +530767,39 +530768,19 +530769,19 +530770,19 +530771,19 +530772,35 +530773,35 +530774,35 +530775,35 +530776,35 +530777,35 +530778,35 +530779,35 +530780,31 +530781,31 +530782,31 +530783,31 +530784,31 +530785,31 +530786,31 +530787,19 +530788,19 +530789,19 +530790,19 +530791,19 +530792,19 +530793,31 +530794,31 +530795,31 +530796,31 +530797,31 +530798,31 +530799,31 +530800,31 +530801,5 +530802,5 +530803,5 +530804,5 +530805,35 +530806,35 +530807,35 +530808,35 +530809,35 +530810,35 +530811,35 +530812,35 +530813,25 +530814,25 +530815,25 +530816,25 +530817,25 +530818,25 +530819,25 +530820,25 +530821,25 +530822,12 +530823,12 +530824,12 +530825,12 +530826,12 +530827,12 +530828,12 +530829,12 +530830,12 +530831,12 +530832,12 +530833,25 +530834,25 +530835,25 +530836,25 +530837,25 +530838,25 +530839,25 +530840,6 +530841,6 +530842,6 +530843,6 +530844,6 +530845,6 +530846,6 +530847,27 +530848,27 +530849,31 +530850,31 +530851,5 +530852,5 +530853,13 +530854,13 +530855,13 +530856,13 +530857,21 +530858,21 +530859,21 +530860,21 +530861,21 +530862,21 +530863,26 +530864,26 +530865,26 +530866,26 +530867,26 +530868,26 +530869,26 +530870,26 +530871,31 +530872,31 +530873,5 +530874,5 +530875,5 +530876,35 +530877,35 +530878,35 +530879,35 +530880,35 +530881,35 +530882,35 +530883,35 +530884,33 +530885,33 +530886,33 +530887,33 +530888,33 +530889,33 +530890,33 +530891,33 +530892,33 +530893,33 +530894,33 +530895,33 +530896,33 +530897,33 +530898,33 +530899,28 +530900,28 +530901,28 +530902,28 +530903,28 +530904,28 +530905,28 +530906,28 +530907,28 +530908,28 +530909,28 +530910,28 +530911,28 +530912,28 +530913,28 +530914,28 +530915,28 +530916,28 +530917,28 +530918,28 +530919,0 +530920,0 +530921,0 +530922,0 +530923,0 +530924,0 +530925,0 +530926,0 +530927,0 +530928,0 +530929,0 +530930,0 +530931,0 +530932,0 +530933,0 +530934,0 +530935,29 +530936,29 +530937,29 +530938,40 +530939,40 +530940,40 +530941,40 +530942,40 +530943,40 +530944,40 +530945,40 +530946,40 +530947,40 +530948,25 +530949,25 +530950,25 +530951,25 +530952,25 +530953,25 +530954,25 +530955,25 +530956,25 +530957,25 +530958,25 +530959,25 +530960,25 +530961,25 +530962,25 +530963,25 +530964,25 +530965,25 +530966,25 +530967,15 +530968,15 +530969,15 +530970,15 +530971,15 +530972,15 +530973,15 +530974,31 +530975,31 +530976,31 +530977,31 +530978,31 +530979,31 +530980,4 +530981,4 +530982,4 +530983,4 +530984,4 +530985,23 +530986,23 +530987,23 +530988,23 +530989,23 +530990,23 +530991,23 +530992,23 +530993,23 +530994,23 +530995,23 +530996,23 +530997,27 +530998,27 +530999,27 +531000,27 +531001,27 +531002,30 +531003,30 +531004,30 +531005,30 +531006,30 +531007,30 +531008,30 +531009,30 +531010,30 +531011,30 +531012,30 +531013,22 +531014,6 +531015,6 +531016,6 +531017,6 +531018,6 +531019,6 +531020,6 +531021,6 +531022,31 +531023,31 +531024,31 +531025,31 +531026,5 +531027,5 +531028,5 +531029,5 +531030,5 +531031,5 +531032,5 +531033,2 +531034,2 +531035,2 +531036,2 +531037,2 +531038,2 +531039,2 +531040,2 +531041,2 +531042,2 +531043,2 +531044,2 +531045,27 +531046,27 +531047,27 +531048,27 +531049,30 +531050,30 +531051,30 +531052,30 +531053,30 +531054,30 +531055,30 +531056,30 +531057,30 +531058,30 +531059,30 +531060,30 +531061,30 +531062,39 +531063,39 +531064,10 +531065,10 +531066,10 +531067,39 +531068,39 +531069,31 +531070,31 +531071,31 +531072,31 +531073,31 +531074,31 +531075,40 +531076,40 +531077,5 +531078,28 +531079,28 +531080,28 +531081,28 +531082,28 +531083,28 +531084,29 +531085,29 +531086,31 +531087,31 +531088,31 +531089,35 +531090,35 +531091,35 +531092,35 +531093,35 +531094,35 +531095,35 +531096,35 +531097,35 +531098,35 +531099,10 +531100,34 +531101,34 +531102,34 +531103,34 +531104,34 +531105,34 +531106,34 +531107,34 +531108,34 +531109,34 +531110,34 +531111,34 +531112,34 +531113,34 +531114,34 +531115,34 +531116,2 +531117,2 +531118,2 +531119,2 +531120,2 +531121,2 +531122,2 +531123,2 +531124,2 +531125,2 +531126,2 +531127,2 +531128,2 +531129,2 +531130,2 +531131,2 +531132,2 +531133,2 +531134,2 +531135,2 +531136,2 +531137,2 +531138,2 +531139,2 +531140,2 +531141,2 +531142,2 +531143,2 +531144,2 +531145,2 +531146,0 +531147,0 +531148,0 +531149,0 +531150,0 +531151,0 +531152,0 +531153,0 +531154,0 +531155,0 +531156,0 +531157,0 +531158,0 +531159,0 +531160,0 +531161,0 +531162,0 +531163,0 +531164,0 +531165,0 +531166,0 +531167,0 +531168,0 +531169,0 +531170,0 +531171,0 +531172,0 +531173,0 +531174,0 +531175,0 +531176,0 +531177,0 +531178,0 +531179,0 +531180,0 +531181,0 +531182,12 +531183,12 +531184,12 +531185,12 +531186,12 +531187,12 +531188,25 +531189,25 +531190,25 +531191,25 +531192,25 +531193,25 +531194,25 +531195,32 +531196,32 +531197,32 +531198,32 +531199,32 +531200,32 +531201,32 +531202,32 +531203,32 +531204,32 +531205,32 +531206,32 +531207,39 +531208,39 +531209,39 +531210,39 +531211,39 +531212,39 +531213,39 +531214,39 +531215,39 +531216,39 +531217,39 +531218,32 +531219,32 +531220,32 +531221,32 +531222,32 +531223,32 +531224,32 +531225,33 +531226,33 +531227,33 +531228,33 +531229,33 +531230,33 +531231,33 +531232,33 +531233,33 +531234,12 +531235,33 +531236,33 +531237,12 +531238,12 +531239,12 +531240,12 +531241,12 +531242,12 +531243,25 +531244,25 +531245,25 +531246,25 +531247,25 +531248,25 +531249,28 +531250,28 +531251,28 +531252,28 +531253,28 +531254,28 +531255,28 +531256,28 +531257,28 +531258,28 +531259,28 +531260,14 +531261,14 +531262,14 +531263,14 +531264,14 +531265,14 +531266,14 +531267,14 +531268,6 +531269,6 +531270,6 +531271,6 +531272,6 +531273,6 +531274,6 +531275,6 +531276,6 +531277,6 +531278,27 +531279,27 +531280,27 +531281,27 +531282,27 +531283,13 +531284,13 +531285,13 +531286,13 +531287,13 +531288,13 +531289,13 +531290,13 +531291,29 +531292,29 +531293,29 +531294,29 +531295,29 +531296,25 +531297,25 +531298,25 +531299,25 +531300,25 +531301,25 +531302,25 +531303,21 +531304,21 +531305,21 +531306,21 +531307,21 +531308,21 +531309,21 +531310,21 +531311,21 +531312,21 +531313,21 +531314,27 +531315,27 +531316,27 +531317,27 +531318,27 +531319,27 +531320,27 +531321,23 +531322,23 +531323,23 +531324,4 +531325,4 +531326,4 +531327,4 +531328,4 +531329,4 +531330,4 +531331,32 +531332,4 +531333,2 +531334,2 +531335,2 +531336,2 +531337,2 +531338,2 +531339,2 +531340,2 +531341,2 +531342,2 +531343,2 +531344,2 +531345,2 +531346,2 +531347,8 +531348,4 +531349,4 +531350,4 +531351,4 +531352,4 +531353,4 +531354,4 +531355,4 +531356,27 +531357,27 +531358,27 +531359,21 +531360,21 +531361,21 +531362,21 +531363,21 +531364,21 +531365,21 +531366,21 +531367,21 +531368,26 +531369,26 +531370,26 +531371,26 +531372,26 +531373,26 +531374,26 +531375,26 +531376,26 +531377,26 +531378,10 +531379,10 +531380,10 +531381,10 +531382,10 +531383,10 +531384,10 +531385,10 +531386,10 +531387,10 +531388,26 +531389,26 +531390,26 +531391,26 +531392,26 +531393,19 +531394,19 +531395,19 +531396,19 +531397,19 +531398,19 +531399,19 +531400,19 +531401,19 +531402,19 +531403,19 +531404,19 +531405,19 +531406,19 +531407,19 +531408,19 +531409,0 +531410,0 +531411,0 +531412,0 +531413,0 +531414,0 +531415,0 +531416,0 +531417,0 +531418,0 +531419,0 +531420,0 +531421,0 +531422,0 +531423,0 +531424,0 +531425,0 +531426,0 +531427,0 +531428,0 +531429,0 +531430,0 +531431,0 +531432,0 +531433,0 +531434,0 +531435,0 +531436,0 +531437,0 +531438,0 +531439,0 +531440,0 +531441,0 +531442,0 +531443,0 +531444,0 +531445,0 +531446,0 +531447,0 +531448,0 +531449,0 +531450,0 +531451,0 +531452,0 +531453,0 +531454,0 +531455,0 +531456,0 +531457,0 +531458,0 +531459,15 +531460,15 +531461,15 +531462,15 +531463,31 +531464,31 +531465,31 +531466,31 +531467,31 +531468,4 +531469,4 +531470,4 +531471,4 +531472,27 +531473,27 +531474,27 +531475,27 +531476,27 +531477,27 +531478,8 +531479,8 +531480,8 +531481,8 +531482,8 +531483,8 +531484,8 +531485,8 +531486,8 +531487,39 +531488,39 +531489,39 +531490,39 +531491,39 +531492,39 +531493,39 +531494,39 +531495,39 +531496,39 +531497,37 +531498,37 +531499,37 +531500,37 +531501,37 +531502,37 +531503,37 +531504,37 +531505,37 +531506,37 +531507,37 +531508,14 +531509,14 +531510,14 +531511,14 +531512,14 +531513,14 +531514,14 +531515,14 +531516,14 +531517,14 +531518,14 +531519,14 +531520,14 +531521,14 +531522,14 +531523,14 +531524,8 +531525,8 +531526,8 +531527,8 +531528,8 +531529,8 +531530,8 +531531,8 +531532,8 +531533,23 +531534,23 +531535,23 +531536,29 +531537,23 +531538,27 +531539,27 +531540,27 +531541,27 +531542,27 +531543,27 +531544,27 +531545,8 +531546,8 +531547,8 +531548,8 +531549,8 +531550,8 +531551,8 +531552,35 +531553,35 +531554,35 +531555,35 +531556,35 +531557,36 +531558,36 +531559,36 +531560,27 +531561,27 +531562,36 +531563,36 +531564,36 +531565,36 +531566,36 +531567,36 +531568,36 +531569,36 +531570,36 +531571,36 +531572,5 +531573,5 +531574,5 +531575,5 +531576,5 +531577,5 +531578,19 +531579,19 +531580,19 +531581,27 +531582,27 +531583,27 +531584,27 +531585,27 +531586,2 +531587,2 +531588,2 +531589,2 +531590,2 +531591,2 +531592,2 +531593,2 +531594,2 +531595,2 +531596,2 +531597,2 +531598,2 +531599,2 +531600,2 +531601,4 +531602,4 +531603,4 +531604,4 +531605,25 +531606,37 +531607,25 +531608,25 +531609,25 +531610,37 +531611,37 +531612,10 +531613,10 +531614,10 +531615,10 +531616,10 +531617,10 +531618,10 +531619,10 +531620,10 +531621,10 +531622,10 +531623,10 +531624,10 +531625,10 +531626,10 +531627,10 +531628,10 +531629,10 +531630,21 +531631,14 +531632,14 +531633,39 +531634,39 +531635,6 +531636,39 +531637,6 +531638,21 +531639,21 +531640,21 +531641,6 +531642,6 +531643,6 +531644,6 +531645,0 +531646,0 +531647,0 +531648,0 +531649,0 +531650,0 +531651,0 +531652,0 +531653,0 +531654,0 +531655,0 +531656,0 +531657,0 +531658,0 +531659,0 +531660,0 +531661,0 +531662,0 +531663,0 +531664,0 +531665,0 +531666,0 +531667,0 +531668,0 +531669,0 +531670,0 +531671,4 +531672,4 +531673,4 +531674,29 +531675,29 +531676,14 +531677,14 +531678,14 +531679,14 +531680,14 +531681,14 +531682,14 +531683,14 +531684,14 +531685,14 +531686,14 +531687,14 +531688,11 +531689,11 +531690,8 +531691,8 +531692,8 +531693,8 +531694,8 +531695,8 +531696,10 +531697,10 +531698,10 +531699,10 +531700,10 +531701,26 +531702,26 +531703,26 +531704,26 +531705,26 +531706,10 +531707,10 +531708,26 +531709,26 +531710,4 +531711,4 +531712,4 +531713,4 +531714,4 +531715,4 +531716,4 +531717,4 +531718,4 +531719,4 +531720,33 +531721,33 +531722,9 +531723,9 +531724,9 +531725,9 +531726,9 +531727,30 +531728,25 +531729,17 +531730,17 +531731,17 +531732,17 +531733,17 +531734,37 +531735,37 +531736,37 +531737,25 +531738,25 +531739,25 +531740,25 +531741,25 +531742,2 +531743,2 +531744,2 +531745,2 +531746,2 +531747,2 +531748,2 +531749,2 +531750,2 +531751,2 +531752,2 +531753,2 +531754,2 +531755,2 +531756,2 +531757,2 +531758,2 +531759,2 +531760,2 +531761,32 +531762,32 +531763,32 +531764,32 +531765,32 +531766,32 +531767,32 +531768,32 +531769,37 +531770,37 +531771,37 +531772,37 +531773,37 +531774,37 +531775,27 +531776,27 +531777,27 +531778,27 +531779,27 +531780,27 +531781,27 +531782,27 +531783,13 +531784,13 +531785,13 +531786,13 +531787,13 +531788,13 +531789,13 +531790,13 +531791,13 +531792,15 +531793,15 +531794,39 +531795,3 +531796,3 +531797,3 +531798,3 +531799,3 +531800,3 +531801,3 +531802,3 +531803,3 +531804,23 +531805,23 +531806,23 +531807,23 +531808,23 +531809,23 +531810,23 +531811,23 +531812,23 +531813,23 +531814,9 +531815,9 +531816,9 +531817,9 +531818,9 +531819,9 +531820,9 +531821,9 +531822,9 +531823,9 +531824,37 +531825,37 +531826,37 +531827,37 +531828,37 +531829,37 +531830,37 +531831,35 +531832,35 +531833,35 +531834,35 +531835,35 +531836,35 +531837,35 +531838,27 +531839,27 +531840,27 +531841,27 +531842,27 +531843,27 +531844,27 +531845,27 +531846,27 +531847,27 +531848,28 +531849,28 +531850,28 +531851,28 +531852,28 +531853,28 +531854,28 +531855,28 +531856,28 +531857,28 +531858,28 +531859,13 +531860,13 +531861,13 +531862,13 +531863,13 +531864,13 +531865,13 +531866,13 +531867,0 +531868,0 +531869,0 +531870,0 +531871,0 +531872,0 +531873,36 +531874,36 +531875,36 +531876,36 +531877,36 +531878,36 +531879,36 +531880,5 +531881,5 +531882,5 +531883,19 +531884,19 +531885,19 +531886,19 +531887,5 +531888,5 +531889,5 +531890,40 +531891,40 +531892,40 +531893,40 +531894,40 +531895,28 +531896,28 +531897,28 +531898,28 +531899,28 +531900,28 +531901,28 +531902,28 +531903,28 +531904,28 +531905,28 +531906,10 +531907,10 +531908,10 +531909,10 +531910,10 +531911,10 +531912,10 +531913,10 +531914,10 +531915,10 +531916,10 +531917,2 +531918,2 +531919,2 +531920,2 +531921,2 +531922,2 +531923,2 +531924,2 +531925,2 +531926,2 +531927,2 +531928,2 +531929,2 +531930,2 +531931,2 +531932,2 +531933,9 +531934,9 +531935,9 +531936,9 +531937,9 +531938,9 +531939,9 +531940,37 +531941,37 +531942,37 +531943,37 +531944,37 +531945,37 +531946,37 +531947,37 +531948,19 +531949,19 +531950,19 +531951,19 +531952,19 +531953,23 +531954,23 +531955,23 +531956,23 +531957,23 +531958,23 +531959,23 +531960,23 +531961,23 +531962,23 +531963,23 +531964,34 +531965,34 +531966,34 +531967,34 +531968,34 +531969,34 +531970,34 +531971,34 +531972,34 +531973,34 +531974,34 +531975,34 +531976,34 +531977,34 +531978,34 +531979,5 +531980,5 +531981,5 +531982,28 +531983,5 +531984,5 +531985,5 +531986,5 +531987,30 +531988,30 +531989,31 +531990,31 +531991,31 +531992,31 +531993,31 +531994,2 +531995,2 +531996,2 +531997,2 +531998,2 +531999,2 +532000,2 +532001,2 +532002,2 +532003,2 +532004,2 +532005,2 +532006,2 +532007,2 +532008,2 +532009,32 +532010,32 +532011,32 +532012,32 +532013,32 +532014,32 +532015,34 +532016,34 +532017,34 +532018,26 +532019,26 +532020,26 +532021,26 +532022,34 +532023,34 +532024,26 +532025,26 +532026,26 +532027,26 +532028,26 +532029,26 +532030,32 +532031,32 +532032,32 +532033,32 +532034,32 +532035,32 +532036,32 +532037,32 +532038,32 +532039,31 +532040,31 +532041,31 +532042,31 +532043,31 +532044,31 +532045,31 +532046,31 +532047,4 +532048,28 +532049,28 +532050,28 +532051,28 +532052,28 +532053,28 +532054,28 +532055,28 +532056,28 +532057,14 +532058,14 +532059,14 +532060,14 +532061,14 +532062,14 +532063,14 +532064,14 +532065,14 +532066,14 +532067,14 +532068,14 +532069,14 +532070,19 +532071,19 +532072,19 +532073,19 +532074,19 +532075,19 +532076,19 +532077,2 +532078,2 +532079,2 +532080,2 +532081,2 +532082,2 +532083,2 +532084,2 +532085,2 +532086,2 +532087,2 +532088,2 +532089,2 +532090,2 +532091,2 +532092,2 +532093,2 +532094,2 +532095,10 +532096,10 +532097,10 +532098,31 +532099,26 +532100,26 +532101,26 +532102,26 +532103,26 +532104,31 +532105,26 +532106,31 +532107,31 +532108,31 +532109,32 +532110,32 +532111,32 +532112,32 +532113,32 +532114,32 +532115,32 +532116,32 +532117,32 +532118,4 +532119,4 +532120,15 +532121,4 +532122,4 +532123,4 +532124,4 +532125,4 +532126,26 +532127,26 +532128,26 +532129,26 +532130,26 +532131,26 +532132,26 +532133,26 +532134,26 +532135,26 +532136,26 +532137,26 +532138,10 +532139,10 +532140,10 +532141,10 +532142,26 +532143,26 +532144,26 +532145,26 +532146,26 +532147,9 +532148,9 +532149,9 +532150,9 +532151,9 +532152,5 +532153,5 +532154,5 +532155,5 +532156,5 +532157,5 +532158,5 +532159,28 +532160,28 +532161,28 +532162,5 +532163,5 +532164,5 +532165,0 +532166,0 +532167,0 +532168,0 +532169,0 +532170,0 +532171,0 +532172,0 +532173,0 +532174,0 +532175,0 +532176,0 +532177,0 +532178,0 +532179,0 +532180,0 +532181,0 +532182,0 +532183,0 +532184,0 +532185,0 +532186,0 +532187,0 +532188,0 +532189,0 +532190,0 +532191,0 +532192,0 +532193,0 +532194,0 +532195,0 +532196,0 +532197,0 +532198,18 +532199,18 +532200,18 +532201,18 +532202,18 +532203,18 +532204,18 +532205,18 +532206,18 +532207,40 +532208,40 +532209,40 +532210,40 +532211,40 +532212,40 +532213,40 +532214,40 +532215,40 +532216,40 +532217,19 +532218,19 +532219,19 +532220,19 +532221,19 +532222,36 +532223,36 +532224,36 +532225,36 +532226,36 +532227,36 +532228,36 +532229,36 +532230,36 +532231,36 +532232,36 +532233,36 +532234,36 +532235,40 +532236,40 +532237,40 +532238,6 +532239,6 +532240,32 +532241,32 +532242,32 +532243,32 +532244,32 +532245,32 +532246,32 +532247,6 +532248,21 +532249,21 +532250,21 +532251,6 +532252,18 +532253,18 +532254,18 +532255,18 +532256,32 +532257,32 +532258,0 +532259,0 +532260,0 +532261,0 +532262,0 +532263,0 +532264,0 +532265,0 +532266,0 +532267,0 +532268,0 +532269,0 +532270,0 +532271,0 +532272,31 +532273,31 +532274,31 +532275,31 +532276,31 +532277,31 +532278,31 +532279,31 +532280,24 +532281,24 +532282,24 +532283,24 +532284,24 +532285,8 +532286,8 +532287,8 +532288,8 +532289,8 +532290,8 +532291,8 +532292,8 +532293,8 +532294,33 +532295,33 +532296,33 +532297,33 +532298,33 +532299,33 +532300,33 +532301,33 +532302,33 +532303,33 +532304,19 +532305,19 +532306,19 +532307,19 +532308,19 +532309,19 +532310,19 +532311,14 +532312,14 +532313,14 +532314,27 +532315,27 +532316,27 +532317,27 +532318,27 +532319,27 +532320,27 +532321,27 +532322,27 +532323,27 +532324,13 +532325,13 +532326,13 +532327,13 +532328,13 +532329,13 +532330,19 +532331,19 +532332,19 +532333,10 +532334,10 +532335,10 +532336,31 +532337,31 +532338,31 +532339,31 +532340,31 +532341,25 +532342,37 +532343,37 +532344,37 +532345,37 +532346,37 +532347,37 +532348,37 +532349,37 +532350,25 +532351,25 +532352,37 +532353,0 +532354,0 +532355,0 +532356,0 +532357,0 +532358,0 +532359,0 +532360,0 +532361,0 +532362,0 +532363,0 +532364,0 +532365,0 +532366,0 +532367,30 +532368,30 +532369,30 +532370,30 +532371,30 +532372,30 +532373,30 +532374,30 +532375,30 +532376,30 +532377,30 +532378,30 +532379,0 +532380,0 +532381,0 +532382,0 +532383,0 +532384,0 +532385,0 +532386,0 +532387,0 +532388,0 +532389,0 +532390,0 +532391,0 +532392,0 +532393,0 +532394,0 +532395,0 +532396,0 +532397,0 +532398,0 +532399,0 +532400,0 +532401,0 +532402,0 +532403,0 +532404,0 +532405,0 +532406,0 +532407,0 +532408,0 +532409,0 +532410,0 +532411,0 +532412,0 +532413,0 +532414,0 +532415,0 +532416,0 +532417,0 +532418,0 +532419,0 +532420,0 +532421,0 +532422,0 +532423,0 +532424,0 +532425,0 +532426,0 +532427,0 +532428,0 +532429,0 +532430,0 +532431,0 +532432,0 +532433,0 +532434,0 +532435,0 +532436,0 +532437,0 +532438,0 +532439,0 +532440,0 +532441,0 +532442,0 +532443,0 +532444,36 +532445,36 +532446,36 +532447,36 +532448,36 +532449,36 +532450,36 +532451,36 +532452,36 +532453,36 +532454,36 +532455,5 +532456,5 +532457,5 +532458,5 +532459,5 +532460,39 +532461,39 +532462,39 +532463,39 +532464,39 +532465,39 +532466,39 +532467,39 +532468,39 +532469,39 +532470,39 +532471,28 +532472,5 +532473,5 +532474,5 +532475,12 +532476,12 +532477,12 +532478,12 +532479,3 +532480,12 +532481,31 +532482,31 +532483,31 +532484,5 +532485,5 +532486,5 +532487,5 +532488,5 +532489,5 +532490,35 +532491,35 +532492,35 +532493,35 +532494,35 +532495,35 +532496,35 +532497,35 +532498,35 +532499,3 +532500,3 +532501,3 +532502,3 +532503,3 +532504,3 +532505,3 +532506,35 +532507,35 +532508,35 +532509,35 +532510,36 +532511,36 +532512,36 +532513,19 +532514,19 +532515,19 +532516,19 +532517,19 +532518,19 +532519,19 +532520,19 +532521,19 +532522,2 +532523,2 +532524,2 +532525,2 +532526,2 +532527,2 +532528,2 +532529,2 +532530,2 +532531,2 +532532,2 +532533,2 +532534,39 +532535,39 +532536,39 +532537,39 +532538,39 +532539,39 +532540,39 +532541,39 +532542,5 +532543,5 +532544,5 +532545,5 +532546,5 +532547,5 +532548,31 +532549,31 +532550,31 +532551,31 +532552,31 +532553,31 +532554,2 +532555,2 +532556,2 +532557,2 +532558,2 +532559,2 +532560,2 +532561,2 +532562,2 +532563,2 +532564,2 +532565,2 +532566,2 +532567,2 +532568,29 +532569,29 +532570,29 +532571,29 +532572,29 +532573,29 +532574,39 +532575,39 +532576,39 +532577,39 +532578,39 +532579,39 +532580,39 +532581,24 +532582,24 +532583,24 +532584,24 +532585,24 +532586,24 +532587,24 +532588,24 +532589,24 +532590,27 +532591,27 +532592,27 +532593,13 +532594,13 +532595,13 +532596,13 +532597,13 +532598,13 +532599,13 +532600,13 +532601,13 +532602,13 +532603,5 +532604,5 +532605,35 +532606,35 +532607,35 +532608,35 +532609,35 +532610,35 +532611,35 +532612,35 +532613,35 +532614,35 +532615,35 +532616,35 +532617,35 +532618,34 +532619,34 +532620,34 +532621,34 +532622,34 +532623,34 +532624,34 +532625,34 +532626,34 +532627,34 +532628,34 +532629,34 +532630,34 +532631,2 +532632,2 +532633,2 +532634,2 +532635,2 +532636,2 +532637,2 +532638,2 +532639,2 +532640,2 +532641,2 +532642,2 +532643,2 +532644,2 +532645,2 +532646,4 +532647,4 +532648,4 +532649,4 +532650,4 +532651,27 +532652,27 +532653,27 +532654,27 +532655,21 +532656,21 +532657,21 +532658,21 +532659,21 +532660,21 +532661,21 +532662,21 +532663,21 +532664,21 +532665,33 +532666,33 +532667,33 +532668,33 +532669,9 +532670,9 +532671,9 +532672,9 +532673,9 +532674,17 +532675,17 +532676,9 +532677,9 +532678,9 +532679,9 +532680,9 +532681,9 +532682,31 +532683,5 +532684,5 +532685,5 +532686,5 +532687,5 +532688,5 +532689,5 +532690,29 +532691,29 +532692,31 +532693,31 +532694,31 +532695,31 +532696,31 +532697,31 +532698,31 +532699,37 +532700,37 +532701,37 +532702,37 +532703,37 +532704,37 +532705,37 +532706,25 +532707,37 +532708,40 +532709,40 +532710,40 +532711,40 +532712,40 +532713,40 +532714,24 +532715,24 +532716,24 +532717,24 +532718,24 +532719,24 +532720,24 +532721,24 +532722,24 +532723,24 +532724,25 +532725,25 +532726,25 +532727,25 +532728,25 +532729,25 +532730,25 +532731,25 +532732,25 +532733,25 +532734,25 +532735,25 +532736,25 +532737,25 +532738,31 +532739,27 +532740,27 +532741,31 +532742,31 +532743,5 +532744,5 +532745,5 +532746,5 +532747,5 +532748,5 +532749,5 +532750,5 +532751,29 +532752,29 +532753,31 +532754,31 +532755,31 +532756,31 +532757,31 +532758,31 +532759,31 +532760,16 +532761,16 +532762,4 +532763,16 +532764,16 +532765,16 +532766,16 +532767,16 +532768,16 +532769,16 +532770,16 +532771,16 +532772,16 +532773,16 +532774,16 +532775,10 +532776,10 +532777,10 +532778,36 +532779,36 +532780,36 +532781,36 +532782,36 +532783,36 +532784,36 +532785,37 +532786,37 +532787,28 +532788,28 +532789,28 +532790,28 +532791,28 +532792,28 +532793,28 +532794,28 +532795,27 +532796,27 +532797,27 +532798,27 +532799,27 +532800,27 +532801,13 +532802,13 +532803,13 +532804,13 +532805,13 +532806,13 +532807,13 +532808,13 +532809,13 +532810,28 +532811,28 +532812,28 +532813,28 +532814,31 +532815,31 +532816,31 +532817,31 +532818,31 +532819,31 +532820,4 +532821,4 +532822,4 +532823,4 +532824,4 +532825,12 +532826,12 +532827,12 +532828,12 +532829,12 +532830,12 +532831,30 +532832,30 +532833,15 +532834,15 +532835,15 +532836,15 +532837,15 +532838,15 +532839,15 +532840,15 +532841,15 +532842,15 +532843,15 +532844,31 +532845,31 +532846,33 +532847,33 +532848,33 +532849,33 +532850,33 +532851,33 +532852,33 +532853,33 +532854,33 +532855,33 +532856,33 +532857,33 +532858,33 +532859,33 +532860,33 +532861,33 +532862,33 +532863,33 +532864,12 +532865,33 +532866,12 +532867,12 +532868,12 +532869,12 +532870,12 +532871,27 +532872,27 +532873,27 +532874,27 +532875,27 +532876,16 +532877,16 +532878,16 +532879,16 +532880,16 +532881,16 +532882,16 +532883,16 +532884,16 +532885,16 +532886,16 +532887,36 +532888,36 +532889,36 +532890,36 +532891,10 +532892,10 +532893,10 +532894,10 +532895,10 +532896,10 +532897,10 +532898,10 +532899,10 +532900,10 +532901,10 +532902,10 +532903,10 +532904,19 +532905,19 +532906,19 +532907,19 +532908,19 +532909,19 +532910,19 +532911,19 +532912,19 +532913,15 +532914,15 +532915,15 +532916,15 +532917,15 +532918,15 +532919,26 +532920,26 +532921,26 +532922,26 +532923,26 +532924,26 +532925,26 +532926,26 +532927,26 +532928,9 +532929,9 +532930,9 +532931,9 +532932,9 +532933,9 +532934,9 +532935,9 +532936,9 +532937,4 +532938,4 +532939,4 +532940,4 +532941,4 +532942,4 +532943,4 +532944,4 +532945,32 +532946,32 +532947,32 +532948,32 +532949,32 +532950,32 +532951,32 +532952,32 +532953,0 +532954,0 +532955,0 +532956,0 +532957,0 +532958,0 +532959,0 +532960,0 +532961,0 +532962,0 +532963,0 +532964,0 +532965,0 +532966,0 +532967,0 +532968,0 +532969,12 +532970,12 +532971,12 +532972,12 +532973,12 +532974,12 +532975,12 +532976,12 +532977,12 +532978,12 +532979,12 +532980,12 +532981,12 +532982,27 +532983,27 +532984,27 +532985,5 +532986,5 +532987,5 +532988,5 +532989,5 +532990,5 +532991,5 +532992,5 +532993,5 +532994,5 +532995,36 +532996,40 +532997,40 +532998,40 +532999,40 +533000,40 +533001,40 +533002,40 +533003,40 +533004,24 +533005,24 +533006,24 +533007,24 +533008,24 +533009,24 +533010,24 +533011,24 +533012,25 +533013,25 +533014,25 +533015,25 +533016,25 +533017,25 +533018,25 +533019,25 +533020,25 +533021,37 +533022,37 +533023,31 +533024,31 +533025,31 +533026,31 +533027,31 +533028,31 +533029,36 +533030,36 +533031,24 +533032,24 +533033,23 +533034,23 +533035,23 +533036,23 +533037,23 +533038,23 +533039,24 +533040,24 +533041,15 +533042,15 +533043,15 +533044,15 +533045,23 +533046,23 +533047,23 +533048,31 +533049,31 +533050,30 +533051,30 +533052,30 +533053,30 +533054,30 +533055,30 +533056,30 +533057,30 +533058,30 +533059,30 +533060,39 +533061,39 +533062,39 +533063,39 +533064,39 +533065,39 +533066,39 +533067,39 +533068,39 +533069,39 +533070,14 +533071,24 +533072,24 +533073,24 +533074,24 +533075,4 +533076,4 +533077,6 +533078,6 +533079,6 +533080,6 +533081,6 +533082,29 +533083,29 +533084,29 +533085,29 +533086,29 +533087,29 +533088,31 +533089,31 +533090,27 +533091,27 +533092,38 +533093,29 +533094,29 +533095,29 +533096,29 +533097,29 +533098,29 +533099,29 +533100,31 +533101,31 +533102,31 +533103,31 +533104,31 +533105,31 +533106,12 +533107,12 +533108,12 +533109,12 +533110,12 +533111,12 +533112,12 +533113,12 +533114,12 +533115,31 +533116,31 +533117,31 +533118,5 +533119,5 +533120,5 +533121,5 +533122,28 +533123,28 +533124,28 +533125,28 +533126,31 +533127,31 +533128,31 +533129,31 +533130,5 +533131,5 +533132,5 +533133,5 +533134,5 +533135,5 +533136,5 +533137,5 +533138,19 +533139,19 +533140,19 +533141,19 +533142,19 +533143,19 +533144,19 +533145,37 +533146,37 +533147,37 +533148,37 +533149,37 +533150,37 +533151,40 +533152,40 +533153,40 +533154,40 +533155,40 +533156,40 +533157,40 +533158,40 +533159,2 +533160,2 +533161,2 +533162,2 +533163,2 +533164,2 +533165,2 +533166,2 +533167,2 +533168,2 +533169,2 +533170,2 +533171,2 +533172,2 +533173,4 +533174,4 +533175,4 +533176,4 +533177,4 +533178,31 +533179,31 +533180,31 +533181,31 +533182,5 +533183,5 +533184,5 +533185,5 +533186,5 +533187,5 +533188,28 +533189,28 +533190,28 +533191,28 +533192,28 +533193,28 +533194,34 +533195,34 +533196,34 +533197,28 +533198,28 +533199,10 +533200,10 +533201,10 +533202,10 +533203,10 +533204,10 +533205,10 +533206,10 +533207,10 +533208,10 +533209,10 +533210,10 +533211,10 +533212,10 +533213,10 +533214,10 +533215,10 +533216,10 +533217,10 +533218,10 +533219,0 +533220,0 +533221,0 +533222,0 +533223,0 +533224,0 +533225,0 +533226,0 +533227,0 +533228,0 +533229,0 +533230,0 +533231,0 +533232,0 +533233,0 +533234,0 +533235,0 +533236,0 +533237,0 +533238,28 +533239,5 +533240,5 +533241,5 +533242,5 +533243,5 +533244,5 +533245,5 +533246,5 +533247,12 +533248,12 +533249,40 +533250,40 +533251,40 +533252,40 +533253,40 +533254,40 +533255,37 +533256,37 +533257,37 +533258,37 +533259,37 +533260,37 +533261,37 +533262,37 +533263,37 +533264,27 +533265,27 +533266,27 +533267,27 +533268,27 +533269,13 +533270,13 +533271,13 +533272,13 +533273,13 +533274,27 +533275,27 +533276,27 +533277,27 +533278,27 +533279,27 +533280,27 +533281,27 +533282,2 +533283,2 +533284,2 +533285,2 +533286,2 +533287,2 +533288,2 +533289,2 +533290,2 +533291,4 +533292,4 +533293,4 +533294,4 +533295,4 +533296,4 +533297,4 +533298,4 +533299,4 +533300,37 +533301,37 +533302,37 +533303,37 +533304,37 +533305,37 +533306,37 +533307,37 +533308,37 +533309,10 +533310,10 +533311,10 +533312,10 +533313,10 +533314,10 +533315,10 +533316,10 +533317,10 +533318,10 +533319,10 +533320,32 +533321,35 +533322,35 +533323,35 +533324,35 +533325,35 +533326,35 +533327,35 +533328,35 +533329,35 +533330,35 +533331,32 +533332,32 +533333,36 +533334,36 +533335,36 +533336,36 +533337,36 +533338,36 +533339,36 +533340,36 +533341,36 +533342,36 +533343,36 +533344,36 +533345,36 +533346,36 +533347,36 +533348,36 +533349,36 +533350,36 +533351,4 +533352,4 +533353,4 +533354,4 +533355,4 +533356,4 +533357,32 +533358,32 +533359,32 +533360,32 +533361,32 +533362,32 +533363,0 +533364,0 +533365,0 +533366,0 +533367,0 +533368,0 +533369,0 +533370,0 +533371,0 +533372,0 +533373,0 +533374,0 +533375,0 +533376,0 +533377,0 +533378,0 +533379,0 +533380,0 +533381,0 +533382,0 +533383,0 +533384,0 +533385,0 +533386,0 +533387,0 +533388,0 +533389,0 +533390,0 +533391,0 +533392,0 +533393,0 +533394,0 +533395,0 +533396,0 +533397,0 +533398,0 +533399,0 +533400,0 +533401,0 +533402,0 +533403,0 +533404,0 +533405,0 +533406,0 +533407,0 +533408,0 +533409,0 +533410,0 +533411,0 +533412,0 +533413,0 +533414,0 +533415,0 +533416,5 +533417,28 +533418,28 +533419,28 +533420,28 +533421,28 +533422,28 +533423,15 +533424,15 +533425,15 +533426,15 +533427,15 +533428,15 +533429,31 +533430,31 +533431,31 +533432,31 +533433,31 +533434,31 +533435,31 +533436,31 +533437,31 +533438,31 +533439,31 +533440,31 +533441,31 +533442,31 +533443,31 +533444,4 +533445,4 +533446,4 +533447,4 +533448,4 +533449,4 +533450,4 +533451,39 +533452,39 +533453,39 +533454,39 +533455,39 +533456,7 +533457,7 +533458,7 +533459,7 +533460,7 +533461,7 +533462,39 +533463,7 +533464,3 +533465,3 +533466,3 +533467,39 +533468,3 +533469,3 +533470,12 +533471,12 +533472,12 +533473,12 +533474,12 +533475,12 +533476,12 +533477,22 +533478,22 +533479,22 +533480,22 +533481,22 +533482,19 +533483,19 +533484,19 +533485,19 +533486,19 +533487,5 +533488,5 +533489,5 +533490,5 +533491,5 +533492,5 +533493,5 +533494,5 +533495,26 +533496,26 +533497,26 +533498,26 +533499,26 +533500,26 +533501,26 +533502,26 +533503,26 +533504,26 +533505,4 +533506,4 +533507,4 +533508,4 +533509,4 +533510,4 +533511,4 +533512,12 +533513,12 +533514,12 +533515,12 +533516,12 +533517,12 +533518,12 +533519,27 +533520,27 +533521,27 +533522,27 +533523,27 +533524,11 +533525,11 +533526,11 +533527,11 +533528,11 +533529,11 +533530,11 +533531,11 +533532,11 +533533,11 +533534,16 +533535,4 +533536,16 +533537,16 +533538,16 +533539,16 +533540,27 +533541,27 +533542,27 +533543,15 +533544,15 +533545,15 +533546,15 +533547,15 +533548,15 +533549,15 +533550,39 +533551,39 +533552,39 +533553,39 +533554,39 +533555,4 +533556,4 +533557,4 +533558,19 +533559,19 +533560,0 +533561,0 +533562,0 +533563,29 +533564,19 +533565,19 +533566,40 +533567,40 +533568,40 +533569,36 +533570,36 +533571,36 +533572,36 +533573,36 +533574,36 +533575,36 +533576,36 +533577,36 +533578,36 +533579,36 +533580,5 +533581,5 +533582,5 +533583,5 +533584,5 +533585,5 +533586,5 +533587,2 +533588,2 +533589,2 +533590,2 +533591,2 +533592,2 +533593,2 +533594,2 +533595,2 +533596,2 +533597,27 +533598,27 +533599,27 +533600,27 +533601,27 +533602,27 +533603,5 +533604,5 +533605,5 +533606,5 +533607,5 +533608,5 +533609,5 +533610,5 +533611,5 +533612,5 +533613,5 +533614,33 +533615,33 +533616,33 +533617,33 +533618,27 +533619,27 +533620,27 +533621,27 +533622,5 +533623,5 +533624,5 +533625,5 +533626,5 +533627,19 +533628,19 +533629,19 +533630,11 +533631,11 +533632,11 +533633,11 +533634,11 +533635,11 +533636,11 +533637,11 +533638,11 +533639,39 +533640,39 +533641,39 +533642,39 +533643,39 +533644,39 +533645,39 +533646,39 +533647,39 +533648,39 +533649,39 +533650,39 +533651,39 +533652,39 +533653,39 +533654,39 +533655,8 +533656,8 +533657,8 +533658,8 +533659,8 +533660,8 +533661,8 +533662,8 +533663,8 +533664,8 +533665,27 +533666,27 +533667,27 +533668,27 +533669,27 +533670,27 +533671,27 +533672,27 +533673,27 +533674,27 +533675,27 +533676,27 +533677,27 +533678,27 +533679,27 +533680,27 +533681,27 +533682,27 +533683,27 +533684,40 +533685,30 +533686,30 +533687,30 +533688,30 +533689,30 +533690,30 +533691,30 +533692,30 +533693,30 +533694,30 +533695,30 +533696,30 +533697,30 +533698,30 +533699,30 +533700,30 +533701,30 +533702,30 +533703,30 +533704,30 +533705,0 +533706,0 +533707,0 +533708,0 +533709,0 +533710,0 +533711,0 +533712,0 +533713,0 +533714,0 +533715,0 +533716,0 +533717,0 +533718,0 +533719,0 +533720,0 +533721,0 +533722,0 +533723,0 +533724,0 +533725,0 +533726,0 +533727,0 +533728,0 +533729,0 +533730,0 +533731,0 +533732,0 +533733,0 +533734,0 +533735,0 +533736,0 +533737,0 +533738,0 +533739,0 +533740,0 +533741,0 +533742,0 +533743,0 +533744,0 +533745,0 +533746,0 +533747,0 +533748,0 +533749,0 +533750,0 +533751,0 +533752,0 +533753,0 +533754,0 +533755,0 +533756,0 +533757,0 +533758,0 +533759,0 +533760,0 +533761,0 +533762,0 +533763,0 +533764,0 +533765,0 +533766,0 +533767,0 +533768,0 +533769,0 +533770,0 +533771,0 +533772,0 +533773,0 +533774,0 +533775,0 +533776,0 +533777,0 +533778,0 +533779,0 +533780,0 +533781,0 +533782,0 +533783,0 +533784,0 +533785,0 +533786,0 +533787,0 +533788,0 +533789,0 +533790,0 +533791,0 +533792,0 +533793,0 +533794,0 +533795,0 +533796,0 +533797,0 +533798,0 +533799,0 +533800,0 +533801,0 +533802,0 +533803,0 +533804,0 +533805,0 +533806,0 +533807,0 +533808,0 +533809,0 +533810,0 +533811,0 +533812,0 +533813,0 +533814,0 +533815,0 +533816,0 +533817,0 +533818,0 +533819,0 +533820,0 +533821,0 +533822,0 +533823,0 +533824,0 +533825,0 +533826,0 +533827,0 +533828,0 +533829,0 +533830,0 +533831,0 +533832,0 +533833,0 +533834,0 +533835,0 +533836,0 +533837,0 +533838,0 +533839,0 +533840,0 +533841,0 +533842,0 +533843,0 +533844,0 +533845,0 +533846,0 +533847,0 +533848,0 +533849,0 +533850,0 +533851,0 +533852,0 +533853,0 +533854,0 +533855,0 +533856,0 +533857,0 +533858,0 +533859,0 +533860,0 +533861,0 +533862,12 +533863,12 +533864,12 +533865,12 +533866,12 +533867,12 +533868,12 +533869,27 +533870,27 +533871,27 +533872,22 +533873,22 +533874,22 +533875,22 +533876,19 +533877,19 +533878,35 +533879,24 +533880,39 +533881,39 +533882,39 +533883,39 +533884,39 +533885,39 +533886,39 +533887,39 +533888,39 +533889,36 +533890,36 +533891,36 +533892,36 +533893,36 +533894,19 +533895,19 +533896,19 +533897,19 +533898,19 +533899,19 +533900,19 +533901,19 +533902,27 +533903,27 +533904,27 +533905,27 +533906,6 +533907,6 +533908,6 +533909,6 +533910,6 +533911,6 +533912,6 +533913,6 +533914,6 +533915,30 +533916,30 +533917,30 +533918,30 +533919,30 +533920,30 +533921,30 +533922,40 +533923,40 +533924,1 +533925,1 +533926,1 +533927,1 +533928,1 +533929,1 +533930,37 +533931,37 +533932,37 +533933,37 +533934,37 +533935,25 +533936,35 +533937,35 +533938,19 +533939,35 +533940,35 +533941,35 +533942,35 +533943,25 +533944,25 +533945,25 +533946,25 +533947,25 +533948,25 +533949,25 +533950,25 +533951,2 +533952,2 +533953,2 +533954,2 +533955,2 +533956,2 +533957,2 +533958,2 +533959,2 +533960,2 +533961,2 +533962,2 +533963,33 +533964,33 +533965,40 +533966,33 +533967,40 +533968,30 +533969,30 +533970,33 +533971,30 +533972,30 +533973,30 +533974,34 +533975,2 +533976,2 +533977,2 +533978,2 +533979,2 +533980,2 +533981,2 +533982,2 +533983,2 +533984,2 +533985,2 +533986,2 +533987,2 +533988,2 +533989,2 +533990,2 +533991,36 +533992,36 +533993,36 +533994,36 +533995,36 +533996,36 +533997,36 +533998,36 +533999,36 +534000,36 +534001,36 +534002,36 +534003,19 +534004,19 +534005,31 +534006,31 +534007,31 +534008,31 +534009,31 +534010,31 +534011,31 +534012,31 +534013,2 +534014,2 +534015,2 +534016,2 +534017,2 +534018,2 +534019,2 +534020,2 +534021,2 +534022,2 +534023,2 +534024,9 +534025,9 +534026,9 +534027,9 +534028,9 +534029,9 +534030,9 +534031,9 +534032,9 +534033,9 +534034,10 +534035,10 +534036,10 +534037,10 +534038,10 +534039,10 +534040,10 +534041,10 +534042,10 +534043,10 +534044,10 +534045,10 +534046,10 +534047,10 +534048,10 +534049,10 +534050,24 +534051,10 +534052,10 +534053,10 +534054,14 +534055,14 +534056,14 +534057,39 +534058,0 +534059,0 +534060,0 +534061,0 +534062,0 +534063,0 +534064,0 +534065,0 +534066,0 +534067,0 +534068,0 +534069,0 +534070,0 +534071,0 +534072,0 +534073,0 +534074,0 +534075,0 +534076,0 +534077,0 +534078,0 +534079,0 +534080,0 +534081,0 +534082,0 +534083,0 +534084,0 +534085,0 +534086,0 +534087,0 +534088,0 +534089,0 +534090,0 +534091,0 +534092,0 +534093,0 +534094,0 +534095,0 +534096,0 +534097,0 +534098,0 +534099,0 +534100,0 +534101,0 +534102,0 +534103,0 +534104,0 +534105,0 +534106,0 +534107,0 +534108,0 +534109,0 +534110,0 +534111,0 +534112,0 +534113,0 +534114,0 +534115,0 +534116,0 +534117,0 +534118,0 +534119,0 +534120,0 +534121,0 +534122,0 +534123,0 +534124,0 +534125,0 +534126,0 +534127,0 +534128,0 +534129,0 +534130,0 +534131,0 +534132,0 +534133,0 +534134,0 +534135,0 +534136,0 +534137,0 +534138,0 +534139,0 +534140,0 +534141,0 +534142,0 +534143,0 +534144,0 +534145,0 +534146,15 +534147,15 +534148,15 +534149,15 +534150,15 +534151,15 +534152,15 +534153,15 +534154,15 +534155,15 +534156,15 +534157,15 +534158,15 +534159,15 +534160,15 +534161,15 +534162,25 +534163,25 +534164,25 +534165,25 +534166,25 +534167,25 +534168,25 +534169,25 +534170,25 +534171,25 +534172,25 +534173,25 +534174,25 +534175,25 +534176,25 +534177,25 +534178,25 +534179,25 +534180,28 +534181,28 +534182,28 +534183,28 +534184,28 +534185,28 +534186,28 +534187,28 +534188,28 +534189,28 +534190,12 +534191,12 +534192,12 +534193,33 +534194,12 +534195,12 +534196,12 +534197,31 +534198,31 +534199,40 +534200,40 +534201,40 +534202,40 +534203,8 +534204,8 +534205,8 +534206,8 +534207,8 +534208,8 +534209,8 +534210,8 +534211,8 +534212,8 +534213,8 +534214,8 +534215,8 +534216,39 +534217,39 +534218,39 +534219,39 +534220,39 +534221,39 +534222,39 +534223,39 +534224,39 +534225,39 +534226,26 +534227,26 +534228,26 +534229,26 +534230,26 +534231,26 +534232,26 +534233,30 +534234,30 +534235,34 +534236,5 +534237,5 +534238,5 +534239,5 +534240,5 +534241,30 +534242,30 +534243,30 +534244,30 +534245,30 +534246,30 +534247,30 +534248,30 +534249,30 +534250,39 +534251,39 +534252,39 +534253,39 +534254,39 +534255,39 +534256,39 +534257,28 +534258,28 +534259,28 +534260,28 +534261,28 +534262,28 +534263,28 +534264,28 +534265,28 +534266,28 +534267,36 +534268,36 +534269,36 +534270,36 +534271,36 +534272,36 +534273,36 +534274,36 +534275,36 +534276,36 +534277,36 +534278,36 +534279,36 +534280,36 +534281,36 +534282,36 +534283,36 +534284,36 +534285,36 +534286,5 +534287,5 +534288,5 +534289,5 +534290,10 +534291,10 +534292,10 +534293,10 +534294,10 +534295,10 +534296,10 +534297,10 +534298,10 +534299,10 +534300,10 +534301,10 +534302,5 +534303,5 +534304,5 +534305,5 +534306,5 +534307,5 +534308,5 +534309,5 +534310,5 +534311,5 +534312,5 +534313,33 +534314,33 +534315,33 +534316,33 +534317,33 +534318,33 +534319,33 +534320,33 +534321,33 +534322,33 +534323,33 +534324,33 +534325,19 +534326,19 +534327,19 +534328,19 +534329,27 +534330,27 +534331,27 +534332,27 +534333,27 +534334,27 +534335,27 +534336,27 +534337,27 +534338,27 +534339,27 +534340,27 +534341,2 +534342,2 +534343,2 +534344,2 +534345,2 +534346,2 +534347,2 +534348,2 +534349,2 +534350,2 +534351,2 +534352,4 +534353,32 +534354,35 +534355,32 +534356,32 +534357,6 +534358,6 +534359,6 +534360,35 +534361,35 +534362,35 +534363,35 +534364,35 +534365,35 +534366,39 +534367,39 +534368,39 +534369,39 +534370,39 +534371,39 +534372,39 +534373,2 +534374,2 +534375,2 +534376,2 +534377,2 +534378,2 +534379,2 +534380,2 +534381,2 +534382,2 +534383,2 +534384,2 +534385,39 +534386,39 +534387,39 +534388,39 +534389,39 +534390,39 +534391,39 +534392,39 +534393,39 +534394,39 +534395,39 +534396,28 +534397,28 +534398,28 +534399,28 +534400,28 +534401,28 +534402,19 +534403,19 +534404,4 +534405,4 +534406,4 +534407,4 +534408,4 +534409,4 +534410,4 +534411,4 +534412,4 +534413,4 +534414,4 +534415,4 +534416,4 +534417,4 +534418,31 +534419,31 +534420,31 +534421,3 +534422,3 +534423,3 +534424,3 +534425,25 +534426,25 +534427,25 +534428,25 +534429,25 +534430,25 +534431,25 +534432,25 +534433,25 +534434,25 +534435,25 +534436,25 +534437,39 +534438,39 +534439,39 +534440,39 +534441,27 +534442,21 +534443,21 +534444,21 +534445,21 +534446,21 +534447,21 +534448,21 +534449,21 +534450,21 +534451,21 +534452,26 +534453,26 +534454,26 +534455,26 +534456,26 +534457,26 +534458,25 +534459,25 +534460,26 +534461,26 +534462,25 +534463,40 +534464,26 +534465,26 +534466,31 +534467,24 +534468,24 +534469,24 +534470,24 +534471,24 +534472,24 +534473,24 +534474,24 +534475,29 +534476,29 +534477,31 +534478,31 +534479,31 +534480,31 +534481,31 +534482,23 +534483,23 +534484,23 +534485,23 +534486,23 +534487,23 +534488,23 +534489,23 +534490,23 +534491,23 +534492,23 +534493,23 +534494,23 +534495,23 +534496,23 +534497,23 +534498,10 +534499,10 +534500,10 +534501,10 +534502,10 +534503,10 +534504,10 +534505,10 +534506,10 +534507,10 +534508,10 +534509,10 +534510,10 +534511,10 +534512,10 +534513,10 +534514,10 +534515,10 +534516,10 +534517,4 +534518,4 +534519,4 +534520,4 +534521,0 +534522,0 +534523,0 +534524,0 +534525,0 +534526,0 +534527,0 +534528,36 +534529,36 +534530,36 +534531,36 +534532,36 +534533,36 +534534,36 +534535,36 +534536,36 +534537,36 +534538,36 +534539,36 +534540,36 +534541,36 +534542,36 +534543,36 +534544,36 +534545,36 +534546,36 +534547,36 +534548,36 +534549,36 +534550,36 +534551,8 +534552,8 +534553,8 +534554,8 +534555,8 +534556,8 +534557,8 +534558,31 +534559,31 +534560,31 +534561,31 +534562,31 +534563,31 +534564,31 +534565,31 +534566,31 +534567,5 +534568,5 +534569,5 +534570,5 +534571,31 +534572,31 +534573,31 +534574,31 +534575,31 +534576,31 +534577,31 +534578,31 +534579,31 +534580,5 +534581,5 +534582,5 +534583,5 +534584,39 +534585,39 +534586,39 +534587,39 +534588,39 +534589,39 +534590,39 +534591,39 +534592,39 +534593,39 +534594,39 +534595,12 +534596,12 +534597,12 +534598,12 +534599,12 +534600,12 +534601,12 +534602,12 +534603,12 +534604,12 +534605,12 +534606,12 +534607,12 +534608,12 +534609,12 +534610,14 +534611,14 +534612,14 +534613,14 +534614,14 +534615,14 +534616,14 +534617,14 +534618,14 +534619,14 +534620,14 +534621,14 +534622,14 +534623,35 +534624,35 +534625,35 +534626,35 +534627,35 +534628,35 +534629,35 +534630,35 +534631,35 +534632,35 +534633,35 +534634,35 +534635,35 +534636,35 +534637,35 +534638,39 +534639,39 +534640,39 +534641,39 +534642,39 +534643,39 +534644,39 +534645,3 +534646,3 +534647,28 +534648,28 +534649,28 +534650,28 +534651,28 +534652,28 +534653,28 +534654,37 +534655,37 +534656,37 +534657,37 +534658,37 +534659,37 +534660,37 +534661,25 +534662,25 +534663,37 +534664,25 +534665,31 +534666,27 +534667,40 +534668,31 +534669,40 +534670,31 +534671,31 +534672,2 +534673,2 +534674,2 +534675,2 +534676,2 +534677,2 +534678,2 +534679,2 +534680,2 +534681,2 +534682,2 +534683,2 +534684,2 +534685,2 +534686,2 +534687,2 +534688,2 +534689,2 +534690,2 +534691,2 +534692,2 +534693,2 +534694,2 +534695,2 +534696,2 +534697,2 +534698,2 +534699,2 +534700,2 +534701,0 +534702,0 +534703,0 +534704,0 +534705,0 +534706,0 +534707,0 +534708,0 +534709,0 +534710,0 +534711,0 +534712,0 +534713,0 +534714,0 +534715,0 +534716,0 +534717,0 +534718,0 +534719,0 +534720,0 +534721,0 +534722,0 +534723,0 +534724,0 +534725,0 +534726,0 +534727,0 +534728,0 +534729,0 +534730,0 +534731,0 +534732,0 +534733,0 +534734,0 +534735,0 +534736,0 +534737,0 +534738,0 +534739,0 +534740,0 +534741,0 +534742,0 +534743,0 +534744,0 +534745,0 +534746,0 +534747,0 +534748,0 +534749,0 +534750,0 +534751,0 +534752,0 +534753,15 +534754,15 +534755,15 +534756,15 +534757,31 +534758,31 +534759,31 +534760,31 +534761,31 +534762,4 +534763,4 +534764,19 +534765,19 +534766,19 +534767,39 +534768,39 +534769,39 +534770,39 +534771,39 +534772,39 +534773,39 +534774,39 +534775,39 +534776,39 +534777,39 +534778,39 +534779,24 +534780,24 +534781,24 +534782,24 +534783,24 +534784,24 +534785,27 +534786,27 +534787,27 +534788,27 +534789,27 +534790,27 +534791,5 +534792,5 +534793,5 +534794,5 +534795,5 +534796,14 +534797,39 +534798,39 +534799,39 +534800,39 +534801,39 +534802,39 +534803,39 +534804,36 +534805,36 +534806,36 +534807,36 +534808,36 +534809,36 +534810,36 +534811,36 +534812,36 +534813,36 +534814,36 +534815,36 +534816,4 +534817,4 +534818,4 +534819,4 +534820,4 +534821,4 +534822,4 +534823,4 +534824,4 +534825,4 +534826,4 +534827,4 +534828,4 +534829,4 +534830,26 +534831,10 +534832,10 +534833,10 +534834,10 +534835,10 +534836,37 +534837,37 +534838,37 +534839,37 +534840,37 +534841,37 +534842,37 +534843,37 +534844,3 +534845,3 +534846,39 +534847,39 +534848,39 +534849,39 +534850,39 +534851,39 +534852,39 +534853,39 +534854,39 +534855,23 +534856,23 +534857,23 +534858,23 +534859,23 +534860,23 +534861,23 +534862,23 +534863,23 +534864,23 +534865,23 +534866,23 +534867,23 +534868,23 +534869,37 +534870,37 +534871,37 +534872,37 +534873,14 +534874,14 +534875,14 +534876,14 +534877,14 +534878,14 +534879,39 +534880,39 +534881,39 +534882,14 +534883,14 +534884,14 +534885,14 +534886,14 +534887,14 +534888,14 +534889,14 +534890,14 +534891,5 +534892,5 +534893,5 +534894,5 +534895,5 +534896,19 +534897,19 +534898,27 +534899,27 +534900,27 +534901,14 +534902,14 +534903,5 +534904,5 +534905,5 +534906,13 +534907,13 +534908,5 +534909,5 +534910,13 +534911,6 +534912,6 +534913,6 +534914,6 +534915,6 +534916,6 +534917,6 +534918,6 +534919,6 +534920,6 +534921,36 +534922,36 +534923,36 +534924,36 +534925,36 +534926,36 +534927,36 +534928,32 +534929,32 +534930,32 +534931,32 +534932,32 +534933,32 +534934,32 +534935,32 +534936,32 +534937,2 +534938,2 +534939,2 +534940,2 +534941,2 +534942,2 +534943,2 +534944,2 +534945,2 +534946,2 +534947,2 +534948,2 +534949,2 +534950,4 +534951,4 +534952,4 +534953,4 +534954,4 +534955,4 +534956,27 +534957,27 +534958,27 +534959,27 +534960,27 +534961,27 +534962,27 +534963,27 +534964,27 +534965,30 +534966,30 +534967,30 +534968,30 +534969,30 +534970,30 +534971,30 +534972,30 +534973,30 +534974,30 +534975,30 +534976,30 +534977,30 +534978,30 +534979,30 +534980,30 +534981,30 +534982,30 +534983,30 +534984,30 +534985,0 +534986,30 +534987,30 +534988,0 +534989,0 +534990,0 +534991,0 +534992,0 +534993,0 +534994,0 +534995,0 +534996,0 +534997,0 +534998,0 +534999,0 +535000,0 +535001,0 +535002,0 +535003,0 +535004,0 +535005,0 +535006,0 +535007,0 +535008,0 +535009,0 +535010,0 +535011,0 +535012,0 +535013,0 +535014,0 +535015,0 +535016,0 +535017,0 +535018,0 +535019,0 +535020,0 +535021,0 +535022,0 +535023,0 +535024,0 +535025,0 +535026,0 +535027,0 +535028,0 +535029,0 +535030,0 +535031,10 +535032,10 +535033,10 +535034,10 +535035,10 +535036,10 +535037,10 +535038,10 +535039,10 +535040,10 +535041,10 +535042,10 +535043,10 +535044,2 +535045,2 +535046,2 +535047,2 +535048,2 +535049,2 +535050,2 +535051,2 +535052,2 +535053,2 +535054,6 +535055,6 +535056,6 +535057,6 +535058,6 +535059,27 +535060,27 +535061,27 +535062,27 +535063,27 +535064,37 +535065,37 +535066,37 +535067,37 +535068,37 +535069,37 +535070,37 +535071,37 +535072,37 +535073,37 +535074,25 +535075,25 +535076,2 +535077,2 +535078,2 +535079,2 +535080,2 +535081,2 +535082,2 +535083,2 +535084,2 +535085,2 +535086,2 +535087,30 +535088,30 +535089,30 +535090,30 +535091,30 +535092,39 +535093,39 +535094,39 +535095,39 +535096,39 +535097,39 +535098,15 +535099,15 +535100,15 +535101,15 +535102,15 +535103,15 +535104,15 +535105,37 +535106,37 +535107,37 +535108,37 +535109,37 +535110,37 +535111,37 +535112,37 +535113,37 +535114,39 +535115,39 +535116,39 +535117,39 +535118,39 +535119,39 +535120,39 +535121,39 +535122,39 +535123,39 +535124,39 +535125,39 +535126,39 +535127,39 +535128,39 +535129,39 +535130,39 +535131,39 +535132,39 +535133,39 +535134,39 +535135,38 +535136,38 +535137,38 +535138,38 +535139,38 +535140,38 +535141,38 +535142,19 +535143,8 +535144,8 +535145,38 +535146,0 +535147,0 +535148,0 +535149,0 +535150,0 +535151,0 +535152,0 +535153,0 +535154,0 +535155,0 +535156,0 +535157,0 +535158,0 +535159,0 +535160,0 +535161,0 +535162,0 +535163,0 +535164,0 +535165,0 +535166,0 +535167,0 +535168,0 +535169,0 +535170,0 +535171,0 +535172,0 +535173,0 +535174,0 +535175,0 +535176,0 +535177,0 +535178,0 +535179,0 +535180,0 +535181,0 +535182,0 +535183,0 +535184,0 +535185,0 +535186,0 +535187,0 +535188,0 +535189,0 +535190,0 +535191,0 +535192,0 +535193,0 +535194,0 +535195,0 +535196,0 +535197,0 +535198,10 +535199,10 +535200,10 +535201,10 +535202,10 +535203,10 +535204,10 +535205,10 +535206,10 +535207,10 +535208,10 +535209,35 +535210,35 +535211,35 +535212,35 +535213,35 +535214,35 +535215,35 +535216,40 +535217,40 +535218,40 +535219,30 +535220,30 +535221,30 +535222,30 +535223,30 +535224,30 +535225,30 +535226,30 +535227,30 +535228,30 +535229,19 +535230,19 +535231,29 +535232,29 +535233,29 +535234,27 +535235,27 +535236,27 +535237,27 +535238,27 +535239,27 +535240,30 +535241,30 +535242,30 +535243,30 +535244,30 +535245,30 +535246,30 +535247,14 +535248,36 +535249,36 +535250,14 +535251,14 +535252,14 +535253,14 +535254,14 +535255,34 +535256,36 +535257,5 +535258,5 +535259,28 +535260,5 +535261,5 +535262,5 +535263,35 +535264,35 +535265,35 +535266,35 +535267,35 +535268,35 +535269,35 +535270,35 +535271,35 +535272,25 +535273,25 +535274,25 +535275,25 +535276,28 +535277,28 +535278,28 +535279,28 +535280,28 +535281,28 +535282,28 +535283,28 +535284,28 +535285,33 +535286,33 +535287,33 +535288,33 +535289,33 +535290,33 +535291,33 +535292,33 +535293,33 +535294,33 +535295,33 +535296,33 +535297,11 +535298,11 +535299,11 +535300,11 +535301,11 +535302,11 +535303,11 +535304,11 +535305,11 +535306,11 +535307,31 +535308,31 +535309,31 +535310,5 +535311,5 +535312,5 +535313,5 +535314,5 +535315,33 +535316,5 +535317,5 +535318,33 +535319,30 +535320,30 +535321,30 +535322,31 +535323,31 +535324,31 +535325,31 +535326,31 +535327,31 +535328,31 +535329,31 +535330,2 +535331,2 +535332,2 +535333,2 +535334,2 +535335,2 +535336,2 +535337,2 +535338,2 +535339,2 +535340,2 +535341,2 +535342,2 +535343,2 +535344,2 +535345,2 +535346,2 +535347,2 +535348,2 +535349,2 +535350,2 +535351,2 +535352,2 +535353,2 +535354,2 +535355,2 +535356,2 +535357,2 +535358,2 +535359,8 +535360,2 +535361,2 +535362,0 +535363,0 +535364,0 +535365,0 +535366,0 +535367,0 +535368,0 +535369,0 +535370,0 +535371,0 +535372,0 +535373,0 +535374,0 +535375,0 +535376,0 +535377,0 +535378,0 +535379,0 +535380,0 +535381,0 +535382,0 +535383,0 +535384,0 +535385,0 +535386,0 +535387,0 +535388,0 +535389,0 +535390,0 +535391,0 +535392,0 +535393,0 +535394,0 +535395,0 +535396,0 +535397,0 +535398,0 +535399,0 +535400,0 +535401,0 +535402,0 +535403,0 +535404,0 +535405,0 +535406,0 +535407,0 +535408,10 +535409,10 +535410,10 +535411,10 +535412,10 +535413,10 +535414,10 +535415,10 +535416,10 +535417,10 +535418,10 +535419,10 +535420,10 +535421,10 +535422,10 +535423,10 +535424,10 +535425,4 +535426,4 +535427,4 +535428,4 +535429,4 +535430,4 +535431,4 +535432,4 +535433,4 +535434,4 +535435,4 +535436,4 +535437,37 +535438,37 +535439,37 +535440,37 +535441,37 +535442,37 +535443,10 +535444,10 +535445,10 +535446,10 +535447,10 +535448,10 +535449,10 +535450,10 +535451,10 +535452,10 +535453,10 +535454,19 +535455,19 +535456,19 +535457,19 +535458,19 +535459,35 +535460,35 +535461,35 +535462,35 +535463,35 +535464,34 +535465,34 +535466,34 +535467,34 +535468,34 +535469,34 +535470,34 +535471,34 +535472,34 +535473,34 +535474,34 +535475,2 +535476,2 +535477,2 +535478,2 +535479,2 +535480,2 +535481,2 +535482,2 +535483,2 +535484,2 +535485,2 +535486,2 +535487,2 +535488,2 +535489,2 +535490,2 +535491,2 +535492,40 +535493,40 +535494,40 +535495,40 +535496,40 +535497,40 +535498,40 +535499,19 +535500,19 +535501,24 +535502,31 +535503,31 +535504,31 +535505,31 +535506,30 +535507,30 +535508,30 +535509,30 +535510,30 +535511,30 +535512,30 +535513,30 +535514,30 +535515,39 +535516,39 +535517,39 +535518,39 +535519,39 +535520,39 +535521,39 +535522,39 +535523,39 +535524,39 +535525,10 +535526,10 +535527,10 +535528,10 +535529,10 +535530,10 +535531,10 +535532,10 +535533,10 +535534,10 +535535,10 +535536,10 +535537,6 +535538,6 +535539,6 +535540,6 +535541,6 +535542,6 +535543,6 +535544,6 +535545,6 +535546,22 +535547,22 +535548,22 +535549,22 +535550,22 +535551,22 +535552,19 +535553,19 +535554,19 +535555,19 +535556,19 +535557,19 +535558,28 +535559,28 +535560,28 +535561,28 +535562,28 +535563,28 +535564,28 +535565,28 +535566,14 +535567,14 +535568,14 +535569,14 +535570,14 +535571,14 +535572,14 +535573,5 +535574,5 +535575,5 +535576,5 +535577,5 +535578,5 +535579,5 +535580,4 +535581,4 +535582,4 +535583,4 +535584,4 +535585,4 +535586,4 +535587,4 +535588,14 +535589,14 +535590,14 +535591,14 +535592,14 +535593,14 +535594,14 +535595,14 +535596,14 +535597,14 +535598,14 +535599,14 +535600,5 +535601,5 +535602,5 +535603,5 +535604,28 +535605,28 +535606,13 +535607,13 +535608,13 +535609,29 +535610,29 +535611,29 +535612,40 +535613,40 +535614,37 +535615,37 +535616,31 +535617,31 +535618,31 +535619,31 +535620,37 +535621,37 +535622,37 +535623,37 +535624,37 +535625,37 +535626,37 +535627,37 +535628,37 +535629,37 +535630,14 +535631,14 +535632,14 +535633,14 +535634,14 +535635,14 +535636,14 +535637,14 +535638,14 +535639,14 +535640,14 +535641,14 +535642,14 +535643,14 +535644,14 +535645,14 +535646,14 +535647,14 +535648,14 +535649,14 +535650,39 +535651,39 +535652,39 +535653,39 +535654,39 +535655,39 +535656,39 +535657,39 +535658,39 +535659,39 +535660,0 +535661,0 +535662,0 +535663,0 +535664,0 +535665,0 +535666,0 +535667,0 +535668,0 +535669,0 +535670,0 +535671,0 +535672,0 +535673,0 +535674,0 +535675,0 +535676,0 +535677,0 +535678,0 +535679,0 +535680,0 +535681,0 +535682,0 +535683,0 +535684,0 +535685,0 +535686,0 +535687,0 +535688,0 +535689,0 +535690,0 +535691,0 +535692,36 +535693,36 +535694,36 +535695,36 +535696,36 +535697,36 +535698,36 +535699,36 +535700,5 +535701,5 +535702,5 +535703,5 +535704,5 +535705,5 +535706,19 +535707,19 +535708,19 +535709,19 +535710,27 +535711,19 +535712,19 +535713,27 +535714,39 +535715,39 +535716,39 +535717,39 +535718,39 +535719,39 +535720,39 +535721,39 +535722,39 +535723,39 +535724,39 +535725,39 +535726,39 +535727,39 +535728,39 +535729,39 +535730,39 +535731,39 +535732,39 +535733,39 +535734,39 +535735,39 +535736,39 +535737,39 +535738,39 +535739,39 +535740,39 +535741,39 +535742,39 +535743,39 +535744,39 +535745,39 +535746,39 +535747,39 +535748,39 +535749,5 +535750,5 +535751,5 +535752,5 +535753,5 +535754,5 +535755,13 +535756,13 +535757,13 +535758,13 +535759,13 +535760,13 +535761,13 +535762,13 +535763,13 +535764,13 +535765,13 +535766,13 +535767,13 +535768,0 +535769,0 +535770,0 +535771,0 +535772,0 +535773,0 +535774,0 +535775,36 +535776,36 +535777,36 +535778,0 +535779,36 +535780,36 +535781,36 +535782,36 +535783,36 +535784,36 +535785,36 +535786,36 +535787,5 +535788,5 +535789,5 +535790,5 +535791,5 +535792,5 +535793,5 +535794,39 +535795,39 +535796,39 +535797,39 +535798,7 +535799,7 +535800,7 +535801,7 +535802,39 +535803,39 +535804,39 +535805,39 +535806,39 +535807,6 +535808,6 +535809,6 +535810,6 +535811,6 +535812,6 +535813,6 +535814,6 +535815,6 +535816,10 +535817,10 +535818,10 +535819,10 +535820,10 +535821,10 +535822,27 +535823,27 +535824,27 +535825,13 +535826,13 +535827,13 +535828,13 +535829,13 +535830,13 +535831,13 +535832,13 +535833,13 +535834,5 +535835,13 +535836,5 +535837,13 +535838,13 +535839,13 +535840,13 +535841,13 +535842,13 +535843,13 +535844,13 +535845,13 +535846,13 +535847,6 +535848,6 +535849,6 +535850,6 +535851,6 +535852,6 +535853,6 +535854,6 +535855,6 +535856,6 +535857,6 +535858,6 +535859,25 +535860,25 +535861,25 +535862,25 +535863,25 +535864,25 +535865,25 +535866,25 +535867,25 +535868,25 +535869,25 +535870,25 +535871,25 +535872,25 +535873,25 +535874,25 +535875,25 +535876,25 +535877,25 +535878,37 +535879,37 +535880,37 +535881,0 +535882,0 +535883,0 +535884,0 +535885,0 +535886,0 +535887,0 +535888,0 +535889,0 +535890,0 +535891,0 +535892,0 +535893,0 +535894,0 +535895,2 +535896,2 +535897,2 +535898,2 +535899,2 +535900,2 +535901,2 +535902,2 +535903,2 +535904,2 +535905,2 +535906,2 +535907,2 +535908,2 +535909,2 +535910,2 +535911,2 +535912,2 +535913,2 +535914,2 +535915,2 +535916,2 +535917,2 +535918,0 +535919,0 +535920,0 +535921,0 +535922,0 +535923,0 +535924,0 +535925,0 +535926,0 +535927,0 +535928,0 +535929,0 +535930,0 +535931,0 +535932,0 +535933,0 +535934,0 +535935,0 +535936,0 +535937,0 +535938,0 +535939,0 +535940,0 +535941,0 +535942,0 +535943,0 +535944,0 +535945,23 +535946,0 +535947,0 +535948,0 +535949,0 +535950,0 +535951,0 +535952,0 +535953,0 +535954,0 +535955,0 +535956,0 +535957,0 +535958,0 +535959,0 +535960,0 +535961,0 +535962,0 +535963,0 +535964,0 +535965,0 +535966,0 +535967,0 +535968,0 +535969,0 +535970,0 +535971,0 +535972,0 +535973,0 +535974,0 +535975,0 +535976,0 +535977,0 +535978,0 +535979,0 +535980,0 +535981,0 +535982,0 +535983,34 +535984,34 +535985,34 +535986,34 +535987,34 +535988,34 +535989,34 +535990,34 +535991,34 +535992,34 +535993,34 +535994,34 +535995,34 +535996,34 +535997,34 +535998,34 +535999,37 +536000,37 +536001,37 +536002,37 +536003,37 +536004,37 +536005,37 +536006,37 +536007,37 +536008,37 +536009,37 +536010,35 +536011,35 +536012,35 +536013,35 +536014,35 +536015,35 +536016,35 +536017,35 +536018,35 +536019,35 +536020,40 +536021,40 +536022,40 +536023,40 +536024,40 +536025,36 +536026,36 +536027,36 +536028,5 +536029,5 +536030,5 +536031,25 +536032,25 +536033,25 +536034,25 +536035,25 +536036,25 +536037,25 +536038,25 +536039,25 +536040,25 +536041,25 +536042,25 +536043,31 +536044,31 +536045,31 +536046,33 +536047,12 +536048,31 +536049,12 +536050,12 +536051,12 +536052,12 +536053,12 +536054,12 +536055,33 +536056,33 +536057,1 +536058,1 +536059,1 +536060,1 +536061,1 +536062,1 +536063,5 +536064,5 +536065,5 +536066,5 +536067,5 +536068,5 +536069,5 +536070,5 +536071,5 +536072,5 +536073,5 +536074,5 +536075,5 +536076,5 +536077,5 +536078,5 +536079,5 +536080,5 +536081,5 +536082,5 +536083,31 +536084,5 +536085,0 +536086,31 +536087,0 +536088,0 +536089,31 +536090,31 +536091,31 +536092,33 +536093,33 +536094,33 +536095,33 +536096,33 +536097,33 +536098,33 +536099,33 +536100,33 +536101,15 +536102,15 +536103,15 +536104,15 +536105,15 +536106,15 +536107,15 +536108,14 +536109,14 +536110,14 +536111,14 +536112,14 +536113,14 +536114,14 +536115,14 +536116,14 +536117,14 +536118,14 +536119,14 +536120,14 +536121,14 +536122,14 +536123,14 +536124,14 +536125,14 +536126,14 +536127,14 +536128,14 +536129,14 +536130,14 +536131,14 +536132,14 +536133,19 +536134,19 +536135,19 +536136,19 +536137,19 +536138,24 +536139,24 +536140,24 +536141,24 +536142,24 +536143,24 +536144,24 +536145,12 +536146,12 +536147,27 +536148,27 +536149,27 +536150,27 +536151,27 +536152,38 +536153,38 +536154,38 +536155,38 +536156,38 +536157,38 +536158,6 +536159,38 +536160,38 +536161,32 +536162,32 +536163,32 +536164,32 +536165,32 +536166,32 +536167,32 +536168,32 +536169,25 +536170,25 +536171,25 +536172,25 +536173,25 +536174,25 +536175,25 +536176,25 +536177,25 +536178,25 +536179,37 +536180,14 +536181,14 +536182,39 +536183,14 +536184,14 +536185,14 +536186,14 +536187,14 +536188,14 +536189,14 +536190,14 +536191,14 +536192,4 +536193,4 +536194,4 +536195,4 +536196,4 +536197,4 +536198,4 +536199,4 +536200,4 +536201,4 +536202,2 +536203,2 +536204,2 +536205,2 +536206,2 +536207,2 +536208,2 +536209,2 +536210,2 +536211,2 +536212,2 +536213,2 +536214,12 +536215,12 +536216,12 +536217,12 +536218,12 +536219,12 +536220,39 +536221,39 +536222,39 +536223,39 +536224,39 +536225,39 +536226,39 +536227,39 +536228,39 +536229,4 +536230,4 +536231,4 +536232,4 +536233,4 +536234,5 +536235,5 +536236,5 +536237,5 +536238,31 +536239,31 +536240,36 +536241,31 +536242,31 +536243,31 +536244,31 +536245,31 +536246,31 +536247,31 +536248,36 +536249,31 +536250,5 +536251,5 +536252,31 +536253,2 +536254,2 +536255,2 +536256,2 +536257,2 +536258,2 +536259,2 +536260,2 +536261,2 +536262,2 +536263,2 +536264,2 +536265,2 +536266,2 +536267,2 +536268,2 +536269,0 +536270,0 +536271,0 +536272,0 +536273,0 +536274,0 +536275,0 +536276,0 +536277,0 +536278,0 +536279,0 +536280,0 +536281,0 +536282,0 +536283,0 +536284,0 +536285,0 +536286,0 +536287,0 +536288,0 +536289,0 +536290,0 +536291,0 +536292,0 +536293,0 +536294,0 +536295,0 +536296,0 +536297,0 +536298,0 +536299,31 +536300,31 +536301,31 +536302,31 +536303,31 +536304,31 +536305,31 +536306,31 +536307,31 +536308,5 +536309,19 +536310,19 +536311,19 +536312,24 +536313,24 +536314,24 +536315,24 +536316,24 +536317,31 +536318,31 +536319,31 +536320,31 +536321,31 +536322,31 +536323,31 +536324,29 +536325,29 +536326,29 +536327,29 +536328,10 +536329,36 +536330,36 +536331,36 +536332,36 +536333,36 +536334,36 +536335,36 +536336,36 +536337,36 +536338,36 +536339,36 +536340,36 +536341,36 +536342,36 +536343,4 +536344,4 +536345,4 +536346,35 +536347,35 +536348,35 +536349,35 +536350,35 +536351,35 +536352,35 +536353,35 +536354,35 +536355,36 +536356,36 +536357,36 +536358,36 +536359,36 +536360,36 +536361,36 +536362,36 +536363,24 +536364,24 +536365,24 +536366,27 +536367,27 +536368,27 +536369,27 +536370,27 +536371,13 +536372,13 +536373,13 +536374,13 +536375,13 +536376,13 +536377,13 +536378,13 +536379,13 +536380,13 +536381,28 +536382,28 +536383,28 +536384,28 +536385,40 +536386,40 +536387,40 +536388,40 +536389,40 +536390,40 +536391,5 +536392,5 +536393,5 +536394,5 +536395,5 +536396,5 +536397,39 +536398,39 +536399,39 +536400,39 +536401,39 +536402,39 +536403,39 +536404,39 +536405,39 +536406,39 +536407,39 +536408,39 +536409,39 +536410,39 +536411,15 +536412,15 +536413,15 +536414,15 +536415,31 +536416,31 +536417,31 +536418,30 +536419,30 +536420,30 +536421,30 +536422,4 +536423,4 +536424,4 +536425,4 +536426,4 +536427,4 +536428,4 +536429,4 +536430,4 +536431,4 +536432,4 +536433,4 +536434,27 +536435,27 +536436,27 +536437,27 +536438,31 +536439,4 +536440,4 +536441,4 +536442,4 +536443,4 +536444,4 +536445,4 +536446,4 +536447,4 +536448,14 +536449,14 +536450,14 +536451,14 +536452,14 +536453,27 +536454,27 +536455,27 +536456,27 +536457,6 +536458,6 +536459,6 +536460,6 +536461,6 +536462,6 +536463,6 +536464,6 +536465,6 +536466,6 +536467,6 +536468,6 +536469,30 +536470,30 +536471,30 +536472,30 +536473,39 +536474,39 +536475,39 +536476,39 +536477,39 +536478,39 +536479,39 +536480,39 +536481,39 +536482,39 +536483,39 +536484,39 +536485,39 +536486,24 +536487,24 +536488,24 +536489,24 +536490,24 +536491,24 +536492,24 +536493,29 +536494,29 +536495,31 +536496,31 +536497,31 +536498,31 +536499,31 +536500,31 +536501,31 +536502,23 +536503,23 +536504,23 +536505,23 +536506,23 +536507,23 +536508,23 +536509,35 +536510,35 +536511,35 +536512,35 +536513,35 +536514,35 +536515,35 +536516,35 +536517,25 +536518,25 +536519,25 +536520,25 +536521,25 +536522,25 +536523,25 +536524,25 +536525,25 +536526,25 +536527,25 +536528,24 +536529,19 +536530,19 +536531,37 +536532,37 +536533,37 +536534,3 +536535,3 +536536,3 +536537,37 +536538,37 +536539,30 +536540,30 +536541,30 +536542,30 +536543,30 +536544,30 +536545,30 +536546,30 +536547,30 +536548,40 +536549,40 +536550,40 +536551,40 +536552,40 +536553,31 +536554,31 +536555,31 +536556,31 +536557,31 +536558,31 +536559,31 +536560,23 +536561,23 +536562,23 +536563,23 +536564,23 +536565,23 +536566,23 +536567,25 +536568,25 +536569,25 +536570,25 +536571,25 +536572,25 +536573,25 +536574,25 +536575,25 +536576,25 +536577,25 +536578,25 +536579,25 +536580,25 +536581,25 +536582,25 +536583,25 +536584,25 +536585,25 +536586,25 +536587,25 +536588,0 +536589,0 +536590,0 +536591,0 +536592,0 +536593,0 +536594,0 +536595,0 +536596,0 +536597,0 +536598,0 +536599,0 +536600,0 +536601,0 +536602,0 +536603,0 +536604,0 +536605,0 +536606,0 +536607,0 +536608,0 +536609,0 +536610,0 +536611,0 +536612,0 +536613,0 +536614,0 +536615,0 +536616,0 +536617,0 +536618,12 +536619,12 +536620,12 +536621,12 +536622,12 +536623,12 +536624,27 +536625,27 +536626,27 +536627,27 +536628,27 +536629,27 +536630,3 +536631,2 +536632,2 +536633,2 +536634,2 +536635,2 +536636,2 +536637,8 +536638,8 +536639,8 +536640,8 +536641,8 +536642,8 +536643,8 +536644,5 +536645,5 +536646,28 +536647,5 +536648,5 +536649,5 +536650,5 +536651,5 +536652,5 +536653,5 +536654,5 +536655,5 +536656,5 +536657,5 +536658,5 +536659,5 +536660,5 +536661,5 +536662,5 +536663,5 +536664,5 +536665,26 +536666,26 +536667,26 +536668,26 +536669,26 +536670,26 +536671,26 +536672,26 +536673,26 +536674,10 +536675,10 +536676,10 +536677,10 +536678,10 +536679,10 +536680,10 +536681,10 +536682,10 +536683,36 +536684,36 +536685,36 +536686,36 +536687,36 +536688,36 +536689,36 +536690,36 +536691,4 +536692,4 +536693,4 +536694,4 +536695,4 +536696,4 +536697,4 +536698,4 +536699,4 +536700,4 +536701,4 +536702,4 +536703,4 +536704,4 +536705,4 +536706,4 +536707,4 +536708,4 +536709,4 +536710,4 +536711,0 +536712,4 +536713,0 +536714,0 +536715,0 +536716,0 +536717,0 +536718,0 +536719,0 +536720,0 +536721,0 +536722,0 +536723,0 +536724,12 +536725,12 +536726,12 +536727,12 +536728,12 +536729,12 +536730,12 +536731,12 +536732,12 +536733,12 +536734,12 +536735,12 +536736,12 +536737,12 +536738,12 +536739,12 +536740,12 +536741,31 +536742,31 +536743,31 +536744,31 +536745,33 +536746,33 +536747,33 +536748,31 +536749,31 +536750,5 +536751,5 +536752,5 +536753,5 +536754,5 +536755,5 +536756,5 +536757,5 +536758,5 +536759,5 +536760,5 +536761,5 +536762,31 +536763,31 +536764,31 +536765,31 +536766,36 +536767,36 +536768,36 +536769,31 +536770,24 +536771,24 +536772,24 +536773,24 +536774,24 +536775,24 +536776,24 +536777,29 +536778,29 +536779,31 +536780,31 +536781,31 +536782,31 +536783,33 +536784,33 +536785,31 +536786,31 +536787,31 +536788,31 +536789,31 +536790,31 +536791,31 +536792,33 +536793,33 +536794,33 +536795,33 +536796,33 +536797,33 +536798,33 +536799,33 +536800,33 +536801,33 +536802,2 +536803,2 +536804,2 +536805,2 +536806,2 +536807,2 +536808,2 +536809,2 +536810,2 +536811,2 +536812,2 +536813,2 +536814,3 +536815,3 +536816,3 +536817,3 +536818,3 +536819,3 +536820,3 +536821,3 +536822,3 +536823,3 +536824,39 +536825,39 +536826,39 +536827,15 +536828,15 +536829,32 +536830,32 +536831,39 +536832,39 +536833,19 +536834,19 +536835,5 +536836,0 +536837,0 +536838,0 +536839,0 +536840,0 +536841,0 +536842,0 +536843,0 +536844,0 +536845,0 +536846,0 +536847,6 +536848,6 +536849,6 +536850,6 +536851,6 +536852,6 +536853,6 +536854,6 +536855,6 +536856,37 +536857,37 +536858,37 +536859,37 +536860,27 +536861,27 +536862,27 +536863,27 +536864,27 +536865,1 +536866,1 +536867,27 +536868,27 +536869,6 +536870,6 +536871,1 +536872,6 +536873,31 +536874,31 +536875,31 +536876,31 +536877,31 +536878,33 +536879,33 +536880,33 +536881,33 +536882,33 +536883,33 +536884,33 +536885,33 +536886,33 +536887,24 +536888,24 +536889,24 +536890,24 +536891,24 +536892,24 +536893,27 +536894,31 +536895,31 +536896,27 +536897,18 +536898,18 +536899,18 +536900,18 +536901,4 +536902,4 +536903,4 +536904,4 +536905,4 +536906,4 +536907,4 +536908,4 +536909,4 +536910,23 +536911,23 +536912,23 +536913,23 +536914,23 +536915,23 +536916,23 +536917,23 +536918,23 +536919,25 +536920,25 +536921,25 +536922,25 +536923,37 +536924,37 +536925,37 +536926,25 +536927,25 +536928,37 +536929,37 +536930,37 +536931,37 +536932,37 +536933,39 +536934,39 +536935,39 +536936,39 +536937,39 +536938,39 +536939,39 +536940,39 +536941,39 +536942,39 +536943,23 +536944,38 +536945,38 +536946,38 +536947,38 +536948,38 +536949,38 +536950,8 +536951,8 +536952,8 +536953,8 +536954,8 +536955,8 +536956,8 +536957,8 +536958,38 +536959,38 +536960,0 +536961,0 +536962,0 +536963,0 +536964,0 +536965,36 +536966,36 +536967,36 +536968,36 +536969,36 +536970,36 +536971,36 +536972,36 +536973,5 +536974,5 +536975,5 +536976,5 +536977,5 +536978,28 +536979,28 +536980,28 +536981,28 +536982,28 +536983,28 +536984,32 +536985,32 +536986,15 +536987,15 +536988,34 +536989,34 +536990,34 +536991,34 +536992,34 +536993,34 +536994,34 +536995,34 +536996,34 +536997,34 +536998,34 +536999,34 +537000,34 +537001,34 +537002,34 +537003,34 +537004,10 +537005,10 +537006,10 +537007,10 +537008,10 +537009,10 +537010,10 +537011,10 +537012,10 +537013,10 +537014,10 +537015,10 +537016,10 +537017,5 +537018,5 +537019,5 +537020,5 +537021,5 +537022,19 +537023,19 +537024,19 +537025,19 +537026,27 +537027,40 +537028,40 +537029,37 +537030,37 +537031,25 +537032,25 +537033,25 +537034,37 +537035,37 +537036,25 +537037,26 +537038,26 +537039,26 +537040,26 +537041,34 +537042,34 +537043,34 +537044,9 +537045,9 +537046,9 +537047,9 +537048,9 +537049,9 +537050,9 +537051,9 +537052,13 +537053,13 +537054,5 +537055,5 +537056,5 +537057,28 +537058,28 +537059,28 +537060,28 +537061,28 +537062,28 +537063,28 +537064,28 +537065,8 +537066,8 +537067,2 +537068,8 +537069,2 +537070,2 +537071,2 +537072,2 +537073,2 +537074,2 +537075,2 +537076,2 +537077,2 +537078,2 +537079,40 +537080,40 +537081,40 +537082,40 +537083,40 +537084,40 +537085,40 +537086,40 +537087,30 +537088,30 +537089,30 +537090,30 +537091,30 +537092,30 +537093,30 +537094,30 +537095,30 +537096,30 +537097,30 +537098,30 +537099,30 +537100,30 +537101,30 +537102,30 +537103,30 +537104,30 +537105,30 +537106,30 +537107,30 +537108,30 +537109,30 +537110,30 +537111,8 +537112,8 +537113,8 +537114,8 +537115,8 +537116,8 +537117,8 +537118,8 +537119,8 +537120,8 +537121,8 +537122,8 +537123,8 +537124,8 +537125,8 +537126,0 +537127,0 +537128,0 +537129,0 +537130,0 +537131,0 +537132,0 +537133,0 +537134,0 +537135,0 +537136,0 +537137,0 +537138,0 +537139,0 +537140,0 +537141,0 +537142,0 +537143,0 +537144,0 +537145,0 +537146,0 +537147,0 +537148,0 +537149,0 +537150,0 +537151,0 +537152,0 +537153,0 +537154,0 +537155,0 +537156,0 +537157,0 +537158,0 +537159,0 +537160,0 +537161,0 +537162,0 +537163,0 +537164,0 +537165,0 +537166,0 +537167,0 +537168,0 +537169,0 +537170,0 +537171,0 +537172,0 +537173,0 +537174,0 +537175,0 +537176,0 +537177,0 +537178,0 +537179,0 +537180,0 +537181,0 +537182,0 +537183,0 +537184,0 +537185,0 +537186,0 +537187,0 +537188,0 +537189,0 +537190,0 +537191,0 +537192,0 +537193,0 +537194,31 +537195,31 +537196,31 +537197,31 +537198,31 +537199,31 +537200,31 +537201,31 +537202,31 +537203,5 +537204,5 +537205,5 +537206,5 +537207,5 +537208,5 +537209,19 +537210,19 +537211,19 +537212,19 +537213,19 +537214,19 +537215,19 +537216,19 +537217,19 +537218,19 +537219,19 +537220,25 +537221,27 +537222,25 +537223,27 +537224,27 +537225,27 +537226,2 +537227,8 +537228,2 +537229,2 +537230,2 +537231,2 +537232,2 +537233,2 +537234,2 +537235,2 +537236,27 +537237,27 +537238,27 +537239,27 +537240,27 +537241,2 +537242,2 +537243,2 +537244,2 +537245,2 +537246,2 +537247,2 +537248,2 +537249,8 +537250,8 +537251,32 +537252,32 +537253,32 +537254,32 +537255,29 +537256,29 +537257,29 +537258,31 +537259,31 +537260,31 +537261,31 +537262,31 +537263,31 +537264,31 +537265,29 +537266,5 +537267,5 +537268,5 +537269,5 +537270,31 +537271,31 +537272,31 +537273,31 +537274,31 +537275,31 +537276,32 +537277,4 +537278,24 +537279,4 +537280,4 +537281,4 +537282,4 +537283,4 +537284,4 +537285,4 +537286,4 +537287,4 +537288,4 +537289,4 +537290,4 +537291,4 +537292,4 +537293,4 +537294,4 +537295,4 +537296,4 +537297,0 +537298,0 +537299,0 +537300,0 +537301,0 +537302,0 +537303,0 +537304,0 +537305,0 +537306,0 +537307,0 +537308,0 +537309,0 +537310,0 +537311,0 +537312,0 +537313,0 +537314,0 +537315,0 +537316,0 +537317,0 +537318,0 +537319,0 +537320,0 +537321,0 +537322,0 +537323,0 +537324,0 +537325,0 +537326,0 +537327,0 +537328,0 +537329,0 +537330,0 +537331,0 +537332,0 +537333,0 +537334,0 +537335,0 +537336,0 +537337,0 +537338,0 +537339,0 +537340,0 +537341,0 +537342,0 +537343,0 +537344,0 +537345,0 +537346,0 +537347,0 +537348,0 +537349,0 +537350,0 +537351,0 +537352,0 +537353,0 +537354,0 +537355,0 +537356,0 +537357,0 +537358,0 +537359,0 +537360,0 +537361,0 +537362,0 +537363,0 +537364,0 +537365,0 +537366,0 +537367,0 +537368,0 +537369,12 +537370,12 +537371,12 +537372,12 +537373,27 +537374,27 +537375,27 +537376,23 +537377,23 +537378,23 +537379,38 +537380,38 +537381,2 +537382,38 +537383,2 +537384,24 +537385,6 +537386,6 +537387,6 +537388,6 +537389,6 +537390,6 +537391,6 +537392,6 +537393,6 +537394,6 +537395,6 +537396,6 +537397,6 +537398,6 +537399,37 +537400,37 +537401,37 +537402,37 +537403,37 +537404,14 +537405,14 +537406,14 +537407,14 +537408,39 +537409,39 +537410,39 +537411,39 +537412,39 +537413,4 +537414,4 +537415,4 +537416,4 +537417,4 +537418,4 +537419,24 +537420,24 +537421,24 +537422,24 +537423,32 +537424,32 +537425,32 +537426,32 +537427,32 +537428,32 +537429,32 +537430,32 +537431,32 +537432,32 +537433,30 +537434,30 +537435,30 +537436,30 +537437,30 +537438,30 +537439,30 +537440,33 +537441,33 +537442,33 +537443,31 +537444,31 +537445,31 +537446,31 +537447,31 +537448,31 +537449,31 +537450,31 +537451,10 +537452,10 +537453,18 +537454,18 +537455,10 +537456,8 +537457,8 +537458,0 +537459,0 +537460,0 +537461,0 +537462,0 +537463,0 +537464,0 +537465,0 +537466,0 +537467,0 +537468,5 +537469,5 +537470,5 +537471,5 +537472,5 +537473,5 +537474,5 +537475,5 +537476,5 +537477,5 +537478,5 +537479,5 +537480,5 +537481,5 +537482,31 +537483,2 +537484,2 +537485,2 +537486,2 +537487,2 +537488,2 +537489,2 +537490,2 +537491,8 +537492,2 +537493,2 +537494,2 +537495,2 +537496,2 +537497,2 +537498,2 +537499,2 +537500,2 +537501,2 +537502,2 +537503,2 +537504,2 +537505,31 +537506,31 +537507,31 +537508,31 +537509,5 +537510,5 +537511,5 +537512,5 +537513,5 +537514,6 +537515,6 +537516,6 +537517,6 +537518,6 +537519,6 +537520,6 +537521,6 +537522,6 +537523,6 +537524,6 +537525,9 +537526,9 +537527,9 +537528,9 +537529,9 +537530,9 +537531,37 +537532,37 +537533,37 +537534,37 +537535,37 +537536,18 +537537,19 +537538,18 +537539,18 +537540,18 +537541,18 +537542,18 +537543,18 +537544,18 +537545,18 +537546,18 +537547,18 +537548,10 +537549,26 +537550,26 +537551,26 +537552,26 +537553,26 +537554,34 +537555,34 +537556,10 +537557,10 +537558,34 +537559,34 +537560,30 +537561,30 +537562,30 +537563,30 +537564,31 +537565,31 +537566,31 +537567,31 +537568,31 +537569,31 +537570,31 +537571,31 +537572,31 +537573,16 +537574,4 +537575,4 +537576,4 +537577,4 +537578,4 +537579,4 +537580,4 +537581,4 +537582,4 +537583,4 +537584,4 +537585,39 +537586,39 +537587,39 +537588,39 +537589,39 +537590,39 +537591,39 +537592,39 +537593,39 +537594,39 +537595,39 +537596,39 +537597,39 +537598,39 +537599,39 +537600,39 +537601,39 +537602,39 +537603,39 +537604,39 +537605,39 +537606,39 +537607,39 +537608,0 +537609,0 +537610,0 +537611,0 +537612,0 +537613,0 +537614,0 +537615,0 +537616,0 +537617,0 +537618,0 +537619,0 +537620,0 +537621,0 +537622,0 +537623,0 +537624,0 +537625,0 +537626,0 +537627,0 +537628,0 +537629,0 +537630,0 +537631,0 +537632,0 +537633,0 +537634,0 +537635,0 +537636,0 +537637,0 +537638,0 +537639,0 +537640,0 +537641,0 +537642,0 +537643,0 +537644,0 +537645,0 +537646,0 +537647,0 +537648,0 +537649,0 +537650,0 +537651,0 +537652,0 +537653,0 +537654,0 +537655,0 +537656,0 +537657,0 +537658,0 +537659,0 +537660,0 +537661,0 +537662,0 +537663,0 +537664,0 +537665,0 +537666,0 +537667,0 +537668,0 +537669,0 +537670,0 +537671,0 +537672,0 +537673,0 +537674,0 +537675,0 +537676,0 +537677,0 +537678,0 +537679,0 +537680,0 +537681,0 +537682,0 +537683,0 +537684,0 +537685,0 +537686,0 +537687,2 +537688,2 +537689,2 +537690,2 +537691,2 +537692,2 +537693,2 +537694,2 +537695,2 +537696,2 +537697,2 +537698,2 +537699,2 +537700,2 +537701,2 +537702,2 +537703,2 +537704,27 +537705,27 +537706,27 +537707,27 +537708,27 +537709,27 +537710,40 +537711,25 +537712,27 +537713,27 +537714,27 +537715,33 +537716,40 +537717,40 +537718,31 +537719,19 +537720,19 +537721,19 +537722,19 +537723,19 +537724,19 +537725,19 +537726,35 +537727,35 +537728,35 +537729,35 +537730,35 +537731,35 +537732,35 +537733,35 +537734,35 +537735,35 +537736,34 +537737,34 +537738,31 +537739,31 +537740,31 +537741,31 +537742,31 +537743,31 +537744,35 +537745,35 +537746,35 +537747,35 +537748,35 +537749,35 +537750,35 +537751,35 +537752,35 +537753,35 +537754,35 +537755,35 +537756,35 +537757,35 +537758,35 +537759,35 +537760,35 +537761,35 +537762,35 +537763,36 +537764,36 +537765,36 +537766,36 +537767,36 +537768,36 +537769,32 +537770,32 +537771,32 +537772,32 +537773,32 +537774,32 +537775,32 +537776,32 +537777,32 +537778,27 +537779,27 +537780,27 +537781,3 +537782,3 +537783,3 +537784,3 +537785,39 +537786,39 +537787,39 +537788,39 +537789,39 +537790,39 +537791,29 +537792,29 +537793,29 +537794,29 +537795,29 +537796,27 +537797,40 +537798,27 +537799,27 +537800,27 +537801,27 +537802,27 +537803,27 +537804,25 +537805,3 +537806,3 +537807,3 +537808,11 +537809,11 +537810,11 +537811,11 +537812,11 +537813,11 +537814,11 +537815,11 +537816,11 +537817,11 +537818,11 +537819,11 +537820,11 +537821,11 +537822,11 +537823,22 +537824,22 +537825,22 +537826,22 +537827,19 +537828,19 +537829,19 +537830,19 +537831,19 +537832,19 +537833,19 +537834,19 +537835,15 +537836,15 +537837,15 +537838,15 +537839,15 +537840,15 +537841,39 +537842,39 +537843,39 +537844,39 +537845,39 +537846,39 +537847,39 +537848,39 +537849,39 +537850,39 +537851,39 +537852,39 +537853,39 +537854,39 +537855,39 +537856,39 +537857,39 +537858,39 +537859,39 +537860,39 +537861,39 +537862,39 +537863,39 +537864,39 +537865,4 +537866,4 +537867,4 +537868,4 +537869,4 +537870,4 +537871,4 +537872,4 +537873,4 +537874,3 +537875,3 +537876,3 +537877,3 +537878,3 +537879,2 +537880,2 +537881,2 +537882,2 +537883,2 +537884,2 +537885,2 +537886,2 +537887,2 +537888,2 +537889,2 +537890,2 +537891,2 +537892,2 +537893,39 +537894,39 +537895,39 +537896,39 +537897,39 +537898,39 +537899,35 +537900,35 +537901,35 +537902,35 +537903,27 +537904,27 +537905,27 +537906,27 +537907,27 +537908,28 +537909,28 +537910,28 +537911,28 +537912,28 +537913,28 +537914,25 +537915,25 +537916,25 +537917,27 +537918,32 +537919,32 +537920,32 +537921,32 +537922,19 +537923,19 +537924,19 +537925,19 +537926,19 +537927,19 +537928,30 +537929,30 +537930,30 +537931,30 +537932,30 +537933,30 +537934,9 +537935,30 +537936,30 +537937,30 +537938,30 +537939,30 +537940,30 +537941,33 +537942,33 +537943,33 +537944,33 +537945,33 +537946,28 +537947,28 +537948,28 +537949,28 +537950,28 +537951,28 +537952,28 +537953,28 +537954,12 +537955,13 +537956,13 +537957,13 +537958,13 +537959,13 +537960,24 +537961,23 +537962,23 +537963,9 +537964,9 +537965,9 +537966,9 +537967,9 +537968,9 +537969,9 +537970,9 +537971,9 +537972,9 +537973,37 +537974,37 +537975,37 +537976,37 +537977,37 +537978,5 +537979,5 +537980,5 +537981,5 +537982,31 +537983,31 +537984,31 +537985,31 +537986,21 +537987,21 +537988,21 +537989,21 +537990,21 +537991,21 +537992,21 +537993,40 +537994,40 +537995,40 +537996,40 +537997,40 +537998,40 +537999,40 +538000,40 +538001,40 +538002,40 +538003,40 +538004,40 +538005,40 +538006,40 +538007,40 +538008,40 +538009,40 +538010,40 +538011,40 +538012,5 +538013,5 +538014,5 +538015,5 +538016,5 +538017,5 +538018,5 +538019,5 +538020,5 +538021,5 +538022,5 +538023,5 +538024,5 +538025,5 +538026,5 +538027,5 +538028,5 +538029,5 +538030,5 +538031,5 +538032,5 +538033,5 +538034,5 +538035,5 +538036,5 +538037,5 +538038,5 +538039,5 +538040,0 +538041,0 +538042,0 +538043,0 +538044,0 +538045,0 +538046,0 +538047,0 +538048,0 +538049,0 +538050,0 +538051,0 +538052,0 +538053,0 +538054,0 +538055,0 +538056,0 +538057,0 +538058,0 +538059,0 +538060,0 +538061,0 +538062,0 +538063,0 +538064,0 +538065,0 +538066,0 +538067,0 +538068,0 +538069,0 +538070,0 +538071,0 +538072,0 +538073,0 +538074,0 +538075,0 +538076,0 +538077,0 +538078,0 +538079,0 +538080,0 +538081,0 +538082,0 +538083,0 +538084,0 +538085,0 +538086,0 +538087,0 +538088,0 +538089,0 +538090,0 +538091,0 +538092,0 +538093,0 +538094,0 +538095,0 +538096,0 +538097,12 +538098,12 +538099,12 +538100,12 +538101,27 +538102,27 +538103,27 +538104,27 +538105,27 +538106,4 +538107,4 +538108,4 +538109,4 +538110,4 +538111,4 +538112,31 +538113,31 +538114,3 +538115,3 +538116,3 +538117,3 +538118,6 +538119,6 +538120,6 +538121,4 +538122,27 +538123,27 +538124,27 +538125,27 +538126,27 +538127,27 +538128,27 +538129,23 +538130,23 +538131,23 +538132,23 +538133,23 +538134,23 +538135,23 +538136,23 +538137,25 +538138,25 +538139,25 +538140,25 +538141,19 +538142,19 +538143,19 +538144,19 +538145,21 +538146,21 +538147,37 +538148,37 +538149,37 +538150,37 +538151,37 +538152,37 +538153,37 +538154,36 +538155,36 +538156,36 +538157,36 +538158,36 +538159,36 +538160,40 +538161,40 +538162,36 +538163,4 +538164,4 +538165,4 +538166,4 +538167,4 +538168,4 +538169,4 +538170,4 +538171,27 +538172,27 +538173,27 +538174,31 +538175,31 +538176,5 +538177,5 +538178,5 +538179,5 +538180,5 +538181,5 +538182,7 +538183,7 +538184,7 +538185,7 +538186,7 +538187,3 +538188,3 +538189,3 +538190,3 +538191,3 +538192,12 +538193,12 +538194,12 +538195,22 +538196,22 +538197,22 +538198,19 +538199,19 +538200,19 +538201,19 +538202,19 +538203,19 +538204,23 +538205,23 +538206,23 +538207,23 +538208,23 +538209,23 +538210,23 +538211,23 +538212,23 +538213,23 +538214,10 +538215,10 +538216,10 +538217,10 +538218,10 +538219,10 +538220,10 +538221,10 +538222,5 +538223,5 +538224,5 +538225,31 +538226,27 +538227,27 +538228,27 +538229,27 +538230,27 +538231,5 +538232,5 +538233,5 +538234,5 +538235,5 +538236,5 +538237,5 +538238,31 +538239,31 +538240,31 +538241,31 +538242,31 +538243,31 +538244,2 +538245,2 +538246,2 +538247,2 +538248,2 +538249,2 +538250,31 +538251,31 +538252,31 +538253,31 +538254,31 +538255,2 +538256,2 +538257,2 +538258,2 +538259,2 +538260,2 +538261,2 +538262,2 +538263,2 +538264,2 +538265,2 +538266,2 +538267,25 +538268,25 +538269,25 +538270,25 +538271,25 +538272,25 +538273,25 +538274,37 +538275,37 +538276,25 +538277,25 +538278,19 +538279,19 +538280,19 +538281,31 +538282,31 +538283,31 +538284,27 +538285,2 +538286,2 +538287,2 +538288,2 +538289,2 +538290,2 +538291,2 +538292,2 +538293,2 +538294,4 +538295,14 +538296,14 +538297,14 +538298,14 +538299,14 +538300,14 +538301,14 +538302,14 +538303,14 +538304,14 +538305,14 +538306,14 +538307,14 +538308,5 +538309,5 +538310,5 +538311,5 +538312,5 +538313,5 +538314,2 +538315,2 +538316,2 +538317,2 +538318,2 +538319,2 +538320,2 +538321,2 +538322,2 +538323,28 +538324,28 +538325,28 +538326,27 +538327,27 +538328,27 +538329,38 +538330,38 +538331,38 +538332,38 +538333,38 +538334,38 +538335,38 +538336,38 +538337,38 +538338,4 +538339,4 +538340,4 +538341,4 +538342,4 +538343,4 +538344,4 +538345,4 +538346,4 +538347,34 +538348,10 +538349,34 +538350,34 +538351,34 +538352,34 +538353,34 +538354,34 +538355,34 +538356,5 +538357,5 +538358,5 +538359,5 +538360,23 +538361,5 +538362,23 +538363,23 +538364,23 +538365,23 +538366,37 +538367,37 +538368,37 +538369,37 +538370,37 +538371,37 +538372,25 +538373,34 +538374,34 +538375,34 +538376,34 +538377,34 +538378,34 +538379,34 +538380,34 +538381,34 +538382,34 +538383,9 +538384,9 +538385,9 +538386,9 +538387,9 +538388,9 +538389,9 +538390,9 +538391,9 +538392,9 +538393,9 +538394,9 +538395,9 +538396,9 +538397,9 +538398,9 +538399,9 +538400,9 +538401,9 +538402,9 +538403,9 +538404,9 +538405,9 +538406,9 +538407,9 +538408,9 +538409,0 +538410,0 +538411,0 +538412,0 +538413,0 +538414,0 +538415,0 +538416,0 +538417,0 +538418,0 +538419,0 +538420,0 +538421,0 +538422,0 +538423,0 +538424,0 +538425,0 +538426,0 +538427,0 +538428,0 +538429,0 +538430,0 +538431,0 +538432,0 +538433,0 +538434,0 +538435,0 +538436,0 +538437,0 +538438,0 +538439,0 +538440,0 +538441,0 +538442,0 +538443,0 +538444,0 +538445,0 +538446,0 +538447,0 +538448,0 +538449,0 +538450,0 +538451,0 +538452,0 +538453,0 +538454,0 +538455,0 +538456,0 +538457,0 +538458,0 +538459,0 +538460,0 +538461,10 +538462,10 +538463,10 +538464,10 +538465,10 +538466,10 +538467,10 +538468,10 +538469,10 +538470,10 +538471,10 +538472,11 +538473,11 +538474,11 +538475,11 +538476,11 +538477,11 +538478,11 +538479,11 +538480,16 +538481,16 +538482,16 +538483,16 +538484,16 +538485,16 +538486,25 +538487,25 +538488,25 +538489,25 +538490,25 +538491,25 +538492,25 +538493,25 +538494,25 +538495,25 +538496,25 +538497,25 +538498,25 +538499,25 +538500,25 +538501,1 +538502,1 +538503,5 +538504,1 +538505,1 +538506,1 +538507,1 +538508,5 +538509,5 +538510,14 +538511,14 +538512,14 +538513,14 +538514,14 +538515,14 +538516,14 +538517,14 +538518,6 +538519,6 +538520,6 +538521,6 +538522,6 +538523,6 +538524,6 +538525,6 +538526,14 +538527,14 +538528,14 +538529,14 +538530,14 +538531,14 +538532,14 +538533,11 +538534,11 +538535,11 +538536,11 +538537,11 +538538,11 +538539,11 +538540,11 +538541,11 +538542,11 +538543,31 +538544,31 +538545,31 +538546,31 +538547,31 +538548,31 +538549,5 +538550,5 +538551,5 +538552,5 +538553,29 +538554,29 +538555,29 +538556,29 +538557,29 +538558,29 +538559,40 +538560,40 +538561,27 +538562,40 +538563,40 +538564,40 +538565,40 +538566,19 +538567,19 +538568,19 +538569,19 +538570,27 +538571,27 +538572,27 +538573,27 +538574,27 +538575,27 +538576,2 +538577,2 +538578,2 +538579,2 +538580,2 +538581,2 +538582,2 +538583,2 +538584,2 +538585,2 +538586,2 +538587,2 +538588,2 +538589,2 +538590,27 +538591,27 +538592,27 +538593,27 +538594,27 +538595,27 +538596,37 +538597,37 +538598,37 +538599,37 +538600,37 +538601,37 +538602,37 +538603,37 +538604,37 +538605,37 +538606,37 +538607,37 +538608,37 +538609,37 +538610,37 +538611,37 +538612,37 +538613,31 +538614,12 +538615,31 +538616,12 +538617,12 +538618,12 +538619,12 +538620,12 +538621,12 +538622,12 +538623,12 +538624,12 +538625,31 +538626,31 +538627,31 +538628,8 +538629,8 +538630,8 +538631,8 +538632,8 +538633,8 +538634,8 +538635,8 +538636,33 +538637,33 +538638,33 +538639,33 +538640,33 +538641,33 +538642,33 +538643,33 +538644,5 +538645,5 +538646,5 +538647,5 +538648,5 +538649,5 +538650,2 +538651,2 +538652,2 +538653,2 +538654,2 +538655,2 +538656,27 +538657,27 +538658,31 +538659,31 +538660,21 +538661,21 +538662,21 +538663,21 +538664,21 +538665,21 +538666,21 +538667,40 +538668,36 +538669,36 +538670,27 +538671,27 +538672,27 +538673,27 +538674,5 +538675,5 +538676,5 +538677,5 +538678,5 +538679,5 +538680,5 +538681,21 +538682,5 +538683,39 +538684,13 +538685,13 +538686,13 +538687,13 +538688,13 +538689,13 +538690,6 +538691,6 +538692,6 +538693,6 +538694,6 +538695,6 +538696,6 +538697,27 +538698,27 +538699,27 +538700,27 +538701,27 +538702,27 +538703,28 +538704,28 +538705,28 +538706,28 +538707,28 +538708,28 +538709,27 +538710,27 +538711,27 +538712,27 +538713,5 +538714,5 +538715,5 +538716,5 +538717,5 +538718,28 +538719,5 +538720,5 +538721,32 +538722,32 +538723,32 +538724,32 +538725,32 +538726,32 +538727,32 +538728,32 +538729,32 +538730,32 +538731,32 +538732,32 +538733,34 +538734,34 +538735,34 +538736,34 +538737,34 +538738,34 +538739,34 +538740,34 +538741,34 +538742,34 +538743,34 +538744,9 +538745,37 +538746,25 +538747,25 +538748,25 +538749,25 +538750,37 +538751,37 +538752,37 +538753,37 +538754,23 +538755,23 +538756,23 +538757,23 +538758,23 +538759,23 +538760,23 +538761,23 +538762,23 +538763,22 +538764,22 +538765,30 +538766,30 +538767,30 +538768,30 +538769,30 +538770,30 +538771,30 +538772,30 +538773,30 +538774,30 +538775,30 +538776,30 +538777,30 +538778,30 +538779,32 +538780,27 +538781,27 +538782,27 +538783,27 +538784,27 +538785,27 +538786,27 +538787,27 +538788,27 +538789,27 +538790,5 +538791,5 +538792,5 +538793,5 +538794,5 +538795,5 +538796,5 +538797,5 +538798,5 +538799,5 +538800,5 +538801,5 +538802,12 +538803,12 +538804,12 +538805,12 +538806,12 +538807,12 +538808,25 +538809,25 +538810,25 +538811,25 +538812,25 +538813,25 +538814,25 +538815,29 +538816,29 +538817,29 +538818,29 +538819,29 +538820,31 +538821,31 +538822,31 +538823,31 +538824,5 +538825,5 +538826,5 +538827,5 +538828,5 +538829,5 +538830,5 +538831,5 +538832,5 +538833,31 +538834,31 +538835,27 +538836,31 +538837,31 +538838,27 +538839,8 +538840,8 +538841,8 +538842,8 +538843,2 +538844,8 +538845,8 +538846,8 +538847,8 +538848,8 +538849,8 +538850,8 +538851,0 +538852,19 +538853,19 +538854,19 +538855,19 +538856,19 +538857,19 +538858,19 +538859,19 +538860,19 +538861,4 +538862,4 +538863,4 +538864,4 +538865,4 +538866,4 +538867,4 +538868,4 +538869,4 +538870,4 +538871,4 +538872,4 +538873,4 +538874,4 +538875,14 +538876,14 +538877,14 +538878,14 +538879,14 +538880,14 +538881,14 +538882,28 +538883,28 +538884,28 +538885,28 +538886,28 +538887,39 +538888,39 +538889,39 +538890,39 +538891,39 +538892,39 +538893,39 +538894,39 +538895,39 +538896,39 +538897,39 +538898,39 +538899,31 +538900,31 +538901,31 +538902,31 +538903,31 +538904,31 +538905,31 +538906,31 +538907,31 +538908,31 +538909,31 +538910,0 +538911,0 +538912,0 +538913,0 +538914,0 +538915,0 +538916,0 +538917,0 +538918,0 +538919,0 +538920,0 +538921,0 +538922,0 +538923,0 +538924,0 +538925,0 +538926,0 +538927,31 +538928,31 +538929,31 +538930,31 +538931,5 +538932,5 +538933,5 +538934,5 +538935,5 +538936,5 +538937,5 +538938,5 +538939,31 +538940,31 +538941,31 +538942,31 +538943,31 +538944,31 +538945,24 +538946,24 +538947,24 +538948,24 +538949,24 +538950,24 +538951,24 +538952,37 +538953,37 +538954,37 +538955,37 +538956,39 +538957,39 +538958,39 +538959,39 +538960,39 +538961,39 +538962,18 +538963,18 +538964,18 +538965,18 +538966,18 +538967,18 +538968,18 +538969,18 +538970,31 +538971,31 +538972,31 +538973,31 +538974,31 +538975,5 +538976,5 +538977,5 +538978,5 +538979,5 +538980,5 +538981,5 +538982,5 +538983,2 +538984,8 +538985,2 +538986,2 +538987,2 +538988,2 +538989,32 +538990,23 +538991,23 +538992,32 +538993,32 +538994,32 +538995,32 +538996,32 +538997,32 +538998,32 +538999,32 +539000,32 +539001,32 +539002,9 +539003,9 +539004,9 +539005,9 +539006,37 +539007,37 +539008,37 +539009,37 +539010,37 +539011,37 +539012,37 +539013,19 +539014,19 +539015,19 +539016,19 +539017,19 +539018,19 +539019,19 +539020,19 +539021,8 +539022,8 +539023,8 +539024,8 +539025,8 +539026,8 +539027,8 +539028,8 +539029,25 +539030,25 +539031,25 +539032,25 +539033,25 +539034,25 +539035,25 +539036,25 +539037,25 +539038,25 +539039,25 +539040,25 +539041,37 +539042,28 +539043,28 +539044,28 +539045,28 +539046,28 +539047,28 +539048,28 +539049,28 +539050,13 +539051,27 +539052,27 +539053,27 +539054,27 +539055,27 +539056,39 +539057,39 +539058,5 +539059,5 +539060,5 +539061,5 +539062,5 +539063,5 +539064,14 +539065,14 +539066,14 +539067,14 +539068,14 +539069,7 +539070,39 +539071,39 +539072,39 +539073,39 +539074,39 +539075,31 +539076,31 +539077,31 +539078,31 +539079,31 +539080,31 +539081,31 +539082,31 +539083,31 +539084,31 +539085,31 +539086,31 +539087,31 +539088,31 +539089,0 +539090,0 +539091,0 +539092,0 +539093,0 +539094,0 +539095,0 +539096,0 +539097,0 +539098,0 +539099,0 +539100,0 +539101,0 +539102,0 +539103,0 +539104,0 +539105,0 +539106,0 +539107,0 +539108,0 +539109,0 +539110,0 +539111,0 +539112,0 +539113,0 +539114,0 +539115,0 +539116,0 +539117,0 +539118,0 +539119,0 +539120,0 +539121,0 +539122,0 +539123,0 +539124,0 +539125,0 +539126,0 +539127,0 +539128,0 +539129,0 +539130,0 +539131,0 +539132,0 +539133,0 +539134,0 +539135,0 +539136,0 +539137,0 +539138,0 +539139,0 +539140,0 +539141,0 +539142,0 +539143,0 +539144,0 +539145,0 +539146,0 +539147,0 +539148,0 +539149,0 +539150,0 +539151,0 +539152,0 +539153,0 +539154,0 +539155,0 +539156,0 +539157,0 +539158,0 +539159,0 +539160,0 +539161,0 +539162,0 +539163,0 +539164,0 +539165,0 +539166,0 +539167,0 +539168,0 +539169,0 +539170,0 +539171,0 +539172,0 +539173,0 +539174,0 +539175,0 +539176,0 +539177,0 +539178,0 +539179,0 +539180,0 +539181,0 +539182,0 +539183,0 +539184,0 +539185,0 +539186,0 +539187,0 +539188,0 +539189,0 +539190,0 +539191,0 +539192,0 +539193,0 +539194,0 +539195,0 +539196,0 +539197,0 +539198,0 +539199,0 +539200,0 +539201,0 +539202,0 +539203,0 +539204,0 +539205,0 +539206,31 +539207,31 +539208,31 +539209,31 +539210,31 +539211,31 +539212,26 +539213,10 +539214,10 +539215,37 +539216,37 +539217,37 +539218,37 +539219,11 +539220,11 +539221,11 +539222,11 +539223,11 +539224,11 +539225,11 +539226,11 +539227,11 +539228,11 +539229,11 +539230,11 +539231,11 +539232,9 +539233,33 +539234,33 +539235,33 +539236,33 +539237,9 +539238,9 +539239,9 +539240,37 +539241,37 +539242,37 +539243,37 +539244,37 +539245,37 +539246,5 +539247,5 +539248,5 +539249,5 +539250,5 +539251,31 +539252,31 +539253,31 +539254,31 +539255,31 +539256,31 +539257,31 +539258,31 +539259,31 +539260,31 +539261,4 +539262,4 +539263,4 +539264,32 +539265,2 +539266,2 +539267,2 +539268,2 +539269,2 +539270,2 +539271,2 +539272,2 +539273,2 +539274,4 +539275,4 +539276,25 +539277,25 +539278,25 +539279,25 +539280,25 +539281,25 +539282,25 +539283,25 +539284,25 +539285,37 +539286,25 +539287,25 +539288,25 +539289,25 +539290,32 +539291,32 +539292,32 +539293,32 +539294,32 +539295,32 +539296,32 +539297,32 +539298,32 +539299,32 +539300,32 +539301,32 +539302,32 +539303,32 +539304,32 +539305,26 +539306,26 +539307,26 +539308,26 +539309,26 +539310,26 +539311,26 +539312,9 +539313,9 +539314,9 +539315,30 +539316,30 +539317,30 +539318,30 +539319,30 +539320,30 +539321,30 +539322,29 +539323,29 +539324,29 +539325,29 +539326,29 +539327,29 +539328,29 +539329,31 +539330,27 +539331,27 +539332,33 +539333,33 +539334,33 +539335,38 +539336,38 +539337,38 +539338,38 +539339,38 +539340,38 +539341,38 +539342,38 +539343,38 +539344,38 +539345,38 +539346,38 +539347,25 +539348,25 +539349,25 +539350,25 +539351,25 +539352,25 +539353,25 +539354,25 +539355,25 +539356,25 +539357,25 +539358,25 +539359,25 +539360,25 +539361,25 +539362,25 +539363,25 +539364,25 +539365,19 +539366,19 +539367,19 +539368,19 +539369,19 +539370,19 +539371,19 +539372,19 +539373,19 +539374,5 +539375,5 +539376,5 +539377,5 +539378,5 +539379,0 +539380,0 +539381,0 +539382,0 +539383,0 +539384,0 +539385,0 +539386,0 +539387,0 +539388,0 +539389,0 +539390,0 +539391,0 +539392,0 +539393,0 +539394,0 +539395,0 +539396,0 +539397,0 +539398,0 +539399,0 +539400,0 +539401,0 +539402,0 +539403,0 +539404,0 +539405,0 +539406,0 +539407,0 +539408,0 +539409,0 +539410,0 +539411,0 +539412,0 +539413,0 +539414,0 +539415,0 +539416,0 +539417,0 +539418,0 +539419,0 +539420,0 +539421,0 +539422,0 +539423,0 +539424,0 +539425,0 +539426,0 +539427,0 +539428,0 +539429,0 +539430,0 +539431,0 +539432,0 +539433,0 +539434,0 +539435,0 +539436,0 +539437,0 +539438,0 +539439,0 +539440,29 +539441,29 +539442,29 +539443,29 +539444,29 +539445,29 +539446,29 +539447,29 +539448,40 +539449,40 +539450,40 +539451,40 +539452,37 +539453,37 +539454,25 +539455,25 +539456,25 +539457,25 +539458,25 +539459,25 +539460,25 +539461,25 +539462,25 +539463,25 +539464,8 +539465,8 +539466,8 +539467,8 +539468,8 +539469,27 +539470,27 +539471,27 +539472,27 +539473,27 +539474,27 +539475,27 +539476,2 +539477,2 +539478,2 +539479,2 +539480,2 +539481,2 +539482,2 +539483,2 +539484,2 +539485,2 +539486,2 +539487,4 +539488,4 +539489,4 +539490,4 +539491,4 +539492,4 +539493,4 +539494,4 +539495,9 +539496,9 +539497,9 +539498,9 +539499,9 +539500,9 +539501,9 +539502,9 +539503,9 +539504,9 +539505,9 +539506,9 +539507,9 +539508,37 +539509,37 +539510,37 +539511,37 +539512,37 +539513,37 +539514,37 +539515,37 +539516,6 +539517,6 +539518,6 +539519,6 +539520,6 +539521,6 +539522,6 +539523,31 +539524,31 +539525,31 +539526,31 +539527,31 +539528,5 +539529,5 +539530,5 +539531,5 +539532,5 +539533,5 +539534,5 +539535,5 +539536,5 +539537,19 +539538,19 +539539,19 +539540,19 +539541,31 +539542,31 +539543,31 +539544,31 +539545,31 +539546,31 +539547,31 +539548,31 +539549,6 +539550,6 +539551,6 +539552,6 +539553,6 +539554,6 +539555,6 +539556,6 +539557,6 +539558,2 +539559,4 +539560,4 +539561,27 +539562,27 +539563,27 +539564,27 +539565,27 +539566,19 +539567,19 +539568,19 +539569,19 +539570,19 +539571,19 +539572,19 +539573,19 +539574,12 +539575,12 +539576,12 +539577,12 +539578,12 +539579,10 +539580,10 +539581,10 +539582,10 +539583,10 +539584,10 +539585,10 +539586,10 +539587,27 +539588,10 +539589,10 +539590,35 +539591,35 +539592,27 +539593,27 +539594,27 +539595,27 +539596,27 +539597,27 +539598,27 +539599,27 +539600,27 +539601,27 +539602,8 +539603,8 +539604,8 +539605,8 +539606,15 +539607,15 +539608,15 +539609,15 +539610,15 +539611,15 +539612,15 +539613,15 +539614,15 +539615,30 +539616,30 +539617,30 +539618,30 +539619,30 +539620,30 +539621,36 +539622,40 +539623,40 +539624,40 +539625,40 +539626,40 +539627,40 +539628,40 +539629,36 +539630,6 +539631,6 +539632,6 +539633,6 +539634,6 +539635,6 +539636,6 +539637,6 +539638,6 +539639,6 +539640,2 +539641,2 +539642,2 +539643,2 +539644,2 +539645,2 +539646,2 +539647,2 +539648,2 +539649,2 +539650,2 +539651,2 +539652,2 +539653,26 +539654,26 +539655,26 +539656,26 +539657,26 +539658,26 +539659,26 +539660,37 +539661,37 +539662,37 +539663,37 +539664,37 +539665,37 +539666,5 +539667,5 +539668,5 +539669,5 +539670,5 +539671,5 +539672,5 +539673,5 +539674,5 +539675,5 +539676,5 +539677,5 +539678,5 +539679,5 +539680,5 +539681,5 +539682,5 +539683,0 +539684,0 +539685,0 +539686,0 +539687,0 +539688,0 +539689,0 +539690,0 +539691,0 +539692,0 +539693,0 +539694,0 +539695,0 +539696,0 +539697,0 +539698,0 +539699,0 +539700,0 +539701,0 +539702,0 +539703,0 +539704,0 +539705,0 +539706,0 +539707,0 +539708,0 +539709,0 +539710,0 +539711,0 +539712,0 +539713,0 +539714,0 +539715,0 +539716,0 +539717,0 +539718,0 +539719,0 +539720,0 +539721,0 +539722,0 +539723,0 +539724,0 +539725,0 +539726,0 +539727,0 +539728,0 +539729,0 +539730,0 +539731,0 +539732,0 +539733,0 +539734,0 +539735,0 +539736,0 +539737,0 +539738,0 +539739,0 +539740,0 +539741,0 +539742,0 +539743,0 +539744,0 +539745,0 +539746,0 +539747,0 +539748,0 +539749,0 +539750,0 +539751,0 +539752,0 +539753,0 +539754,0 +539755,0 +539756,30 +539757,30 +539758,30 +539759,30 +539760,30 +539761,30 +539762,30 +539763,14 +539764,14 +539765,14 +539766,14 +539767,14 +539768,14 +539769,14 +539770,14 +539771,14 +539772,4 +539773,4 +539774,4 +539775,4 +539776,4 +539777,4 +539778,4 +539779,25 +539780,25 +539781,25 +539782,25 +539783,25 +539784,25 +539785,25 +539786,25 +539787,25 +539788,25 +539789,25 +539790,25 +539791,25 +539792,25 +539793,25 +539794,25 +539795,25 +539796,25 +539797,25 +539798,25 +539799,25 +539800,25 +539801,25 +539802,25 +539803,0 +539804,0 +539805,0 +539806,0 +539807,0 +539808,0 +539809,0 +539810,0 +539811,0 +539812,0 +539813,0 +539814,0 +539815,0 +539816,0 +539817,0 +539818,0 +539819,0 +539820,0 +539821,0 +539822,0 +539823,0 +539824,0 +539825,0 +539826,10 +539827,10 +539828,10 +539829,10 +539830,10 +539831,10 +539832,10 +539833,10 +539834,10 +539835,10 +539836,12 +539837,12 +539838,12 +539839,12 +539840,12 +539841,12 +539842,31 +539843,31 +539844,31 +539845,31 +539846,31 +539847,8 +539848,8 +539849,8 +539850,8 +539851,8 +539852,4 +539853,4 +539854,4 +539855,4 +539856,4 +539857,4 +539858,4 +539859,4 +539860,14 +539861,14 +539862,14 +539863,14 +539864,14 +539865,14 +539866,14 +539867,14 +539868,14 +539869,6 +539870,6 +539871,6 +539872,6 +539873,6 +539874,31 +539875,31 +539876,31 +539877,31 +539878,31 +539879,5 +539880,5 +539881,5 +539882,5 +539883,5 +539884,5 +539885,28 +539886,4 +539887,4 +539888,4 +539889,31 +539890,31 +539891,31 +539892,31 +539893,31 +539894,32 +539895,32 +539896,32 +539897,32 +539898,32 +539899,32 +539900,32 +539901,32 +539902,32 +539903,22 +539904,22 +539905,22 +539906,22 +539907,22 +539908,22 +539909,22 +539910,22 +539911,4 +539912,6 +539913,32 +539914,32 +539915,32 +539916,32 +539917,32 +539918,34 +539919,26 +539920,26 +539921,26 +539922,26 +539923,26 +539924,9 +539925,9 +539926,9 +539927,9 +539928,9 +539929,9 +539930,5 +539931,5 +539932,5 +539933,5 +539934,5 +539935,5 +539936,5 +539937,5 +539938,32 +539939,32 +539940,32 +539941,32 +539942,32 +539943,32 +539944,37 +539945,37 +539946,37 +539947,37 +539948,27 +539949,27 +539950,27 +539951,27 +539952,27 +539953,27 +539954,27 +539955,27 +539956,8 +539957,8 +539958,27 +539959,27 +539960,27 +539961,5 +539962,5 +539963,5 +539964,5 +539965,5 +539966,5 +539967,5 +539968,5 +539969,6 +539970,6 +539971,6 +539972,6 +539973,6 +539974,6 +539975,6 +539976,30 +539977,30 +539978,30 +539979,30 +539980,30 +539981,30 +539982,33 +539983,33 +539984,33 +539985,33 +539986,33 +539987,33 +539988,33 +539989,33 +539990,33 +539991,33 +539992,33 +539993,33 +539994,33 +539995,33 +539996,33 +539997,33 +539998,33 +539999,33 +540000,33 +540001,33 +540002,33 +540003,8 +540004,8 +540005,8 +540006,8 +540007,8 +540008,8 +540009,8 +540010,8 +540011,37 +540012,37 +540013,37 +540014,25 +540015,25 +540016,25 +540017,25 +540018,25 +540019,25 +540020,25 +540021,25 +540022,25 +540023,25 +540024,25 +540025,23 +540026,23 +540027,23 +540028,23 +540029,23 +540030,23 +540031,23 +540032,23 +540033,23 +540034,23 +540035,27 +540036,27 +540037,27 +540038,27 +540039,27 +540040,27 +540041,27 +540042,27 +540043,7 +540044,7 +540045,3 +540046,3 +540047,27 +540048,27 +540049,27 +540050,27 +540051,27 +540052,27 +540053,35 +540054,3 +540055,3 +540056,3 +540057,3 +540058,3 +540059,3 +540060,3 +540061,3 +540062,3 +540063,8 +540064,8 +540065,8 +540066,8 +540067,8 +540068,8 +540069,2 +540070,4 +540071,4 +540072,4 +540073,4 +540074,4 +540075,4 +540076,4 +540077,4 +540078,36 +540079,36 +540080,36 +540081,36 +540082,40 +540083,5 +540084,19 +540085,5 +540086,24 +540087,24 +540088,24 +540089,24 +540090,37 +540091,37 +540092,37 +540093,37 +540094,27 +540095,27 +540096,25 +540097,8 +540098,27 +540099,27 +540100,2 +540101,8 +540102,8 +540103,8 +540104,8 +540105,8 +540106,27 +540107,27 +540108,27 +540109,27 +540110,27 +540111,27 +540112,27 +540113,2 +540114,2 +540115,2 +540116,2 +540117,2 +540118,2 +540119,2 +540120,4 +540121,4 +540122,4 +540123,4 +540124,4 +540125,4 +540126,27 +540127,31 +540128,31 +540129,31 +540130,31 +540131,5 +540132,5 +540133,5 +540134,4 +540135,4 +540136,4 +540137,2 +540138,2 +540139,2 +540140,1 +540141,2 +540142,2 +540143,2 +540144,2 +540145,2 +540146,4 +540147,4 +540148,4 +540149,4 +540150,4 +540151,4 +540152,37 +540153,37 +540154,37 +540155,40 +540156,40 +540157,40 +540158,40 +540159,40 +540160,5 +540161,5 +540162,5 +540163,5 +540164,5 +540165,5 +540166,7 +540167,7 +540168,3 +540169,3 +540170,3 +540171,3 +540172,3 +540173,3 +540174,3 +540175,31 +540176,31 +540177,31 +540178,31 +540179,31 +540180,31 +540181,2 +540182,2 +540183,2 +540184,2 +540185,2 +540186,2 +540187,2 +540188,2 +540189,2 +540190,2 +540191,2 +540192,30 +540193,30 +540194,30 +540195,30 +540196,3 +540197,3 +540198,3 +540199,3 +540200,39 +540201,39 +540202,39 +540203,39 +540204,39 +540205,39 +540206,39 +540207,39 +540208,39 +540209,39 +540210,39 +540211,39 +540212,39 +540213,39 +540214,39 +540215,39 +540216,0 +540217,0 +540218,0 +540219,0 +540220,0 +540221,0 +540222,0 +540223,0 +540224,0 +540225,0 +540226,0 +540227,0 +540228,0 +540229,0 +540230,0 +540231,0 +540232,0 +540233,0 +540234,0 +540235,0 +540236,0 +540237,0 +540238,0 +540239,0 +540240,0 +540241,0 +540242,0 +540243,0 +540244,0 +540245,0 +540246,0 +540247,0 +540248,0 +540249,0 +540250,0 +540251,0 +540252,29 +540253,29 +540254,29 +540255,29 +540256,29 +540257,29 +540258,27 +540259,27 +540260,27 +540261,27 +540262,27 +540263,27 +540264,27 +540265,27 +540266,5 +540267,5 +540268,5 +540269,5 +540270,5 +540271,5 +540272,5 +540273,5 +540274,5 +540275,29 +540276,29 +540277,19 +540278,19 +540279,19 +540280,19 +540281,34 +540282,34 +540283,34 +540284,34 +540285,34 +540286,34 +540287,34 +540288,34 +540289,34 +540290,34 +540291,34 +540292,34 +540293,34 +540294,34 +540295,34 +540296,34 +540297,34 +540298,34 +540299,34 +540300,34 +540301,9 +540302,9 +540303,9 +540304,9 +540305,9 +540306,9 +540307,9 +540308,9 +540309,9 +540310,9 +540311,9 +540312,9 +540313,9 +540314,9 +540315,9 +540316,9 +540317,9 +540318,9 +540319,9 +540320,9 +540321,30 +540322,30 +540323,30 +540324,30 +540325,30 +540326,30 +540327,2 +540328,2 +540329,2 +540330,2 +540331,2 +540332,2 +540333,2 +540334,2 +540335,2 +540336,2 +540337,2 +540338,2 +540339,2 +540340,2 +540341,2 +540342,2 +540343,33 +540344,33 +540345,33 +540346,33 +540347,33 +540348,33 +540349,33 +540350,33 +540351,33 +540352,33 +540353,33 +540354,33 +540355,33 +540356,11 +540357,11 +540358,11 +540359,11 +540360,11 +540361,11 +540362,11 +540363,11 +540364,11 +540365,11 +540366,11 +540367,11 +540368,36 +540369,36 +540370,36 +540371,36 +540372,36 +540373,36 +540374,31 +540375,9 +540376,38 +540377,38 +540378,38 +540379,38 +540380,38 +540381,38 +540382,38 +540383,38 +540384,38 +540385,38 +540386,32 +540387,31 +540388,31 +540389,19 +540390,19 +540391,19 +540392,19 +540393,19 +540394,19 +540395,19 +540396,19 +540397,19 +540398,19 +540399,10 +540400,10 +540401,10 +540402,10 +540403,10 +540404,10 +540405,10 +540406,10 +540407,10 +540408,10 +540409,10 +540410,10 +540411,10 +540412,10 +540413,10 +540414,10 +540415,10 +540416,10 +540417,10 +540418,10 +540419,10 +540420,10 +540421,12 +540422,12 +540423,12 +540424,12 +540425,12 +540426,12 +540427,12 +540428,12 +540429,12 +540430,12 +540431,12 +540432,27 +540433,27 +540434,27 +540435,27 +540436,27 +540437,38 +540438,38 +540439,38 +540440,38 +540441,38 +540442,23 +540443,23 +540444,23 +540445,23 +540446,23 +540447,38 +540448,38 +540449,38 +540450,38 +540451,38 +540452,27 +540453,27 +540454,27 +540455,27 +540456,27 +540457,27 +540458,27 +540459,27 +540460,27 +540461,27 +540462,27 +540463,27 +540464,28 +540465,28 +540466,28 +540467,28 +540468,28 +540469,28 +540470,28 +540471,28 +540472,28 +540473,15 +540474,15 +540475,15 +540476,15 +540477,15 +540478,15 +540479,10 +540480,10 +540481,10 +540482,10 +540483,10 +540484,10 +540485,10 +540486,10 +540487,10 +540488,10 +540489,24 +540490,24 +540491,24 +540492,24 +540493,29 +540494,29 +540495,31 +540496,31 +540497,31 +540498,31 +540499,31 +540500,31 +540501,2 +540502,2 +540503,2 +540504,2 +540505,2 +540506,2 +540507,2 +540508,2 +540509,2 +540510,2 +540511,2 +540512,2 +540513,2 +540514,2 +540515,2 +540516,2 +540517,9 +540518,9 +540519,9 +540520,9 +540521,9 +540522,9 +540523,9 +540524,9 +540525,9 +540526,9 +540527,37 +540528,37 +540529,37 +540530,37 +540531,4 +540532,4 +540533,4 +540534,4 +540535,27 +540536,25 +540537,25 +540538,27 +540539,31 +540540,27 +540541,27 +540542,27 +540543,27 +540544,40 +540545,24 +540546,24 +540547,24 +540548,24 +540549,24 +540550,24 +540551,24 +540552,29 +540553,29 +540554,29 +540555,39 +540556,39 +540557,39 +540558,39 +540559,39 +540560,39 +540561,39 +540562,39 +540563,39 +540564,31 +540565,31 +540566,31 +540567,31 +540568,31 +540569,31 +540570,31 +540571,31 +540572,2 +540573,2 +540574,2 +540575,2 +540576,2 +540577,2 +540578,2 +540579,2 +540580,2 +540581,2 +540582,2 +540583,2 +540584,2 +540585,2 +540586,27 +540587,27 +540588,27 +540589,27 +540590,27 +540591,27 +540592,37 +540593,37 +540594,37 +540595,37 +540596,37 +540597,37 +540598,37 +540599,37 +540600,37 +540601,37 +540602,37 +540603,39 +540604,39 +540605,39 +540606,39 +540607,39 +540608,39 +540609,39 +540610,39 +540611,31 +540612,31 +540613,36 +540614,10 +540615,10 +540616,10 +540617,10 +540618,5 +540619,5 +540620,5 +540621,5 +540622,5 +540623,5 +540624,5 +540625,5 +540626,5 +540627,8 +540628,8 +540629,8 +540630,8 +540631,8 +540632,8 +540633,8 +540634,8 +540635,8 +540636,2 +540637,2 +540638,2 +540639,2 +540640,2 +540641,2 +540642,2 +540643,2 +540644,2 +540645,2 +540646,2 +540647,0 +540648,0 +540649,0 +540650,0 +540651,0 +540652,0 +540653,0 +540654,0 +540655,0 +540656,0 +540657,0 +540658,0 +540659,0 +540660,0 +540661,0 +540662,0 +540663,0 +540664,0 +540665,0 +540666,0 +540667,0 +540668,0 +540669,0 +540670,0 +540671,0 +540672,0 +540673,0 +540674,0 +540675,0 +540676,0 +540677,0 +540678,0 +540679,0 +540680,0 +540681,0 +540682,0 +540683,0 +540684,0 +540685,0 +540686,0 +540687,0 +540688,0 +540689,0 +540690,0 +540691,0 +540692,0 +540693,0 +540694,0 +540695,0 +540696,0 +540697,0 +540698,12 +540699,12 +540700,12 +540701,12 +540702,12 +540703,12 +540704,12 +540705,12 +540706,12 +540707,39 +540708,39 +540709,39 +540710,39 +540711,39 +540712,39 +540713,39 +540714,39 +540715,28 +540716,28 +540717,28 +540718,28 +540719,28 +540720,28 +540721,28 +540722,14 +540723,14 +540724,14 +540725,14 +540726,14 +540727,14 +540728,14 +540729,14 +540730,14 +540731,14 +540732,14 +540733,15 +540734,15 +540735,15 +540736,15 +540737,39 +540738,39 +540739,39 +540740,39 +540741,39 +540742,39 +540743,39 +540744,39 +540745,21 +540746,21 +540747,21 +540748,21 +540749,21 +540750,21 +540751,21 +540752,21 +540753,21 +540754,36 +540755,36 +540756,36 +540757,36 +540758,36 +540759,10 +540760,10 +540761,10 +540762,10 +540763,10 +540764,10 +540765,10 +540766,10 +540767,10 +540768,10 +540769,10 +540770,27 +540771,27 +540772,27 +540773,27 +540774,27 +540775,27 +540776,27 +540777,27 +540778,27 +540779,27 +540780,19 +540781,19 +540782,19 +540783,19 +540784,19 +540785,15 +540786,15 +540787,15 +540788,15 +540789,15 +540790,15 +540791,15 +540792,15 +540793,15 +540794,10 +540795,10 +540796,10 +540797,10 +540798,10 +540799,10 +540800,10 +540801,10 +540802,10 +540803,10 +540804,10 +540805,10 +540806,10 +540807,10 +540808,29 +540809,29 +540810,29 +540811,29 +540812,29 +540813,29 +540814,29 +540815,29 +540816,31 +540817,31 +540818,31 +540819,31 +540820,31 +540821,31 +540822,31 +540823,31 +540824,31 +540825,2 +540826,2 +540827,2 +540828,2 +540829,2 +540830,2 +540831,2 +540832,2 +540833,2 +540834,2 +540835,2 +540836,2 +540837,2 +540838,2 +540839,10 +540840,10 +540841,10 +540842,10 +540843,10 +540844,10 +540845,10 +540846,10 +540847,10 +540848,6 +540849,6 +540850,6 +540851,6 +540852,6 +540853,6 +540854,6 +540855,6 +540856,31 +540857,31 +540858,31 +540859,31 +540860,31 +540861,31 +540862,30 +540863,30 +540864,30 +540865,30 +540866,30 +540867,30 +540868,30 +540869,30 +540870,30 +540871,30 +540872,26 +540873,26 +540874,26 +540875,26 +540876,26 +540877,26 +540878,26 +540879,26 +540880,26 +540881,26 +540882,18 +540883,18 +540884,18 +540885,18 +540886,18 +540887,18 +540888,16 +540889,16 +540890,16 +540891,16 +540892,18 +540893,16 +540894,31 +540895,31 +540896,31 +540897,31 +540898,6 +540899,6 +540900,6 +540901,6 +540902,6 +540903,31 +540904,31 +540905,31 +540906,31 +540907,31 +540908,31 +540909,33 +540910,33 +540911,33 +540912,33 +540913,33 +540914,30 +540915,30 +540916,30 +540917,30 +540918,30 +540919,30 +540920,30 +540921,30 +540922,30 +540923,30 +540924,30 +540925,30 +540926,30 +540927,30 +540928,30 +540929,30 +540930,30 +540931,30 +540932,30 +540933,30 +540934,30 +540935,30 +540936,30 +540937,30 +540938,30 +540939,30 +540940,30 +540941,30 +540942,30 +540943,30 +540944,30 +540945,30 +540946,30 +540947,30 +540948,30 +540949,30 +540950,30 +540951,30 +540952,30 +540953,30 +540954,30 +540955,30 +540956,0 +540957,0 +540958,0 +540959,0 +540960,0 +540961,0 +540962,0 +540963,0 +540964,0 +540965,0 +540966,0 +540967,0 +540968,0 +540969,0 +540970,0 +540971,0 +540972,0 +540973,0 +540974,0 +540975,0 +540976,0 +540977,0 +540978,0 +540979,0 +540980,0 +540981,0 +540982,0 +540983,27 +540984,27 +540985,27 +540986,27 +540987,27 +540988,27 +540989,27 +540990,27 +540991,27 +540992,27 +540993,27 +540994,6 +540995,6 +540996,6 +540997,6 +540998,6 +540999,6 +541000,6 +541001,2 +541002,2 +541003,2 +541004,2 +541005,2 +541006,2 +541007,2 +541008,2 +541009,2 +541010,32 +541011,32 +541012,32 +541013,32 +541014,32 +541015,32 +541016,32 +541017,37 +541018,37 +541019,37 +541020,25 +541021,25 +541022,25 +541023,25 +541024,25 +541025,25 +541026,37 +541027,37 +541028,37 +541029,25 +541030,25 +541031,25 +541032,25 +541033,25 +541034,31 +541035,31 +541036,31 +541037,31 +541038,31 +541039,31 +541040,31 +541041,31 +541042,31 +541043,31 +541044,31 +541045,31 +541046,31 +541047,31 +541048,31 +541049,31 +541050,31 +541051,31 +541052,5 +541053,5 +541054,5 +541055,5 +541056,5 +541057,5 +541058,5 +541059,5 +541060,2 +541061,2 +541062,2 +541063,2 +541064,2 +541065,2 +541066,2 +541067,2 +541068,12 +541069,12 +541070,12 +541071,12 +541072,27 +541073,27 +541074,27 +541075,27 +541076,27 +541077,27 +541078,16 +541079,16 +541080,16 +541081,16 +541082,16 +541083,16 +541084,16 +541085,16 +541086,16 +541087,16 +541088,16 +541089,16 +541090,40 +541091,40 +541092,31 +541093,31 +541094,24 +541095,24 +541096,24 +541097,24 +541098,24 +541099,24 +541100,24 +541101,27 +541102,27 +541103,27 +541104,27 +541105,27 +541106,27 +541107,27 +541108,27 +541109,5 +541110,5 +541111,5 +541112,5 +541113,5 +541114,5 +541115,5 +541116,5 +541117,5 +541118,28 +541119,28 +541120,28 +541121,28 +541122,28 +541123,28 +541124,28 +541125,14 +541126,14 +541127,14 +541128,14 +541129,14 +541130,14 +541131,14 +541132,14 +541133,14 +541134,14 +541135,14 +541136,14 +541137,14 +541138,14 +541139,14 +541140,14 +541141,14 +541142,14 +541143,14 +541144,14 +541145,14 +541146,5 +541147,5 +541148,5 +541149,5 +541150,5 +541151,27 +541152,27 +541153,27 +541154,27 +541155,27 +541156,27 +541157,27 +541158,27 +541159,27 +541160,27 +541161,27 +541162,27 +541163,27 +541164,27 +541165,27 +541166,27 +541167,27 +541168,27 +541169,27 +541170,5 +541171,5 +541172,5 +541173,5 +541174,5 +541175,5 +541176,5 +541177,5 +541178,29 +541179,29 +541180,27 +541181,27 +541182,27 +541183,14 +541184,14 +541185,14 +541186,14 +541187,39 +541188,27 +541189,27 +541190,27 +541191,27 +541192,27 +541193,27 +541194,27 +541195,27 +541196,27 +541197,27 +541198,5 +541199,5 +541200,5 +541201,5 +541202,5 +541203,5 +541204,4 +541205,4 +541206,4 +541207,4 +541208,4 +541209,4 +541210,4 +541211,4 +541212,16 +541213,16 +541214,16 +541215,16 +541216,16 +541217,25 +541218,25 +541219,25 +541220,25 +541221,25 +541222,2 +541223,2 +541224,2 +541225,2 +541226,2 +541227,2 +541228,2 +541229,2 +541230,4 +541231,4 +541232,4 +541233,4 +541234,4 +541235,4 +541236,31 +541237,31 +541238,31 +541239,31 +541240,31 +541241,31 +541242,31 +541243,32 +541244,32 +541245,32 +541246,4 +541247,4 +541248,4 +541249,4 +541250,4 +541251,4 +541252,4 +541253,4 +541254,4 +541255,4 +541256,4 +541257,4 +541258,4 +541259,40 +541260,40 +541261,40 +541262,40 +541263,40 +541264,40 +541265,40 +541266,40 +541267,40 +541268,2 +541269,2 +541270,2 +541271,2 +541272,2 +541273,2 +541274,2 +541275,2 +541276,2 +541277,2 +541278,2 +541279,2 +541280,2 +541281,2 +541282,27 +541283,27 +541284,27 +541285,27 +541286,27 +541287,27 +541288,5 +541289,5 +541290,5 +541291,5 +541292,5 +541293,5 +541294,5 +541295,29 +541296,29 +541297,29 +541298,31 +541299,31 +541300,31 +541301,31 +541302,31 +541303,23 +541304,23 +541305,23 +541306,23 +541307,23 +541308,23 +541309,23 +541310,23 +541311,23 +541312,23 +541313,27 +541314,31 +541315,31 +541316,27 +541317,27 +541318,4 +541319,4 +541320,4 +541321,4 +541322,4 +541323,4 +541324,4 +541325,4 +541326,4 +541327,4 +541328,4 +541329,35 +541330,35 +541331,35 +541332,4 +541333,4 +541334,4 +541335,4 +541336,35 +541337,39 +541338,39 +541339,39 +541340,39 +541341,39 +541342,39 +541343,39 +541344,39 +541345,39 +541346,39 +541347,39 +541348,39 +541349,39 +541350,39 +541351,39 +541352,39 +541353,39 +541354,39 +541355,39 +541356,21 +541357,21 +541358,21 +541359,21 +541360,21 +541361,0 +541362,0 +541363,0 +541364,0 +541365,27 +541366,27 +541367,27 +541368,27 +541369,27 +541370,27 +541371,27 +541372,27 +541373,27 +541374,27 +541375,27 +541376,27 +541377,27 +541378,5 +541379,5 +541380,5 +541381,5 +541382,28 +541383,28 +541384,28 +541385,28 +541386,28 +541387,19 +541388,19 +541389,19 +541390,19 +541391,19 +541392,19 +541393,3 +541394,3 +541395,3 +541396,3 +541397,3 +541398,3 +541399,3 +541400,3 +541401,3 +541402,3 +541403,3 +541404,3 +541405,3 +541406,3 +541407,3 +541408,2 +541409,2 +541410,2 +541411,2 +541412,2 +541413,2 +541414,2 +541415,2 +541416,2 +541417,2 +541418,32 +541419,32 +541420,32 +541421,32 +541422,32 +541423,32 +541424,15 +541425,15 +541426,32 +541427,10 +541428,10 +541429,10 +541430,10 +541431,10 +541432,10 +541433,10 +541434,10 +541435,10 +541436,10 +541437,10 +541438,10 +541439,10 +541440,10 +541441,10 +541442,10 +541443,10 +541444,10 +541445,10 +541446,10 +541447,10 +541448,14 +541449,14 +541450,28 +541451,28 +541452,28 +541453,28 +541454,28 +541455,28 +541456,28 +541457,28 +541458,28 +541459,28 +541460,40 +541461,40 +541462,40 +541463,40 +541464,40 +541465,40 +541466,5 +541467,5 +541468,5 +541469,5 +541470,5 +541471,4 +541472,4 +541473,4 +541474,4 +541475,4 +541476,4 +541477,4 +541478,4 +541479,4 +541480,31 +541481,31 +541482,31 +541483,31 +541484,31 +541485,31 +541486,31 +541487,31 +541488,12 +541489,12 +541490,12 +541491,12 +541492,12 +541493,12 +541494,12 +541495,12 +541496,12 +541497,12 +541498,12 +541499,12 +541500,12 +541501,25 +541502,25 +541503,25 +541504,25 +541505,25 +541506,37 +541507,25 +541508,37 +541509,37 +541510,6 +541511,6 +541512,6 +541513,6 +541514,6 +541515,6 +541516,6 +541517,6 +541518,6 +541519,6 +541520,6 +541521,6 +541522,6 +541523,0 +541524,0 +541525,0 +541526,0 +541527,0 +541528,0 +541529,0 +541530,0 +541531,0 +541532,0 +541533,0 +541534,0 +541535,0 +541536,0 +541537,0 +541538,0 +541539,0 +541540,0 +541541,0 +541542,0 +541543,0 +541544,0 +541545,0 +541546,0 +541547,0 +541548,0 +541549,0 +541550,0 +541551,0 +541552,0 +541553,0 +541554,0 +541555,0 +541556,0 +541557,0 +541558,0 +541559,0 +541560,0 +541561,39 +541562,14 +541563,14 +541564,14 +541565,14 +541566,0 +541567,0 +541568,14 +541569,14 +541570,14 +541571,14 +541572,14 +541573,14 +541574,14 +541575,14 +541576,14 +541577,14 +541578,14 +541579,14 +541580,6 +541581,6 +541582,6 +541583,6 +541584,6 +541585,6 +541586,6 +541587,2 +541588,2 +541589,2 +541590,2 +541591,2 +541592,2 +541593,2 +541594,2 +541595,4 +541596,4 +541597,4 +541598,4 +541599,4 +541600,4 +541601,4 +541602,37 +541603,37 +541604,37 +541605,37 +541606,37 +541607,37 +541608,37 +541609,37 +541610,37 +541611,39 +541612,27 +541613,27 +541614,39 +541615,39 +541616,39 +541617,39 +541618,14 +541619,14 +541620,14 +541621,14 +541622,14 +541623,14 +541624,14 +541625,28 +541626,28 +541627,28 +541628,28 +541629,28 +541630,5 +541631,5 +541632,5 +541633,28 +541634,28 +541635,5 +541636,5 +541637,5 +541638,5 +541639,5 +541640,5 +541641,5 +541642,5 +541643,5 +541644,5 +541645,5 +541646,5 +541647,0 +541648,0 +541649,0 +541650,0 +541651,0 +541652,0 +541653,0 +541654,0 +541655,0 +541656,0 +541657,0 +541658,0 +541659,0 +541660,0 +541661,0 +541662,0 +541663,0 +541664,0 +541665,0 +541666,0 +541667,0 +541668,0 +541669,0 +541670,0 +541671,0 +541672,0 +541673,0 +541674,0 +541675,0 +541676,0 +541677,0 +541678,0 +541679,0 +541680,0 +541681,0 +541682,0 +541683,0 +541684,0 +541685,0 +541686,0 +541687,0 +541688,0 +541689,0 +541690,0 +541691,0 +541692,0 +541693,0 +541694,0 +541695,0 +541696,0 +541697,0 +541698,0 +541699,0 +541700,0 +541701,0 +541702,0 +541703,0 +541704,0 +541705,0 +541706,0 +541707,0 +541708,0 +541709,0 +541710,0 +541711,0 +541712,0 +541713,0 +541714,0 +541715,0 +541716,0 +541717,0 +541718,0 +541719,0 +541720,0 +541721,0 +541722,0 +541723,0 +541724,0 +541725,0 +541726,0 +541727,0 +541728,0 +541729,0 +541730,0 +541731,0 +541732,0 +541733,0 +541734,0 +541735,0 +541736,0 +541737,31 +541738,31 +541739,31 +541740,31 +541741,31 +541742,31 +541743,31 +541744,31 +541745,31 +541746,31 +541747,31 +541748,31 +541749,31 +541750,31 +541751,31 +541752,31 +541753,15 +541754,15 +541755,15 +541756,15 +541757,15 +541758,15 +541759,15 +541760,15 +541761,15 +541762,15 +541763,15 +541764,30 +541765,30 +541766,30 +541767,30 +541768,30 +541769,27 +541770,27 +541771,27 +541772,27 +541773,27 +541774,27 +541775,27 +541776,27 +541777,2 +541778,2 +541779,2 +541780,2 +541781,2 +541782,2 +541783,2 +541784,2 +541785,2 +541786,27 +541787,27 +541788,27 +541789,27 +541790,27 +541791,5 +541792,5 +541793,5 +541794,5 +541795,5 +541796,5 +541797,5 +541798,5 +541799,5 +541800,13 +541801,6 +541802,6 +541803,6 +541804,6 +541805,6 +541806,6 +541807,6 +541808,6 +541809,6 +541810,6 +541811,37 +541812,37 +541813,37 +541814,37 +541815,37 +541816,37 +541817,37 +541818,25 +541819,3 +541820,25 +541821,3 +541822,12 +541823,3 +541824,3 +541825,3 +541826,3 +541827,3 +541828,3 +541829,3 +541830,3 +541831,3 +541832,23 +541833,23 +541834,23 +541835,23 +541836,23 +541837,23 +541838,23 +541839,23 +541840,23 +541841,23 +541842,23 +541843,23 +541844,23 +541845,23 +541846,23 +541847,23 +541848,0 +541849,0 +541850,0 +541851,0 +541852,0 +541853,0 +541854,0 +541855,0 +541856,0 +541857,0 +541858,0 +541859,0 +541860,0 +541861,0 +541862,0 +541863,39 +541864,0 +541865,0 +541866,0 +541867,0 +541868,0 +541869,0 +541870,0 +541871,0 +541872,0 +541873,0 +541874,0 +541875,0 +541876,0 +541877,0 +541878,0 +541879,0 +541880,0 +541881,0 +541882,0 +541883,0 +541884,0 +541885,0 +541886,0 +541887,0 +541888,0 +541889,0 +541890,31 +541891,31 +541892,31 +541893,31 +541894,31 +541895,31 +541896,31 +541897,31 +541898,31 +541899,29 +541900,29 +541901,29 +541902,29 +541903,29 +541904,29 +541905,29 +541906,31 +541907,31 +541908,31 +541909,31 +541910,31 +541911,31 +541912,12 +541913,12 +541914,12 +541915,12 +541916,12 +541917,12 +541918,12 +541919,12 +541920,40 +541921,40 +541922,40 +541923,40 +541924,40 +541925,40 +541926,40 +541927,29 +541928,29 +541929,29 +541930,31 +541931,31 +541932,31 +541933,31 +541934,31 +541935,25 +541936,12 +541937,12 +541938,12 +541939,12 +541940,12 +541941,12 +541942,12 +541943,31 +541944,31 +541945,31 +541946,8 +541947,8 +541948,8 +541949,8 +541950,8 +541951,31 +541952,31 +541953,27 +541954,27 +541955,27 +541956,6 +541957,6 +541958,6 +541959,6 +541960,6 +541961,6 +541962,6 +541963,6 +541964,2 +541965,2 +541966,2 +541967,2 +541968,2 +541969,2 +541970,2 +541971,2 +541972,2 +541973,2 +541974,2 +541975,2 +541976,39 +541977,39 +541978,39 +541979,39 +541980,39 +541981,39 +541982,39 +541983,19 +541984,19 +541985,19 +541986,19 +541987,27 +541988,27 +541989,27 +541990,27 +541991,27 +541992,27 +541993,27 +541994,13 +541995,29 +541996,13 +541997,13 +541998,13 +541999,29 +542000,29 +542001,29 +542002,39 +542003,39 +542004,39 +542005,39 +542006,39 +542007,12 +542008,12 +542009,12 +542010,12 +542011,12 +542012,12 +542013,12 +542014,12 +542015,12 +542016,12 +542017,12 +542018,12 +542019,12 +542020,12 +542021,31 +542022,31 +542023,9 +542024,9 +542025,9 +542026,9 +542027,9 +542028,9 +542029,9 +542030,9 +542031,9 +542032,9 +542033,9 +542034,37 +542035,37 +542036,37 +542037,37 +542038,37 +542039,37 +542040,37 +542041,37 +542042,37 +542043,37 +542044,37 +542045,37 +542046,28 +542047,28 +542048,28 +542049,28 +542050,28 +542051,25 +542052,0 +542053,0 +542054,0 +542055,0 +542056,0 +542057,0 +542058,0 +542059,0 +542060,0 +542061,0 +542062,0 +542063,0 +542064,0 +542065,0 +542066,0 +542067,0 +542068,0 +542069,0 +542070,0 +542071,0 +542072,0 +542073,0 +542074,0 +542075,0 +542076,4 +542077,4 +542078,4 +542079,4 +542080,29 +542081,29 +542082,14 +542083,14 +542084,14 +542085,14 +542086,14 +542087,12 +542088,12 +542089,12 +542090,12 +542091,12 +542092,12 +542093,31 +542094,31 +542095,31 +542096,8 +542097,8 +542098,8 +542099,8 +542100,8 +542101,8 +542102,8 +542103,8 +542104,33 +542105,33 +542106,33 +542107,33 +542108,33 +542109,33 +542110,33 +542111,33 +542112,33 +542113,5 +542114,5 +542115,31 +542116,5 +542117,28 +542118,5 +542119,5 +542120,29 +542121,29 +542122,29 +542123,29 +542124,39 +542125,39 +542126,39 +542127,39 +542128,39 +542129,39 +542130,39 +542131,12 +542132,3 +542133,12 +542134,12 +542135,12 +542136,12 +542137,12 +542138,12 +542139,12 +542140,12 +542141,12 +542142,12 +542143,12 +542144,12 +542145,12 +542146,12 +542147,12 +542148,12 +542149,12 +542150,12 +542151,12 +542152,12 +542153,12 +542154,12 +542155,12 +542156,31 +542157,31 +542158,31 +542159,31 +542160,31 +542161,31 +542162,31 +542163,31 +542164,31 +542165,5 +542166,5 +542167,5 +542168,5 +542169,5 +542170,5 +542171,5 +542172,5 +542173,5 +542174,5 +542175,5 +542176,5 +542177,5 +542178,5 +542179,5 +542180,5 +542181,12 +542182,12 +542183,12 +542184,12 +542185,12 +542186,12 +542187,12 +542188,27 +542189,27 +542190,27 +542191,27 +542192,27 +542193,5 +542194,5 +542195,5 +542196,5 +542197,5 +542198,5 +542199,19 +542200,19 +542201,19 +542202,19 +542203,3 +542204,3 +542205,3 +542206,3 +542207,33 +542208,33 +542209,33 +542210,33 +542211,33 +542212,33 +542213,3 +542214,3 +542215,3 +542216,33 +542217,33 +542218,33 +542219,33 +542220,33 +542221,33 +542222,33 +542223,33 +542224,33 +542225,33 +542226,33 +542227,33 +542228,33 +542229,33 +542230,33 +542231,33 +542232,33 +542233,33 +542234,33 +542235,33 +542236,33 +542237,33 +542238,33 +542239,32 +542240,32 +542241,32 +542242,32 +542243,32 +542244,32 +542245,32 +542246,32 +542247,40 +542248,40 +542249,40 +542250,40 +542251,40 +542252,5 +542253,5 +542254,5 +542255,5 +542256,5 +542257,5 +542258,5 +542259,5 +542260,5 +542261,5 +542262,5 +542263,5 +542264,5 +542265,5 +542266,5 +542267,28 +542268,5 +542269,5 +542270,5 +542271,5 +542272,5 +542273,5 +542274,0 +542275,0 +542276,0 +542277,0 +542278,0 +542279,0 +542280,0 +542281,0 +542282,0 +542283,0 +542284,0 +542285,0 +542286,0 +542287,0 +542288,0 +542289,0 +542290,0 +542291,0 +542292,0 +542293,0 +542294,0 +542295,0 +542296,0 +542297,0 +542298,0 +542299,0 +542300,0 +542301,0 +542302,0 +542303,0 +542304,0 +542305,0 +542306,0 +542307,0 +542308,0 +542309,0 +542310,0 +542311,0 +542312,0 +542313,0 +542314,0 +542315,0 +542316,0 +542317,0 +542318,0 +542319,0 +542320,0 +542321,0 +542322,0 +542323,0 +542324,0 +542325,0 +542326,0 +542327,0 +542328,0 +542329,0 +542330,0 +542331,0 +542332,0 +542333,0 +542334,0 +542335,0 +542336,0 +542337,0 +542338,0 +542339,0 +542340,0 +542341,0 +542342,0 +542343,0 +542344,0 +542345,0 +542346,0 +542347,0 +542348,0 +542349,0 +542350,0 +542351,0 +542352,0 +542353,0 +542354,0 +542355,0 +542356,0 +542357,0 +542358,0 +542359,0 +542360,0 +542361,0 +542362,0 +542363,0 +542364,0 +542365,0 +542366,0 +542367,0 +542368,0 +542369,0 +542370,0 +542371,0 +542372,0 +542373,0 +542374,0 +542375,36 +542376,36 +542377,36 +542378,36 +542379,36 +542380,36 +542381,36 +542382,5 +542383,5 +542384,5 +542385,19 +542386,5 +542387,5 +542388,5 +542389,5 +542390,38 +542391,38 +542392,38 +542393,38 +542394,38 +542395,38 +542396,38 +542397,34 +542398,34 +542399,34 +542400,34 +542401,34 +542402,34 +542403,34 +542404,34 +542405,34 +542406,34 +542407,34 +542408,34 +542409,34 +542410,34 +542411,34 +542412,34 +542413,34 +542414,6 +542415,6 +542416,6 +542417,6 +542418,6 +542419,6 +542420,6 +542421,12 +542422,12 +542423,12 +542424,12 +542425,12 +542426,12 +542427,12 +542428,12 +542429,12 +542430,12 +542431,12 +542432,12 +542433,31 +542434,31 +542435,31 +542436,31 +542437,31 +542438,31 +542439,31 +542440,5 +542441,5 +542442,5 +542443,5 +542444,1 +542445,5 +542446,5 +542447,15 +542448,15 +542449,15 +542450,19 +542451,27 +542452,27 +542453,31 +542454,31 +542455,31 +542456,30 +542457,30 +542458,30 +542459,30 +542460,30 +542461,30 +542462,9 +542463,9 +542464,9 +542465,9 +542466,9 +542467,9 +542468,9 +542469,9 +542470,9 +542471,9 +542472,9 +542473,9 +542474,9 +542475,13 +542476,13 +542477,13 +542478,13 +542479,13 +542480,13 +542481,13 +542482,13 +542483,39 +542484,27 +542485,27 +542486,27 +542487,27 +542488,27 +542489,27 +542490,27 +542491,27 +542492,13 +542493,13 +542494,13 +542495,13 +542496,13 +542497,13 +542498,13 +542499,13 +542500,13 +542501,13 +542502,13 +542503,13 +542504,5 +542505,5 +542506,5 +542507,5 +542508,5 +542509,5 +542510,0 +542511,0 +542512,0 +542513,0 +542514,0 +542515,0 +542516,0 +542517,0 +542518,4 +542519,0 +542520,0 +542521,4 +542522,4 +542523,4 +542524,4 +542525,4 +542526,4 +542527,3 +542528,3 +542529,3 +542530,3 +542531,3 +542532,3 +542533,3 +542534,3 +542535,3 +542536,3 +542537,37 +542538,37 +542539,37 +542540,37 +542541,37 +542542,37 +542543,37 +542544,37 +542545,37 +542546,37 +542547,8 +542548,8 +542549,8 +542550,25 +542551,25 +542552,37 +542553,37 +542554,37 +542555,37 +542556,37 +542557,37 +542558,3 +542559,3 +542560,3 +542561,3 +542562,3 +542563,3 +542564,3 +542565,3 +542566,3 +542567,3 +542568,3 +542569,3 +542570,3 +542571,3 +542572,3 +542573,3 +542574,3 +542575,3 +542576,5 +542577,5 +542578,5 +542579,5 +542580,28 +542581,28 +542582,28 +542583,28 +542584,28 +542585,28 +542586,28 +542587,28 +542588,28 +542589,28 +542590,28 +542591,0 +542592,0 +542593,0 +542594,0 +542595,0 +542596,0 +542597,0 +542598,0 +542599,0 +542600,0 +542601,0 +542602,0 +542603,0 +542604,0 +542605,0 +542606,0 +542607,0 +542608,0 +542609,0 +542610,0 +542611,0 +542612,31 +542613,36 +542614,40 +542615,40 +542616,36 +542617,40 +542618,40 +542619,40 +542620,36 +542621,40 +542622,40 +542623,8 +542624,8 +542625,8 +542626,8 +542627,8 +542628,8 +542629,2 +542630,2 +542631,10 +542632,10 +542633,10 +542634,10 +542635,10 +542636,10 +542637,10 +542638,10 +542639,10 +542640,10 +542641,10 +542642,10 +542643,10 +542644,10 +542645,10 +542646,27 +542647,28 +542648,28 +542649,28 +542650,28 +542651,28 +542652,28 +542653,37 +542654,37 +542655,37 +542656,37 +542657,37 +542658,37 +542659,40 +542660,40 +542661,40 +542662,40 +542663,40 +542664,40 +542665,2 +542666,2 +542667,2 +542668,2 +542669,4 +542670,6 +542671,6 +542672,6 +542673,27 +542674,27 +542675,27 +542676,13 +542677,13 +542678,13 +542679,13 +542680,13 +542681,13 +542682,13 +542683,13 +542684,13 +542685,31 +542686,31 +542687,31 +542688,10 +542689,10 +542690,10 +542691,10 +542692,10 +542693,2 +542694,2 +542695,2 +542696,2 +542697,2 +542698,2 +542699,2 +542700,2 +542701,40 +542702,31 +542703,31 +542704,31 +542705,31 +542706,31 +542707,31 +542708,31 +542709,31 +542710,23 +542711,23 +542712,23 +542713,23 +542714,23 +542715,5 +542716,5 +542717,5 +542718,5 +542719,5 +542720,34 +542721,34 +542722,34 +542723,34 +542724,34 +542725,34 +542726,34 +542727,34 +542728,34 +542729,34 +542730,34 +542731,34 +542732,34 +542733,34 +542734,34 +542735,34 +542736,34 +542737,34 +542738,34 +542739,36 +542740,36 +542741,36 +542742,36 +542743,36 +542744,36 +542745,36 +542746,36 +542747,36 +542748,36 +542749,36 +542750,36 +542751,36 +542752,36 +542753,36 +542754,36 +542755,5 +542756,5 +542757,5 +542758,5 +542759,5 +542760,5 +542761,5 +542762,5 +542763,5 +542764,5 +542765,5 +542766,5 +542767,5 +542768,5 +542769,5 +542770,5 +542771,5 +542772,5 +542773,2 +542774,2 +542775,2 +542776,2 +542777,2 +542778,2 +542779,2 +542780,2 +542781,2 +542782,2 +542783,2 +542784,2 +542785,2 +542786,2 +542787,28 +542788,28 +542789,28 +542790,28 +542791,28 +542792,26 +542793,26 +542794,26 +542795,1 +542796,26 +542797,26 +542798,33 +542799,33 +542800,33 +542801,33 +542802,33 +542803,33 +542804,33 +542805,6 +542806,6 +542807,6 +542808,6 +542809,6 +542810,6 +542811,6 +542812,6 +542813,4 +542814,4 +542815,4 +542816,4 +542817,4 +542818,4 +542819,4 +542820,36 +542821,36 +542822,36 +542823,10 +542824,10 +542825,10 +542826,10 +542827,10 +542828,10 +542829,10 +542830,10 +542831,10 +542832,10 +542833,10 +542834,10 +542835,10 +542836,10 +542837,10 +542838,6 +542839,6 +542840,6 +542841,6 +542842,6 +542843,6 +542844,6 +542845,6 +542846,6 +542847,6 +542848,6 +542849,6 +542850,6 +542851,6 +542852,36 +542853,36 +542854,14 +542855,14 +542856,36 +542857,36 +542858,36 +542859,5 +542860,5 +542861,5 +542862,5 +542863,31 +542864,26 +542865,26 +542866,26 +542867,31 +542868,31 +542869,26 +542870,31 +542871,31 +542872,31 +542873,31 +542874,31 +542875,31 +542876,31 +542877,4 +542878,4 +542879,4 +542880,4 +542881,4 +542882,4 +542883,4 +542884,4 +542885,4 +542886,31 +542887,33 +542888,33 +542889,33 +542890,33 +542891,33 +542892,33 +542893,33 +542894,31 +542895,30 +542896,7 +542897,7 +542898,7 +542899,7 +542900,7 +542901,7 +542902,7 +542903,3 +542904,3 +542905,3 +542906,3 +542907,3 +542908,3 +542909,3 +542910,12 +542911,12 +542912,12 +542913,12 +542914,12 +542915,12 +542916,12 +542917,12 +542918,31 +542919,31 +542920,31 +542921,22 +542922,22 +542923,19 +542924,19 +542925,19 +542926,19 +542927,2 +542928,2 +542929,2 +542930,2 +542931,2 +542932,2 +542933,2 +542934,2 +542935,9 +542936,9 +542937,9 +542938,9 +542939,33 +542940,4 +542941,4 +542942,19 +542943,19 +542944,4 +542945,4 +542946,31 +542947,19 +542948,31 +542949,24 +542950,24 +542951,24 +542952,28 +542953,28 +542954,28 +542955,28 +542956,28 +542957,28 +542958,28 +542959,28 +542960,36 +542961,36 +542962,36 +542963,36 +542964,36 +542965,36 +542966,36 +542967,36 +542968,36 +542969,36 +542970,18 +542971,18 +542972,18 +542973,18 +542974,18 +542975,18 +542976,18 +542977,31 +542978,31 +542979,31 +542980,31 +542981,31 +542982,31 +542983,31 +542984,31 +542985,31 +542986,31 +542987,31 +542988,31 +542989,31 +542990,30 +542991,30 +542992,30 +542993,30 +542994,30 +542995,30 +542996,30 +542997,30 +542998,30 +542999,30 +543000,30 +543001,30 +543002,39 +543003,39 +543004,39 +543005,39 +543006,39 +543007,39 +543008,39 +543009,39 +543010,39 +543011,39 +543012,39 +543013,39 +543014,39 +543015,39 +543016,39 +543017,39 +543018,39 +543019,39 +543020,39 +543021,39 +543022,39 +543023,39 +543024,39 +543025,39 +543026,24 +543027,24 +543028,24 +543029,24 +543030,24 +543031,24 +543032,24 +543033,8 +543034,8 +543035,8 +543036,8 +543037,8 +543038,8 +543039,8 +543040,2 +543041,2 +543042,0 +543043,0 +543044,0 +543045,0 +543046,0 +543047,0 +543048,0 +543049,0 +543050,0 +543051,0 +543052,0 +543053,0 +543054,0 +543055,0 +543056,0 +543057,0 +543058,0 +543059,0 +543060,0 +543061,0 +543062,0 +543063,0 +543064,0 +543065,0 +543066,0 +543067,0 +543068,0 +543069,0 +543070,0 +543071,0 +543072,0 +543073,0 +543074,0 +543075,0 +543076,0 +543077,0 +543078,0 +543079,27 +543080,27 +543081,27 +543082,27 +543083,27 +543084,27 +543085,27 +543086,27 +543087,27 +543088,27 +543089,27 +543090,27 +543091,27 +543092,27 +543093,27 +543094,27 +543095,30 +543096,13 +543097,13 +543098,13 +543099,13 +543100,13 +543101,15 +543102,15 +543103,15 +543104,15 +543105,15 +543106,26 +543107,26 +543108,26 +543109,26 +543110,26 +543111,26 +543112,26 +543113,26 +543114,26 +543115,26 +543116,37 +543117,37 +543118,37 +543119,37 +543120,37 +543121,37 +543122,37 +543123,19 +543124,19 +543125,19 +543126,19 +543127,19 +543128,19 +543129,19 +543130,19 +543131,19 +543132,19 +543133,36 +543134,36 +543135,36 +543136,36 +543137,36 +543138,36 +543139,36 +543140,36 +543141,36 +543142,36 +543143,36 +543144,36 +543145,36 +543146,36 +543147,36 +543148,36 +543149,36 +543150,36 +543151,36 +543152,24 +543153,24 +543154,28 +543155,28 +543156,28 +543157,15 +543158,15 +543159,15 +543160,15 +543161,15 +543162,39 +543163,39 +543164,39 +543165,39 +543166,37 +543167,37 +543168,27 +543169,27 +543170,27 +543171,27 +543172,27 +543173,28 +543174,28 +543175,28 +543176,28 +543177,28 +543178,28 +543179,28 +543180,34 +543181,34 +543182,34 +543183,34 +543184,34 +543185,34 +543186,34 +543187,34 +543188,34 +543189,34 +543190,34 +543191,34 +543192,34 +543193,23 +543194,23 +543195,23 +543196,23 +543197,23 +543198,23 +543199,23 +543200,23 +543201,23 +543202,0 +543203,0 +543204,0 +543205,0 +543206,0 +543207,0 +543208,0 +543209,0 +543210,4 +543211,4 +543212,4 +543213,4 +543214,4 +543215,4 +543216,4 +543217,3 +543218,3 +543219,3 +543220,3 +543221,3 +543222,3 +543223,3 +543224,3 +543225,3 +543226,3 +543227,3 +543228,3 +543229,3 +543230,3 +543231,3 +543232,3 +543233,3 +543234,3 +543235,3 +543236,3 +543237,19 +543238,19 +543239,19 +543240,19 +543241,19 +543242,19 +543243,19 +543244,0 +543245,19 +543246,19 +543247,0 +543248,0 +543249,0 +543250,0 +543251,0 +543252,0 +543253,0 +543254,0 +543255,0 +543256,0 +543257,0 +543258,0 +543259,0 +543260,0 +543261,0 +543262,0 +543263,0 +543264,0 +543265,0 +543266,0 +543267,0 +543268,0 +543269,0 +543270,0 +543271,0 +543272,0 +543273,0 +543274,0 +543275,0 +543276,0 +543277,0 +543278,0 +543279,0 +543280,0 +543281,0 +543282,0 +543283,0 +543284,0 +543285,0 +543286,0 +543287,0 +543288,0 +543289,0 +543290,0 +543291,0 +543292,0 +543293,0 +543294,0 +543295,0 +543296,0 +543297,21 +543298,21 +543299,21 +543300,21 +543301,21 +543302,21 +543303,21 +543304,25 +543305,25 +543306,25 +543307,25 +543308,25 +543309,37 +543310,25 +543311,25 +543312,25 +543313,25 +543314,25 +543315,25 +543316,25 +543317,25 +543318,30 +543319,30 +543320,30 +543321,30 +543322,30 +543323,30 +543324,2 +543325,2 +543326,2 +543327,2 +543328,2 +543329,2 +543330,27 +543331,27 +543332,27 +543333,27 +543334,27 +543335,27 +543336,27 +543337,27 +543338,31 +543339,2 +543340,2 +543341,2 +543342,2 +543343,2 +543344,2 +543345,2 +543346,2 +543347,2 +543348,2 +543349,2 +543350,2 +543351,40 +543352,40 +543353,40 +543354,40 +543355,40 +543356,40 +543357,11 +543358,11 +543359,11 +543360,11 +543361,11 +543362,11 +543363,11 +543364,11 +543365,11 +543366,31 +543367,31 +543368,31 +543369,31 +543370,31 +543371,28 +543372,28 +543373,28 +543374,28 +543375,28 +543376,28 +543377,28 +543378,15 +543379,12 +543380,12 +543381,12 +543382,12 +543383,12 +543384,12 +543385,12 +543386,12 +543387,12 +543388,12 +543389,12 +543390,12 +543391,26 +543392,26 +543393,26 +543394,26 +543395,26 +543396,26 +543397,26 +543398,9 +543399,9 +543400,26 +543401,26 +543402,26 +543403,26 +543404,26 +543405,26 +543406,26 +543407,29 +543408,29 +543409,29 +543410,29 +543411,29 +543412,29 +543413,29 +543414,29 +543415,25 +543416,25 +543417,25 +543418,25 +543419,25 +543420,25 +543421,37 +543422,37 +543423,37 +543424,37 +543425,37 +543426,37 +543427,3 +543428,3 +543429,3 +543430,3 +543431,3 +543432,3 +543433,3 +543434,5 +543435,5 +543436,5 +543437,5 +543438,5 +543439,7 +543440,7 +543441,7 +543442,7 +543443,3 +543444,3 +543445,3 +543446,3 +543447,3 +543448,12 +543449,12 +543450,12 +543451,12 +543452,12 +543453,12 +543454,12 +543455,12 +543456,12 +543457,12 +543458,31 +543459,31 +543460,31 +543461,31 +543462,31 +543463,31 +543464,5 +543465,5 +543466,5 +543467,5 +543468,4 +543469,4 +543470,4 +543471,4 +543472,4 +543473,4 +543474,4 +543475,4 +543476,31 +543477,31 +543478,31 +543479,5 +543480,5 +543481,5 +543482,5 +543483,5 +543484,5 +543485,31 +543486,33 +543487,33 +543488,33 +543489,33 +543490,33 +543491,33 +543492,33 +543493,33 +543494,33 +543495,33 +543496,33 +543497,33 +543498,33 +543499,33 +543500,33 +543501,33 +543502,33 +543503,33 +543504,33 +543505,33 +543506,3 +543507,37 +543508,37 +543509,37 +543510,37 +543511,37 +543512,37 +543513,37 +543514,37 +543515,37 +543516,25 +543517,25 +543518,25 +543519,25 +543520,34 +543521,34 +543522,34 +543523,34 +543524,34 +543525,34 +543526,34 +543527,34 +543528,34 +543529,34 +543530,34 +543531,34 +543532,34 +543533,34 +543534,34 +543535,34 +543536,34 +543537,34 +543538,34 +543539,34 +543540,34 +543541,5 +543542,5 +543543,5 +543544,5 +543545,5 +543546,5 +543547,5 +543548,5 +543549,5 +543550,19 +543551,19 +543552,19 +543553,19 +543554,19 +543555,19 +543556,19 +543557,0 +543558,0 +543559,0 +543560,0 +543561,0 +543562,0 +543563,0 +543564,0 +543565,0 +543566,0 +543567,0 +543568,0 +543569,0 +543570,0 +543571,0 +543572,0 +543573,0 +543574,0 +543575,0 +543576,0 +543577,0 +543578,0 +543579,0 +543580,0 +543581,0 +543582,0 +543583,0 +543584,0 +543585,0 +543586,0 +543587,0 +543588,0 +543589,0 +543590,0 +543591,0 +543592,0 +543593,0 +543594,0 +543595,0 +543596,0 +543597,0 +543598,0 +543599,0 +543600,0 +543601,0 +543602,0 +543603,0 +543604,0 +543605,0 +543606,0 +543607,0 +543608,0 +543609,0 +543610,0 +543611,28 +543612,28 +543613,28 +543614,28 +543615,28 +543616,28 +543617,28 +543618,5 +543619,5 +543620,5 +543621,5 +543622,5 +543623,5 +543624,5 +543625,5 +543626,5 +543627,5 +543628,5 +543629,5 +543630,33 +543631,33 +543632,33 +543633,33 +543634,33 +543635,33 +543636,33 +543637,33 +543638,33 +543639,33 +543640,33 +543641,33 +543642,33 +543643,33 +543644,29 +543645,29 +543646,29 +543647,29 +543648,15 +543649,15 +543650,15 +543651,36 +543652,36 +543653,36 +543654,36 +543655,36 +543656,36 +543657,36 +543658,36 +543659,36 +543660,36 +543661,36 +543662,36 +543663,36 +543664,36 +543665,36 +543666,36 +543667,36 +543668,36 +543669,36 +543670,36 +543671,36 +543672,36 +543673,36 +543674,36 +543675,36 +543676,32 +543677,32 +543678,32 +543679,32 +543680,32 +543681,25 +543682,25 +543683,25 +543684,0 +543685,0 +543686,0 +543687,0 +543688,0 +543689,0 +543690,0 +543691,0 +543692,0 +543693,0 +543694,0 +543695,7 +543696,7 +543697,7 +543698,7 +543699,7 +543700,7 +543701,7 +543702,7 +543703,7 +543704,7 +543705,3 +543706,3 +543707,3 +543708,3 +543709,3 +543710,3 +543711,6 +543712,6 +543713,6 +543714,6 +543715,6 +543716,6 +543717,6 +543718,6 +543719,6 +543720,6 +543721,36 +543722,36 +543723,36 +543724,36 +543725,36 +543726,36 +543727,14 +543728,36 +543729,36 +543730,36 +543731,36 +543732,36 +543733,36 +543734,36 +543735,5 +543736,5 +543737,5 +543738,5 +543739,5 +543740,5 +543741,5 +543742,5 +543743,21 +543744,21 +543745,21 +543746,21 +543747,21 +543748,21 +543749,21 +543750,21 +543751,21 +543752,33 +543753,33 +543754,33 +543755,33 +543756,33 +543757,33 +543758,33 +543759,33 +543760,33 +543761,33 +543762,33 +543763,33 +543764,33 +543765,33 +543766,33 +543767,33 +543768,33 +543769,33 +543770,33 +543771,33 +543772,33 +543773,33 +543774,33 +543775,33 +543776,0 +543777,0 +543778,0 +543779,0 +543780,0 +543781,0 +543782,0 +543783,0 +543784,0 +543785,0 +543786,0 +543787,0 +543788,0 +543789,0 +543790,0 +543791,0 +543792,0 +543793,0 +543794,0 +543795,0 +543796,0 +543797,0 +543798,0 +543799,0 +543800,0 +543801,0 +543802,0 +543803,0 +543804,0 +543805,0 +543806,0 +543807,0 +543808,0 +543809,0 +543810,0 +543811,0 +543812,0 +543813,0 +543814,0 +543815,0 +543816,0 +543817,0 +543818,0 +543819,0 +543820,0 +543821,0 +543822,0 +543823,0 +543824,0 +543825,0 +543826,0 +543827,0 +543828,0 +543829,0 +543830,0 +543831,0 +543832,4 +543833,4 +543834,4 +543835,4 +543836,4 +543837,4 +543838,4 +543839,4 +543840,4 +543841,4 +543842,4 +543843,4 +543844,37 +543845,37 +543846,37 +543847,37 +543848,37 +543849,37 +543850,36 +543851,36 +543852,36 +543853,36 +543854,36 +543855,36 +543856,10 +543857,10 +543858,10 +543859,24 +543860,24 +543861,24 +543862,24 +543863,17 +543864,17 +543865,17 +543866,17 +543867,17 +543868,31 +543869,31 +543870,9 +543871,9 +543872,37 +543873,37 +543874,37 +543875,37 +543876,37 +543877,37 +543878,37 +543879,37 +543880,37 +543881,37 +543882,37 +543883,37 +543884,37 +543885,10 +543886,10 +543887,10 +543888,10 +543889,10 +543890,10 +543891,10 +543892,10 +543893,10 +543894,10 +543895,10 +543896,10 +543897,4 +543898,4 +543899,4 +543900,4 +543901,35 +543902,35 +543903,35 +543904,35 +543905,35 +543906,35 +543907,35 +543908,35 +543909,6 +543910,6 +543911,35 +543912,33 +543913,33 +543914,33 +543915,33 +543916,33 +543917,33 +543918,33 +543919,33 +543920,33 +543921,33 +543922,33 +543923,33 +543924,33 +543925,33 +543926,33 +543927,33 +543928,33 +543929,33 +543930,33 +543931,28 +543932,28 +543933,28 +543934,5 +543935,5 +543936,5 +543937,5 +543938,5 +543939,27 +543940,27 +543941,27 +543942,27 +543943,36 +543944,5 +543945,36 +543946,36 +543947,14 +543948,14 +543949,39 +543950,14 +543951,36 +543952,36 +543953,5 +543954,5 +543955,5 +543956,5 +543957,5 +543958,5 +543959,5 +543960,5 +543961,5 +543962,5 +543963,19 +543964,19 +543965,19 +543966,19 +543967,19 +543968,19 +543969,19 +543970,19 +543971,19 +543972,19 +543973,19 +543974,19 +543975,33 +543976,33 +543977,33 +543978,33 +543979,33 +543980,33 +543981,33 +543982,33 +543983,33 +543984,33 +543985,33 +543986,33 +543987,5 +543988,5 +543989,5 +543990,33 +543991,4 +543992,4 +543993,28 +543994,28 +543995,28 +543996,28 +543997,28 +543998,27 +543999,27 +544000,27 +544001,27 +544002,27 +544003,27 +544004,27 +544005,6 +544006,6 +544007,6 +544008,6 +544009,6 +544010,6 +544011,31 +544012,31 +544013,31 +544014,31 +544015,31 +544016,31 +544017,31 +544018,38 +544019,38 +544020,38 +544021,38 +544022,38 +544023,38 +544024,38 +544025,38 +544026,38 +544027,38 +544028,31 +544029,31 +544030,31 +544031,31 +544032,31 +544033,31 +544034,31 +544035,31 +544036,4 +544037,31 +544038,31 +544039,31 +544040,31 +544041,31 +544042,2 +544043,2 +544044,2 +544045,2 +544046,2 +544047,2 +544048,2 +544049,2 +544050,2 +544051,2 +544052,2 +544053,2 +544054,2 +544055,2 +544056,2 +544057,2 +544058,2 +544059,2 +544060,2 +544061,2 +544062,8 +544063,8 +544064,8 +544065,8 +544066,2 +544067,0 +544068,0 +544069,0 +544070,2 +544071,0 +544072,0 +544073,0 +544074,0 +544075,0 +544076,0 +544077,0 +544078,0 +544079,0 +544080,0 +544081,0 +544082,0 +544083,0 +544084,0 +544085,0 +544086,0 +544087,0 +544088,0 +544089,0 +544090,0 +544091,0 +544092,0 +544093,0 +544094,0 +544095,0 +544096,0 +544097,0 +544098,0 +544099,0 +544100,0 +544101,0 +544102,0 +544103,0 +544104,0 +544105,0 +544106,0 +544107,0 +544108,0 +544109,0 +544110,0 +544111,0 +544112,0 +544113,0 +544114,0 +544115,0 +544116,0 +544117,0 +544118,0 +544119,0 +544120,0 +544121,0 +544122,0 +544123,32 +544124,6 +544125,6 +544126,0 +544127,0 +544128,0 +544129,0 +544130,0 +544131,0 +544132,21 +544133,6 +544134,6 +544135,6 +544136,6 +544137,31 +544138,33 +544139,33 +544140,33 +544141,33 +544142,33 +544143,33 +544144,33 +544145,33 +544146,33 +544147,33 +544148,33 +544149,33 +544150,33 +544151,33 +544152,33 +544153,30 +544154,30 +544155,30 +544156,30 +544157,31 +544158,31 +544159,31 +544160,31 +544161,31 +544162,31 +544163,31 +544164,31 +544165,31 +544166,31 +544167,13 +544168,13 +544169,13 +544170,13 +544171,13 +544172,13 +544173,13 +544174,13 +544175,13 +544176,15 +544177,15 +544178,15 +544179,24 +544180,15 +544181,24 +544182,17 +544183,17 +544184,17 +544185,17 +544186,17 +544187,17 +544188,17 +544189,17 +544190,17 +544191,14 +544192,17 +544193,17 +544194,17 +544195,17 +544196,34 +544197,34 +544198,10 +544199,10 +544200,10 +544201,10 +544202,10 +544203,10 +544204,8 +544205,8 +544206,8 +544207,8 +544208,8 +544209,8 +544210,2 +544211,2 +544212,2 +544213,2 +544214,2 +544215,2 +544216,8 +544217,8 +544218,8 +544219,8 +544220,8 +544221,8 +544222,8 +544223,0 +544224,0 +544225,0 +544226,0 +544227,0 +544228,0 +544229,0 +544230,0 +544231,0 +544232,0 +544233,0 +544234,0 +544235,0 +544236,0 +544237,0 +544238,0 +544239,0 +544240,0 +544241,0 +544242,0 +544243,0 +544244,0 +544245,0 +544246,0 +544247,0 +544248,0 +544249,0 +544250,0 +544251,0 +544252,36 +544253,0 +544254,0 +544255,0 +544256,36 +544257,36 +544258,36 +544259,36 +544260,36 +544261,36 +544262,36 +544263,36 +544264,5 +544265,5 +544266,5 +544267,5 +544268,5 +544269,5 +544270,5 +544271,4 +544272,4 +544273,4 +544274,4 +544275,4 +544276,4 +544277,4 +544278,4 +544279,4 +544280,27 +544281,27 +544282,13 +544283,28 +544284,28 +544285,28 +544286,28 +544287,28 +544288,28 +544289,28 +544290,28 +544291,28 +544292,39 +544293,39 +544294,39 +544295,39 +544296,39 +544297,39 +544298,39 +544299,39 +544300,39 +544301,39 +544302,39 +544303,39 +544304,39 +544305,39 +544306,39 +544307,4 +544308,4 +544309,4 +544310,4 +544311,4 +544312,4 +544313,4 +544314,4 +544315,4 +544316,4 +544317,4 +544318,4 +544319,4 +544320,4 +544321,0 +544322,0 +544323,36 +544324,36 +544325,36 +544326,36 +544327,36 +544328,36 +544329,36 +544330,5 +544331,5 +544332,5 +544333,5 +544334,19 +544335,19 +544336,19 +544337,19 +544338,6 +544339,6 +544340,6 +544341,6 +544342,6 +544343,6 +544344,6 +544345,6 +544346,6 +544347,26 +544348,26 +544349,26 +544350,26 +544351,26 +544352,26 +544353,26 +544354,28 +544355,28 +544356,28 +544357,28 +544358,28 +544359,28 +544360,28 +544361,24 +544362,24 +544363,24 +544364,24 +544365,17 +544366,17 +544367,17 +544368,17 +544369,17 +544370,17 +544371,17 +544372,17 +544373,17 +544374,17 +544375,17 +544376,39 +544377,39 +544378,15 +544379,15 +544380,15 +544381,15 +544382,15 +544383,15 +544384,15 +544385,15 +544386,36 +544387,36 +544388,36 +544389,36 +544390,36 +544391,36 +544392,36 +544393,36 +544394,36 +544395,36 +544396,36 +544397,36 +544398,36 +544399,36 +544400,36 +544401,36 +544402,36 +544403,36 +544404,36 +544405,6 +544406,6 +544407,6 +544408,6 +544409,6 +544410,6 +544411,6 +544412,6 +544413,6 +544414,6 +544415,6 +544416,6 +544417,6 +544418,6 +544419,6 +544420,21 +544421,21 +544422,6 +544423,6 +544424,6 +544425,6 +544426,6 +544427,29 +544428,33 +544429,33 +544430,33 +544431,33 +544432,33 +544433,33 +544434,33 +544435,33 +544436,33 +544437,33 +544438,33 +544439,33 +544440,33 +544441,33 +544442,33 +544443,5 +544444,5 +544445,5 +544446,5 +544447,5 +544448,5 +544449,5 +544450,5 +544451,6 +544452,6 +544453,6 +544454,6 +544455,6 +544456,6 +544457,6 +544458,6 +544459,6 +544460,31 +544461,31 +544462,31 +544463,28 +544464,28 +544465,28 +544466,28 +544467,28 +544468,28 +544469,27 +544470,27 +544471,27 +544472,13 +544473,13 +544474,13 +544475,13 +544476,6 +544477,6 +544478,6 +544479,11 +544480,11 +544481,11 +544482,11 +544483,11 +544484,11 +544485,11 +544486,11 +544487,11 +544488,11 +544489,11 +544490,11 +544491,27 +544492,27 +544493,27 +544494,27 +544495,27 +544496,27 +544497,27 +544498,27 +544499,27 +544500,27 +544501,32 +544502,32 +544503,32 +544504,32 +544505,32 +544506,32 +544507,32 +544508,32 +544509,32 +544510,32 +544511,32 +544512,2 +544513,2 +544514,2 +544515,2 +544516,2 +544517,8 +544518,8 +544519,8 +544520,8 +544521,8 +544522,8 +544523,8 +544524,8 +544525,8 +544526,8 +544527,0 +544528,0 +544529,0 +544530,0 +544531,0 +544532,0 +544533,0 +544534,0 +544535,0 +544536,0 +544537,0 +544538,0 +544539,0 +544540,0 +544541,0 +544542,0 +544543,0 +544544,0 +544545,0 +544546,0 +544547,0 +544548,0 +544549,0 +544550,0 +544551,0 +544552,0 +544553,0 +544554,0 +544555,0 +544556,0 +544557,0 +544558,0 +544559,0 +544560,0 +544561,0 +544562,0 +544563,0 +544564,0 +544565,0 +544566,0 +544567,10 +544568,10 +544569,10 +544570,10 +544571,10 +544572,10 +544573,10 +544574,10 +544575,10 +544576,10 +544577,12 +544578,12 +544579,12 +544580,12 +544581,12 +544582,12 +544583,12 +544584,12 +544585,12 +544586,22 +544587,22 +544588,22 +544589,22 +544590,11 +544591,11 +544592,11 +544593,11 +544594,11 +544595,11 +544596,11 +544597,11 +544598,11 +544599,11 +544600,36 +544601,36 +544602,36 +544603,36 +544604,36 +544605,36 +544606,28 +544607,28 +544608,28 +544609,28 +544610,28 +544611,28 +544612,28 +544613,28 +544614,28 +544615,10 +544616,10 +544617,10 +544618,10 +544619,10 +544620,10 +544621,10 +544622,10 +544623,10 +544624,10 +544625,10 +544626,10 +544627,35 +544628,35 +544629,35 +544630,35 +544631,35 +544632,35 +544633,35 +544634,35 +544635,35 +544636,31 +544637,31 +544638,31 +544639,31 +544640,33 +544641,33 +544642,33 +544643,33 +544644,12 +544645,12 +544646,33 +544647,35 +544648,32 +544649,32 +544650,32 +544651,32 +544652,32 +544653,32 +544654,39 +544655,7 +544656,7 +544657,7 +544658,7 +544659,7 +544660,7 +544661,7 +544662,7 +544663,3 +544664,3 +544665,3 +544666,3 +544667,3 +544668,3 +544669,3 +544670,3 +544671,3 +544672,3 +544673,2 +544674,2 +544675,2 +544676,2 +544677,2 +544678,2 +544679,2 +544680,2 +544681,2 +544682,2 +544683,2 +544684,31 +544685,31 +544686,31 +544687,31 +544688,31 +544689,28 +544690,28 +544691,28 +544692,28 +544693,28 +544694,28 +544695,28 +544696,4 +544697,4 +544698,4 +544699,4 +544700,4 +544701,4 +544702,4 +544703,4 +544704,4 +544705,4 +544706,4 +544707,10 +544708,10 +544709,10 +544710,10 +544711,10 +544712,10 +544713,10 +544714,10 +544715,10 +544716,10 +544717,10 +544718,10 +544719,10 +544720,10 +544721,10 +544722,10 +544723,10 +544724,10 +544725,10 +544726,10 +544727,10 +544728,10 +544729,10 +544730,28 +544731,28 +544732,28 +544733,28 +544734,28 +544735,28 +544736,28 +544737,28 +544738,28 +544739,28 +544740,28 +544741,28 +544742,0 +544743,28 +544744,28 +544745,28 +544746,28 +544747,5 +544748,0 +544749,0 +544750,0 +544751,0 +544752,0 +544753,0 +544754,0 +544755,0 +544756,0 +544757,0 +544758,0 +544759,0 +544760,0 +544761,0 +544762,0 +544763,0 +544764,0 +544765,0 +544766,0 +544767,0 +544768,0 +544769,0 +544770,0 +544771,0 +544772,0 +544773,0 +544774,0 +544775,0 +544776,0 +544777,0 +544778,0 +544779,0 +544780,0 +544781,0 +544782,0 +544783,0 +544784,0 +544785,0 +544786,0 +544787,0 +544788,0 +544789,0 +544790,0 +544791,0 +544792,0 +544793,0 +544794,0 +544795,0 +544796,0 +544797,0 +544798,0 +544799,0 +544800,0 +544801,0 +544802,0 +544803,0 +544804,0 +544805,0 +544806,0 +544807,0 +544808,0 +544809,0 +544810,0 +544811,0 +544812,0 +544813,0 +544814,0 +544815,0 +544816,0 +544817,0 +544818,0 +544819,0 +544820,0 +544821,0 +544822,11 +544823,11 +544824,11 +544825,11 +544826,11 +544827,11 +544828,11 +544829,11 +544830,11 +544831,11 +544832,11 +544833,11 +544834,39 +544835,39 +544836,39 +544837,39 +544838,39 +544839,12 +544840,12 +544841,12 +544842,3 +544843,3 +544844,22 +544845,3 +544846,19 +544847,19 +544848,4 +544849,19 +544850,19 +544851,12 +544852,12 +544853,12 +544854,12 +544855,12 +544856,40 +544857,40 +544858,40 +544859,40 +544860,40 +544861,40 +544862,40 +544863,40 +544864,40 +544865,40 +544866,40 +544867,37 +544868,37 +544869,37 +544870,37 +544871,37 +544872,37 +544873,37 +544874,29 +544875,29 +544876,29 +544877,29 +544878,31 +544879,31 +544880,31 +544881,31 +544882,31 +544883,15 +544884,15 +544885,15 +544886,15 +544887,15 +544888,15 +544889,15 +544890,15 +544891,15 +544892,39 +544893,39 +544894,39 +544895,39 +544896,39 +544897,39 +544898,39 +544899,39 +544900,4 +544901,4 +544902,4 +544903,31 +544904,31 +544905,31 +544906,31 +544907,23 +544908,23 +544909,23 +544910,23 +544911,23 +544912,23 +544913,23 +544914,31 +544915,31 +544916,31 +544917,31 +544918,30 +544919,31 +544920,30 +544921,19 +544922,19 +544923,19 +544924,19 +544925,19 +544926,19 +544927,19 +544928,37 +544929,37 +544930,37 +544931,37 +544932,37 +544933,37 +544934,40 +544935,40 +544936,40 +544937,40 +544938,40 +544939,40 +544940,40 +544941,2 +544942,2 +544943,2 +544944,2 +544945,2 +544946,2 +544947,2 +544948,2 +544949,2 +544950,27 +544951,27 +544952,27 +544953,27 +544954,27 +544955,27 +544956,27 +544957,8 +544958,8 +544959,8 +544960,8 +544961,8 +544962,8 +544963,29 +544964,29 +544965,29 +544966,29 +544967,27 +544968,27 +544969,27 +544970,27 +544971,27 +544972,27 +544973,6 +544974,6 +544975,6 +544976,6 +544977,6 +544978,6 +544979,6 +544980,6 +544981,6 +544982,6 +544983,6 +544984,6 +544985,6 +544986,14 +544987,14 +544988,14 +544989,14 +544990,14 +544991,14 +544992,14 +544993,14 +544994,14 +544995,14 +544996,14 +544997,14 +544998,14 +544999,14 +545000,5 +545001,5 +545002,5 +545003,5 +545004,5 +545005,5 +545006,12 +545007,12 +545008,40 +545009,27 +545010,27 +545011,27 +545012,27 +545013,27 +545014,5 +545015,5 +545016,5 +545017,5 +545018,5 +545019,5 +545020,11 +545021,11 +545022,11 +545023,11 +545024,11 +545025,11 +545026,11 +545027,11 +545028,11 +545029,11 +545030,39 +545031,39 +545032,39 +545033,39 +545034,39 +545035,39 +545036,39 +545037,12 +545038,12 +545039,12 +545040,12 +545041,12 +545042,12 +545043,12 +545044,27 +545045,27 +545046,27 +545047,27 +545048,27 +545049,27 +545050,2 +545051,2 +545052,2 +545053,2 +545054,11 +545055,11 +545056,11 +545057,11 +545058,4 +545059,4 +545060,4 +545061,24 +545062,24 +545063,29 +545064,23 +545065,23 +545066,23 +545067,25 +545068,25 +545069,25 +545070,25 +545071,25 +545072,25 +545073,29 +545074,29 +545075,29 +545076,29 +545077,29 +545078,29 +545079,36 +545080,36 +545081,36 +545082,36 +545083,36 +545084,36 +545085,36 +545086,36 +545087,36 +545088,36 +545089,36 +545090,36 +545091,36 +545092,40 +545093,40 +545094,28 +545095,28 +545096,28 +545097,28 +545098,28 +545099,28 +545100,28 +545101,28 +545102,28 +545103,28 +545104,28 +545105,0 +545106,0 +545107,0 +545108,0 +545109,0 +545110,0 +545111,0 +545112,0 +545113,0 +545114,0 +545115,0 +545116,0 +545117,0 +545118,0 +545119,0 +545120,0 +545121,0 +545122,0 +545123,0 +545124,0 +545125,0 +545126,0 +545127,0 +545128,0 +545129,0 +545130,0 +545131,0 +545132,0 +545133,0 +545134,0 +545135,0 +545136,0 +545137,0 +545138,0 +545139,0 +545140,0 +545141,0 +545142,0 +545143,0 +545144,0 +545145,0 +545146,0 +545147,0 +545148,0 +545149,0 +545150,35 +545151,35 +545152,35 +545153,35 +545154,35 +545155,35 +545156,33 +545157,33 +545158,33 +545159,33 +545160,33 +545161,33 +545162,33 +545163,33 +545164,33 +545165,33 +545166,33 +545167,33 +545168,33 +545169,33 +545170,33 +545171,29 +545172,29 +545173,29 +545174,29 +545175,29 +545176,29 +545177,29 +545178,36 +545179,36 +545180,36 +545181,36 +545182,36 +545183,36 +545184,36 +545185,36 +545186,36 +545187,36 +545188,36 +545189,36 +545190,36 +545191,36 +545192,36 +545193,36 +545194,4 +545195,4 +545196,4 +545197,4 +545198,4 +545199,4 +545200,4 +545201,28 +545202,28 +545203,28 +545204,28 +545205,28 +545206,28 +545207,27 +545208,27 +545209,27 +545210,27 +545211,6 +545212,6 +545213,6 +545214,6 +545215,6 +545216,6 +545217,6 +545218,6 +545219,6 +545220,6 +545221,6 +545222,6 +545223,36 +545224,36 +545225,36 +545226,36 +545227,40 +545228,40 +545229,40 +545230,40 +545231,37 +545232,37 +545233,37 +545234,37 +545235,37 +545236,37 +545237,37 +545238,37 +545239,37 +545240,37 +545241,37 +545242,31 +545243,31 +545244,31 +545245,31 +545246,31 +545247,27 +545248,2 +545249,2 +545250,2 +545251,2 +545252,2 +545253,2 +545254,2 +545255,2 +545256,2 +545257,2 +545258,2 +545259,2 +545260,12 +545261,12 +545262,12 +545263,12 +545264,12 +545265,27 +545266,27 +545267,27 +545268,27 +545269,13 +545270,19 +545271,5 +545272,5 +545273,5 +545274,5 +545275,5 +545276,5 +545277,5 +545278,5 +545279,5 +545280,5 +545281,5 +545282,26 +545283,26 +545284,26 +545285,26 +545286,26 +545287,26 +545288,26 +545289,26 +545290,26 +545291,26 +545292,26 +545293,26 +545294,26 +545295,26 +545296,26 +545297,32 +545298,32 +545299,4 +545300,4 +545301,4 +545302,10 +545303,10 +545304,10 +545305,32 +545306,15 +545307,15 +545308,32 +545309,39 +545310,39 +545311,39 +545312,39 +545313,39 +545314,39 +545315,39 +545316,39 +545317,39 +545318,2 +545319,2 +545320,2 +545321,2 +545322,2 +545323,2 +545324,2 +545325,2 +545326,2 +545327,2 +545328,2 +545329,2 +545330,2 +545331,2 +545332,2 +545333,40 +545334,40 +545335,40 +545336,40 +545337,40 +545338,40 +545339,36 +545340,36 +545341,36 +545342,16 +545343,16 +545344,16 +545345,16 +545346,16 +545347,16 +545348,16 +545349,16 +545350,16 +545351,16 +545352,16 +545353,16 +545354,31 +545355,31 +545356,31 +545357,31 +545358,31 +545359,31 +545360,5 +545361,5 +545362,5 +545363,5 +545364,5 +545365,31 +545366,31 +545367,31 +545368,31 +545369,31 +545370,31 +545371,31 +545372,31 +545373,31 +545374,2 +545375,2 +545376,2 +545377,2 +545378,2 +545379,2 +545380,2 +545381,2 +545382,2 +545383,2 +545384,2 +545385,2 +545386,27 +545387,27 +545388,27 +545389,27 +545390,27 +545391,27 +545392,27 +545393,27 +545394,2 +545395,2 +545396,2 +545397,2 +545398,2 +545399,2 +545400,2 +545401,2 +545402,2 +545403,2 +545404,4 +545405,4 +545406,4 +545407,4 +545408,4 +545409,4 +545410,27 +545411,27 +545412,27 +545413,27 +545414,27 +545415,27 +545416,27 +545417,5 +545418,5 +545419,5 +545420,5 +545421,5 +545422,5 +545423,5 +545424,4 +545425,4 +545426,4 +545427,8 +545428,8 +545429,8 +545430,8 +545431,8 +545432,8 +545433,8 +545434,8 +545435,8 +545436,8 +545437,8 +545438,0 +545439,0 +545440,0 +545441,0 +545442,0 +545443,0 +545444,36 +545445,36 +545446,36 +545447,36 +545448,36 +545449,31 +545450,31 +545451,31 +545452,31 +545453,19 +545454,31 +545455,31 +545456,10 +545457,2 +545458,2 +545459,2 +545460,2 +545461,2 +545462,2 +545463,2 +545464,2 +545465,2 +545466,2 +545467,2 +545468,2 +545469,39 +545470,39 +545471,39 +545472,39 +545473,39 +545474,39 +545475,39 +545476,39 +545477,6 +545478,6 +545479,6 +545480,6 +545481,6 +545482,6 +545483,6 +545484,6 +545485,22 +545486,22 +545487,22 +545488,22 +545489,22 +545490,22 +545491,22 +545492,22 +545493,19 +545494,19 +545495,19 +545496,19 +545497,19 +545498,19 +545499,19 +545500,19 +545501,19 +545502,19 +545503,19 +545504,19 +545505,19 +545506,32 +545507,32 +545508,32 +545509,32 +545510,32 +545511,32 +545512,32 +545513,32 +545514,32 +545515,35 +545516,35 +545517,32 +545518,40 +545519,40 +545520,40 +545521,40 +545522,40 +545523,40 +545524,40 +545525,40 +545526,5 +545527,5 +545528,5 +545529,5 +545530,5 +545531,5 +545532,5 +545533,5 +545534,19 +545535,19 +545536,19 +545537,19 +545538,19 +545539,26 +545540,26 +545541,26 +545542,26 +545543,26 +545544,26 +545545,26 +545546,26 +545547,26 +545548,26 +545549,26 +545550,26 +545551,26 +545552,26 +545553,34 +545554,34 +545555,5 +545556,28 +545557,28 +545558,28 +545559,28 +545560,28 +545561,28 +545562,28 +545563,28 +545564,28 +545565,28 +545566,28 +545567,0 +545568,0 +545569,0 +545570,0 +545571,0 +545572,0 +545573,0 +545574,0 +545575,0 +545576,0 +545577,0 +545578,0 +545579,0 +545580,0 +545581,0 +545582,0 +545583,0 +545584,0 +545585,0 +545586,0 +545587,0 +545588,0 +545589,0 +545590,0 +545591,0 +545592,0 +545593,0 +545594,0 +545595,0 +545596,0 +545597,0 +545598,0 +545599,0 +545600,0 +545601,0 +545602,0 +545603,0 +545604,0 +545605,0 +545606,0 +545607,0 +545608,0 +545609,0 +545610,0 +545611,0 +545612,0 +545613,36 +545614,10 +545615,10 +545616,10 +545617,36 +545618,36 +545619,10 +545620,10 +545621,10 +545622,10 +545623,10 +545624,2 +545625,2 +545626,2 +545627,2 +545628,2 +545629,2 +545630,2 +545631,2 +545632,2 +545633,27 +545634,27 +545635,27 +545636,27 +545637,27 +545638,29 +545639,29 +545640,29 +545641,31 +545642,31 +545643,27 +545644,27 +545645,31 +545646,27 +545647,27 +545648,27 +545649,6 +545650,6 +545651,32 +545652,32 +545653,32 +545654,32 +545655,32 +545656,32 +545657,32 +545658,32 +545659,32 +545660,32 +545661,32 +545662,32 +545663,27 +545664,27 +545665,27 +545666,27 +545667,27 +545668,27 +545669,27 +545670,27 +545671,27 +545672,27 +545673,37 +545674,37 +545675,37 +545676,37 +545677,37 +545678,37 +545679,37 +545680,37 +545681,37 +545682,37 +545683,37 +545684,37 +545685,15 +545686,15 +545687,15 +545688,15 +545689,15 +545690,15 +545691,15 +545692,15 +545693,15 +545694,15 +545695,34 +545696,34 +545697,34 +545698,34 +545699,34 +545700,34 +545701,34 +545702,25 +545703,31 +545704,10 +545705,10 +545706,12 +545707,12 +545708,12 +545709,12 +545710,12 +545711,12 +545712,12 +545713,12 +545714,12 +545715,12 +545716,12 +545717,12 +545718,12 +545719,31 +545720,31 +545721,31 +545722,31 +545723,31 +545724,4 +545725,4 +545726,4 +545727,4 +545728,4 +545729,4 +545730,35 +545731,35 +545732,35 +545733,35 +545734,35 +545735,35 +545736,35 +545737,39 +545738,39 +545739,39 +545740,39 +545741,39 +545742,39 +545743,39 +545744,39 +545745,31 +545746,31 +545747,31 +545748,31 +545749,31 +545750,31 +545751,31 +545752,31 +545753,36 +545754,36 +545755,36 +545756,4 +545757,4 +545758,4 +545759,4 +545760,4 +545761,4 +545762,4 +545763,4 +545764,4 +545765,19 +545766,19 +545767,19 +545768,19 +545769,19 +545770,19 +545771,19 +545772,19 +545773,34 +545774,34 +545775,34 +545776,34 +545777,34 +545778,34 +545779,34 +545780,34 +545781,5 +545782,5 +545783,5 +545784,5 +545785,5 +545786,31 +545787,31 +545788,31 +545789,31 +545790,30 +545791,30 +545792,30 +545793,30 +545794,30 +545795,30 +545796,30 +545797,30 +545798,30 +545799,30 +545800,30 +545801,30 +545802,30 +545803,30 +545804,30 +545805,30 +545806,37 +545807,37 +545808,37 +545809,37 +545810,37 +545811,37 +545812,37 +545813,37 +545814,37 +545815,37 +545816,37 +545817,14 +545818,14 +545819,14 +545820,14 +545821,40 +545822,40 +545823,40 +545824,4 +545825,4 +545826,4 +545827,4 +545828,4 +545829,39 +545830,39 +545831,39 +545832,39 +545833,39 +545834,39 +545835,39 +545836,39 +545837,39 +545838,39 +545839,39 +545840,39 +545841,39 +545842,39 +545843,39 +545844,39 +545845,39 +545846,39 +545847,39 +545848,39 +545849,39 +545850,39 +545851,0 +545852,0 +545853,0 +545854,0 +545855,0 +545856,0 +545857,0 +545858,0 +545859,0 +545860,0 +545861,0 +545862,0 +545863,0 +545864,0 +545865,0 +545866,0 +545867,0 +545868,0 +545869,0 +545870,0 +545871,0 +545872,0 +545873,0 +545874,0 +545875,0 +545876,0 +545877,0 +545878,0 +545879,0 +545880,0 +545881,0 +545882,0 +545883,0 +545884,0 +545885,0 +545886,0 +545887,0 +545888,0 +545889,0 +545890,0 +545891,0 +545892,0 +545893,30 +545894,23 +545895,23 +545896,30 +545897,30 +545898,30 +545899,30 +545900,30 +545901,30 +545902,30 +545903,30 +545904,40 +545905,40 +545906,40 +545907,40 +545908,40 +545909,40 +545910,40 +545911,40 +545912,40 +545913,40 +545914,40 +545915,11 +545916,11 +545917,11 +545918,11 +545919,11 +545920,2 +545921,2 +545922,11 +545923,11 +545924,11 +545925,11 +545926,11 +545927,11 +545928,4 +545929,11 +545930,11 +545931,4 +545932,4 +545933,4 +545934,4 +545935,4 +545936,4 +545937,4 +545938,4 +545939,4 +545940,4 +545941,4 +545942,4 +545943,4 +545944,4 +545945,4 +545946,4 +545947,4 +545948,4 +545949,4 +545950,4 +545951,4 +545952,4 +545953,4 +545954,4 +545955,3 +545956,3 +545957,3 +545958,3 +545959,3 +545960,3 +545961,3 +545962,3 +545963,3 +545964,3 +545965,3 +545966,35 +545967,35 +545968,35 +545969,35 +545970,35 +545971,35 +545972,35 +545973,25 +545974,25 +545975,25 +545976,25 +545977,25 +545978,25 +545979,24 +545980,24 +545981,24 +545982,24 +545983,24 +545984,24 +545985,24 +545986,24 +545987,24 +545988,24 +545989,40 +545990,40 +545991,40 +545992,40 +545993,40 +545994,40 +545995,40 +545996,40 +545997,37 +545998,37 +545999,37 +546000,37 +546001,37 +546002,37 +546003,37 +546004,37 +546005,37 +546006,37 +546007,39 +546008,39 +546009,39 +546010,39 +546011,39 +546012,39 +546013,39 +546014,39 +546015,39 +546016,35 +546017,35 +546018,35 +546019,35 +546020,35 +546021,35 +546022,35 +546023,35 +546024,35 +546025,14 +546026,36 +546027,40 +546028,40 +546029,40 +546030,40 +546031,40 +546032,40 +546033,40 +546034,40 +546035,40 +546036,40 +546037,40 +546038,40 +546039,37 +546040,37 +546041,37 +546042,37 +546043,37 +546044,37 +546045,37 +546046,37 +546047,37 +546048,37 +546049,37 +546050,37 +546051,37 +546052,37 +546053,37 +546054,37 +546055,37 +546056,37 +546057,37 +546058,37 +546059,37 +546060,37 +546061,0 +546062,37 +546063,0 +546064,37 +546065,37 +546066,37 +546067,0 +546068,0 +546069,0 +546070,0 +546071,0 +546072,0 +546073,0 +546074,0 +546075,0 +546076,0 +546077,0 +546078,0 +546079,0 +546080,0 +546081,0 +546082,0 +546083,0 +546084,0 +546085,0 +546086,0 +546087,0 +546088,0 +546089,0 +546090,0 +546091,0 +546092,0 +546093,0 +546094,0 +546095,0 +546096,0 +546097,0 +546098,0 +546099,0 +546100,0 +546101,0 +546102,0 +546103,0 +546104,0 +546105,0 +546106,0 +546107,0 +546108,0 +546109,0 +546110,0 +546111,0 +546112,0 +546113,0 +546114,0 +546115,0 +546116,0 +546117,0 +546118,0 +546119,0 +546120,0 +546121,0 +546122,0 +546123,0 +546124,0 +546125,0 +546126,0 +546127,0 +546128,0 +546129,0 +546130,0 +546131,0 +546132,0 +546133,0 +546134,0 +546135,0 +546136,0 +546137,0 +546138,0 +546139,0 +546140,0 +546141,0 +546142,0 +546143,0 +546144,4 +546145,4 +546146,4 +546147,4 +546148,27 +546149,27 +546150,27 +546151,27 +546152,27 +546153,27 +546154,4 +546155,4 +546156,4 +546157,4 +546158,4 +546159,4 +546160,4 +546161,4 +546162,4 +546163,4 +546164,4 +546165,4 +546166,4 +546167,4 +546168,4 +546169,14 +546170,14 +546171,14 +546172,14 +546173,14 +546174,14 +546175,14 +546176,14 +546177,14 +546178,14 +546179,14 +546180,14 +546181,5 +546182,5 +546183,5 +546184,5 +546185,5 +546186,5 +546187,5 +546188,3 +546189,27 +546190,27 +546191,27 +546192,27 +546193,27 +546194,27 +546195,27 +546196,27 +546197,27 +546198,27 +546199,27 +546200,27 +546201,27 +546202,28 +546203,28 +546204,28 +546205,28 +546206,28 +546207,28 +546208,28 +546209,33 +546210,34 +546211,34 +546212,34 +546213,34 +546214,34 +546215,34 +546216,34 +546217,34 +546218,34 +546219,5 +546220,5 +546221,5 +546222,5 +546223,5 +546224,5 +546225,5 +546226,5 +546227,5 +546228,5 +546229,2 +546230,2 +546231,2 +546232,2 +546233,2 +546234,2 +546235,2 +546236,2 +546237,2 +546238,2 +546239,2 +546240,2 +546241,2 +546242,2 +546243,2 +546244,2 +546245,2 +546246,31 +546247,31 +546248,31 +546249,31 +546250,31 +546251,31 +546252,28 +546253,28 +546254,28 +546255,28 +546256,28 +546257,28 +546258,28 +546259,28 +546260,32 +546261,32 +546262,32 +546263,32 +546264,32 +546265,32 +546266,37 +546267,37 +546268,37 +546269,37 +546270,37 +546271,39 +546272,39 +546273,39 +546274,39 +546275,39 +546276,39 +546277,4 +546278,4 +546279,4 +546280,4 +546281,4 +546282,4 +546283,40 +546284,40 +546285,36 +546286,36 +546287,36 +546288,36 +546289,36 +546290,6 +546291,6 +546292,6 +546293,6 +546294,6 +546295,6 +546296,6 +546297,2 +546298,2 +546299,2 +546300,2 +546301,2 +546302,4 +546303,4 +546304,4 +546305,4 +546306,4 +546307,4 +546308,4 +546309,25 +546310,25 +546311,25 +546312,25 +546313,25 +546314,25 +546315,25 +546316,25 +546317,25 +546318,25 +546319,31 +546320,33 +546321,33 +546322,33 +546323,33 +546324,25 +546325,29 +546326,29 +546327,29 +546328,29 +546329,29 +546330,29 +546331,29 +546332,29 +546333,25 +546334,25 +546335,25 +546336,25 +546337,25 +546338,25 +546339,25 +546340,25 +546341,25 +546342,25 +546343,25 +546344,25 +546345,32 +546346,32 +546347,32 +546348,32 +546349,32 +546350,32 +546351,32 +546352,32 +546353,32 +546354,14 +546355,14 +546356,14 +546357,14 +546358,27 +546359,27 +546360,6 +546361,6 +546362,6 +546363,6 +546364,6 +546365,6 +546366,6 +546367,31 +546368,31 +546369,31 +546370,31 +546371,31 +546372,31 +546373,31 +546374,8 +546375,8 +546376,8 +546377,8 +546378,8 +546379,35 +546380,35 +546381,35 +546382,35 +546383,35 +546384,35 +546385,35 +546386,35 +546387,35 +546388,35 +546389,35 +546390,27 +546391,27 +546392,27 +546393,27 +546394,27 +546395,27 +546396,27 +546397,8 +546398,8 +546399,8 +546400,8 +546401,8 +546402,8 +546403,37 +546404,37 +546405,37 +546406,37 +546407,37 +546408,37 +546409,37 +546410,37 +546411,36 +546412,36 +546413,31 +546414,36 +546415,36 +546416,36 +546417,36 +546418,29 +546419,38 +546420,29 +546421,23 +546422,29 +546423,23 +546424,23 +546425,25 +546426,25 +546427,25 +546428,25 +546429,25 +546430,25 +546431,25 +546432,19 +546433,19 +546434,19 +546435,19 +546436,19 +546437,19 +546438,19 +546439,6 +546440,6 +546441,4 +546442,19 +546443,19 +546444,27 +546445,27 +546446,27 +546447,27 +546448,23 +546449,2 +546450,38 +546451,38 +546452,38 +546453,4 +546454,4 +546455,31 +546456,31 +546457,31 +546458,31 +546459,31 +546460,31 +546461,6 +546462,6 +546463,6 +546464,6 +546465,6 +546466,31 +546467,31 +546468,31 +546469,31 +546470,31 +546471,30 +546472,30 +546473,30 +546474,30 +546475,30 +546476,4 +546477,4 +546478,4 +546479,4 +546480,4 +546481,4 +546482,4 +546483,31 +546484,31 +546485,31 +546486,21 +546487,21 +546488,21 +546489,21 +546490,21 +546491,21 +546492,40 +546493,40 +546494,40 +546495,40 +546496,40 +546497,19 +546498,19 +546499,19 +546500,35 +546501,35 +546502,35 +546503,35 +546504,35 +546505,35 +546506,35 +546507,33 +546508,33 +546509,33 +546510,26 +546511,26 +546512,26 +546513,26 +546514,30 +546515,30 +546516,30 +546517,30 +546518,30 +546519,30 +546520,30 +546521,30 +546522,30 +546523,30 +546524,30 +546525,19 +546526,19 +546527,19 +546528,19 +546529,19 +546530,19 +546531,31 +546532,31 +546533,31 +546534,31 +546535,31 +546536,31 +546537,31 +546538,31 +546539,31 +546540,31 +546541,31 +546542,31 +546543,23 +546544,23 +546545,23 +546546,23 +546547,23 +546548,23 +546549,23 +546550,23 +546551,36 +546552,36 +546553,36 +546554,36 +546555,36 +546556,36 +546557,36 +546558,36 +546559,36 +546560,36 +546561,36 +546562,5 +546563,5 +546564,5 +546565,19 +546566,19 +546567,19 +546568,19 +546569,4 +546570,19 +546571,19 +546572,31 +546573,31 +546574,10 +546575,10 +546576,31 +546577,31 +546578,31 +546579,31 +546580,10 +546581,31 +546582,31 +546583,12 +546584,12 +546585,12 +546586,12 +546587,12 +546588,12 +546589,12 +546590,12 +546591,12 +546592,9 +546593,9 +546594,9 +546595,9 +546596,9 +546597,9 +546598,9 +546599,9 +546600,9 +546601,9 +546602,9 +546603,5 +546604,5 +546605,5 +546606,5 +546607,5 +546608,5 +546609,4 +546610,4 +546611,4 +546612,4 +546613,4 +546614,4 +546615,4 +546616,4 +546617,4 +546618,4 +546619,4 +546620,2 +546621,4 +546622,4 +546623,4 +546624,4 +546625,4 +546626,4 +546627,4 +546628,4 +546629,27 +546630,27 +546631,27 +546632,27 +546633,2 +546634,2 +546635,2 +546636,2 +546637,2 +546638,2 +546639,2 +546640,2 +546641,2 +546642,2 +546643,2 +546644,2 +546645,39 +546646,39 +546647,39 +546648,39 +546649,39 +546650,39 +546651,39 +546652,39 +546653,39 +546654,39 +546655,35 +546656,35 +546657,35 +546658,35 +546659,35 +546660,35 +546661,27 +546662,27 +546663,27 +546664,27 +546665,27 +546666,27 +546667,27 +546668,28 +546669,28 +546670,28 +546671,28 +546672,28 +546673,28 +546674,28 +546675,28 +546676,28 +546677,28 +546678,28 +546679,28 +546680,28 +546681,28 +546682,28 +546683,0 +546684,0 +546685,0 +546686,0 +546687,0 +546688,0 +546689,0 +546690,0 +546691,0 +546692,0 +546693,0 +546694,0 +546695,0 +546696,0 +546697,0 +546698,0 +546699,0 +546700,0 +546701,0 +546702,0 +546703,0 +546704,0 +546705,0 +546706,0 +546707,0 +546708,0 +546709,0 +546710,0 +546711,0 +546712,0 +546713,0 +546714,0 +546715,0 +546716,0 +546717,0 +546718,0 +546719,0 +546720,0 +546721,0 +546722,0 +546723,0 +546724,0 +546725,0 +546726,0 +546727,0 +546728,0 +546729,0 +546730,0 +546731,0 +546732,0 +546733,0 +546734,0 +546735,0 +546736,0 +546737,0 +546738,0 +546739,0 +546740,0 +546741,0 +546742,0 +546743,15 +546744,15 +546745,15 +546746,15 +546747,33 +546748,33 +546749,33 +546750,33 +546751,33 +546752,33 +546753,33 +546754,33 +546755,33 +546756,33 +546757,33 +546758,33 +546759,33 +546760,2 +546761,2 +546762,2 +546763,2 +546764,2 +546765,2 +546766,2 +546767,2 +546768,2 +546769,4 +546770,4 +546771,4 +546772,4 +546773,4 +546774,4 +546775,4 +546776,2 +546777,31 +546778,31 +546779,31 +546780,28 +546781,28 +546782,28 +546783,28 +546784,28 +546785,28 +546786,28 +546787,2 +546788,2 +546789,2 +546790,2 +546791,2 +546792,2 +546793,2 +546794,2 +546795,2 +546796,2 +546797,2 +546798,40 +546799,40 +546800,40 +546801,40 +546802,40 +546803,30 +546804,30 +546805,30 +546806,30 +546807,30 +546808,30 +546809,30 +546810,30 +546811,30 +546812,30 +546813,30 +546814,30 +546815,23 +546816,23 +546817,23 +546818,23 +546819,23 +546820,23 +546821,23 +546822,23 +546823,23 +546824,36 +546825,36 +546826,36 +546827,36 +546828,36 +546829,36 +546830,36 +546831,36 +546832,36 +546833,40 +546834,40 +546835,36 +546836,36 +546837,36 +546838,36 +546839,36 +546840,36 +546841,8 +546842,8 +546843,8 +546844,8 +546845,8 +546846,8 +546847,8 +546848,8 +546849,8 +546850,2 +546851,35 +546852,35 +546853,2 +546854,2 +546855,2 +546856,2 +546857,39 +546858,39 +546859,39 +546860,39 +546861,39 +546862,39 +546863,39 +546864,39 +546865,39 +546866,39 +546867,39 +546868,39 +546869,24 +546870,24 +546871,24 +546872,24 +546873,29 +546874,29 +546875,31 +546876,31 +546877,31 +546878,31 +546879,31 +546880,31 +546881,4 +546882,4 +546883,4 +546884,4 +546885,4 +546886,4 +546887,4 +546888,4 +546889,4 +546890,4 +546891,19 +546892,19 +546893,12 +546894,12 +546895,12 +546896,12 +546897,12 +546898,12 +546899,31 +546900,31 +546901,4 +546902,4 +546903,4 +546904,4 +546905,4 +546906,27 +546907,27 +546908,27 +546909,27 +546910,27 +546911,27 +546912,27 +546913,19 +546914,19 +546915,19 +546916,19 +546917,19 +546918,19 +546919,19 +546920,19 +546921,27 +546922,27 +546923,27 +546924,27 +546925,27 +546926,27 +546927,27 +546928,1 +546929,1 +546930,10 +546931,10 +546932,10 +546933,10 +546934,10 +546935,10 +546936,9 +546937,9 +546938,9 +546939,9 +546940,9 +546941,9 +546942,9 +546943,9 +546944,9 +546945,26 +546946,26 +546947,26 +546948,26 +546949,26 +546950,26 +546951,26 +546952,26 +546953,9 +546954,9 +546955,9 +546956,9 +546957,9 +546958,9 +546959,9 +546960,9 +546961,9 +546962,38 +546963,38 +546964,38 +546965,38 +546966,38 +546967,38 +546968,38 +546969,38 +546970,38 +546971,38 +546972,38 +546973,38 +546974,38 +546975,0 +546976,0 +546977,38 +546978,0 +546979,0 +546980,0 +546981,0 +546982,0 +546983,0 +546984,0 +546985,0 +546986,0 +546987,0 +546988,0 +546989,0 +546990,0 +546991,0 +546992,0 +546993,0 +546994,0 +546995,0 +546996,0 +546997,0 +546998,0 +546999,0 +547000,0 +547001,0 +547002,0 +547003,0 +547004,0 +547005,0 +547006,0 +547007,0 +547008,0 +547009,0 +547010,0 +547011,0 +547012,0 +547013,0 +547014,0 +547015,0 +547016,0 +547017,0 +547018,0 +547019,0 +547020,0 +547021,0 +547022,0 +547023,0 +547024,0 +547025,0 +547026,0 +547027,0 +547028,0 +547029,0 +547030,10 +547031,10 +547032,10 +547033,10 +547034,10 +547035,10 +547036,10 +547037,10 +547038,10 +547039,10 +547040,10 +547041,10 +547042,10 +547043,10 +547044,10 +547045,10 +547046,11 +547047,11 +547048,2 +547049,2 +547050,11 +547051,11 +547052,11 +547053,11 +547054,11 +547055,11 +547056,11 +547057,31 +547058,31 +547059,31 +547060,30 +547061,30 +547062,30 +547063,30 +547064,4 +547065,4 +547066,4 +547067,4 +547068,4 +547069,4 +547070,4 +547071,4 +547072,4 +547073,4 +547074,4 +547075,4 +547076,4 +547077,4 +547078,4 +547079,4 +547080,10 +547081,10 +547082,10 +547083,10 +547084,10 +547085,10 +547086,10 +547087,10 +547088,36 +547089,36 +547090,36 +547091,36 +547092,36 +547093,4 +547094,4 +547095,4 +547096,4 +547097,4 +547098,4 +547099,4 +547100,4 +547101,0 +547102,9 +547103,9 +547104,9 +547105,9 +547106,9 +547107,9 +547108,9 +547109,9 +547110,9 +547111,9 +547112,9 +547113,9 +547114,23 +547115,23 +547116,23 +547117,23 +547118,23 +547119,23 +547120,23 +547121,23 +547122,23 +547123,23 +547124,23 +547125,23 +547126,30 +547127,30 +547128,30 +547129,30 +547130,30 +547131,39 +547132,39 +547133,39 +547134,35 +547135,35 +547136,35 +547137,35 +547138,35 +547139,35 +547140,35 +547141,35 +547142,35 +547143,35 +547144,35 +547145,35 +547146,26 +547147,26 +547148,26 +547149,26 +547150,26 +547151,26 +547152,37 +547153,37 +547154,37 +547155,37 +547156,37 +547157,37 +547158,37 +547159,37 +547160,4 +547161,4 +547162,4 +547163,4 +547164,23 +547165,23 +547166,23 +547167,23 +547168,23 +547169,23 +547170,23 +547171,23 +547172,23 +547173,23 +547174,23 +547175,25 +547176,25 +547177,25 +547178,25 +547179,25 +547180,25 +547181,25 +547182,25 +547183,25 +547184,31 +547185,31 +547186,25 +547187,32 +547188,32 +547189,32 +547190,32 +547191,32 +547192,32 +547193,32 +547194,32 +547195,32 +547196,32 +547197,32 +547198,32 +547199,32 +547200,32 +547201,32 +547202,32 +547203,32 +547204,32 +547205,26 +547206,26 +547207,26 +547208,26 +547209,26 +547210,26 +547211,37 +547212,37 +547213,37 +547214,37 +547215,37 +547216,37 +547217,37 +547218,37 +547219,37 +547220,37 +547221,37 +547222,4 +547223,4 +547224,4 +547225,4 +547226,4 +547227,4 +547228,4 +547229,32 +547230,32 +547231,32 +547232,0 +547233,0 +547234,0 +547235,0 +547236,32 +547237,39 +547238,39 +547239,39 +547240,39 +547241,39 +547242,39 +547243,39 +547244,39 +547245,39 +547246,39 +547247,24 +547248,24 +547249,24 +547250,24 +547251,24 +547252,24 +547253,27 +547254,27 +547255,27 +547256,31 +547257,31 +547258,31 +547259,5 +547260,5 +547261,5 +547262,5 +547263,5 +547264,5 +547265,27 +547266,27 +547267,27 +547268,27 +547269,27 +547270,27 +547271,27 +547272,27 +547273,27 +547274,27 +547275,23 +547276,23 +547277,23 +547278,23 +547279,23 +547280,23 +547281,23 +547282,23 +547283,23 +547284,27 +547285,27 +547286,27 +547287,27 +547288,27 +547289,4 +547290,4 +547291,4 +547292,27 +547293,27 +547294,27 +547295,27 +547296,27 +547297,8 +547298,8 +547299,8 +547300,8 +547301,8 +547302,8 +547303,8 +547304,8 +547305,33 +547306,33 +547307,33 +547308,33 +547309,33 +547310,33 +547311,33 +547312,33 +547313,33 +547314,30 +547315,30 +547316,30 +547317,30 +547318,30 +547319,5 +547320,5 +547321,30 +547322,30 +547323,30 +547324,39 +547325,39 +547326,39 +547327,39 +547328,39 +547329,39 +547330,39 +547331,4 +547332,4 +547333,4 +547334,4 +547335,0 +547336,0 +547337,4 +547338,4 +547339,4 +547340,4 +547341,4 +547342,4 +547343,4 +547344,4 +547345,4 +547346,4 +547347,4 +547348,4 +547349,4 +547350,4 +547351,3 +547352,3 +547353,3 +547354,3 +547355,3 +547356,3 +547357,3 +547358,3 +547359,30 +547360,30 +547361,30 +547362,30 +547363,30 +547364,30 +547365,30 +547366,30 +547367,30 +547368,30 +547369,10 +547370,10 +547371,10 +547372,10 +547373,10 +547374,10 +547375,10 +547376,10 +547377,10 +547378,10 +547379,10 +547380,10 +547381,10 +547382,10 +547383,10 +547384,10 +547385,10 +547386,10 +547387,10 +547388,10 +547389,5 +547390,5 +547391,5 +547392,5 +547393,5 +547394,5 +547395,5 +547396,5 +547397,5 +547398,5 +547399,5 +547400,2 +547401,2 +547402,2 +547403,2 +547404,2 +547405,2 +547406,2 +547407,2 +547408,2 +547409,2 +547410,2 +547411,2 +547412,2 +547413,2 +547414,2 +547415,40 +547416,40 +547417,40 +547418,40 +547419,40 +547420,40 +547421,24 +547422,24 +547423,40 +547424,36 +547425,36 +547426,36 +547427,36 +547428,36 +547429,36 +547430,36 +547431,36 +547432,36 +547433,36 +547434,36 +547435,36 +547436,36 +547437,36 +547438,36 +547439,36 +547440,36 +547441,36 +547442,36 +547443,36 +547444,5 +547445,5 +547446,5 +547447,5 +547448,5 +547449,5 +547450,5 +547451,5 +547452,25 +547453,25 +547454,25 +547455,25 +547456,25 +547457,25 +547458,25 +547459,25 +547460,25 +547461,25 +547462,25 +547463,25 +547464,37 +547465,37 +547466,25 +547467,25 +547468,25 +547469,25 +547470,4 +547471,27 +547472,27 +547473,31 +547474,31 +547475,31 +547476,25 +547477,2 +547478,2 +547479,2 +547480,2 +547481,2 +547482,2 +547483,2 +547484,2 +547485,2 +547486,2 +547487,2 +547488,2 +547489,2 +547490,2 +547491,2 +547492,30 +547493,30 +547494,30 +547495,30 +547496,30 +547497,30 +547498,39 +547499,39 +547500,39 +547501,39 +547502,39 +547503,39 +547504,39 +547505,39 +547506,39 +547507,39 +547508,39 +547509,39 +547510,39 +547511,39 +547512,39 +547513,39 +547514,0 +547515,0 +547516,0 +547517,0 +547518,0 +547519,0 +547520,0 +547521,0 +547522,0 +547523,0 +547524,0 +547525,0 +547526,0 +547527,0 +547528,0 +547529,0 +547530,0 +547531,0 +547532,0 +547533,0 +547534,0 +547535,0 +547536,0 +547537,0 +547538,0 +547539,0 +547540,0 +547541,0 +547542,0 +547543,0 +547544,0 +547545,0 +547546,0 +547547,0 +547548,0 +547549,0 +547550,0 +547551,10 +547552,10 +547553,10 +547554,10 +547555,10 +547556,10 +547557,10 +547558,10 +547559,10 +547560,10 +547561,10 +547562,10 +547563,12 +547564,12 +547565,12 +547566,12 +547567,12 +547568,12 +547569,12 +547570,12 +547571,12 +547572,12 +547573,12 +547574,12 +547575,31 +547576,31 +547577,31 +547578,31 +547579,31 +547580,31 +547581,5 +547582,5 +547583,5 +547584,5 +547585,5 +547586,5 +547587,19 +547588,19 +547589,19 +547590,19 +547591,19 +547592,19 +547593,25 +547594,25 +547595,25 +547596,25 +547597,25 +547598,25 +547599,12 +547600,12 +547601,12 +547602,12 +547603,12 +547604,12 +547605,12 +547606,12 +547607,12 +547608,31 +547609,31 +547610,31 +547611,4 +547612,33 +547613,32 +547614,32 +547615,32 +547616,32 +547617,32 +547618,32 +547619,32 +547620,32 +547621,32 +547622,32 +547623,32 +547624,32 +547625,32 +547626,32 +547627,32 +547628,32 +547629,32 +547630,32 +547631,30 +547632,30 +547633,30 +547634,30 +547635,30 +547636,30 +547637,14 +547638,14 +547639,14 +547640,14 +547641,14 +547642,10 +547643,10 +547644,10 +547645,10 +547646,10 +547647,10 +547648,10 +547649,14 +547650,14 +547651,14 +547652,14 +547653,14 +547654,2 +547655,31 +547656,2 +547657,2 +547658,2 +547659,2 +547660,2 +547661,2 +547662,4 +547663,4 +547664,4 +547665,4 +547666,4 +547667,4 +547668,27 +547669,27 +547670,27 +547671,27 +547672,27 +547673,27 +547674,27 +547675,3 +547676,3 +547677,3 +547678,3 +547679,3 +547680,3 +547681,16 +547682,16 +547683,16 +547684,0 +547685,0 +547686,16 +547687,16 +547688,16 +547689,16 +547690,16 +547691,16 +547692,16 +547693,16 +547694,16 +547695,16 +547696,16 +547697,16 +547698,16 +547699,16 +547700,33 +547701,33 +547702,33 +547703,33 +547704,33 +547705,33 +547706,33 +547707,33 +547708,33 +547709,33 +547710,33 +547711,8 +547712,8 +547713,8 +547714,8 +547715,8 +547716,8 +547717,8 +547718,8 +547719,2 +547720,8 +547721,8 +547722,31 +547723,31 +547724,31 +547725,31 +547726,31 +547727,31 +547728,31 +547729,31 +547730,5 +547731,5 +547732,5 +547733,5 +547734,5 +547735,5 +547736,5 +547737,0 +547738,36 +547739,36 +547740,36 +547741,36 +547742,36 +547743,36 +547744,36 +547745,36 +547746,36 +547747,36 +547748,5 +547749,5 +547750,5 +547751,5 +547752,19 +547753,19 +547754,19 +547755,27 +547756,4 +547757,4 +547758,27 +547759,27 +547760,27 +547761,27 +547762,27 +547763,27 +547764,27 +547765,27 +547766,27 +547767,27 +547768,27 +547769,23 +547770,23 +547771,23 +547772,23 +547773,23 +547774,23 +547775,23 +547776,23 +547777,27 +547778,27 +547779,27 +547780,27 +547781,40 +547782,27 +547783,36 +547784,19 +547785,19 +547786,19 +547787,27 +547788,27 +547789,27 +547790,27 +547791,27 +547792,27 +547793,27 +547794,27 +547795,27 +547796,2 +547797,2 +547798,2 +547799,2 +547800,2 +547801,2 +547802,2 +547803,2 +547804,2 +547805,4 +547806,4 +547807,4 +547808,4 +547809,4 +547810,4 +547811,4 +547812,27 +547813,27 +547814,27 +547815,27 +547816,27 +547817,27 +547818,15 +547819,27 +547820,27 +547821,27 +547822,27 +547823,27 +547824,27 +547825,39 +547826,21 +547827,21 +547828,21 +547829,21 +547830,21 +547831,21 +547832,6 +547833,6 +547834,21 +547835,21 +547836,21 +547837,27 +547838,27 +547839,27 +547840,27 +547841,27 +547842,27 +547843,24 +547844,24 +547845,24 +547846,24 +547847,24 +547848,27 +547849,27 +547850,27 +547851,27 +547852,31 +547853,5 +547854,5 +547855,5 +547856,5 +547857,5 +547858,5 +547859,5 +547860,5 +547861,23 +547862,23 +547863,23 +547864,23 +547865,23 +547866,23 +547867,23 +547868,23 +547869,25 +547870,25 +547871,25 +547872,25 +547873,25 +547874,25 +547875,29 +547876,29 +547877,29 +547878,29 +547879,29 +547880,31 +547881,31 +547882,31 +547883,31 +547884,31 +547885,2 +547886,2 +547887,2 +547888,2 +547889,2 +547890,2 +547891,2 +547892,2 +547893,2 +547894,2 +547895,2 +547896,2 +547897,2 +547898,6 +547899,6 +547900,6 +547901,6 +547902,6 +547903,6 +547904,22 +547905,22 +547906,30 +547907,30 +547908,30 +547909,30 +547910,30 +547911,30 +547912,30 +547913,30 +547914,30 +547915,30 +547916,30 +547917,30 +547918,30 +547919,30 +547920,30 +547921,30 +547922,30 +547923,30 +547924,30 +547925,30 +547926,30 +547927,30 +547928,30 +547929,30 +547930,33 +547931,33 +547932,33 +547933,33 +547934,33 +547935,33 +547936,33 +547937,33 +547938,28 +547939,28 +547940,13 +547941,12 +547942,12 +547943,13 +547944,12 +547945,30 +547946,13 +547947,13 +547948,13 +547949,13 +547950,30 +547951,30 +547952,30 +547953,30 +547954,30 +547955,39 +547956,39 +547957,39 +547958,39 +547959,39 +547960,39 +547961,39 +547962,39 +547963,39 +547964,39 +547965,39 +547966,0 +547967,0 +547968,0 +547969,0 +547970,0 +547971,0 +547972,0 +547973,0 +547974,0 +547975,0 +547976,0 +547977,0 +547978,0 +547979,0 +547980,0 +547981,0 +547982,0 +547983,0 +547984,0 +547985,0 +547986,0 +547987,0 +547988,0 +547989,0 +547990,0 +547991,0 +547992,0 +547993,0 +547994,0 +547995,0 +547996,0 +547997,0 +547998,2 +547999,2 +548000,2 +548001,2 +548002,2 +548003,2 +548004,2 +548005,2 +548006,2 +548007,2 +548008,2 +548009,2 +548010,2 +548011,2 +548012,2 +548013,2 +548014,2 +548015,2 +548016,2 +548017,2 +548018,2 +548019,2 +548020,2 +548021,2 +548022,2 +548023,2 +548024,2 +548025,2 +548026,2 +548027,40 +548028,40 +548029,40 +548030,40 +548031,40 +548032,40 +548033,40 +548034,40 +548035,24 +548036,24 +548037,24 +548038,24 +548039,24 +548040,24 +548041,31 +548042,31 +548043,5 +548044,5 +548045,5 +548046,5 +548047,5 +548048,4 +548049,4 +548050,19 +548051,19 +548052,19 +548053,19 +548054,39 +548055,39 +548056,39 +548057,39 +548058,39 +548059,39 +548060,39 +548061,39 +548062,39 +548063,23 +548064,23 +548065,23 +548066,23 +548067,23 +548068,23 +548069,23 +548070,23 +548071,23 +548072,23 +548073,23 +548074,23 +548075,23 +548076,23 +548077,9 +548078,9 +548079,9 +548080,9 +548081,9 +548082,9 +548083,9 +548084,9 +548085,9 +548086,9 +548087,9 +548088,37 +548089,37 +548090,37 +548091,37 +548092,7 +548093,7 +548094,7 +548095,7 +548096,7 +548097,7 +548098,7 +548099,7 +548100,7 +548101,7 +548102,7 +548103,7 +548104,7 +548105,7 +548106,7 +548107,7 +548108,7 +548109,27 +548110,27 +548111,27 +548112,27 +548113,27 +548114,37 +548115,37 +548116,37 +548117,37 +548118,37 +548119,37 +548120,37 +548121,37 +548122,37 +548123,37 +548124,37 +548125,37 +548126,37 +548127,25 +548128,8 +548129,8 +548130,8 +548131,8 +548132,8 +548133,8 +548134,8 +548135,8 +548136,8 +548137,31 +548138,31 +548139,31 +548140,31 +548141,31 +548142,21 +548143,21 +548144,21 +548145,21 +548146,21 +548147,21 +548148,21 +548149,21 +548150,21 +548151,21 +548152,33 +548153,33 +548154,33 +548155,33 +548156,33 +548157,33 +548158,33 +548159,33 +548160,33 +548161,33 +548162,33 +548163,33 +548164,30 +548165,30 +548166,33 +548167,33 +548168,30 +548169,30 +548170,30 +548171,33 +548172,30 +548173,30 +548174,30 +548175,30 +548176,30 +548177,0 +548178,0 +548179,0 +548180,0 +548181,0 +548182,0 +548183,0 +548184,0 +548185,0 +548186,0 +548187,0 +548188,0 +548189,0 +548190,0 +548191,0 +548192,0 +548193,0 +548194,0 +548195,0 +548196,0 +548197,0 +548198,0 +548199,0 +548200,0 +548201,0 +548202,0 +548203,0 +548204,0 +548205,0 +548206,0 +548207,4 +548208,4 +548209,4 +548210,4 +548211,4 +548212,4 +548213,4 +548214,4 +548215,4 +548216,4 +548217,4 +548218,4 +548219,4 +548220,4 +548221,3 +548222,3 +548223,3 +548224,3 +548225,3 +548226,3 +548227,3 +548228,3 +548229,3 +548230,3 +548231,3 +548232,3 +548233,3 +548234,3 +548235,3 +548236,3 +548237,3 +548238,3 +548239,3 +548240,3 +548241,3 +548242,3 +548243,3 +548244,3 +548245,3 +548246,3 +548247,3 +548248,3 +548249,3 +548250,3 +548251,24 +548252,24 +548253,24 +548254,24 +548255,24 +548256,24 +548257,24 +548258,29 +548259,29 +548260,29 +548261,29 +548262,31 +548263,31 +548264,31 +548265,31 +548266,31 +548267,19 +548268,19 +548269,19 +548270,19 +548271,19 +548272,19 +548273,19 +548274,5 +548275,5 +548276,19 +548277,5 +548278,19 +548279,19 +548280,19 +548281,19 +548282,19 +548283,19 +548284,19 +548285,19 +548286,19 +548287,19 +548288,19 +548289,27 +548290,27 +548291,40 +548292,40 +548293,40 +548294,40 +548295,40 +548296,40 +548297,40 +548298,36 +548299,40 +548300,36 +548301,40 +548302,40 +548303,40 +548304,40 +548305,40 +548306,14 +548307,14 +548308,14 +548309,14 +548310,14 +548311,14 +548312,14 +548313,14 +548314,14 +548315,14 +548316,14 +548317,14 +548318,14 +548319,14 +548320,14 +548321,14 +548322,14 +548323,14 +548324,14 +548325,14 +548326,14 +548327,10 +548328,14 +548329,14 +548330,14 +548331,14 +548332,14 +548333,0 +548334,36 +548335,36 +548336,36 +548337,36 +548338,36 +548339,36 +548340,36 +548341,36 +548342,36 +548343,36 +548344,36 +548345,4 +548346,4 +548347,4 +548348,4 +548349,4 +548350,15 +548351,15 +548352,15 +548353,15 +548354,15 +548355,29 +548356,29 +548357,29 +548358,0 +548359,29 +548360,29 +548361,29 +548362,29 +548363,29 +548364,29 +548365,29 +548366,29 +548367,27 +548368,27 +548369,27 +548370,27 +548371,27 +548372,27 +548373,27 +548374,27 +548375,27 +548376,2 +548377,2 +548378,2 +548379,2 +548380,2 +548381,2 +548382,2 +548383,2 +548384,2 +548385,2 +548386,2 +548387,2 +548388,2 +548389,2 +548390,8 +548391,8 +548392,8 +548393,0 +548394,0 +548395,0 +548396,0 +548397,0 +548398,23 +548399,23 +548400,31 +548401,23 +548402,23 +548403,23 +548404,23 +548405,23 +548406,25 +548407,25 +548408,25 +548409,25 +548410,25 +548411,25 +548412,25 +548413,25 +548414,25 +548415,25 +548416,25 +548417,25 +548418,25 +548419,25 +548420,25 +548421,25 +548422,25 +548423,25 +548424,25 +548425,25 +548426,39 +548427,39 +548428,39 +548429,39 +548430,39 +548431,39 +548432,39 +548433,39 +548434,39 +548435,2 +548436,2 +548437,2 +548438,2 +548439,2 +548440,2 +548441,2 +548442,2 +548443,2 +548444,2 +548445,2 +548446,2 +548447,2 +548448,2 +548449,2 +548450,2 +548451,2 +548452,2 +548453,2 +548454,2 +548455,2 +548456,2 +548457,2 +548458,2 +548459,2 +548460,32 +548461,32 +548462,32 +548463,32 +548464,32 +548465,23 +548466,23 +548467,23 +548468,23 +548469,26 +548470,32 +548471,26 +548472,26 +548473,26 +548474,26 +548475,26 +548476,26 +548477,26 +548478,26 +548479,26 +548480,26 +548481,26 +548482,26 +548483,26 +548484,26 +548485,26 +548486,26 +548487,26 +548488,26 +548489,4 +548490,4 +548491,4 +548492,4 +548493,4 +548494,4 +548495,4 +548496,4 +548497,4 +548498,4 +548499,4 +548500,4 +548501,4 +548502,27 +548503,27 +548504,27 +548505,27 +548506,27 +548507,27 +548508,5 +548509,5 +548510,5 +548511,5 +548512,5 +548513,5 +548514,34 +548515,34 +548516,34 +548517,34 +548518,34 +548519,34 +548520,34 +548521,34 +548522,34 +548523,34 +548524,34 +548525,34 +548526,34 +548527,34 +548528,34 +548529,34 +548530,34 +548531,34 +548532,4 +548533,4 +548534,4 +548535,31 +548536,31 +548537,31 +548538,31 +548539,31 +548540,31 +548541,31 +548542,31 +548543,4 +548544,4 +548545,4 +548546,4 +548547,4 +548548,4 +548549,4 +548550,4 +548551,4 +548552,4 +548553,4 +548554,4 +548555,3 +548556,3 +548557,3 +548558,3 +548559,3 +548560,3 +548561,3 +548562,3 +548563,3 +548564,3 +548565,3 +548566,3 +548567,3 +548568,3 +548569,3 +548570,3 +548571,3 +548572,3 +548573,3 +548574,3 +548575,3 +548576,0 +548577,0 +548578,0 +548579,0 +548580,0 +548581,0 +548582,0 +548583,0 +548584,0 +548585,0 +548586,0 +548587,0 +548588,0 +548589,0 +548590,0 +548591,0 +548592,0 +548593,0 +548594,0 +548595,0 +548596,0 +548597,0 +548598,0 +548599,0 +548600,0 +548601,0 +548602,0 +548603,0 +548604,0 +548605,0 +548606,0 +548607,0 +548608,0 +548609,0 +548610,0 +548611,0 +548612,0 +548613,0 +548614,0 +548615,0 +548616,0 +548617,0 +548618,0 +548619,0 +548620,0 +548621,10 +548622,10 +548623,9 +548624,9 +548625,9 +548626,9 +548627,9 +548628,9 +548629,9 +548630,9 +548631,9 +548632,9 +548633,9 +548634,9 +548635,9 +548636,9 +548637,9 +548638,9 +548639,9 +548640,30 +548641,30 +548642,30 +548643,30 +548644,30 +548645,30 +548646,29 +548647,33 +548648,33 +548649,33 +548650,33 +548651,33 +548652,33 +548653,33 +548654,29 +548655,29 +548656,29 +548657,29 +548658,29 +548659,31 +548660,31 +548661,31 +548662,31 +548663,31 +548664,31 +548665,31 +548666,2 +548667,2 +548668,2 +548669,2 +548670,2 +548671,2 +548672,2 +548673,27 +548674,27 +548675,27 +548676,27 +548677,27 +548678,8 +548679,8 +548680,8 +548681,8 +548682,8 +548683,8 +548684,8 +548685,8 +548686,5 +548687,5 +548688,5 +548689,5 +548690,5 +548691,33 +548692,33 +548693,33 +548694,33 +548695,33 +548696,33 +548697,33 +548698,33 +548699,33 +548700,33 +548701,34 +548702,34 +548703,5 +548704,5 +548705,5 +548706,5 +548707,5 +548708,5 +548709,15 +548710,15 +548711,15 +548712,10 +548713,10 +548714,10 +548715,10 +548716,10 +548717,10 +548718,10 +548719,10 +548720,10 +548721,10 +548722,10 +548723,10 +548724,14 +548725,14 +548726,14 +548727,40 +548728,40 +548729,40 +548730,40 +548731,40 +548732,40 +548733,40 +548734,40 +548735,40 +548736,24 +548737,24 +548738,24 +548739,24 +548740,24 +548741,24 +548742,24 +548743,37 +548744,37 +548745,37 +548746,37 +548747,37 +548748,39 +548749,39 +548750,39 +548751,39 +548752,15 +548753,15 +548754,15 +548755,15 +548756,15 +548757,15 +548758,15 +548759,15 +548760,31 +548761,31 +548762,31 +548763,31 +548764,31 +548765,31 +548766,4 +548767,4 +548768,4 +548769,39 +548770,39 +548771,39 +548772,14 +548773,39 +548774,39 +548775,4 +548776,4 +548777,4 +548778,4 +548779,4 +548780,4 +548781,4 +548782,31 +548783,31 +548784,15 +548785,15 +548786,15 +548787,15 +548788,15 +548789,15 +548790,39 +548791,39 +548792,39 +548793,39 +548794,39 +548795,39 +548796,39 +548797,39 +548798,36 +548799,36 +548800,36 +548801,5 +548802,5 +548803,5 +548804,5 +548805,5 +548806,5 +548807,5 +548808,5 +548809,5 +548810,5 +548811,5 +548812,40 +548813,40 +548814,40 +548815,40 +548816,40 +548817,40 +548818,40 +548819,40 +548820,2 +548821,2 +548822,2 +548823,2 +548824,2 +548825,2 +548826,2 +548827,2 +548828,31 +548829,31 +548830,31 +548831,31 +548832,31 +548833,31 +548834,2 +548835,2 +548836,2 +548837,2 +548838,2 +548839,2 +548840,2 +548841,2 +548842,2 +548843,2 +548844,2 +548845,2 +548846,2 +548847,25 +548848,25 +548849,40 +548850,37 +548851,37 +548852,37 +548853,37 +548854,37 +548855,37 +548856,37 +548857,37 +548858,37 +548859,37 +548860,39 +548861,39 +548862,39 +548863,14 +548864,14 +548865,14 +548866,14 +548867,14 +548868,14 +548869,14 +548870,14 +548871,5 +548872,5 +548873,5 +548874,5 +548875,5 +548876,39 +548877,39 +548878,39 +548879,7 +548880,7 +548881,7 +548882,7 +548883,7 +548884,3 +548885,3 +548886,3 +548887,5 +548888,5 +548889,5 +548890,31 +548891,31 +548892,31 +548893,31 +548894,24 +548895,24 +548896,24 +548897,24 +548898,24 +548899,24 +548900,25 +548901,25 +548902,25 +548903,25 +548904,25 +548905,25 +548906,25 +548907,25 +548908,25 +548909,25 +548910,25 +548911,2 +548912,2 +548913,2 +548914,2 +548915,2 +548916,2 +548917,2 +548918,2 +548919,27 +548920,27 +548921,27 +548922,27 +548923,27 +548924,27 +548925,30 +548926,30 +548927,30 +548928,30 +548929,30 +548930,30 +548931,30 +548932,30 +548933,30 +548934,30 +548935,30 +548936,30 +548937,30 +548938,30 +548939,30 +548940,30 +548941,36 +548942,10 +548943,10 +548944,10 +548945,10 +548946,10 +548947,10 +548948,10 +548949,10 +548950,10 +548951,10 +548952,10 +548953,10 +548954,10 +548955,18 +548956,18 +548957,18 +548958,18 +548959,18 +548960,18 +548961,18 +548962,18 +548963,18 +548964,18 +548965,18 +548966,18 +548967,18 +548968,18 +548969,18 +548970,18 +548971,26 +548972,31 +548973,31 +548974,26 +548975,26 +548976,26 +548977,26 +548978,5 +548979,5 +548980,13 +548981,5 +548982,5 +548983,5 +548984,5 +548985,5 +548986,4 +548987,4 +548988,4 +548989,4 +548990,4 +548991,4 +548992,4 +548993,4 +548994,29 +548995,29 +548996,29 +548997,29 +548998,29 +548999,29 +549000,29 +549001,29 +549002,31 +549003,31 +549004,31 +549005,31 +549006,31 +549007,35 +549008,35 +549009,35 +549010,35 +549011,35 +549012,35 +549013,35 +549014,35 +549015,35 +549016,35 +549017,35 +549018,3 +549019,3 +549020,3 +549021,3 +549022,3 +549023,3 +549024,3 +549025,3 +549026,33 +549027,4 +549028,4 +549029,4 +549030,4 +549031,4 +549032,4 +549033,4 +549034,4 +549035,4 +549036,4 +549037,40 +549038,40 +549039,40 +549040,40 +549041,40 +549042,40 +549043,40 +549044,30 +549045,30 +549046,30 +549047,30 +549048,30 +549049,30 +549050,30 +549051,30 +549052,15 +549053,15 +549054,15 +549055,15 +549056,15 +549057,15 +549058,27 +549059,27 +549060,27 +549061,27 +549062,27 +549063,27 +549064,27 +549065,27 +549066,27 +549067,31 +549068,2 +549069,2 +549070,2 +549071,2 +549072,2 +549073,1 +549074,2 +549075,5 +549076,5 +549077,5 +549078,31 +549079,31 +549080,31 +549081,31 +549082,31 +549083,31 +549084,31 +549085,31 +549086,2 +549087,2 +549088,2 +549089,2 +549090,2 +549091,2 +549092,2 +549093,2 +549094,2 +549095,2 +549096,2 +549097,2 +549098,2 +549099,2 +549100,2 +549101,2 +549102,2 +549103,2 +549104,2 +549105,2 +549106,2 +549107,0 +549108,0 +549109,0 +549110,0 +549111,0 +549112,0 +549113,0 +549114,0 +549115,0 +549116,0 +549117,0 +549118,0 +549119,0 +549120,0 +549121,0 +549122,0 +549123,0 +549124,0 +549125,0 +549126,0 +549127,0 +549128,0 +549129,0 +549130,0 +549131,0 +549132,0 +549133,0 +549134,0 +549135,0 +549136,0 +549137,0 +549138,0 +549139,0 +549140,0 +549141,0 +549142,0 +549143,0 +549144,0 +549145,0 +549146,0 +549147,0 +549148,0 +549149,0 +549150,0 +549151,0 +549152,0 +549153,0 +549154,0 +549155,0 +549156,0 +549157,0 +549158,0 +549159,0 +549160,0 +549161,0 +549162,0 +549163,0 +549164,0 +549165,0 +549166,0 +549167,0 +549168,0 +549169,0 +549170,0 +549171,0 +549172,0 +549173,0 +549174,0 +549175,0 +549176,0 +549177,0 +549178,0 +549179,0 +549180,0 +549181,0 +549182,0 +549183,0 +549184,0 +549185,0 +549186,0 +549187,0 +549188,0 +549189,0 +549190,0 +549191,0 +549192,0 +549193,0 +549194,0 +549195,0 +549196,0 +549197,0 +549198,0 +549199,0 +549200,0 +549201,0 +549202,0 +549203,0 +549204,0 +549205,0 +549206,0 +549207,0 +549208,0 +549209,0 +549210,0 +549211,0 +549212,0 +549213,0 +549214,0 +549215,0 +549216,0 +549217,0 +549218,0 +549219,0 +549220,0 +549221,0 +549222,0 +549223,0 +549224,0 +549225,0 +549226,0 +549227,0 +549228,0 +549229,0 +549230,0 +549231,0 +549232,0 +549233,0 +549234,0 +549235,0 +549236,0 +549237,0 +549238,0 +549239,0 +549240,0 +549241,0 +549242,0 +549243,0 +549244,0 +549245,0 +549246,0 +549247,0 +549248,0 +549249,0 +549250,0 +549251,0 +549252,0 +549253,0 +549254,0 +549255,0 +549256,0 +549257,0 +549258,0 +549259,0 +549260,0 +549261,0 +549262,0 +549263,0 +549264,0 +549265,0 +549266,0 +549267,0 +549268,0 +549269,0 +549270,0 +549271,0 +549272,0 +549273,0 +549274,0 +549275,0 +549276,0 +549277,0 +549278,0 +549279,0 +549280,0 +549281,0 +549282,0 +549283,0 +549284,0 +549285,29 +549286,29 +549287,29 +549288,29 +549289,39 +549290,14 +549291,14 +549292,14 +549293,39 +549294,39 +549295,39 +549296,39 +549297,39 +549298,27 +549299,27 +549300,27 +549301,27 +549302,27 +549303,27 +549304,5 +549305,5 +549306,5 +549307,5 +549308,5 +549309,5 +549310,5 +549311,2 +549312,2 +549313,2 +549314,2 +549315,2 +549316,2 +549317,32 +549318,32 +549319,32 +549320,32 +549321,32 +549322,32 +549323,32 +549324,25 +549325,25 +549326,25 +549327,25 +549328,25 +549329,25 +549330,25 +549331,25 +549332,37 +549333,37 +549334,14 +549335,14 +549336,14 +549337,14 +549338,14 +549339,14 +549340,14 +549341,14 +549342,14 +549343,14 +549344,11 +549345,11 +549346,11 +549347,11 +549348,11 +549349,11 +549350,11 +549351,11 +549352,11 +549353,11 +549354,11 +549355,31 +549356,31 +549357,31 +549358,31 +549359,31 +549360,31 +549361,31 +549362,31 +549363,31 +549364,31 +549365,24 +549366,24 +549367,24 +549368,24 +549369,24 +549370,24 +549371,29 +549372,29 +549373,31 +549374,31 +549375,31 +549376,31 +549377,15 +549378,15 +549379,15 +549380,15 +549381,15 +549382,15 +549383,15 +549384,15 +549385,15 +549386,15 +549387,33 +549388,33 +549389,33 +549390,33 +549391,33 +549392,33 +549393,33 +549394,33 +549395,33 +549396,33 +549397,33 +549398,33 +549399,33 +549400,33 +549401,33 +549402,33 +549403,33 +549404,33 +549405,0 +549406,0 +549407,0 +549408,6 +549409,0 +549410,0 +549411,0 +549412,0 +549413,0 +549414,0 +549415,0 +549416,0 +549417,0 +549418,0 +549419,0 +549420,0 +549421,0 +549422,0 +549423,0 +549424,0 +549425,0 +549426,0 +549427,0 +549428,0 +549429,0 +549430,0 +549431,0 +549432,0 +549433,0 +549434,0 +549435,0 +549436,0 +549437,0 +549438,0 +549439,0 +549440,0 +549441,0 +549442,0 +549443,0 +549444,0 +549445,0 +549446,0 +549447,0 +549448,0 +549449,0 +549450,0 +549451,0 +549452,0 +549453,0 +549454,0 +549455,0 +549456,0 +549457,0 +549458,0 +549459,0 +549460,0 +549461,0 +549462,0 +549463,0 +549464,0 +549465,0 +549466,0 +549467,0 +549468,0 +549469,0 +549470,0 +549471,0 +549472,0 +549473,0 +549474,0 +549475,0 +549476,0 +549477,0 +549478,0 +549479,0 +549480,0 +549481,0 +549482,0 +549483,0 +549484,0 +549485,32 +549486,32 +549487,32 +549488,32 +549489,32 +549490,32 +549491,32 +549492,32 +549493,32 +549494,32 +549495,32 +549496,32 +549497,32 +549498,32 +549499,32 +549500,32 +549501,26 +549502,26 +549503,26 +549504,26 +549505,26 +549506,26 +549507,26 +549508,26 +549509,2 +549510,2 +549511,2 +549512,2 +549513,2 +549514,2 +549515,2 +549516,2 +549517,2 +549518,2 +549519,27 +549520,27 +549521,27 +549522,27 +549523,30 +549524,30 +549525,30 +549526,30 +549527,30 +549528,30 +549529,30 +549530,30 +549531,30 +549532,30 +549533,30 +549534,30 +549535,30 +549536,14 +549537,14 +549538,14 +549539,39 +549540,39 +549541,28 +549542,28 +549543,28 +549544,28 +549545,28 +549546,28 +549547,28 +549548,36 +549549,36 +549550,36 +549551,36 +549552,36 +549553,36 +549554,36 +549555,36 +549556,10 +549557,36 +549558,36 +549559,19 +549560,19 +549561,19 +549562,31 +549563,31 +549564,31 +549565,31 +549566,31 +549567,28 +549568,28 +549569,28 +549570,28 +549571,28 +549572,28 +549573,28 +549574,28 +549575,28 +549576,28 +549577,28 +549578,28 +549579,28 +549580,28 +549581,28 +549582,0 +549583,0 +549584,0 +549585,0 +549586,0 +549587,0 +549588,0 +549589,0 +549590,0 +549591,0 +549592,0 +549593,0 +549594,0 +549595,0 +549596,0 +549597,0 +549598,0 +549599,0 +549600,0 +549601,0 +549602,0 +549603,0 +549604,0 +549605,0 +549606,0 +549607,0 +549608,0 +549609,0 +549610,0 +549611,0 +549612,0 +549613,0 +549614,0 +549615,0 +549616,0 +549617,0 +549618,0 +549619,0 +549620,0 +549621,0 +549622,0 +549623,0 +549624,0 +549625,0 +549626,0 +549627,0 +549628,0 +549629,0 +549630,0 +549631,0 +549632,0 +549633,0 +549634,0 +549635,0 +549636,0 +549637,0 +549638,0 +549639,0 +549640,0 +549641,0 +549642,0 +549643,0 +549644,0 +549645,0 +549646,0 +549647,0 +549648,0 +549649,0 +549650,0 +549651,35 +549652,4 +549653,11 +549654,36 +549655,36 +549656,0 +549657,36 +549658,0 +549659,0 +549660,36 +549661,36 +549662,36 +549663,27 +549664,36 +549665,36 +549666,5 +549667,19 +549668,19 +549669,19 +549670,19 +549671,19 +549672,28 +549673,28 +549674,5 +549675,5 +549676,10 +549677,5 +549678,34 +549679,34 +549680,34 +549681,34 +549682,34 +549683,34 +549684,34 +549685,34 +549686,34 +549687,34 +549688,34 +549689,34 +549690,34 +549691,34 +549692,34 +549693,34 +549694,34 +549695,34 +549696,34 +549697,34 +549698,34 +549699,34 +549700,34 +549701,34 +549702,34 +549703,34 +549704,34 +549705,34 +549706,34 +549707,34 +549708,34 +549709,34 +549710,34 +549711,34 +549712,33 +549713,33 +549714,0 +549715,0 +549716,0 +549717,0 +549718,0 +549719,0 +549720,0 +549721,0 +549722,0 +549723,0 +549724,0 +549725,0 +549726,0 +549727,0 +549728,0 +549729,0 +549730,0 +549731,0 +549732,0 +549733,0 +549734,0 +549735,0 +549736,0 +549737,0 +549738,0 +549739,0 +549740,0 +549741,0 +549742,0 +549743,0 +549744,0 +549745,0 +549746,0 +549747,0 +549748,0 +549749,0 +549750,0 +549751,0 +549752,0 +549753,0 +549754,0 +549755,0 +549756,0 +549757,0 +549758,0 +549759,0 +549760,0 +549761,0 +549762,0 +549763,0 +549764,0 +549765,0 +549766,0 +549767,0 +549768,0 +549769,0 +549770,0 +549771,0 +549772,0 +549773,0 +549774,12 +549775,35 +549776,12 +549777,12 +549778,12 +549779,12 +549780,12 +549781,31 +549782,31 +549783,31 +549784,31 +549785,31 +549786,4 +549787,4 +549788,4 +549789,4 +549790,4 +549791,4 +549792,4 +549793,4 +549794,19 +549795,19 +549796,19 +549797,7 +549798,7 +549799,7 +549800,7 +549801,7 +549802,3 +549803,3 +549804,39 +549805,39 +549806,12 +549807,12 +549808,12 +549809,12 +549810,12 +549811,12 +549812,12 +549813,12 +549814,3 +549815,12 +549816,3 +549817,9 +549818,9 +549819,9 +549820,9 +549821,9 +549822,9 +549823,12 +549824,12 +549825,12 +549826,31 +549827,31 +549828,31 +549829,31 +549830,31 +549831,31 +549832,5 +549833,5 +549834,5 +549835,5 +549836,5 +549837,5 +549838,5 +549839,5 +549840,4 +549841,4 +549842,4 +549843,4 +549844,4 +549845,4 +549846,4 +549847,4 +549848,4 +549849,4 +549850,4 +549851,4 +549852,4 +549853,4 +549854,4 +549855,0 +549856,0 +549857,0 +549858,0 +549859,0 +549860,0 +549861,0 +549862,0 +549863,0 +549864,0 +549865,0 +549866,0 +549867,0 +549868,0 +549869,0 +549870,0 +549871,0 +549872,0 +549873,0 +549874,0 +549875,0 +549876,0 +549877,0 +549878,0 +549879,0 +549880,0 +549881,0 +549882,0 +549883,0 +549884,0 +549885,0 +549886,0 +549887,0 +549888,0 +549889,0 +549890,0 +549891,0 +549892,0 +549893,0 +549894,0 +549895,0 +549896,0 +549897,0 +549898,0 +549899,0 +549900,0 +549901,0 +549902,0 +549903,0 +549904,0 +549905,0 +549906,0 +549907,0 +549908,0 +549909,0 +549910,0 +549911,0 +549912,0 +549913,0 +549914,0 +549915,0 +549916,0 +549917,0 +549918,0 +549919,0 +549920,0 +549921,0 +549922,0 +549923,0 +549924,0 +549925,0 +549926,0 +549927,0 +549928,0 +549929,0 +549930,0 +549931,10 +549932,10 +549933,10 +549934,10 +549935,10 +549936,10 +549937,10 +549938,10 +549939,10 +549940,10 +549941,34 +549942,34 +549943,34 +549944,34 +549945,34 +549946,34 +549947,34 +549948,34 +549949,34 +549950,34 +549951,34 +549952,36 +549953,36 +549954,36 +549955,36 +549956,36 +549957,36 +549958,36 +549959,36 +549960,36 +549961,36 +549962,28 +549963,28 +549964,28 +549965,28 +549966,28 +549967,28 +549968,28 +549969,28 +549970,28 +549971,28 +549972,28 +549973,28 +549974,27 +549975,27 +549976,27 +549977,27 +549978,27 +549979,27 +549980,27 +549981,27 +549982,27 +549983,27 +549984,27 +549985,27 +549986,27 +549987,23 +549988,23 +549989,23 +549990,23 +549991,23 +549992,23 +549993,23 +549994,23 +549995,23 +549996,23 +549997,23 +549998,23 +549999,26 +550000,9 +550001,9 +550002,9 +550003,9 +550004,9 +550005,9 +550006,9 +550007,9 +550008,9 +550009,37 +550010,37 +550011,37 +550012,37 +550013,37 +550014,37 +550015,37 +550016,37 +550017,37 +550018,37 +550019,37 +550020,37 +550021,37 +550022,36 +550023,36 +550024,36 +550025,36 +550026,36 +550027,36 +550028,36 +550029,36 +550030,36 +550031,40 +550032,36 +550033,36 +550034,36 +550035,36 +550036,5 +550037,5 +550038,27 +550039,27 +550040,27 +550041,27 +550042,27 +550043,27 +550044,27 +550045,28 +550046,28 +550047,28 +550048,28 +550049,28 +550050,28 +550051,28 +550052,28 +550053,28 +550054,40 +550055,40 +550056,40 +550057,40 +550058,40 +550059,40 +550060,40 +550061,40 +550062,20 +550063,20 +550064,20 +550065,20 +550066,20 +550067,20 +550068,20 +550069,25 +550070,25 +550071,25 +550072,25 +550073,25 +550074,25 +550075,25 +550076,25 +550077,25 +550078,6 +550079,6 +550080,6 +550081,6 +550082,6 +550083,6 +550084,6 +550085,31 +550086,31 +550087,31 +550088,5 +550089,5 +550090,5 +550091,5 +550092,5 +550093,5 +550094,2 +550095,2 +550096,2 +550097,2 +550098,2 +550099,4 +550100,4 +550101,4 +550102,4 +550103,4 +550104,4 +550105,4 +550106,14 +550107,14 +550108,14 +550109,14 +550110,14 +550111,14 +550112,14 +550113,14 +550114,14 +550115,27 +550116,14 +550117,14 +550118,5 +550119,5 +550120,5 +550121,5 +550122,5 +550123,19 +550124,19 +550125,19 +550126,19 +550127,31 +550128,27 +550129,27 +550130,27 +550131,27 +550132,23 +550133,23 +550134,23 +550135,23 +550136,23 +550137,23 +550138,23 +550139,23 +550140,23 +550141,26 +550142,26 +550143,26 +550144,26 +550145,26 +550146,26 +550147,26 +550148,26 +550149,30 +550150,30 +550151,30 +550152,30 +550153,30 +550154,30 +550155,30 +550156,30 +550157,33 +550158,33 +550159,33 +550160,33 +550161,33 +550162,33 +550163,33 +550164,33 +550165,29 +550166,29 +550167,29 +550168,29 +550169,29 +550170,29 +550171,29 +550172,29 +550173,29 +550174,36 +550175,36 +550176,36 +550177,40 +550178,31 +550179,31 +550180,31 +550181,31 +550182,31 +550183,31 +550184,31 +550185,31 +550186,31 +550187,31 +550188,31 +550189,37 +550190,25 +550191,25 +550192,25 +550193,33 +550194,33 +550195,33 +550196,33 +550197,33 +550198,33 +550199,33 +550200,33 +550201,33 +550202,33 +550203,33 +550204,33 +550205,33 +550206,33 +550207,33 +550208,33 +550209,33 +550210,33 +550211,33 +550212,33 +550213,19 +550214,19 +550215,19 +550216,19 +550217,19 +550218,19 +550219,19 +550220,19 +550221,19 +550222,19 +550223,0 +550224,0 +550225,0 +550226,0 +550227,0 +550228,0 +550229,0 +550230,0 +550231,0 +550232,0 +550233,0 +550234,0 +550235,0 +550236,0 +550237,0 +550238,0 +550239,0 +550240,0 +550241,0 +550242,0 +550243,0 +550244,0 +550245,0 +550246,0 +550247,0 +550248,9 +550249,9 +550250,9 +550251,9 +550252,9 +550253,9 +550254,37 +550255,37 +550256,37 +550257,37 +550258,37 +550259,37 +550260,29 +550261,29 +550262,29 +550263,29 +550264,29 +550265,31 +550266,27 +550267,27 +550268,27 +550269,27 +550270,5 +550271,5 +550272,35 +550273,35 +550274,35 +550275,35 +550276,35 +550277,35 +550278,35 +550279,35 +550280,35 +550281,7 +550282,35 +550283,28 +550284,3 +550285,3 +550286,3 +550287,3 +550288,3 +550289,3 +550290,31 +550291,31 +550292,31 +550293,31 +550294,31 +550295,31 +550296,22 +550297,22 +550298,28 +550299,28 +550300,28 +550301,28 +550302,28 +550303,28 +550304,28 +550305,28 +550306,28 +550307,10 +550308,10 +550309,10 +550310,10 +550311,10 +550312,10 +550313,10 +550314,10 +550315,10 +550316,10 +550317,10 +550318,10 +550319,10 +550320,24 +550321,24 +550322,37 +550323,37 +550324,37 +550325,37 +550326,37 +550327,24 +550328,32 +550329,25 +550330,25 +550331,25 +550332,25 +550333,25 +550334,25 +550335,25 +550336,2 +550337,2 +550338,2 +550339,2 +550340,2 +550341,2 +550342,2 +550343,2 +550344,2 +550345,2 +550346,2 +550347,2 +550348,39 +550349,39 +550350,39 +550351,39 +550352,39 +550353,39 +550354,39 +550355,39 +550356,39 +550357,39 +550358,39 +550359,39 +550360,39 +550361,8 +550362,8 +550363,8 +550364,8 +550365,8 +550366,8 +550367,8 +550368,33 +550369,33 +550370,33 +550371,31 +550372,33 +550373,31 +550374,33 +550375,33 +550376,33 +550377,33 +550378,33 +550379,8 +550380,8 +550381,8 +550382,8 +550383,8 +550384,8 +550385,28 +550386,28 +550387,28 +550388,28 +550389,28 +550390,28 +550391,28 +550392,28 +550393,28 +550394,28 +550395,26 +550396,10 +550397,26 +550398,26 +550399,26 +550400,26 +550401,26 +550402,26 +550403,26 +550404,26 +550405,26 +550406,4 +550407,4 +550408,4 +550409,4 +550410,31 +550411,31 +550412,24 +550413,24 +550414,24 +550415,24 +550416,24 +550417,24 +550418,23 +550419,27 +550420,27 +550421,27 +550422,25 +550423,6 +550424,6 +550425,6 +550426,6 +550427,6 +550428,6 +550429,6 +550430,6 +550431,6 +550432,6 +550433,6 +550434,14 +550435,14 +550436,14 +550437,14 +550438,14 +550439,14 +550440,14 +550441,14 +550442,14 +550443,14 +550444,14 +550445,14 +550446,14 +550447,14 +550448,14 +550449,11 +550450,11 +550451,11 +550452,11 +550453,11 +550454,11 +550455,11 +550456,11 +550457,11 +550458,11 +550459,11 +550460,11 +550461,31 +550462,31 +550463,31 +550464,31 +550465,31 +550466,31 +550467,31 +550468,31 +550469,5 +550470,5 +550471,5 +550472,5 +550473,5 +550474,5 +550475,5 +550476,5 +550477,5 +550478,5 +550479,5 +550480,5 +550481,2 +550482,2 +550483,2 +550484,2 +550485,2 +550486,2 +550487,2 +550488,2 +550489,2 +550490,2 +550491,2 +550492,2 +550493,2 +550494,2 +550495,0 +550496,0 +550497,0 +550498,0 +550499,0 +550500,0 +550501,0 +550502,0 +550503,0 +550504,0 +550505,0 +550506,0 +550507,0 +550508,0 +550509,0 +550510,0 +550511,0 +550512,0 +550513,0 +550514,0 +550515,0 +550516,0 +550517,0 +550518,0 +550519,0 +550520,0 +550521,0 +550522,0 +550523,0 +550524,0 +550525,0 +550526,0 +550527,10 +550528,31 +550529,31 +550530,31 +550531,31 +550532,31 +550533,31 +550534,10 +550535,10 +550536,10 +550537,31 +550538,31 +550539,19 +550540,19 +550541,19 +550542,19 +550543,31 +550544,31 +550545,31 +550546,10 +550547,10 +550548,10 +550549,10 +550550,10 +550551,10 +550552,10 +550553,6 +550554,6 +550555,6 +550556,6 +550557,6 +550558,6 +550559,6 +550560,4 +550561,4 +550562,4 +550563,4 +550564,40 +550565,40 +550566,36 +550567,36 +550568,36 +550569,36 +550570,40 +550571,40 +550572,36 +550573,36 +550574,36 +550575,36 +550576,36 +550577,36 +550578,36 +550579,28 +550580,28 +550581,28 +550582,28 +550583,28 +550584,23 +550585,23 +550586,23 +550587,23 +550588,23 +550589,23 +550590,27 +550591,31 +550592,31 +550593,31 +550594,2 +550595,2 +550596,2 +550597,2 +550598,2 +550599,2 +550600,2 +550601,2 +550602,2 +550603,2 +550604,2 +550605,2 +550606,2 +550607,10 +550608,10 +550609,10 +550610,10 +550611,10 +550612,10 +550613,10 +550614,10 +550615,10 +550616,10 +550617,10 +550618,10 +550619,10 +550620,10 +550621,2 +550622,2 +550623,2 +550624,2 +550625,2 +550626,2 +550627,2 +550628,2 +550629,2 +550630,2 +550631,2 +550632,2 +550633,2 +550634,34 +550635,34 +550636,31 +550637,5 +550638,5 +550639,5 +550640,5 +550641,5 +550642,5 +550643,5 +550644,5 +550645,4 +550646,4 +550647,4 +550648,38 +550649,38 +550650,27 +550651,27 +550652,27 +550653,27 +550654,13 +550655,13 +550656,13 +550657,13 +550658,13 +550659,13 +550660,29 +550661,29 +550662,29 +550663,29 +550664,31 +550665,31 +550666,31 +550667,31 +550668,31 +550669,4 +550670,4 +550671,4 +550672,4 +550673,4 +550674,4 +550675,4 +550676,36 +550677,36 +550678,36 +550679,36 +550680,36 +550681,36 +550682,36 +550683,36 +550684,36 +550685,36 +550686,36 +550687,36 +550688,28 +550689,28 +550690,28 +550691,28 +550692,28 +550693,28 +550694,28 +550695,28 +550696,28 +550697,28 +550698,28 +550699,32 +550700,32 +550701,32 +550702,32 +550703,32 +550704,32 +550705,32 +550706,32 +550707,32 +550708,32 +550709,25 +550710,25 +550711,37 +550712,37 +550713,28 +550714,28 +550715,28 +550716,28 +550717,28 +550718,28 +550719,28 +550720,28 +550721,27 +550722,27 +550723,27 +550724,27 +550725,27 +550726,4 +550727,4 +550728,4 +550729,4 +550730,4 +550731,4 +550732,4 +550733,4 +550734,4 +550735,4 +550736,27 +550737,4 +550738,4 +550739,4 +550740,4 +550741,4 +550742,4 +550743,4 +550744,4 +550745,4 +550746,4 +550747,27 +550748,27 +550749,27 +550750,27 +550751,8 +550752,8 +550753,8 +550754,8 +550755,8 +550756,8 +550757,8 +550758,8 +550759,8 +550760,2 +550761,2 +550762,2 +550763,2 +550764,2 +550765,2 +550766,2 +550767,39 +550768,39 +550769,39 +550770,39 +550771,39 +550772,39 +550773,39 +550774,39 +550775,39 +550776,39 +550777,39 +550778,39 +550779,15 +550780,15 +550781,15 +550782,15 +550783,15 +550784,15 +550785,39 +550786,39 +550787,39 +550788,39 +550789,39 +550790,39 +550791,39 +550792,6 +550793,6 +550794,6 +550795,27 +550796,27 +550797,27 +550798,27 +550799,27 +550800,8 +550801,8 +550802,8 +550803,8 +550804,8 +550805,8 +550806,8 +550807,8 +550808,8 +550809,10 +550810,10 +550811,10 +550812,10 +550813,10 +550814,10 +550815,10 +550816,10 +550817,10 +550818,10 +550819,10 +550820,10 +550821,10 +550822,10 +550823,28 +550824,28 +550825,28 +550826,28 +550827,28 +550828,28 +550829,28 +550830,2 +550831,2 +550832,2 +550833,2 +550834,2 +550835,2 +550836,2 +550837,2 +550838,2 +550839,4 +550840,4 +550841,4 +550842,4 +550843,4 +550844,4 +550845,27 +550846,30 +550847,31 +550848,30 +550849,30 +550850,30 +550851,30 +550852,30 +550853,30 +550854,30 +550855,30 +550856,30 +550857,32 +550858,32 +550859,32 +550860,32 +550861,32 +550862,32 +550863,32 +550864,32 +550865,32 +550866,32 +550867,32 +550868,32 +550869,37 +550870,37 +550871,37 +550872,37 +550873,37 +550874,37 +550875,28 +550876,28 +550877,28 +550878,28 +550879,28 +550880,28 +550881,31 +550882,31 +550883,31 +550884,31 +550885,19 +550886,19 +550887,19 +550888,19 +550889,27 +550890,27 +550891,27 +550892,27 +550893,27 +550894,27 +550895,27 +550896,27 +550897,27 +550898,27 +550899,27 +550900,27 +550901,27 +550902,24 +550903,24 +550904,24 +550905,24 +550906,24 +550907,24 +550908,24 +550909,24 +550910,24 +550911,24 +550912,0 +550913,0 +550914,0 +550915,0 +550916,0 +550917,0 +550918,0 +550919,0 +550920,0 +550921,0 +550922,0 +550923,0 +550924,0 +550925,0 +550926,0 +550927,0 +550928,0 +550929,0 +550930,0 +550931,0 +550932,0 +550933,0 +550934,0 +550935,0 +550936,0 +550937,0 +550938,0 +550939,0 +550940,0 +550941,0 +550942,0 +550943,0 +550944,0 +550945,0 +550946,9 +550947,9 +550948,9 +550949,9 +550950,9 +550951,9 +550952,37 +550953,37 +550954,37 +550955,37 +550956,37 +550957,37 +550958,31 +550959,31 +550960,31 +550961,31 +550962,31 +550963,5 +550964,5 +550965,5 +550966,4 +550967,4 +550968,4 +550969,4 +550970,4 +550971,4 +550972,4 +550973,4 +550974,4 +550975,4 +550976,4 +550977,4 +550978,33 +550979,33 +550980,33 +550981,33 +550982,30 +550983,30 +550984,30 +550985,30 +550986,30 +550987,31 +550988,31 +550989,31 +550990,31 +550991,31 +550992,31 +550993,31 +550994,18 +550995,18 +550996,18 +550997,18 +550998,18 +550999,18 +551000,18 +551001,18 +551002,18 +551003,31 +551004,40 +551005,40 +551006,40 +551007,31 +551008,36 +551009,36 +551010,19 +551011,19 +551012,19 +551013,19 +551014,19 +551015,19 +551016,19 +551017,19 +551018,19 +551019,19 +551020,19 +551021,19 +551022,19 +551023,19 +551024,19 +551025,19 +551026,0 +551027,0 +551028,0 +551029,0 +551030,0 +551031,0 +551032,0 +551033,0 +551034,0 +551035,0 +551036,0 +551037,0 +551038,0 +551039,0 +551040,0 +551041,0 +551042,0 +551043,0 +551044,0 +551045,0 +551046,0 +551047,0 +551048,0 +551049,0 +551050,0 +551051,0 +551052,0 +551053,0 +551054,0 +551055,0 +551056,9 +551057,9 +551058,9 +551059,9 +551060,9 +551061,37 +551062,37 +551063,37 +551064,37 +551065,37 +551066,37 +551067,37 +551068,31 +551069,31 +551070,31 +551071,31 +551072,31 +551073,31 +551074,31 +551075,5 +551076,5 +551077,5 +551078,5 +551079,19 +551080,19 +551081,27 +551082,27 +551083,27 +551084,27 +551085,2 +551086,2 +551087,2 +551088,2 +551089,2 +551090,2 +551091,2 +551092,2 +551093,2 +551094,2 +551095,2 +551096,23 +551097,23 +551098,23 +551099,23 +551100,23 +551101,4 +551102,14 +551103,14 +551104,14 +551105,14 +551106,14 +551107,14 +551108,14 +551109,14 +551110,4 +551111,4 +551112,4 +551113,4 +551114,4 +551115,31 +551116,31 +551117,31 +551118,31 +551119,24 +551120,24 +551121,24 +551122,24 +551123,24 +551124,24 +551125,24 +551126,28 +551127,28 +551128,28 +551129,28 +551130,28 +551131,34 +551132,34 +551133,34 +551134,34 +551135,34 +551136,34 +551137,36 +551138,30 +551139,30 +551140,30 +551141,30 +551142,30 +551143,30 +551144,30 +551145,30 +551146,31 +551147,31 +551148,31 +551149,31 +551150,31 +551151,31 +551152,18 +551153,18 +551154,18 +551155,18 +551156,18 +551157,18 +551158,18 +551159,18 +551160,18 +551161,18 +551162,31 +551163,31 +551164,31 +551165,31 +551166,31 +551167,31 +551168,31 +551169,31 +551170,31 +551171,2 +551172,2 +551173,2 +551174,2 +551175,2 +551176,2 +551177,2 +551178,2 +551179,2 +551180,8 +551181,28 +551182,28 +551183,28 +551184,28 +551185,28 +551186,28 +551187,28 +551188,28 +551189,28 +551190,28 +551191,0 +551192,0 +551193,0 +551194,0 +551195,0 +551196,0 +551197,0 +551198,0 +551199,0 +551200,0 +551201,0 +551202,0 +551203,0 +551204,0 +551205,0 +551206,0 +551207,0 +551208,0 +551209,0 +551210,0 +551211,0 +551212,0 +551213,0 +551214,0 +551215,0 +551216,0 +551217,0 +551218,0 +551219,0 +551220,0 +551221,0 +551222,0 +551223,0 +551224,0 +551225,0 +551226,0 +551227,0 +551228,0 +551229,0 +551230,0 +551231,0 +551232,0 +551233,0 +551234,0 +551235,0 +551236,0 +551237,0 +551238,0 +551239,0 +551240,0 +551241,0 +551242,0 +551243,0 +551244,0 +551245,0 +551246,0 +551247,0 +551248,0 +551249,0 +551250,0 +551251,27 +551252,40 +551253,40 +551254,40 +551255,40 +551256,40 +551257,5 +551258,5 +551259,5 +551260,19 +551261,19 +551262,19 +551263,35 +551264,35 +551265,35 +551266,27 +551267,27 +551268,27 +551269,27 +551270,27 +551271,27 +551272,8 +551273,8 +551274,8 +551275,8 +551276,8 +551277,8 +551278,8 +551279,28 +551280,28 +551281,28 +551282,28 +551283,28 +551284,28 +551285,14 +551286,14 +551287,14 +551288,14 +551289,14 +551290,14 +551291,36 +551292,36 +551293,36 +551294,36 +551295,14 +551296,36 +551297,36 +551298,36 +551299,40 +551300,5 +551301,5 +551302,5 +551303,5 +551304,5 +551305,5 +551306,39 +551307,39 +551308,39 +551309,14 +551310,14 +551311,14 +551312,14 +551313,14 +551314,39 +551315,2 +551316,2 +551317,2 +551318,2 +551319,2 +551320,2 +551321,2 +551322,2 +551323,2 +551324,2 +551325,2 +551326,2 +551327,40 +551328,40 +551329,40 +551330,40 +551331,40 +551332,40 +551333,40 +551334,40 +551335,40 +551336,19 +551337,19 +551338,19 +551339,19 +551340,35 +551341,35 +551342,35 +551343,35 +551344,35 +551345,35 +551346,35 +551347,35 +551348,35 +551349,35 +551350,39 +551351,39 +551352,39 +551353,39 +551354,39 +551355,39 +551356,39 +551357,39 +551358,39 +551359,39 +551360,39 +551361,39 +551362,39 +551363,12 +551364,12 +551365,12 +551366,12 +551367,12 +551368,12 +551369,12 +551370,12 +551371,12 +551372,12 +551373,12 +551374,12 +551375,12 +551376,12 +551377,12 +551378,31 +551379,31 +551380,31 +551381,31 +551382,8 +551383,8 +551384,8 +551385,8 +551386,8 +551387,31 +551388,31 +551389,31 +551390,31 +551391,31 +551392,5 +551393,5 +551394,5 +551395,5 +551396,5 +551397,5 +551398,5 +551399,5 +551400,5 +551401,9 +551402,9 +551403,9 +551404,9 +551405,9 +551406,9 +551407,9 +551408,9 +551409,9 +551410,9 +551411,9 +551412,9 +551413,9 +551414,9 +551415,9 +551416,9 +551417,9 +551418,9 +551419,9 +551420,9 +551421,30 +551422,9 +551423,9 +551424,9 +551425,9 +551426,37 +551427,37 +551428,37 +551429,37 +551430,37 +551431,37 +551432,37 +551433,37 +551434,37 +551435,37 +551436,37 +551437,37 +551438,37 +551439,26 +551440,26 +551441,26 +551442,26 +551443,26 +551444,26 +551445,26 +551446,26 +551447,30 +551448,26 +551449,9 +551450,9 +551451,9 +551452,9 +551453,9 +551454,9 +551455,9 +551456,30 +551457,30 +551458,0 +551459,0 +551460,0 +551461,0 +551462,0 +551463,0 +551464,0 +551465,0 +551466,0 +551467,0 +551468,0 +551469,0 +551470,0 +551471,0 +551472,0 +551473,0 +551474,0 +551475,0 +551476,0 +551477,0 +551478,0 +551479,0 +551480,0 +551481,0 +551482,0 +551483,0 +551484,0 +551485,0 +551486,0 +551487,0 +551488,0 +551489,0 +551490,0 +551491,0 +551492,0 +551493,0 +551494,0 +551495,11 +551496,11 +551497,11 +551498,11 +551499,11 +551500,11 +551501,11 +551502,11 +551503,11 +551504,11 +551505,11 +551506,11 +551507,11 +551508,11 +551509,11 +551510,11 +551511,14 +551512,14 +551513,14 +551514,31 +551515,5 +551516,5 +551517,5 +551518,5 +551519,5 +551520,5 +551521,5 +551522,5 +551523,14 +551524,14 +551525,14 +551526,14 +551527,14 +551528,14 +551529,14 +551530,14 +551531,14 +551532,14 +551533,28 +551534,28 +551535,28 +551536,28 +551537,28 +551538,28 +551539,28 +551540,4 +551541,4 +551542,4 +551543,4 +551544,4 +551545,27 +551546,27 +551547,27 +551548,27 +551549,27 +551550,27 +551551,28 +551552,28 +551553,28 +551554,28 +551555,28 +551556,28 +551557,28 +551558,28 +551559,28 +551560,28 +551561,2 +551562,2 +551563,2 +551564,2 +551565,2 +551566,2 +551567,2 +551568,2 +551569,2 +551570,2 +551571,2 +551572,36 +551573,36 +551574,36 +551575,36 +551576,36 +551577,36 +551578,36 +551579,36 +551580,36 +551581,36 +551582,36 +551583,36 +551584,28 +551585,28 +551586,28 +551587,28 +551588,28 +551589,28 +551590,28 +551591,2 +551592,2 +551593,2 +551594,2 +551595,2 +551596,2 +551597,2 +551598,2 +551599,2 +551600,2 +551601,2 +551602,31 +551603,31 +551604,31 +551605,31 +551606,31 +551607,31 +551608,31 +551609,31 +551610,31 +551611,5 +551612,5 +551613,5 +551614,5 +551615,5 +551616,5 +551617,5 +551618,5 +551619,5 +551620,5 +551621,5 +551622,5 +551623,5 +551624,5 +551625,5 +551626,5 +551627,5 +551628,0 +551629,0 +551630,0 +551631,0 +551632,15 +551633,15 +551634,0 +551635,0 +551636,0 +551637,0 +551638,0 +551639,0 +551640,15 +551641,15 +551642,15 +551643,15 +551644,27 +551645,27 +551646,27 +551647,27 +551648,27 +551649,6 +551650,6 +551651,6 +551652,35 +551653,35 +551654,21 +551655,40 +551656,40 +551657,40 +551658,40 +551659,27 +551660,27 +551661,27 +551662,27 +551663,8 +551664,8 +551665,8 +551666,8 +551667,8 +551668,8 +551669,8 +551670,8 +551671,8 +551672,35 +551673,35 +551674,35 +551675,35 +551676,35 +551677,39 +551678,39 +551679,39 +551680,12 +551681,12 +551682,12 +551683,12 +551684,31 +551685,31 +551686,31 +551687,31 +551688,8 +551689,8 +551690,8 +551691,8 +551692,8 +551693,8 +551694,8 +551695,8 +551696,15 +551697,19 +551698,19 +551699,19 +551700,19 +551701,19 +551702,19 +551703,4 +551704,19 +551705,19 +551706,9 +551707,30 +551708,30 +551709,30 +551710,26 +551711,26 +551712,26 +551713,26 +551714,26 +551715,10 +551716,26 +551717,26 +551718,26 +551719,10 +551720,10 +551721,10 +551722,10 +551723,10 +551724,10 +551725,10 +551726,10 +551727,10 +551728,10 +551729,10 +551730,10 +551731,10 +551732,10 +551733,10 +551734,10 +551735,10 +551736,10 +551737,10 +551738,5 +551739,5 +551740,5 +551741,13 +551742,13 +551743,13 +551744,13 +551745,13 +551746,13 +551747,13 +551748,13 +551749,13 +551750,19 +551751,19 +551752,19 +551753,19 +551754,19 +551755,19 +551756,19 +551757,0 +551758,0 +551759,0 +551760,0 +551761,0 +551762,0 +551763,0 +551764,0 +551765,0 +551766,0 +551767,0 +551768,0 +551769,0 +551770,0 +551771,0 +551772,0 +551773,0 +551774,0 +551775,0 +551776,0 +551777,0 +551778,0 +551779,0 +551780,0 +551781,0 +551782,15 +551783,15 +551784,15 +551785,15 +551786,31 +551787,4 +551788,4 +551789,31 +551790,31 +551791,31 +551792,31 +551793,31 +551794,31 +551795,31 +551796,30 +551797,30 +551798,30 +551799,30 +551800,30 +551801,30 +551802,30 +551803,30 +551804,30 +551805,31 +551806,31 +551807,31 +551808,31 +551809,31 +551810,31 +551811,32 +551812,32 +551813,32 +551814,32 +551815,32 +551816,32 +551817,32 +551818,32 +551819,32 +551820,32 +551821,30 +551822,30 +551823,30 +551824,30 +551825,36 +551826,36 +551827,14 +551828,14 +551829,40 +551830,40 +551831,5 +551832,5 +551833,5 +551834,5 +551835,5 +551836,4 +551837,4 +551838,4 +551839,4 +551840,4 +551841,4 +551842,4 +551843,4 +551844,14 +551845,14 +551846,14 +551847,14 +551848,14 +551849,14 +551850,14 +551851,14 +551852,27 +551853,14 +551854,14 +551855,11 +551856,11 +551857,11 +551858,11 +551859,11 +551860,11 +551861,11 +551862,11 +551863,11 +551864,11 +551865,11 +551866,11 +551867,11 +551868,11 +551869,31 +551870,31 +551871,31 +551872,31 +551873,31 +551874,31 +551875,31 +551876,31 +551877,31 +551878,31 +551879,5 +551880,5 +551881,5 +551882,5 +551883,5 +551884,5 +551885,5 +551886,5 +551887,5 +551888,5 +551889,5 +551890,13 +551891,13 +551892,13 +551893,13 +551894,13 +551895,13 +551896,13 +551897,13 +551898,13 +551899,35 +551900,35 +551901,35 +551902,35 +551903,35 +551904,35 +551905,35 +551906,35 +551907,35 +551908,35 +551909,35 +551910,35 +551911,35 +551912,39 +551913,39 +551914,39 +551915,3 +551916,3 +551917,12 +551918,12 +551919,12 +551920,3 +551921,3 +551922,31 +551923,31 +551924,31 +551925,3 +551926,31 +551927,31 +551928,8 +551929,8 +551930,8 +551931,8 +551932,8 +551933,8 +551934,8 +551935,8 +551936,8 +551937,8 +551938,8 +551939,5 +551940,5 +551941,5 +551942,5 +551943,5 +551944,33 +551945,33 +551946,33 +551947,33 +551948,40 +551949,33 +551950,33 +551951,37 +551952,37 +551953,25 +551954,25 +551955,25 +551956,25 +551957,25 +551958,25 +551959,5 +551960,5 +551961,5 +551962,5 +551963,5 +551964,5 +551965,36 +551966,36 +551967,36 +551968,40 +551969,40 +551970,40 +551971,40 +551972,40 +551973,40 +551974,40 +551975,40 +551976,40 +551977,40 +551978,40 +551979,40 +551980,40 +551981,40 +551982,40 +551983,27 +551984,8 +551985,8 +551986,8 +551987,8 +551988,8 +551989,8 +551990,8 +551991,8 +551992,8 +551993,8 +551994,8 +551995,8 +551996,8 +551997,7 +551998,7 +551999,40 +552000,40 +552001,40 +552002,40 +552003,40 +552004,40 +552005,14 +552006,14 +552007,40 +552008,33 +552009,33 +552010,33 +552011,33 +552012,33 +552013,33 +552014,33 +552015,33 +552016,33 +552017,33 +552018,33 +552019,33 +552020,33 +552021,33 +552022,28 +552023,28 +552024,28 +552025,28 +552026,28 +552027,28 +552028,28 +552029,28 +552030,5 +552031,26 +552032,26 +552033,26 +552034,26 +552035,26 +552036,26 +552037,26 +552038,37 +552039,26 +552040,26 +552041,37 +552042,37 +552043,38 +552044,24 +552045,24 +552046,29 +552047,29 +552048,38 +552049,38 +552050,29 +552051,38 +552052,27 +552053,27 +552054,27 +552055,27 +552056,27 +552057,27 +552058,27 +552059,27 +552060,31 +552061,8 +552062,8 +552063,2 +552064,2 +552065,2 +552066,2 +552067,2 +552068,2 +552069,2 +552070,2 +552071,2 +552072,2 +552073,2 +552074,2 +552075,2 +552076,2 +552077,2 +552078,31 +552079,31 +552080,31 +552081,31 +552082,5 +552083,5 +552084,5 +552085,5 +552086,5 +552087,15 +552088,15 +552089,15 +552090,15 +552091,15 +552092,31 +552093,31 +552094,31 +552095,31 +552096,31 +552097,31 +552098,31 +552099,31 +552100,31 +552101,16 +552102,16 +552103,16 +552104,16 +552105,16 +552106,16 +552107,16 +552108,16 +552109,16 +552110,16 +552111,16 +552112,16 +552113,36 +552114,36 +552115,36 +552116,36 +552117,36 +552118,36 +552119,36 +552120,36 +552121,36 +552122,36 +552123,36 +552124,36 +552125,36 +552126,36 +552127,30 +552128,30 +552129,30 +552130,30 +552131,30 +552132,30 +552133,34 +552134,34 +552135,34 +552136,4 +552137,0 +552138,0 +552139,0 +552140,0 +552141,0 +552142,6 +552143,6 +552144,0 +552145,0 +552146,0 +552147,0 +552148,0 +552149,0 +552150,0 +552151,0 +552152,0 +552153,0 +552154,0 +552155,0 +552156,0 +552157,0 +552158,0 +552159,0 +552160,0 +552161,0 +552162,0 +552163,0 +552164,0 +552165,0 +552166,0 +552167,0 +552168,0 +552169,0 +552170,0 +552171,0 +552172,0 +552173,0 +552174,0 +552175,0 +552176,0 +552177,0 +552178,0 +552179,0 +552180,0 +552181,0 +552182,0 +552183,0 +552184,0 +552185,0 +552186,0 +552187,0 +552188,0 +552189,0 +552190,0 +552191,0 +552192,0 +552193,0 +552194,0 +552195,0 +552196,0 +552197,0 +552198,0 +552199,0 +552200,0 +552201,0 +552202,0 +552203,0 +552204,0 +552205,0 +552206,0 +552207,0 +552208,0 +552209,0 +552210,0 +552211,0 +552212,0 +552213,0 +552214,0 +552215,0 +552216,0 +552217,36 +552218,36 +552219,36 +552220,36 +552221,36 +552222,36 +552223,36 +552224,36 +552225,36 +552226,36 +552227,36 +552228,36 +552229,36 +552230,36 +552231,36 +552232,36 +552233,23 +552234,23 +552235,23 +552236,23 +552237,4 +552238,4 +552239,4 +552240,4 +552241,23 +552242,4 +552243,4 +552244,4 +552245,4 +552246,19 +552247,19 +552248,12 +552249,12 +552250,12 +552251,12 +552252,12 +552253,12 +552254,12 +552255,12 +552256,12 +552257,12 +552258,12 +552259,12 +552260,12 +552261,31 +552262,31 +552263,31 +552264,31 +552265,8 +552266,27 +552267,27 +552268,27 +552269,27 +552270,27 +552271,31 +552272,31 +552273,31 +552274,31 +552275,2 +552276,2 +552277,2 +552278,2 +552279,2 +552280,2 +552281,2 +552282,2 +552283,2 +552284,2 +552285,2 +552286,2 +552287,9 +552288,9 +552289,9 +552290,9 +552291,9 +552292,9 +552293,9 +552294,9 +552295,9 +552296,9 +552297,9 +552298,13 +552299,13 +552300,13 +552301,5 +552302,5 +552303,5 +552304,5 +552305,5 +552306,5 +552307,5 +552308,12 +552309,12 +552310,12 +552311,12 +552312,12 +552313,12 +552314,12 +552315,31 +552316,31 +552317,8 +552318,8 +552319,8 +552320,8 +552321,8 +552322,8 +552323,8 +552324,8 +552325,8 +552326,28 +552327,28 +552328,28 +552329,28 +552330,28 +552331,28 +552332,28 +552333,14 +552334,14 +552335,14 +552336,14 +552337,14 +552338,14 +552339,14 +552340,14 +552341,14 +552342,14 +552343,14 +552344,14 +552345,19 +552346,19 +552347,19 +552348,19 +552349,19 +552350,19 +552351,19 +552352,31 +552353,31 +552354,31 +552355,31 +552356,15 +552357,15 +552358,15 +552359,15 +552360,15 +552361,15 +552362,34 +552363,34 +552364,34 +552365,34 +552366,34 +552367,34 +552368,34 +552369,34 +552370,34 +552371,4 +552372,4 +552373,4 +552374,4 +552375,4 +552376,4 +552377,4 +552378,4 +552379,3 +552380,3 +552381,3 +552382,3 +552383,3 +552384,3 +552385,3 +552386,28 +552387,28 +552388,28 +552389,28 +552390,28 +552391,28 +552392,28 +552393,28 +552394,14 +552395,14 +552396,14 +552397,14 +552398,14 +552399,14 +552400,6 +552401,6 +552402,6 +552403,6 +552404,6 +552405,36 +552406,10 +552407,10 +552408,10 +552409,10 +552410,10 +552411,10 +552412,10 +552413,10 +552414,10 +552415,10 +552416,10 +552417,10 +552418,10 +552419,8 +552420,8 +552421,8 +552422,8 +552423,8 +552424,8 +552425,8 +552426,8 +552427,8 +552428,8 +552429,8 +552430,8 +552431,32 +552432,32 +552433,32 +552434,32 +552435,32 +552436,32 +552437,32 +552438,14 +552439,14 +552440,14 +552441,14 +552442,14 +552443,14 +552444,14 +552445,14 +552446,2 +552447,2 +552448,2 +552449,2 +552450,2 +552451,2 +552452,2 +552453,2 +552454,2 +552455,2 +552456,2 +552457,31 +552458,31 +552459,31 +552460,31 +552461,31 +552462,5 +552463,5 +552464,5 +552465,5 +552466,5 +552467,5 +552468,5 +552469,5 +552470,31 +552471,32 +552472,32 +552473,32 +552474,32 +552475,32 +552476,23 +552477,32 +552478,32 +552479,32 +552480,0 +552481,32 +552482,32 +552483,32 +552484,37 +552485,37 +552486,37 +552487,37 +552488,37 +552489,37 +552490,37 +552491,37 +552492,26 +552493,26 +552494,26 +552495,26 +552496,26 +552497,26 +552498,26 +552499,26 +552500,26 +552501,5 +552502,5 +552503,5 +552504,5 +552505,5 +552506,5 +552507,5 +552508,5 +552509,5 +552510,5 +552511,5 +552512,5 +552513,8 +552514,8 +552515,8 +552516,8 +552517,8 +552518,8 +552519,8 +552520,8 +552521,8 +552522,8 +552523,8 +552524,2 +552525,2 +552526,2 +552527,2 +552528,2 +552529,2 +552530,2 +552531,2 +552532,2 +552533,0 +552534,0 +552535,0 +552536,0 +552537,0 +552538,0 +552539,0 +552540,0 +552541,0 +552542,0 +552543,0 +552544,0 +552545,0 +552546,0 +552547,0 +552548,0 +552549,0 +552550,36 +552551,36 +552552,31 +552553,31 +552554,31 +552555,31 +552556,31 +552557,31 +552558,36 +552559,36 +552560,5 +552561,5 +552562,5 +552563,5 +552564,29 +552565,29 +552566,29 +552567,31 +552568,40 +552569,40 +552570,40 +552571,40 +552572,40 +552573,40 +552574,4 +552575,32 +552576,32 +552577,4 +552578,4 +552579,32 +552580,2 +552581,2 +552582,2 +552583,2 +552584,2 +552585,2 +552586,2 +552587,2 +552588,2 +552589,2 +552590,9 +552591,9 +552592,9 +552593,9 +552594,9 +552595,9 +552596,9 +552597,9 +552598,13 +552599,13 +552600,13 +552601,13 +552602,13 +552603,13 +552604,13 +552605,27 +552606,27 +552607,27 +552608,27 +552609,27 +552610,27 +552611,27 +552612,8 +552613,8 +552614,8 +552615,2 +552616,2 +552617,2 +552618,2 +552619,2 +552620,2 +552621,2 +552622,2 +552623,2 +552624,2 +552625,2 +552626,31 +552627,31 +552628,31 +552629,9 +552630,9 +552631,9 +552632,9 +552633,13 +552634,13 +552635,13 +552636,13 +552637,13 +552638,13 +552639,13 +552640,13 +552641,13 +552642,13 +552643,13 +552644,13 +552645,15 +552646,15 +552647,15 +552648,15 +552649,10 +552650,10 +552651,10 +552652,10 +552653,10 +552654,10 +552655,10 +552656,31 +552657,19 +552658,19 +552659,19 +552660,19 +552661,19 +552662,19 +552663,19 +552664,19 +552665,19 +552666,34 +552667,34 +552668,34 +552669,34 +552670,34 +552671,34 +552672,36 +552673,5 +552674,5 +552675,5 +552676,5 +552677,5 +552678,2 +552679,5 +552680,2 +552681,2 +552682,2 +552683,2 +552684,2 +552685,2 +552686,2 +552687,2 +552688,2 +552689,27 +552690,27 +552691,27 +552692,27 +552693,13 +552694,13 +552695,13 +552696,13 +552697,13 +552698,21 +552699,21 +552700,21 +552701,21 +552702,21 +552703,21 +552704,21 +552705,25 +552706,25 +552707,25 +552708,25 +552709,25 +552710,25 +552711,25 +552712,25 +552713,25 +552714,30 +552715,30 +552716,30 +552717,30 +552718,30 +552719,30 +552720,30 +552721,2 +552722,2 +552723,2 +552724,2 +552725,2 +552726,2 +552727,2 +552728,39 +552729,39 +552730,39 +552731,39 +552732,39 +552733,39 +552734,39 +552735,24 +552736,24 +552737,24 +552738,24 +552739,24 +552740,24 +552741,27 +552742,27 +552743,27 +552744,5 +552745,5 +552746,5 +552747,5 +552748,5 +552749,5 +552750,4 +552751,4 +552752,4 +552753,4 +552754,4 +552755,4 +552756,4 +552757,4 +552758,31 +552759,31 +552760,31 +552761,31 +552762,31 +552763,29 +552764,29 +552765,29 +552766,29 +552767,29 +552768,31 +552769,31 +552770,31 +552771,31 +552772,31 +552773,31 +552774,31 +552775,2 +552776,2 +552777,2 +552778,2 +552779,2 +552780,2 +552781,2 +552782,2 +552783,2 +552784,2 +552785,2 +552786,2 +552787,4 +552788,4 +552789,4 +552790,4 +552791,4 +552792,4 +552793,4 +552794,14 +552795,14 +552796,14 +552797,14 +552798,14 +552799,14 +552800,14 +552801,14 +552802,14 +552803,14 +552804,14 +552805,14 +552806,14 +552807,14 +552808,14 +552809,14 +552810,14 +552811,14 +552812,14 +552813,39 +552814,39 +552815,39 +552816,39 +552817,0 +552818,0 +552819,0 +552820,0 +552821,0 +552822,0 +552823,0 +552824,0 +552825,0 +552826,0 +552827,0 +552828,0 +552829,0 +552830,0 +552831,0 +552832,0 +552833,0 +552834,0 +552835,0 +552836,0 +552837,0 +552838,0 +552839,0 +552840,0 +552841,0 +552842,0 +552843,0 +552844,0 +552845,0 +552846,0 +552847,0 +552848,0 +552849,0 +552850,0 +552851,0 +552852,0 +552853,0 +552854,0 +552855,0 +552856,0 +552857,0 +552858,0 +552859,0 +552860,0 +552861,0 +552862,0 +552863,0 +552864,0 +552865,0 +552866,0 +552867,0 +552868,0 +552869,0 +552870,0 +552871,0 +552872,0 +552873,0 +552874,0 +552875,0 +552876,0 +552877,0 +552878,0 +552879,0 +552880,0 +552881,0 +552882,0 +552883,0 +552884,0 +552885,0 +552886,0 +552887,0 +552888,0 +552889,0 +552890,0 +552891,0 +552892,0 +552893,0 +552894,0 +552895,0 +552896,0 +552897,0 +552898,0 +552899,0 +552900,0 +552901,33 +552902,33 +552903,33 +552904,33 +552905,33 +552906,33 +552907,33 +552908,33 +552909,33 +552910,28 +552911,28 +552912,28 +552913,28 +552914,28 +552915,28 +552916,28 +552917,14 +552918,14 +552919,14 +552920,14 +552921,14 +552922,14 +552923,14 +552924,14 +552925,14 +552926,14 +552927,10 +552928,10 +552929,10 +552930,10 +552931,10 +552932,10 +552933,10 +552934,10 +552935,10 +552936,10 +552937,10 +552938,10 +552939,36 +552940,36 +552941,36 +552942,10 +552943,10 +552944,10 +552945,10 +552946,10 +552947,5 +552948,5 +552949,5 +552950,5 +552951,5 +552952,5 +552953,5 +552954,5 +552955,5 +552956,5 +552957,5 +552958,5 +552959,9 +552960,9 +552961,9 +552962,9 +552963,33 +552964,9 +552965,33 +552966,33 +552967,33 +552968,30 +552969,30 +552970,30 +552971,30 +552972,30 +552973,11 +552974,11 +552975,11 +552976,11 +552977,11 +552978,11 +552979,11 +552980,11 +552981,33 +552982,33 +552983,33 +552984,33 +552985,33 +552986,33 +552987,33 +552988,33 +552989,33 +552990,33 +552991,33 +552992,8 +552993,8 +552994,8 +552995,8 +552996,8 +552997,8 +552998,8 +552999,8 +553000,31 +553001,31 +553002,24 +553003,24 +553004,24 +553005,24 +553006,29 +553007,31 +553008,31 +553009,31 +553010,31 +553011,31 +553012,31 +553013,31 +553014,31 +553015,32 +553016,32 +553017,32 +553018,32 +553019,32 +553020,32 +553021,32 +553022,32 +553023,32 +553024,11 +553025,11 +553026,11 +553027,11 +553028,11 +553029,11 +553030,11 +553031,11 +553032,39 +553033,39 +553034,39 +553035,39 +553036,39 +553037,39 +553038,39 +553039,39 +553040,32 +553041,32 +553042,32 +553043,32 +553044,32 +553045,32 +553046,32 +553047,32 +553048,32 +553049,32 +553050,32 +553051,32 +553052,26 +553053,26 +553054,26 +553055,26 +553056,26 +553057,26 +553058,26 +553059,4 +553060,32 +553061,32 +553062,32 +553063,32 +553064,32 +553065,29 +553066,29 +553067,29 +553068,29 +553069,29 +553070,14 +553071,1 +553072,27 +553073,27 +553074,1 +553075,39 +553076,39 +553077,39 +553078,39 +553079,39 +553080,39 +553081,39 +553082,39 +553083,39 +553084,39 +553085,39 +553086,39 +553087,39 +553088,39 +553089,39 +553090,39 +553091,0 +553092,0 +553093,0 +553094,0 +553095,0 +553096,29 +553097,32 +553098,32 +553099,40 +553100,40 +553101,40 +553102,36 +553103,40 +553104,40 +553105,40 +553106,40 +553107,27 +553108,27 +553109,27 +553110,4 +553111,4 +553112,14 +553113,0 +553114,14 +553115,14 +553116,14 +553117,39 +553118,39 +553119,0 +553120,0 +553121,0 +553122,39 +553123,0 +553124,0 +553125,0 +553126,0 +553127,0 +553128,0 +553129,0 +553130,0 +553131,0 +553132,0 +553133,0 +553134,0 +553135,0 +553136,0 +553137,0 +553138,0 +553139,0 +553140,0 +553141,0 +553142,0 +553143,0 +553144,0 +553145,0 +553146,0 +553147,0 +553148,0 +553149,0 +553150,0 +553151,0 +553152,0 +553153,0 +553154,0 +553155,0 +553156,0 +553157,0 +553158,0 +553159,0 +553160,0 +553161,0 +553162,0 +553163,0 +553164,0 +553165,0 +553166,0 +553167,0 +553168,0 +553169,0 +553170,0 +553171,0 +553172,0 +553173,0 +553174,0 +553175,0 +553176,0 +553177,0 +553178,0 +553179,0 +553180,0 +553181,0 +553182,0 +553183,0 +553184,0 +553185,0 +553186,29 +553187,29 +553188,29 +553189,29 +553190,29 +553191,29 +553192,29 +553193,29 +553194,31 +553195,31 +553196,31 +553197,31 +553198,28 +553199,28 +553200,28 +553201,28 +553202,28 +553203,28 +553204,28 +553205,28 +553206,28 +553207,28 +553208,40 +553209,40 +553210,40 +553211,40 +553212,40 +553213,40 +553214,40 +553215,40 +553216,40 +553217,40 +553218,5 +553219,5 +553220,5 +553221,5 +553222,5 +553223,5 +553224,5 +553225,5 +553226,9 +553227,9 +553228,37 +553229,37 +553230,37 +553231,37 +553232,37 +553233,37 +553234,37 +553235,37 +553236,37 +553237,37 +553238,37 +553239,37 +553240,37 +553241,25 +553242,25 +553243,2 +553244,2 +553245,2 +553246,2 +553247,2 +553248,2 +553249,2 +553250,2 +553251,32 +553252,32 +553253,32 +553254,32 +553255,32 +553256,37 +553257,37 +553258,37 +553259,39 +553260,39 +553261,39 +553262,39 +553263,39 +553264,4 +553265,4 +553266,4 +553267,4 +553268,4 +553269,4 +553270,4 +553271,4 +553272,27 +553273,27 +553274,27 +553275,27 +553276,27 +553277,6 +553278,6 +553279,4 +553280,4 +553281,4 +553282,4 +553283,4 +553284,4 +553285,4 +553286,4 +553287,4 +553288,4 +553289,3 +553290,3 +553291,3 +553292,33 +553293,3 +553294,30 +553295,30 +553296,30 +553297,30 +553298,25 +553299,25 +553300,25 +553301,25 +553302,25 +553303,25 +553304,25 +553305,25 +553306,25 +553307,25 +553308,25 +553309,25 +553310,25 +553311,25 +553312,25 +553313,25 +553314,31 +553315,31 +553316,31 +553317,31 +553318,31 +553319,31 +553320,15 +553321,32 +553322,32 +553323,32 +553324,32 +553325,40 +553326,40 +553327,40 +553328,40 +553329,40 +553330,40 +553331,40 +553332,30 +553333,30 +553334,30 +553335,30 +553336,34 +553337,4 +553338,4 +553339,4 +553340,4 +553341,4 +553342,4 +553343,4 +553344,4 +553345,29 +553346,29 +553347,29 +553348,31 +553349,31 +553350,31 +553351,31 +553352,31 +553353,15 +553354,15 +553355,15 +553356,15 +553357,15 +553358,15 +553359,15 +553360,15 +553361,15 +553362,15 +553363,15 +553364,15 +553365,39 +553366,39 +553367,39 +553368,39 +553369,39 +553370,39 +553371,39 +553372,39 +553373,39 +553374,39 +553375,27 +553376,39 +553377,39 +553378,39 +553379,39 +553380,27 +553381,27 +553382,27 +553383,37 +553384,37 +553385,37 +553386,37 +553387,37 +553388,37 +553389,37 +553390,37 +553391,37 +553392,37 +553393,25 +553394,25 +553395,25 +553396,25 +553397,25 +553398,25 +553399,25 +553400,19 +553401,19 +553402,19 +553403,19 +553404,19 +553405,19 +553406,36 +553407,36 +553408,36 +553409,36 +553410,36 +553411,40 +553412,40 +553413,40 +553414,40 +553415,40 +553416,40 +553417,40 +553418,36 +553419,36 +553420,36 +553421,8 +553422,8 +553423,8 +553424,8 +553425,8 +553426,8 +553427,2 +553428,2 +553429,31 +553430,31 +553431,32 +553432,32 +553433,32 +553434,32 +553435,32 +553436,32 +553437,34 +553438,34 +553439,34 +553440,34 +553441,34 +553442,34 +553443,34 +553444,34 +553445,34 +553446,34 +553447,34 +553448,38 +553449,4 +553450,4 +553451,0 +553452,0 +553453,29 +553454,29 +553455,29 +553456,29 +553457,29 +553458,29 +553459,31 +553460,31 +553461,31 +553462,35 +553463,35 +553464,35 +553465,35 +553466,35 +553467,35 +553468,35 +553469,35 +553470,35 +553471,35 +553472,35 +553473,35 +553474,40 +553475,40 +553476,36 +553477,36 +553478,36 +553479,36 +553480,40 +553481,40 +553482,40 +553483,40 +553484,40 +553485,40 +553486,40 +553487,40 +553488,40 +553489,37 +553490,37 +553491,37 +553492,37 +553493,37 +553494,37 +553495,25 +553496,25 +553497,25 +553498,25 +553499,25 +553500,25 +553501,25 +553502,25 +553503,25 +553504,25 +553505,25 +553506,25 +553507,25 +553508,37 +553509,37 +553510,0 +553511,0 +553512,0 +553513,0 +553514,0 +553515,0 +553516,0 +553517,0 +553518,0 +553519,0 +553520,0 +553521,0 +553522,0 +553523,0 +553524,0 +553525,0 +553526,0 +553527,0 +553528,0 +553529,0 +553530,0 +553531,0 +553532,0 +553533,0 +553534,0 +553535,0 +553536,0 +553537,0 +553538,0 +553539,0 +553540,0 +553541,0 +553542,0 +553543,0 +553544,0 +553545,0 +553546,0 +553547,0 +553548,0 +553549,0 +553550,0 +553551,0 +553552,0 +553553,0 +553554,0 +553555,0 +553556,0 +553557,0 +553558,29 +553559,29 +553560,29 +553561,29 +553562,29 +553563,29 +553564,31 +553565,31 +553566,31 +553567,31 +553568,23 +553569,23 +553570,23 +553571,23 +553572,23 +553573,23 +553574,23 +553575,23 +553576,36 +553577,36 +553578,36 +553579,36 +553580,36 +553581,36 +553582,36 +553583,36 +553584,36 +553585,36 +553586,36 +553587,11 +553588,11 +553589,11 +553590,11 +553591,11 +553592,16 +553593,16 +553594,16 +553595,16 +553596,11 +553597,11 +553598,11 +553599,11 +553600,11 +553601,11 +553602,5 +553603,5 +553604,5 +553605,5 +553606,5 +553607,31 +553608,31 +553609,31 +553610,31 +553611,31 +553612,31 +553613,12 +553614,12 +553615,12 +553616,12 +553617,12 +553618,12 +553619,12 +553620,12 +553621,12 +553622,12 +553623,12 +553624,12 +553625,12 +553626,12 +553627,12 +553628,40 +553629,40 +553630,40 +553631,40 +553632,40 +553633,40 +553634,40 +553635,37 +553636,37 +553637,25 +553638,25 +553639,25 +553640,27 +553641,27 +553642,27 +553643,27 +553644,27 +553645,27 +553646,27 +553647,27 +553648,13 +553649,13 +553650,13 +553651,13 +553652,13 +553653,13 +553654,13 +553655,13 +553656,29 +553657,29 +553658,29 +553659,29 +553660,31 +553661,31 +553662,31 +553663,31 +553664,31 +553665,15 +553666,15 +553667,15 +553668,15 +553669,15 +553670,15 +553671,27 +553672,27 +553673,27 +553674,27 +553675,27 +553676,27 +553677,27 +553678,27 +553679,27 +553680,27 +553681,37 +553682,25 +553683,25 +553684,25 +553685,25 +553686,37 +553687,37 +553688,19 +553689,19 +553690,19 +553691,19 +553692,19 +553693,19 +553694,24 +553695,24 +553696,24 +553697,24 +553698,24 +553699,24 +553700,24 +553701,24 +553702,40 +553703,40 +553704,40 +553705,40 +553706,40 +553707,40 +553708,40 +553709,40 +553710,40 +553711,40 +553712,37 +553713,37 +553714,37 +553715,37 +553716,37 +553717,37 +553718,37 +553719,37 +553720,37 +553721,39 +553722,39 +553723,39 +553724,39 +553725,14 +553726,14 +553727,14 +553728,14 +553729,14 +553730,19 +553731,19 +553732,19 +553733,19 +553734,19 +553735,19 +553736,19 +553737,19 +553738,19 +553739,19 +553740,19 +553741,19 +553742,0 +553743,0 +553744,0 +553745,0 +553746,0 +553747,0 +553748,0 +553749,0 +553750,0 +553751,0 +553752,0 +553753,0 +553754,0 +553755,0 +553756,0 +553757,0 +553758,0 +553759,0 +553760,0 +553761,0 +553762,0 +553763,0 +553764,0 +553765,0 +553766,0 +553767,0 +553768,0 +553769,0 +553770,0 +553771,0 +553772,0 +553773,0 +553774,0 +553775,0 +553776,0 +553777,0 +553778,0 +553779,0 +553780,0 +553781,0 +553782,0 +553783,0 +553784,0 +553785,0 +553786,0 +553787,0 +553788,0 +553789,0 +553790,0 +553791,0 +553792,0 +553793,0 +553794,0 +553795,0 +553796,0 +553797,0 +553798,0 +553799,0 +553800,0 +553801,0 +553802,0 +553803,0 +553804,0 +553805,0 +553806,0 +553807,0 +553808,0 +553809,0 +553810,35 +553811,35 +553812,35 +553813,35 +553814,35 +553815,27 +553816,27 +553817,27 +553818,27 +553819,27 +553820,27 +553821,8 +553822,8 +553823,8 +553824,8 +553825,8 +553826,8 +553827,8 +553828,8 +553829,8 +553830,5 +553831,5 +553832,5 +553833,5 +553834,5 +553835,5 +553836,5 +553837,5 +553838,5 +553839,5 +553840,40 +553841,40 +553842,40 +553843,40 +553844,40 +553845,40 +553846,40 +553847,40 +553848,40 +553849,40 +553850,5 +553851,5 +553852,5 +553853,5 +553854,5 +553855,5 +553856,5 +553857,5 +553858,5 +553859,5 +553860,5 +553861,5 +553862,5 +553863,5 +553864,32 +553865,32 +553866,32 +553867,32 +553868,32 +553869,32 +553870,32 +553871,32 +553872,32 +553873,32 +553874,32 +553875,32 +553876,32 +553877,32 +553878,32 +553879,35 +553880,34 +553881,34 +553882,34 +553883,34 +553884,34 +553885,34 +553886,34 +553887,34 +553888,34 +553889,34 +553890,34 +553891,5 +553892,5 +553893,5 +553894,5 +553895,5 +553896,5 +553897,19 +553898,19 +553899,27 +553900,27 +553901,27 +553902,27 +553903,19 +553904,19 +553905,19 +553906,19 +553907,19 +553908,31 +553909,31 +553910,31 +553911,31 +553912,31 +553913,31 +553914,31 +553915,31 +553916,31 +553917,31 +553918,5 +553919,5 +553920,28 +553921,28 +553922,28 +553923,28 +553924,29 +553925,29 +553926,29 +553927,31 +553928,31 +553929,31 +553930,31 +553931,31 +553932,31 +553933,31 +553934,4 +553935,4 +553936,4 +553937,4 +553938,4 +553939,4 +553940,4 +553941,4 +553942,4 +553943,4 +553944,4 +553945,4 +553946,14 +553947,14 +553948,14 +553949,14 +553950,14 +553951,14 +553952,14 +553953,14 +553954,14 +553955,14 +553956,14 +553957,14 +553958,15 +553959,15 +553960,15 +553961,15 +553962,15 +553963,15 +553964,31 +553965,31 +553966,31 +553967,31 +553968,30 +553969,30 +553970,30 +553971,30 +553972,30 +553973,30 +553974,30 +553975,30 +553976,30 +553977,30 +553978,30 +553979,30 +553980,30 +553981,30 +553982,30 +553983,30 +553984,30 +553985,30 +553986,8 +553987,8 +553988,8 +553989,8 +553990,8 +553991,8 +553992,2 +553993,2 +553994,2 +553995,2 +553996,31 +553997,31 +553998,31 +553999,31 +554000,31 +554001,5 +554002,5 +554003,5 +554004,5 +554005,5 +554006,5 +554007,5 +554008,31 +554009,11 +554010,11 +554011,11 +554012,11 +554013,11 +554014,11 +554015,11 +554016,11 +554017,11 +554018,11 +554019,11 +554020,11 +554021,11 +554022,11 +554023,11 +554024,11 +554025,11 +554026,11 +554027,34 +554028,34 +554029,34 +554030,34 +554031,34 +554032,34 +554033,34 +554034,34 +554035,34 +554036,34 +554037,34 +554038,34 +554039,34 +554040,34 +554041,4 +554042,4 +554043,4 +554044,4 +554045,27 +554046,27 +554047,27 +554048,27 +554049,27 +554050,31 +554051,27 +554052,27 +554053,27 +554054,19 +554055,19 +554056,5 +554057,19 +554058,19 +554059,19 +554060,19 +554061,19 +554062,19 +554063,19 +554064,19 +554065,19 +554066,19 +554067,19 +554068,19 +554069,19 +554070,19 +554071,19 +554072,19 +554073,19 +554074,0 +554075,0 +554076,0 +554077,0 +554078,0 +554079,0 +554080,0 +554081,0 +554082,0 +554083,0 +554084,0 +554085,0 +554086,0 +554087,0 +554088,0 +554089,0 +554090,0 +554091,0 +554092,0 +554093,0 +554094,0 +554095,0 +554096,0 +554097,0 +554098,0 +554099,0 +554100,0 +554101,0 +554102,0 +554103,0 +554104,0 +554105,0 +554106,0 +554107,0 +554108,0 +554109,0 +554110,0 +554111,0 +554112,0 +554113,0 +554114,0 +554115,0 +554116,0 +554117,0 +554118,0 +554119,0 +554120,0 +554121,0 +554122,7 +554123,7 +554124,7 +554125,7 +554126,7 +554127,7 +554128,7 +554129,7 +554130,7 +554131,7 +554132,7 +554133,7 +554134,40 +554135,36 +554136,36 +554137,36 +554138,36 +554139,36 +554140,36 +554141,36 +554142,36 +554143,36 +554144,36 +554145,36 +554146,36 +554147,36 +554148,36 +554149,36 +554150,36 +554151,36 +554152,36 +554153,36 +554154,36 +554155,36 +554156,36 +554157,2 +554158,2 +554159,2 +554160,2 +554161,2 +554162,2 +554163,2 +554164,2 +554165,2 +554166,2 +554167,2 +554168,2 +554169,2 +554170,2 +554171,2 +554172,2 +554173,2 +554174,2 +554175,2 +554176,2 +554177,2 +554178,2 +554179,2 +554180,2 +554181,2 +554182,2 +554183,2 +554184,2 +554185,2 +554186,2 +554187,2 +554188,2 +554189,2 +554190,0 +554191,0 +554192,0 +554193,0 +554194,0 +554195,0 +554196,0 +554197,0 +554198,0 +554199,0 +554200,0 +554201,0 +554202,0 +554203,0 +554204,0 +554205,0 +554206,0 +554207,0 +554208,0 +554209,0 +554210,0 +554211,7 +554212,7 +554213,7 +554214,7 +554215,7 +554216,7 +554217,7 +554218,7 +554219,7 +554220,7 +554221,40 +554222,40 +554223,40 +554224,40 +554225,36 +554226,36 +554227,36 +554228,36 +554229,36 +554230,36 +554231,36 +554232,36 +554233,36 +554234,36 +554235,36 +554236,36 +554237,36 +554238,36 +554239,36 +554240,36 +554241,36 +554242,36 +554243,36 +554244,2 +554245,2 +554246,8 +554247,8 +554248,2 +554249,2 +554250,2 +554251,2 +554252,2 +554253,2 +554254,2 +554255,2 +554256,2 +554257,2 +554258,2 +554259,2 +554260,2 +554261,2 +554262,2 +554263,2 +554264,2 +554265,2 +554266,2 +554267,2 +554268,2 +554269,2 +554270,2 +554271,0 +554272,0 +554273,0 +554274,0 +554275,0 +554276,0 +554277,0 +554278,0 +554279,0 +554280,0 +554281,0 +554282,0 +554283,0 +554284,0 +554285,0 +554286,0 +554287,0 +554288,0 +554289,0 +554290,0 +554291,0 +554292,0 +554293,0 +554294,0 +554295,0 +554296,0 +554297,0 +554298,0 +554299,0 +554300,0 +554301,0 +554302,0 +554303,0 +554304,0 +554305,0 +554306,0 +554307,0 +554308,0 +554309,0 +554310,0 +554311,0 +554312,36 +554313,36 +554314,36 +554315,36 +554316,36 +554317,36 +554318,36 +554319,40 +554320,40 +554321,5 +554322,5 +554323,5 +554324,5 +554325,5 +554326,39 +554327,39 +554328,39 +554329,39 +554330,39 +554331,39 +554332,39 +554333,39 +554334,39 +554335,12 +554336,12 +554337,12 +554338,12 +554339,12 +554340,12 +554341,12 +554342,12 +554343,40 +554344,40 +554345,40 +554346,40 +554347,40 +554348,40 +554349,40 +554350,40 +554351,37 +554352,37 +554353,37 +554354,37 +554355,37 +554356,37 +554357,37 +554358,37 +554359,37 +554360,37 +554361,37 +554362,15 +554363,15 +554364,15 +554365,15 +554366,15 +554367,39 +554368,39 +554369,39 +554370,39 +554371,39 +554372,39 +554373,39 +554374,35 +554375,35 +554376,35 +554377,35 +554378,35 +554379,10 +554380,10 +554381,10 +554382,10 +554383,10 +554384,10 +554385,10 +554386,10 +554387,10 +554388,10 +554389,10 +554390,10 +554391,10 +554392,10 +554393,10 +554394,5 +554395,5 +554396,5 +554397,5 +554398,5 +554399,19 +554400,19 +554401,14 +554402,14 +554403,14 +554404,14 +554405,14 +554406,40 +554407,40 +554408,40 +554409,40 +554410,40 +554411,40 +554412,40 +554413,40 +554414,37 +554415,37 +554416,37 +554417,37 +554418,37 +554419,37 +554420,37 +554421,37 +554422,37 +554423,37 +554424,37 +554425,37 +554426,37 +554427,27 +554428,27 +554429,40 +554430,40 +554431,40 +554432,40 +554433,40 +554434,6 +554435,6 +554436,6 +554437,6 +554438,6 +554439,6 +554440,6 +554441,6 +554442,0 +554443,0 +554444,0 +554445,0 +554446,0 +554447,0 +554448,0 +554449,0 +554450,0 +554451,0 +554452,0 +554453,0 +554454,0 +554455,0 +554456,0 +554457,0 +554458,0 +554459,0 +554460,0 +554461,0 +554462,0 +554463,0 +554464,0 +554465,0 +554466,0 +554467,0 +554468,0 +554469,0 +554470,0 +554471,0 +554472,0 +554473,0 +554474,0 +554475,0 +554476,0 +554477,0 +554478,0 +554479,0 +554480,0 +554481,0 +554482,0 +554483,0 +554484,0 +554485,0 +554486,0 +554487,0 +554488,0 +554489,0 +554490,0 +554491,0 +554492,0 +554493,0 +554494,0 +554495,0 +554496,0 +554497,0 +554498,0 +554499,0 +554500,0 +554501,0 +554502,0 +554503,0 +554504,0 +554505,0 +554506,0 +554507,0 +554508,0 +554509,0 +554510,0 +554511,0 +554512,0 +554513,0 +554514,0 +554515,0 +554516,0 +554517,0 +554518,0 +554519,0 +554520,0 +554521,0 +554522,0 +554523,0 +554524,35 +554525,35 +554526,35 +554527,35 +554528,35 +554529,35 +554530,35 +554531,35 +554532,35 +554533,35 +554534,39 +554535,39 +554536,39 +554537,39 +554538,39 +554539,39 +554540,39 +554541,39 +554542,39 +554543,2 +554544,2 +554545,2 +554546,2 +554547,2 +554548,2 +554549,2 +554550,2 +554551,2 +554552,2 +554553,4 +554554,4 +554555,4 +554556,4 +554557,4 +554558,4 +554559,4 +554560,4 +554561,10 +554562,10 +554563,10 +554564,10 +554565,10 +554566,26 +554567,26 +554568,26 +554569,26 +554570,26 +554571,26 +554572,26 +554573,26 +554574,26 +554575,26 +554576,31 +554577,31 +554578,32 +554579,32 +554580,32 +554581,32 +554582,32 +554583,32 +554584,32 +554585,4 +554586,4 +554587,4 +554588,4 +554589,4 +554590,4 +554591,27 +554592,27 +554593,27 +554594,27 +554595,8 +554596,8 +554597,8 +554598,8 +554599,8 +554600,8 +554601,8 +554602,8 +554603,8 +554604,8 +554605,2 +554606,2 +554607,9 +554608,9 +554609,9 +554610,9 +554611,9 +554612,9 +554613,9 +554614,9 +554615,9 +554616,37 +554617,37 +554618,37 +554619,37 +554620,37 +554621,37 +554622,37 +554623,37 +554624,37 +554625,2 +554626,2 +554627,2 +554628,2 +554629,2 +554630,2 +554631,2 +554632,2 +554633,2 +554634,2 +554635,2 +554636,2 +554637,2 +554638,2 +554639,2 +554640,2 +554641,2 +554642,33 +554643,33 +554644,33 +554645,30 +554646,33 +554647,30 +554648,30 +554649,30 +554650,30 +554651,30 +554652,31 +554653,31 +554654,31 +554655,31 +554656,31 +554657,31 +554658,27 +554659,27 +554660,27 +554661,31 +554662,2 +554663,2 +554664,2 +554665,2 +554666,2 +554667,2 +554668,2 +554669,2 +554670,2 +554671,2 +554672,2 +554673,27 +554674,27 +554675,27 +554676,27 +554677,27 +554678,27 +554679,27 +554680,27 +554681,5 +554682,5 +554683,5 +554684,5 +554685,5 +554686,5 +554687,5 +554688,5 +554689,5 +554690,5 +554691,5 +554692,5 +554693,5 +554694,5 +554695,5 +554696,5 +554697,5 +554698,5 +554699,5 +554700,5 +554701,0 +554702,0 +554703,0 +554704,0 +554705,0 +554706,0 +554707,0 +554708,0 +554709,0 +554710,0 +554711,0 +554712,0 +554713,0 +554714,0 +554715,0 +554716,0 +554717,0 +554718,0 +554719,0 +554720,0 +554721,0 +554722,0 +554723,0 +554724,0 +554725,0 +554726,0 +554727,0 +554728,0 +554729,0 +554730,0 +554731,0 +554732,0 +554733,0 +554734,0 +554735,0 +554736,0 +554737,0 +554738,0 +554739,0 +554740,0 +554741,0 +554742,0 +554743,0 +554744,0 +554745,0 +554746,0 +554747,0 +554748,0 +554749,0 +554750,0 +554751,0 +554752,0 +554753,0 +554754,0 +554755,0 +554756,0 +554757,0 +554758,0 +554759,0 +554760,0 +554761,0 +554762,0 +554763,0 +554764,0 +554765,0 +554766,0 +554767,0 +554768,0 +554769,15 +554770,15 +554771,15 +554772,15 +554773,23 +554774,10 +554775,10 +554776,10 +554777,10 +554778,10 +554779,10 +554780,10 +554781,10 +554782,34 +554783,10 +554784,10 +554785,10 +554786,10 +554787,30 +554788,30 +554789,30 +554790,30 +554791,30 +554792,30 +554793,30 +554794,30 +554795,30 +554796,30 +554797,30 +554798,30 +554799,33 +554800,33 +554801,33 +554802,33 +554803,33 +554804,33 +554805,33 +554806,33 +554807,33 +554808,33 +554809,33 +554810,33 +554811,33 +554812,23 +554813,23 +554814,23 +554815,23 +554816,23 +554817,23 +554818,23 +554819,23 +554820,23 +554821,33 +554822,33 +554823,27 +554824,27 +554825,31 +554826,24 +554827,24 +554828,24 +554829,24 +554830,6 +554831,6 +554832,6 +554833,6 +554834,6 +554835,6 +554836,6 +554837,6 +554838,6 +554839,6 +554840,6 +554841,6 +554842,6 +554843,6 +554844,9 +554845,9 +554846,9 +554847,9 +554848,9 +554849,37 +554850,37 +554851,37 +554852,37 +554853,37 +554854,25 +554855,11 +554856,11 +554857,11 +554858,2 +554859,2 +554860,2 +554861,2 +554862,11 +554863,11 +554864,11 +554865,32 +554866,32 +554867,32 +554868,32 +554869,32 +554870,32 +554871,32 +554872,32 +554873,15 +554874,37 +554875,37 +554876,37 +554877,37 +554878,37 +554879,37 +554880,37 +554881,37 +554882,40 +554883,40 +554884,40 +554885,40 +554886,40 +554887,40 +554888,40 +554889,40 +554890,40 +554891,40 +554892,40 +554893,40 +554894,40 +554895,40 +554896,40 +554897,40 +554898,19 +554899,19 +554900,19 +554901,19 +554902,19 +554903,19 +554904,19 +554905,19 +554906,19 +554907,19 +554908,19 +554909,19 +554910,19 +554911,0 +554912,0 +554913,0 +554914,0 +554915,0 +554916,0 +554917,0 +554918,0 +554919,0 +554920,0 +554921,0 +554922,0 +554923,0 +554924,0 +554925,0 +554926,0 +554927,0 +554928,0 +554929,0 +554930,0 +554931,0 +554932,0 +554933,0 +554934,0 +554935,0 +554936,0 +554937,0 +554938,0 +554939,0 +554940,12 +554941,12 +554942,12 +554943,12 +554944,12 +554945,12 +554946,27 +554947,27 +554948,27 +554949,27 +554950,16 +554951,16 +554952,16 +554953,16 +554954,16 +554955,16 +554956,16 +554957,16 +554958,16 +554959,10 +554960,10 +554961,10 +554962,10 +554963,10 +554964,10 +554965,10 +554966,10 +554967,32 +554968,32 +554969,32 +554970,32 +554971,32 +554972,32 +554973,32 +554974,32 +554975,32 +554976,32 +554977,32 +554978,32 +554979,32 +554980,25 +554981,25 +554982,25 +554983,25 +554984,25 +554985,25 +554986,25 +554987,5 +554988,1 +554989,5 +554990,28 +554991,28 +554992,5 +554993,5 +554994,5 +554995,9 +554996,33 +554997,33 +554998,33 +554999,33 +555000,12 +555001,12 +555002,33 +555003,12 +555004,12 +555005,12 +555006,12 +555007,17 +555008,17 +555009,17 +555010,17 +555011,17 +555012,17 +555013,17 +555014,17 +555015,17 +555016,17 +555017,10 +555018,10 +555019,10 +555020,10 +555021,28 +555022,28 +555023,28 +555024,28 +555025,28 +555026,28 +555027,5 +555028,19 +555029,19 +555030,19 +555031,19 +555032,19 +555033,19 +555034,19 +555035,19 +555036,0 +555037,0 +555038,0 +555039,0 +555040,0 +555041,0 +555042,0 +555043,0 +555044,0 +555045,0 +555046,0 +555047,0 +555048,0 +555049,0 +555050,0 +555051,0 +555052,0 +555053,0 +555054,0 +555055,0 +555056,0 +555057,0 +555058,0 +555059,0 +555060,0 +555061,0 +555062,0 +555063,0 +555064,0 +555065,0 +555066,0 +555067,0 +555068,0 +555069,0 +555070,0 +555071,0 +555072,0 +555073,0 +555074,0 +555075,0 +555076,0 +555077,0 +555078,0 +555079,0 +555080,0 +555081,0 +555082,0 +555083,0 +555084,0 +555085,0 +555086,0 +555087,0 +555088,0 +555089,0 +555090,0 +555091,0 +555092,0 +555093,0 +555094,0 +555095,0 +555096,0 +555097,0 +555098,0 +555099,0 +555100,0 +555101,0 +555102,0 +555103,0 +555104,0 +555105,0 +555106,0 +555107,0 +555108,0 +555109,0 +555110,0 +555111,0 +555112,0 +555113,0 +555114,0 +555115,0 +555116,0 +555117,31 +555118,31 +555119,31 +555120,31 +555121,31 +555122,31 +555123,31 +555124,31 +555125,5 +555126,5 +555127,5 +555128,31 +555129,31 +555130,31 +555131,31 +555132,31 +555133,6 +555134,6 +555135,6 +555136,6 +555137,6 +555138,6 +555139,6 +555140,6 +555141,6 +555142,6 +555143,6 +555144,6 +555145,6 +555146,6 +555147,31 +555148,26 +555149,31 +555150,31 +555151,31 +555152,31 +555153,31 +555154,31 +555155,31 +555156,31 +555157,31 +555158,32 +555159,32 +555160,32 +555161,32 +555162,32 +555163,32 +555164,32 +555165,32 +555166,32 +555167,0 +555168,0 +555169,0 +555170,0 +555171,0 +555172,0 +555173,0 +555174,0 +555175,0 +555176,0 +555177,0 +555178,0 +555179,0 +555180,0 +555181,0 +555182,0 +555183,0 +555184,0 +555185,0 +555186,27 +555187,0 +555188,0 +555189,0 +555190,0 +555191,0 +555192,0 +555193,0 +555194,0 +555195,0 +555196,0 +555197,0 +555198,0 +555199,0 +555200,10 +555201,10 +555202,10 +555203,10 +555204,10 +555205,10 +555206,31 +555207,31 +555208,31 +555209,31 +555210,23 +555211,23 +555212,23 +555213,23 +555214,23 +555215,23 +555216,23 +555217,23 +555218,40 +555219,40 +555220,40 +555221,40 +555222,40 +555223,40 +555224,40 +555225,30 +555226,30 +555227,30 +555228,30 +555229,30 +555230,30 +555231,31 +555232,31 +555233,31 +555234,27 +555235,27 +555236,27 +555237,1 +555238,1 +555239,6 +555240,6 +555241,6 +555242,6 +555243,27 +555244,27 +555245,27 +555246,27 +555247,21 +555248,21 +555249,21 +555250,21 +555251,4 +555252,4 +555253,21 +555254,21 +555255,27 +555256,27 +555257,40 +555258,40 +555259,40 +555260,27 +555261,27 +555262,27 +555263,27 +555264,27 +555265,27 +555266,27 +555267,27 +555268,27 +555269,5 +555270,5 +555271,5 +555272,5 +555273,5 +555274,5 +555275,5 +555276,5 +555277,31 +555278,31 +555279,31 +555280,31 +555281,31 +555282,31 +555283,31 +555284,31 +555285,31 +555286,23 +555287,23 +555288,23 +555289,23 +555290,23 +555291,23 +555292,23 +555293,25 +555294,25 +555295,25 +555296,25 +555297,29 +555298,29 +555299,29 +555300,29 +555301,31 +555302,31 +555303,31 +555304,31 +555305,31 +555306,5 +555307,5 +555308,5 +555309,5 +555310,5 +555311,31 +555312,31 +555313,31 +555314,31 +555315,28 +555316,28 +555317,28 +555318,28 +555319,28 +555320,28 +555321,28 +555322,28 +555323,28 +555324,14 +555325,14 +555326,14 +555327,14 +555328,14 +555329,14 +555330,14 +555331,6 +555332,6 +555333,6 +555334,6 +555335,31 +555336,31 +555337,31 +555338,31 +555339,31 +555340,11 +555341,11 +555342,11 +555343,11 +555344,11 +555345,11 +555346,11 +555347,11 +555348,11 +555349,11 +555350,11 +555351,11 +555352,11 +555353,11 +555354,11 +555355,33 +555356,33 +555357,33 +555358,33 +555359,33 +555360,33 +555361,33 +555362,33 +555363,17 +555364,33 +555365,33 +555366,33 +555367,27 +555368,27 +555369,27 +555370,27 +555371,13 +555372,13 +555373,13 +555374,13 +555375,13 +555376,13 +555377,13 +555378,13 +555379,13 +555380,13 +555381,13 +555382,0 +555383,0 +555384,0 +555385,0 +555386,0 +555387,0 +555388,0 +555389,0 +555390,0 +555391,0 +555392,0 +555393,0 +555394,0 +555395,0 +555396,0 +555397,0 +555398,0 +555399,0 +555400,0 +555401,0 +555402,0 +555403,0 +555404,0 +555405,0 +555406,0 +555407,0 +555408,0 +555409,0 +555410,0 +555411,0 +555412,0 +555413,0 +555414,0 +555415,0 +555416,0 +555417,0 +555418,0 +555419,0 +555420,0 +555421,0 +555422,0 +555423,0 +555424,0 +555425,0 +555426,0 +555427,0 +555428,0 +555429,0 +555430,0 +555431,0 +555432,0 +555433,0 +555434,0 +555435,0 +555436,0 +555437,0 +555438,0 +555439,0 +555440,0 +555441,0 +555442,0 +555443,0 +555444,0 +555445,0 +555446,0 +555447,0 +555448,0 +555449,0 +555450,0 +555451,0 +555452,0 +555453,0 +555454,0 +555455,0 +555456,0 +555457,0 +555458,10 +555459,10 +555460,10 +555461,10 +555462,10 +555463,10 +555464,10 +555465,10 +555466,10 +555467,10 +555468,10 +555469,10 +555470,10 +555471,2 +555472,2 +555473,2 +555474,2 +555475,2 +555476,2 +555477,2 +555478,2 +555479,2 +555480,2 +555481,31 +555482,31 +555483,31 +555484,31 +555485,31 +555486,32 +555487,32 +555488,32 +555489,32 +555490,32 +555491,32 +555492,32 +555493,32 +555494,32 +555495,33 +555496,33 +555497,33 +555498,33 +555499,33 +555500,33 +555501,33 +555502,33 +555503,33 +555504,33 +555505,33 +555506,33 +555507,33 +555508,33 +555509,33 +555510,33 +555511,8 +555512,8 +555513,8 +555514,8 +555515,8 +555516,8 +555517,8 +555518,7 +555519,7 +555520,7 +555521,7 +555522,7 +555523,22 +555524,22 +555525,22 +555526,22 +555527,37 +555528,37 +555529,37 +555530,37 +555531,37 +555532,37 +555533,37 +555534,37 +555535,35 +555536,35 +555537,35 +555538,35 +555539,35 +555540,35 +555541,35 +555542,35 +555543,35 +555544,35 +555545,35 +555546,39 +555547,39 +555548,39 +555549,39 +555550,39 +555551,39 +555552,39 +555553,39 +555554,39 +555555,37 +555556,37 +555557,37 +555558,37 +555559,37 +555560,37 +555561,37 +555562,37 +555563,37 +555564,37 +555565,37 +555566,37 +555567,37 +555568,37 +555569,37 +555570,25 +555571,25 +555572,25 +555573,25 +555574,25 +555575,25 +555576,36 +555577,36 +555578,36 +555579,36 +555580,36 +555581,36 +555582,36 +555583,36 +555584,36 +555585,36 +555586,36 +555587,36 +555588,36 +555589,36 +555590,36 +555591,36 +555592,2 +555593,2 +555594,2 +555595,2 +555596,2 +555597,2 +555598,2 +555599,6 +555600,6 +555601,6 +555602,6 +555603,31 +555604,31 +555605,31 +555606,31 +555607,31 +555608,5 +555609,5 +555610,5 +555611,5 +555612,10 +555613,10 +555614,10 +555615,10 +555616,10 +555617,10 +555618,10 +555619,10 +555620,36 +555621,36 +555622,36 +555623,36 +555624,23 +555625,23 +555626,23 +555627,23 +555628,23 +555629,23 +555630,23 +555631,4 +555632,4 +555633,4 +555634,4 +555635,4 +555636,25 +555637,25 +555638,25 +555639,25 +555640,25 +555641,15 +555642,15 +555643,15 +555644,15 +555645,15 +555646,15 +555647,15 +555648,15 +555649,15 +555650,15 +555651,26 +555652,26 +555653,26 +555654,26 +555655,26 +555656,26 +555657,26 +555658,26 +555659,26 +555660,26 +555661,26 +555662,26 +555663,26 +555664,26 +555665,26 +555666,26 +555667,26 +555668,26 +555669,37 +555670,37 +555671,37 +555672,37 +555673,37 +555674,37 +555675,37 +555676,37 +555677,37 +555678,37 +555679,37 +555680,19 +555681,19 +555682,19 +555683,19 +555684,19 +555685,19 +555686,19 +555687,19 +555688,19 +555689,19 +555690,19 +555691,19 +555692,19 +555693,19 +555694,19 +555695,0 +555696,0 +555697,0 +555698,0 +555699,0 +555700,0 +555701,0 +555702,0 +555703,0 +555704,0 +555705,0 +555706,0 +555707,0 +555708,0 +555709,0 +555710,0 +555711,0 +555712,0 +555713,0 +555714,0 +555715,0 +555716,0 +555717,0 +555718,0 +555719,0 +555720,36 +555721,36 +555722,36 +555723,36 +555724,36 +555725,36 +555726,36 +555727,36 +555728,5 +555729,5 +555730,5 +555731,19 +555732,5 +555733,5 +555734,32 +555735,32 +555736,32 +555737,32 +555738,32 +555739,32 +555740,32 +555741,32 +555742,32 +555743,22 +555744,22 +555745,22 +555746,22 +555747,30 +555748,27 +555749,27 +555750,27 +555751,27 +555752,27 +555753,32 +555754,6 +555755,4 +555756,4 +555757,4 +555758,4 +555759,4 +555760,4 +555761,4 +555762,27 +555763,27 +555764,27 +555765,27 +555766,27 +555767,27 +555768,27 +555769,27 +555770,27 +555771,5 +555772,5 +555773,5 +555774,5 +555775,5 +555776,5 +555777,4 +555778,4 +555779,4 +555780,4 +555781,4 +555782,3 +555783,3 +555784,3 +555785,3 +555786,35 +555787,3 +555788,35 +555789,35 +555790,27 +555791,3 +555792,3 +555793,2 +555794,2 +555795,2 +555796,2 +555797,2 +555798,2 +555799,2 +555800,2 +555801,2 +555802,2 +555803,2 +555804,2 +555805,4 +555806,4 +555807,4 +555808,4 +555809,4 +555810,4 +555811,4 +555812,3 +555813,3 +555814,3 +555815,3 +555816,3 +555817,3 +555818,3 +555819,3 +555820,3 +555821,3 +555822,32 +555823,32 +555824,32 +555825,32 +555826,32 +555827,32 +555828,32 +555829,32 +555830,32 +555831,32 +555832,36 +555833,36 +555834,36 +555835,36 +555836,36 +555837,36 +555838,36 +555839,36 +555840,36 +555841,36 +555842,36 +555843,36 +555844,36 +555845,36 +555846,5 +555847,5 +555848,5 +555849,5 +555850,5 +555851,5 +555852,5 +555853,12 +555854,12 +555855,12 +555856,12 +555857,12 +555858,12 +555859,12 +555860,12 +555861,12 +555862,27 +555863,27 +555864,25 +555865,25 +555866,25 +555867,29 +555868,29 +555869,29 +555870,29 +555871,31 +555872,31 +555873,31 +555874,31 +555875,31 +555876,31 +555877,31 +555878,31 +555879,31 +555880,16 +555881,16 +555882,16 +555883,16 +555884,16 +555885,16 +555886,16 +555887,16 +555888,16 +555889,16 +555890,16 +555891,16 +555892,26 +555893,26 +555894,26 +555895,26 +555896,26 +555897,26 +555898,26 +555899,26 +555900,26 +555901,32 +555902,32 +555903,32 +555904,19 +555905,19 +555906,4 +555907,4 +555908,4 +555909,19 +555910,19 +555911,19 +555912,19 +555913,10 +555914,31 +555915,31 +555916,31 +555917,31 +555918,31 +555919,31 +555920,31 +555921,31 +555922,31 +555923,31 +555924,5 +555925,5 +555926,5 +555927,5 +555928,5 +555929,27 +555930,27 +555931,27 +555932,27 +555933,27 +555934,27 +555935,27 +555936,27 +555937,27 +555938,31 +555939,27 +555940,31 +555941,5 +555942,5 +555943,5 +555944,5 +555945,5 +555946,5 +555947,5 +555948,5 +555949,5 +555950,5 +555951,5 +555952,36 +555953,27 +555954,27 +555955,27 +555956,27 +555957,27 +555958,1 +555959,1 +555960,14 +555961,14 +555962,14 +555963,31 +555964,31 +555965,31 +555966,15 +555967,15 +555968,15 +555969,15 +555970,15 +555971,15 +555972,15 +555973,15 +555974,31 +555975,31 +555976,31 +555977,31 +555978,31 +555979,31 +555980,31 +555981,5 +555982,5 +555983,5 +555984,5 +555985,18 +555986,18 +555987,18 +555988,18 +555989,18 +555990,18 +555991,18 +555992,18 +555993,31 +555994,31 +555995,31 +555996,31 +555997,31 +555998,31 +555999,31 +556000,32 +556001,32 +556002,32 +556003,32 +556004,32 +556005,32 +556006,32 +556007,32 +556008,26 +556009,26 +556010,26 +556011,26 +556012,26 +556013,26 +556014,26 +556015,37 +556016,37 +556017,37 +556018,37 +556019,37 +556020,37 +556021,37 +556022,37 +556023,37 +556024,25 +556025,1 +556026,1 +556027,1 +556028,2 +556029,2 +556030,2 +556031,2 +556032,2 +556033,2 +556034,2 +556035,30 +556036,30 +556037,30 +556038,30 +556039,30 +556040,30 +556041,30 +556042,30 +556043,30 +556044,30 +556045,39 +556046,39 +556047,39 +556048,39 +556049,39 +556050,39 +556051,39 +556052,39 +556053,39 +556054,39 +556055,39 +556056,39 +556057,39 +556058,0 +556059,0 +556060,0 +556061,0 +556062,0 +556063,0 +556064,0 +556065,0 +556066,0 +556067,0 +556068,0 +556069,0 +556070,0 +556071,0 +556072,0 +556073,0 +556074,0 +556075,0 +556076,0 +556077,0 +556078,27 +556079,0 +556080,0 +556081,0 +556082,0 +556083,0 +556084,27 +556085,27 +556086,27 +556087,27 +556088,35 +556089,39 +556090,27 +556091,27 +556092,32 +556093,32 +556094,32 +556095,32 +556096,32 +556097,32 +556098,32 +556099,32 +556100,32 +556101,32 +556102,27 +556103,27 +556104,27 +556105,27 +556106,27 +556107,27 +556108,5 +556109,5 +556110,5 +556111,5 +556112,5 +556113,16 +556114,4 +556115,4 +556116,4 +556117,4 +556118,4 +556119,4 +556120,4 +556121,4 +556122,25 +556123,25 +556124,37 +556125,37 +556126,37 +556127,37 +556128,2 +556129,2 +556130,2 +556131,2 +556132,2 +556133,2 +556134,2 +556135,2 +556136,2 +556137,2 +556138,2 +556139,2 +556140,2 +556141,31 +556142,9 +556143,9 +556144,31 +556145,31 +556146,9 +556147,9 +556148,9 +556149,9 +556150,9 +556151,30 +556152,9 +556153,9 +556154,30 +556155,30 +556156,30 +556157,30 +556158,30 +556159,30 +556160,30 +556161,19 +556162,19 +556163,19 +556164,19 +556165,19 +556166,19 +556167,19 +556168,19 +556169,19 +556170,19 +556171,0 +556172,0 +556173,0 +556174,0 +556175,0 +556176,0 +556177,0 +556178,0 +556179,0 +556180,0 +556181,0 +556182,0 +556183,0 +556184,31 +556185,31 +556186,31 +556187,31 +556188,31 +556189,31 +556190,31 +556191,19 +556192,19 +556193,19 +556194,29 +556195,29 +556196,40 +556197,40 +556198,40 +556199,40 +556200,40 +556201,5 +556202,5 +556203,5 +556204,5 +556205,5 +556206,5 +556207,29 +556208,29 +556209,31 +556210,31 +556211,31 +556212,31 +556213,31 +556214,31 +556215,31 +556216,31 +556217,23 +556218,23 +556219,23 +556220,23 +556221,23 +556222,23 +556223,23 +556224,23 +556225,24 +556226,17 +556227,17 +556228,12 +556229,12 +556230,12 +556231,12 +556232,12 +556233,12 +556234,12 +556235,12 +556236,12 +556237,10 +556238,10 +556239,10 +556240,10 +556241,10 +556242,10 +556243,10 +556244,10 +556245,10 +556246,10 +556247,10 +556248,10 +556249,10 +556250,10 +556251,4 +556252,4 +556253,4 +556254,4 +556255,4 +556256,4 +556257,4 +556258,4 +556259,4 +556260,4 +556261,0 +556262,0 +556263,0 +556264,0 +556265,0 +556266,0 +556267,0 +556268,0 +556269,12 +556270,12 +556271,12 +556272,12 +556273,12 +556274,12 +556275,12 +556276,12 +556277,12 +556278,12 +556279,12 +556280,12 +556281,12 +556282,12 +556283,12 +556284,12 +556285,12 +556286,12 +556287,12 +556288,10 +556289,10 +556290,10 +556291,10 +556292,10 +556293,10 +556294,10 +556295,10 +556296,10 +556297,10 +556298,10 +556299,10 +556300,10 +556301,10 +556302,13 +556303,13 +556304,13 +556305,13 +556306,13 +556307,13 +556308,13 +556309,13 +556310,5 +556311,5 +556312,5 +556313,13 +556314,13 +556315,4 +556316,4 +556317,4 +556318,4 +556319,4 +556320,4 +556321,4 +556322,4 +556323,4 +556324,4 +556325,4 +556326,4 +556327,6 +556328,6 +556329,6 +556330,6 +556331,6 +556332,6 +556333,6 +556334,6 +556335,6 +556336,6 +556337,6 +556338,31 +556339,31 +556340,31 +556341,31 +556342,31 +556343,31 +556344,31 +556345,24 +556346,24 +556347,24 +556348,24 +556349,24 +556350,24 +556351,24 +556352,24 +556353,25 +556354,25 +556355,25 +556356,25 +556357,25 +556358,25 +556359,25 +556360,25 +556361,25 +556362,25 +556363,25 +556364,25 +556365,25 +556366,25 +556367,25 +556368,25 +556369,37 +556370,25 +556371,0 +556372,0 +556373,0 +556374,0 +556375,0 +556376,0 +556377,0 +556378,0 +556379,0 +556380,0 +556381,0 +556382,0 +556383,0 +556384,0 +556385,0 +556386,0 +556387,0 +556388,0 +556389,0 +556390,0 +556391,0 +556392,0 +556393,0 +556394,0 +556395,0 +556396,0 +556397,0 +556398,0 +556399,0 +556400,0 +556401,0 +556402,0 +556403,0 +556404,0 +556405,0 +556406,0 +556407,0 +556408,0 +556409,0 +556410,0 +556411,0 +556412,0 +556413,0 +556414,0 +556415,0 +556416,0 +556417,0 +556418,0 +556419,0 +556420,0 +556421,0 +556422,0 +556423,0 +556424,0 +556425,0 +556426,0 +556427,0 +556428,0 +556429,0 +556430,0 +556431,0 +556432,0 +556433,0 +556434,0 +556435,0 +556436,0 +556437,0 +556438,0 +556439,0 +556440,0 +556441,0 +556442,0 +556443,0 +556444,2 +556445,0 +556446,0 +556447,2 +556448,2 +556449,2 +556450,2 +556451,2 +556452,2 +556453,2 +556454,2 +556455,31 +556456,31 +556457,31 +556458,31 +556459,31 +556460,31 +556461,28 +556462,28 +556463,28 +556464,28 +556465,28 +556466,28 +556467,25 +556468,25 +556469,25 +556470,25 +556471,25 +556472,25 +556473,25 +556474,25 +556475,25 +556476,23 +556477,23 +556478,23 +556479,23 +556480,23 +556481,23 +556482,23 +556483,23 +556484,25 +556485,25 +556486,25 +556487,25 +556488,25 +556489,25 +556490,23 +556491,23 +556492,23 +556493,23 +556494,23 +556495,23 +556496,23 +556497,23 +556498,23 +556499,23 +556500,27 +556501,27 +556502,27 +556503,27 +556504,27 +556505,27 +556506,23 +556507,23 +556508,23 +556509,23 +556510,23 +556511,23 +556512,4 +556513,4 +556514,4 +556515,4 +556516,4 +556517,4 +556518,27 +556519,27 +556520,27 +556521,27 +556522,27 +556523,27 +556524,27 +556525,27 +556526,5 +556527,5 +556528,5 +556529,5 +556530,5 +556531,5 +556532,28 +556533,28 +556534,28 +556535,28 +556536,28 +556537,27 +556538,27 +556539,27 +556540,27 +556541,27 +556542,27 +556543,5 +556544,5 +556545,5 +556546,5 +556547,31 +556548,31 +556549,31 +556550,31 +556551,31 +556552,31 +556553,31 +556554,4 +556555,4 +556556,4 +556557,4 +556558,4 +556559,4 +556560,4 +556561,4 +556562,2 +556563,2 +556564,2 +556565,2 +556566,2 +556567,2 +556568,2 +556569,2 +556570,2 +556571,2 +556572,2 +556573,2 +556574,2 +556575,2 +556576,2 +556577,0 +556578,0 +556579,0 +556580,0 +556581,0 +556582,0 +556583,0 +556584,0 +556585,0 +556586,0 +556587,0 +556588,0 +556589,0 +556590,0 +556591,0 +556592,0 +556593,0 +556594,0 +556595,0 +556596,0 +556597,0 +556598,0 +556599,0 +556600,0 +556601,0 +556602,0 +556603,0 +556604,0 +556605,0 +556606,0 +556607,0 +556608,0 +556609,0 +556610,0 +556611,0 +556612,0 +556613,0 +556614,0 +556615,0 +556616,0 +556617,0 +556618,36 +556619,36 +556620,36 +556621,40 +556622,40 +556623,36 +556624,5 +556625,5 +556626,12 +556627,12 +556628,12 +556629,12 +556630,12 +556631,12 +556632,12 +556633,12 +556634,12 +556635,12 +556636,31 +556637,31 +556638,31 +556639,31 +556640,31 +556641,4 +556642,4 +556643,4 +556644,4 +556645,10 +556646,10 +556647,10 +556648,10 +556649,10 +556650,10 +556651,10 +556652,10 +556653,10 +556654,10 +556655,19 +556656,19 +556657,19 +556658,19 +556659,19 +556660,19 +556661,21 +556662,21 +556663,27 +556664,27 +556665,27 +556666,27 +556667,27 +556668,27 +556669,27 +556670,27 +556671,27 +556672,19 +556673,19 +556674,19 +556675,19 +556676,19 +556677,19 +556678,2 +556679,2 +556680,2 +556681,2 +556682,2 +556683,2 +556684,2 +556685,2 +556686,2 +556687,2 +556688,2 +556689,2 +556690,2 +556691,2 +556692,2 +556693,2 +556694,2 +556695,33 +556696,33 +556697,33 +556698,33 +556699,33 +556700,33 +556701,33 +556702,33 +556703,33 +556704,33 +556705,33 +556706,33 +556707,33 +556708,33 +556709,33 +556710,33 +556711,33 +556712,33 +556713,33 +556714,33 +556715,33 +556716,33 +556717,33 +556718,33 +556719,33 +556720,33 +556721,33 +556722,33 +556723,33 +556724,3 +556725,0 +556726,0 +556727,0 +556728,0 +556729,0 +556730,0 +556731,0 +556732,0 +556733,0 +556734,0 +556735,0 +556736,0 +556737,0 +556738,10 +556739,0 +556740,0 +556741,0 +556742,0 +556743,0 +556744,0 +556745,0 +556746,10 +556747,10 +556748,10 +556749,10 +556750,10 +556751,10 +556752,10 +556753,10 +556754,10 +556755,10 +556756,10 +556757,19 +556758,19 +556759,19 +556760,19 +556761,19 +556762,19 +556763,27 +556764,27 +556765,27 +556766,27 +556767,27 +556768,27 +556769,27 +556770,2 +556771,2 +556772,2 +556773,2 +556774,2 +556775,2 +556776,2 +556777,2 +556778,2 +556779,2 +556780,2 +556781,2 +556782,2 +556783,6 +556784,6 +556785,6 +556786,6 +556787,6 +556788,6 +556789,6 +556790,31 +556791,31 +556792,31 +556793,31 +556794,31 +556795,31 +556796,31 +556797,31 +556798,15 +556799,15 +556800,15 +556801,15 +556802,15 +556803,15 +556804,37 +556805,37 +556806,37 +556807,37 +556808,37 +556809,37 +556810,37 +556811,25 +556812,25 +556813,25 +556814,39 +556815,25 +556816,25 +556817,19 +556818,19 +556819,19 +556820,19 +556821,19 +556822,19 +556823,19 +556824,19 +556825,0 +556826,0 +556827,18 +556828,0 +556829,0 +556830,0 +556831,0 +556832,4 +556833,4 +556834,4 +556835,4 +556836,4 +556837,4 +556838,4 +556839,4 +556840,3 +556841,3 +556842,3 +556843,3 +556844,28 +556845,28 +556846,28 +556847,28 +556848,28 +556849,28 +556850,28 +556851,10 +556852,10 +556853,10 +556854,10 +556855,10 +556856,10 +556857,10 +556858,10 +556859,10 +556860,10 +556861,19 +556862,19 +556863,19 +556864,19 +556865,19 +556866,19 +556867,19 +556868,27 +556869,27 +556870,27 +556871,27 +556872,27 +556873,2 +556874,2 +556875,2 +556876,2 +556877,2 +556878,2 +556879,2 +556880,2 +556881,2 +556882,2 +556883,2 +556884,2 +556885,2 +556886,15 +556887,15 +556888,15 +556889,15 +556890,15 +556891,15 +556892,15 +556893,15 +556894,40 +556895,14 +556896,14 +556897,14 +556898,14 +556899,14 +556900,14 +556901,14 +556902,14 +556903,14 +556904,14 +556905,14 +556906,14 +556907,14 +556908,14 +556909,14 +556910,14 +556911,14 +556912,14 +556913,14 +556914,14 +556915,14 +556916,14 +556917,14 +556918,14 +556919,14 +556920,14 +556921,14 +556922,14 +556923,14 +556924,14 +556925,14 +556926,39 +556927,39 +556928,39 +556929,39 +556930,39 +556931,39 +556932,39 +556933,0 +556934,0 +556935,0 +556936,0 +556937,0 +556938,0 +556939,0 +556940,0 +556941,0 +556942,0 +556943,0 +556944,0 +556945,0 +556946,0 +556947,0 +556948,0 +556949,0 +556950,0 +556951,0 +556952,0 +556953,0 +556954,0 +556955,0 +556956,0 +556957,0 +556958,0 +556959,0 +556960,0 +556961,0 +556962,29 +556963,29 +556964,29 +556965,29 +556966,29 +556967,29 +556968,29 +556969,31 +556970,31 +556971,31 +556972,31 +556973,31 +556974,31 +556975,31 +556976,31 +556977,4 +556978,4 +556979,4 +556980,4 +556981,4 +556982,27 +556983,27 +556984,27 +556985,27 +556986,27 +556987,27 +556988,27 +556989,19 +556990,19 +556991,19 +556992,19 +556993,19 +556994,19 +556995,35 +556996,35 +556997,35 +556998,35 +556999,35 +557000,35 +557001,35 +557002,35 +557003,35 +557004,27 +557005,27 +557006,27 +557007,8 +557008,2 +557009,2 +557010,2 +557011,2 +557012,2 +557013,2 +557014,2 +557015,2 +557016,23 +557017,23 +557018,23 +557019,23 +557020,23 +557021,23 +557022,32 +557023,32 +557024,23 +557025,23 +557026,23 +557027,37 +557028,37 +557029,37 +557030,37 +557031,27 +557032,27 +557033,27 +557034,27 +557035,5 +557036,5 +557037,5 +557038,5 +557039,5 +557040,5 +557041,5 +557042,5 +557043,2 +557044,2 +557045,2 +557046,2 +557047,2 +557048,2 +557049,2 +557050,39 +557051,7 +557052,7 +557053,7 +557054,7 +557055,7 +557056,7 +557057,7 +557058,7 +557059,31 +557060,31 +557061,31 +557062,31 +557063,31 +557064,24 +557065,24 +557066,24 +557067,24 +557068,24 +557069,24 +557070,24 +557071,28 +557072,28 +557073,28 +557074,28 +557075,28 +557076,15 +557077,28 +557078,28 +557079,36 +557080,40 +557081,36 +557082,36 +557083,40 +557084,40 +557085,40 +557086,40 +557087,40 +557088,40 +557089,40 +557090,40 +557091,19 +557092,19 +557093,19 +557094,19 +557095,19 +557096,19 +557097,4 +557098,4 +557099,4 +557100,4 +557101,27 +557102,27 +557103,27 +557104,27 +557105,27 +557106,27 +557107,2 +557108,2 +557109,2 +557110,2 +557111,2 +557112,2 +557113,2 +557114,2 +557115,2 +557116,2 +557117,2 +557118,2 +557119,32 +557120,32 +557121,32 +557122,32 +557123,32 +557124,32 +557125,32 +557126,32 +557127,40 +557128,40 +557129,40 +557130,40 +557131,40 +557132,40 +557133,40 +557134,40 +557135,40 +557136,40 +557137,40 +557138,37 +557139,37 +557140,37 +557141,37 +557142,37 +557143,37 +557144,37 +557145,37 +557146,37 +557147,37 +557148,37 +557149,37 +557150,37 +557151,37 +557152,37 +557153,25 +557154,25 +557155,25 +557156,25 +557157,25 +557158,25 +557159,25 +557160,0 +557161,0 +557162,0 +557163,0 +557164,0 +557165,0 +557166,0 +557167,0 +557168,0 +557169,0 +557170,0 +557171,0 +557172,0 +557173,0 +557174,0 +557175,0 +557176,0 +557177,0 +557178,0 +557179,0 +557180,0 +557181,0 +557182,0 +557183,4 +557184,0 +557185,4 +557186,4 +557187,16 +557188,16 +557189,16 +557190,16 +557191,16 +557192,16 +557193,16 +557194,16 +557195,16 +557196,16 +557197,36 +557198,36 +557199,36 +557200,36 +557201,36 +557202,36 +557203,36 +557204,36 +557205,32 +557206,23 +557207,23 +557208,23 +557209,23 +557210,23 +557211,32 +557212,4 +557213,4 +557214,4 +557215,27 +557216,27 +557217,27 +557218,27 +557219,27 +557220,27 +557221,23 +557222,23 +557223,23 +557224,23 +557225,23 +557226,23 +557227,23 +557228,38 +557229,37 +557230,40 +557231,37 +557232,40 +557233,37 +557234,37 +557235,37 +557236,37 +557237,37 +557238,39 +557239,39 +557240,39 +557241,39 +557242,4 +557243,4 +557244,4 +557245,4 +557246,4 +557247,4 +557248,4 +557249,4 +557250,4 +557251,4 +557252,4 +557253,39 +557254,39 +557255,39 +557256,39 +557257,39 +557258,39 +557259,39 +557260,39 +557261,39 +557262,39 +557263,39 +557264,39 +557265,39 +557266,39 +557267,39 +557268,39 +557269,5 +557270,5 +557271,5 +557272,5 +557273,5 +557274,5 +557275,5 +557276,5 +557277,5 +557278,19 +557279,19 +557280,19 +557281,19 +557282,19 +557283,19 +557284,19 +557285,19 +557286,19 +557287,19 +557288,19 +557289,0 +557290,0 +557291,0 +557292,0 +557293,0 +557294,0 +557295,0 +557296,0 +557297,0 +557298,0 +557299,0 +557300,0 +557301,0 +557302,0 +557303,0 +557304,0 +557305,0 +557306,0 +557307,0 +557308,0 +557309,0 +557310,0 +557311,0 +557312,0 +557313,0 +557314,0 +557315,0 +557316,2 +557317,2 +557318,2 +557319,2 +557320,2 +557321,2 +557322,2 +557323,2 +557324,2 +557325,2 +557326,2 +557327,2 +557328,2 +557329,2 +557330,2 +557331,2 +557332,2 +557333,2 +557334,31 +557335,31 +557336,31 +557337,31 +557338,31 +557339,31 +557340,31 +557341,31 +557342,28 +557343,28 +557344,28 +557345,28 +557346,28 +557347,28 +557348,27 +557349,27 +557350,27 +557351,27 +557352,27 +557353,4 +557354,4 +557355,4 +557356,4 +557357,4 +557358,39 +557359,39 +557360,39 +557361,39 +557362,39 +557363,39 +557364,39 +557365,39 +557366,39 +557367,39 +557368,37 +557369,37 +557370,37 +557371,37 +557372,37 +557373,37 +557374,37 +557375,40 +557376,40 +557377,40 +557378,40 +557379,40 +557380,40 +557381,5 +557382,5 +557383,5 +557384,5 +557385,5 +557386,5 +557387,5 +557388,5 +557389,5 +557390,5 +557391,8 +557392,8 +557393,8 +557394,31 +557395,31 +557396,31 +557397,31 +557398,31 +557399,31 +557400,12 +557401,12 +557402,12 +557403,12 +557404,12 +557405,12 +557406,12 +557407,12 +557408,12 +557409,12 +557410,14 +557411,14 +557412,14 +557413,14 +557414,14 +557415,14 +557416,14 +557417,14 +557418,14 +557419,14 +557420,14 +557421,14 +557422,14 +557423,14 +557424,14 +557425,14 +557426,14 +557427,14 +557428,14 +557429,14 +557430,14 +557431,14 +557432,14 +557433,14 +557434,14 +557435,10 +557436,10 +557437,10 +557438,10 +557439,10 +557440,39 +557441,39 +557442,39 +557443,0 +557444,0 +557445,0 +557446,0 +557447,0 +557448,0 +557449,0 +557450,0 +557451,0 +557452,0 +557453,0 +557454,0 +557455,0 +557456,0 +557457,0 +557458,0 +557459,0 +557460,0 +557461,0 +557462,0 +557463,0 +557464,0 +557465,0 +557466,0 +557467,0 +557468,0 +557469,0 +557470,0 +557471,0 +557472,0 +557473,0 +557474,0 +557475,0 +557476,0 +557477,0 +557478,0 +557479,0 +557480,0 +557481,0 +557482,0 +557483,0 +557484,0 +557485,0 +557486,0 +557487,0 +557488,0 +557489,0 +557490,0 +557491,0 +557492,0 +557493,0 +557494,0 +557495,0 +557496,0 +557497,0 +557498,0 +557499,0 +557500,0 +557501,0 +557502,0 +557503,0 +557504,0 +557505,0 +557506,0 +557507,0 +557508,0 +557509,0 +557510,0 +557511,0 +557512,0 +557513,0 +557514,0 +557515,0 +557516,0 +557517,0 +557518,0 +557519,0 +557520,0 +557521,0 +557522,0 +557523,0 +557524,0 +557525,0 +557526,0 +557527,0 +557528,0 +557529,0 +557530,0 +557531,0 +557532,0 +557533,0 +557534,0 +557535,0 +557536,0 +557537,0 +557538,0 +557539,0 +557540,0 +557541,0 +557542,0 +557543,0 +557544,0 +557545,0 +557546,0 +557547,0 +557548,0 +557549,0 +557550,0 +557551,0 +557552,0 +557553,0 +557554,0 +557555,0 +557556,0 +557557,0 +557558,0 +557559,0 +557560,0 +557561,0 +557562,0 +557563,0 +557564,0 +557565,0 +557566,0 +557567,0 +557568,0 +557569,0 +557570,0 +557571,0 +557572,0 +557573,0 +557574,0 +557575,0 +557576,0 +557577,0 +557578,0 +557579,0 +557580,0 +557581,0 +557582,0 +557583,0 +557584,0 +557585,0 +557586,0 +557587,0 +557588,0 +557589,0 +557590,0 +557591,0 +557592,0 +557593,0 +557594,0 +557595,0 +557596,0 +557597,0 +557598,0 +557599,0 +557600,0 +557601,0 +557602,0 +557603,0 +557604,0 +557605,0 +557606,0 +557607,0 +557608,0 +557609,0 +557610,0 +557611,0 +557612,0 +557613,0 +557614,0 +557615,0 +557616,0 +557617,0 +557618,0 +557619,0 +557620,0 +557621,0 +557622,0 +557623,0 +557624,0 +557625,0 +557626,0 +557627,0 +557628,0 +557629,0 +557630,0 +557631,0 +557632,0 +557633,0 +557634,2 +557635,2 +557636,2 +557637,2 +557638,2 +557639,2 +557640,2 +557641,2 +557642,2 +557643,2 +557644,2 +557645,2 +557646,2 +557647,2 +557648,2 +557649,2 +557650,2 +557651,2 +557652,2 +557653,2 +557654,2 +557655,2 +557656,6 +557657,21 +557658,21 +557659,21 +557660,21 +557661,21 +557662,21 +557663,21 +557664,21 +557665,9 +557666,9 +557667,9 +557668,9 +557669,9 +557670,9 +557671,9 +557672,3 +557673,3 +557674,3 +557675,3 +557676,3 +557677,3 +557678,3 +557679,3 +557680,3 +557681,3 +557682,3 +557683,3 +557684,30 +557685,27 +557686,27 +557687,27 +557688,27 +557689,27 +557690,27 +557691,27 +557692,27 +557693,27 +557694,27 +557695,8 +557696,2 +557697,2 +557698,2 +557699,2 +557700,2 +557701,4 +557702,4 +557703,4 +557704,4 +557705,4 +557706,4 +557707,4 +557708,4 +557709,4 +557710,31 +557711,31 +557712,31 +557713,26 +557714,26 +557715,26 +557716,26 +557717,34 +557718,10 +557719,10 +557720,10 +557721,10 +557722,10 +557723,5 +557724,5 +557725,5 +557726,5 +557727,5 +557728,5 +557729,5 +557730,5 +557731,5 +557732,5 +557733,5 +557734,35 +557735,14 +557736,14 +557737,32 +557738,32 +557739,32 +557740,35 +557741,35 +557742,35 +557743,0 +557744,36 +557745,36 +557746,15 +557747,29 +557748,15 +557749,15 +557750,15 +557751,15 +557752,5 +557753,5 +557754,5 +557755,33 +557756,33 +557757,33 +557758,33 +557759,33 +557760,10 +557761,10 +557762,10 +557763,12 +557764,12 +557765,12 +557766,12 +557767,12 +557768,12 +557769,12 +557770,12 +557771,12 +557772,12 +557773,12 +557774,12 +557775,12 +557776,14 +557777,14 +557778,14 +557779,14 +557780,14 +557781,14 +557782,14 +557783,14 +557784,14 +557785,30 +557786,30 +557787,30 +557788,30 +557789,30 +557790,30 +557791,30 +557792,35 +557793,35 +557794,35 +557795,35 +557796,35 +557797,35 +557798,35 +557799,35 +557800,35 +557801,36 +557802,36 +557803,36 +557804,36 +557805,36 +557806,36 +557807,36 +557808,36 +557809,36 +557810,23 +557811,23 +557812,23 +557813,23 +557814,23 +557815,23 +557816,23 +557817,23 +557818,23 +557819,23 +557820,23 +557821,23 +557822,23 +557823,23 +557824,23 +557825,23 +557826,26 +557827,26 +557828,26 +557829,26 +557830,26 +557831,26 +557832,1 +557833,1 +557834,1 +557835,1 +557836,1 +557837,10 +557838,10 +557839,10 +557840,10 +557841,10 +557842,5 +557843,5 +557844,5 +557845,5 +557846,5 +557847,5 +557848,5 +557849,5 +557850,5 +557851,5 +557852,5 +557853,5 +557854,5 +557855,5 +557856,5 +557857,5 +557858,0 +557859,0 +557860,0 +557861,0 +557862,0 +557863,0 +557864,0 +557865,0 +557866,0 +557867,0 +557868,0 +557869,0 +557870,0 +557871,0 +557872,0 +557873,0 +557874,0 +557875,0 +557876,0 +557877,0 +557878,0 +557879,0 +557880,0 +557881,0 +557882,0 +557883,0 +557884,0 +557885,0 +557886,0 +557887,0 +557888,0 +557889,0 +557890,0 +557891,2 +557892,2 +557893,2 +557894,2 +557895,2 +557896,2 +557897,2 +557898,2 +557899,2 +557900,2 +557901,2 +557902,2 +557903,2 +557904,2 +557905,2 +557906,2 +557907,31 +557908,31 +557909,31 +557910,31 +557911,31 +557912,31 +557913,31 +557914,31 +557915,31 +557916,5 +557917,5 +557918,5 +557919,5 +557920,5 +557921,5 +557922,5 +557923,5 +557924,5 +557925,15 +557926,15 +557927,15 +557928,15 +557929,15 +557930,15 +557931,36 +557932,36 +557933,36 +557934,36 +557935,36 +557936,36 +557937,36 +557938,36 +557939,36 +557940,36 +557941,36 +557942,36 +557943,36 +557944,36 +557945,36 +557946,36 +557947,36 +557948,36 +557949,24 +557950,24 +557951,24 +557952,24 +557953,25 +557954,25 +557955,25 +557956,31 +557957,31 +557958,5 +557959,5 +557960,5 +557961,5 +557962,5 +557963,5 +557964,5 +557965,15 +557966,15 +557967,15 +557968,15 +557969,15 +557970,15 +557971,40 +557972,40 +557973,40 +557974,40 +557975,40 +557976,40 +557977,40 +557978,40 +557979,40 +557980,19 +557981,19 +557982,19 +557983,19 +557984,19 +557985,39 +557986,39 +557987,39 +557988,39 +557989,39 +557990,39 +557991,39 +557992,39 +557993,39 +557994,39 +557995,39 +557996,39 +557997,39 +557998,39 +557999,39 +558000,39 +558001,0 +558002,0 +558003,0 +558004,0 +558005,0 +558006,0 +558007,0 +558008,0 +558009,0 +558010,0 +558011,0 +558012,0 +558013,0 +558014,0 +558015,0 +558016,0 +558017,0 +558018,0 +558019,0 +558020,0 +558021,0 +558022,0 +558023,27 +558024,27 +558025,27 +558026,27 +558027,27 +558028,27 +558029,27 +558030,27 +558031,27 +558032,27 +558033,27 +558034,27 +558035,27 +558036,27 +558037,8 +558038,8 +558039,8 +558040,8 +558041,8 +558042,8 +558043,8 +558044,8 +558045,32 +558046,32 +558047,32 +558048,32 +558049,32 +558050,32 +558051,32 +558052,32 +558053,32 +558054,32 +558055,32 +558056,32 +558057,37 +558058,37 +558059,25 +558060,25 +558061,25 +558062,25 +558063,25 +558064,25 +558065,25 +558066,2 +558067,2 +558068,2 +558069,2 +558070,2 +558071,2 +558072,2 +558073,2 +558074,2 +558075,2 +558076,2 +558077,2 +558078,2 +558079,2 +558080,2 +558081,2 +558082,2 +558083,2 +558084,2 +558085,2 +558086,2 +558087,10 +558088,10 +558089,10 +558090,10 +558091,10 +558092,10 +558093,10 +558094,10 +558095,10 +558096,10 +558097,10 +558098,10 +558099,10 +558100,2 +558101,2 +558102,2 +558103,2 +558104,2 +558105,2 +558106,2 +558107,2 +558108,2 +558109,2 +558110,2 +558111,2 +558112,2 +558113,2 +558114,2 +558115,23 +558116,23 +558117,23 +558118,23 +558119,23 +558120,23 +558121,4 +558122,30 +558123,30 +558124,30 +558125,30 +558126,39 +558127,39 +558128,39 +558129,39 +558130,39 +558131,39 +558132,39 +558133,39 +558134,19 +558135,15 +558136,15 +558137,15 +558138,15 +558139,15 +558140,27 +558141,27 +558142,27 +558143,27 +558144,27 +558145,2 +558146,2 +558147,2 +558148,8 +558149,8 +558150,8 +558151,8 +558152,8 +558153,8 +558154,8 +558155,2 +558156,2 +558157,2 +558158,2 +558159,2 +558160,2 +558161,2 +558162,2 +558163,2 +558164,2 +558165,2 +558166,2 +558167,2 +558168,15 +558169,15 +558170,15 +558171,15 +558172,15 +558173,15 +558174,15 +558175,15 +558176,27 +558177,27 +558178,27 +558179,27 +558180,27 +558181,27 +558182,27 +558183,27 +558184,39 +558185,37 +558186,37 +558187,37 +558188,37 +558189,37 +558190,37 +558191,37 +558192,37 +558193,37 +558194,37 +558195,37 +558196,25 +558197,25 +558198,25 +558199,25 +558200,4 +558201,4 +558202,4 +558203,4 +558204,4 +558205,4 +558206,4 +558207,16 +558208,16 +558209,4 +558210,16 +558211,3 +558212,3 +558213,3 +558214,3 +558215,3 +558216,3 +558217,33 +558218,33 +558219,33 +558220,33 +558221,34 +558222,34 +558223,34 +558224,34 +558225,34 +558226,34 +558227,34 +558228,30 +558229,30 +558230,30 +558231,10 +558232,10 +558233,10 +558234,10 +558235,10 +558236,10 +558237,10 +558238,10 +558239,10 +558240,10 +558241,10 +558242,10 +558243,24 +558244,24 +558245,24 +558246,24 +558247,24 +558248,24 +558249,23 +558250,23 +558251,23 +558252,27 +558253,27 +558254,27 +558255,27 +558256,13 +558257,13 +558258,13 +558259,13 +558260,13 +558261,13 +558262,13 +558263,36 +558264,36 +558265,36 +558266,31 +558267,31 +558268,15 +558269,15 +558270,15 +558271,15 +558272,19 +558273,19 +558274,19 +558275,24 +558276,24 +558277,0 +558278,0 +558279,0 +558280,0 +558281,0 +558282,0 +558283,0 +558284,0 +558285,0 +558286,18 +558287,18 +558288,18 +558289,18 +558290,18 +558291,18 +558292,18 +558293,18 +558294,18 +558295,18 +558296,18 +558297,18 +558298,18 +558299,18 +558300,31 +558301,31 +558302,31 +558303,31 +558304,31 +558305,31 +558306,31 +558307,31 +558308,31 +558309,2 +558310,2 +558311,2 +558312,2 +558313,2 +558314,2 +558315,2 +558316,2 +558317,2 +558318,2 +558319,2 +558320,2 +558321,2 +558322,2 +558323,2 +558324,2 +558325,29 +558326,29 +558327,29 +558328,29 +558329,29 +558330,29 +558331,29 +558332,31 +558333,31 +558334,31 +558335,31 +558336,31 +558337,31 +558338,2 +558339,2 +558340,2 +558341,2 +558342,2 +558343,2 +558344,2 +558345,2 +558346,2 +558347,2 +558348,2 +558349,2 +558350,2 +558351,2 +558352,2 +558353,2 +558354,2 +558355,2 +558356,2 +558357,2 +558358,2 +558359,2 +558360,2 +558361,2 +558362,2 +558363,2 +558364,2 +558365,2 +558366,2 +558367,0 +558368,0 +558369,0 +558370,0 +558371,0 +558372,0 +558373,0 +558374,0 +558375,0 +558376,0 +558377,0 +558378,0 +558379,0 +558380,0 +558381,0 +558382,0 +558383,0 +558384,0 +558385,0 +558386,0 +558387,0 +558388,0 +558389,0 +558390,0 +558391,0 +558392,0 +558393,0 +558394,0 +558395,0 +558396,0 +558397,0 +558398,0 +558399,0 +558400,0 +558401,0 +558402,0 +558403,0 +558404,4 +558405,4 +558406,4 +558407,4 +558408,4 +558409,4 +558410,4 +558411,4 +558412,33 +558413,33 +558414,33 +558415,33 +558416,33 +558417,33 +558418,33 +558419,33 +558420,33 +558421,33 +558422,33 +558423,12 +558424,12 +558425,12 +558426,12 +558427,12 +558428,12 +558429,12 +558430,31 +558431,31 +558432,31 +558433,31 +558434,31 +558435,30 +558436,30 +558437,30 +558438,30 +558439,30 +558440,30 +558441,28 +558442,5 +558443,5 +558444,5 +558445,5 +558446,26 +558447,26 +558448,26 +558449,26 +558450,26 +558451,26 +558452,26 +558453,26 +558454,26 +558455,26 +558456,26 +558457,26 +558458,26 +558459,5 +558460,5 +558461,5 +558462,5 +558463,5 +558464,2 +558465,2 +558466,2 +558467,2 +558468,2 +558469,2 +558470,32 +558471,32 +558472,32 +558473,2 +558474,2 +558475,12 +558476,12 +558477,12 +558478,12 +558479,40 +558480,40 +558481,40 +558482,25 +558483,25 +558484,25 +558485,25 +558486,25 +558487,25 +558488,25 +558489,25 +558490,25 +558491,25 +558492,25 +558493,25 +558494,4 +558495,4 +558496,4 +558497,4 +558498,4 +558499,4 +558500,4 +558501,4 +558502,4 +558503,4 +558504,4 +558505,4 +558506,4 +558507,4 +558508,4 +558509,4 +558510,3 +558511,3 +558512,3 +558513,3 +558514,3 +558515,3 +558516,3 +558517,27 +558518,27 +558519,27 +558520,27 +558521,27 +558522,27 +558523,4 +558524,4 +558525,4 +558526,4 +558527,4 +558528,4 +558529,4 +558530,4 +558531,2 +558532,2 +558533,2 +558534,2 +558535,2 +558536,2 +558537,2 +558538,2 +558539,2 +558540,2 +558541,36 +558542,36 +558543,10 +558544,10 +558545,10 +558546,10 +558547,10 +558548,10 +558549,10 +558550,10 +558551,10 +558552,10 +558553,10 +558554,10 +558555,10 +558556,10 +558557,10 +558558,10 +558559,25 +558560,37 +558561,37 +558562,37 +558563,37 +558564,37 +558565,37 +558566,37 +558567,37 +558568,37 +558569,37 +558570,25 +558571,25 +558572,25 +558573,25 +558574,25 +558575,25 +558576,25 +558577,25 +558578,0 +558579,0 +558580,0 +558581,0 +558582,0 +558583,0 +558584,0 +558585,0 +558586,0 +558587,0 +558588,0 +558589,0 +558590,0 +558591,0 +558592,0 +558593,0 +558594,0 +558595,0 +558596,0 +558597,0 +558598,0 +558599,0 +558600,0 +558601,0 +558602,0 +558603,0 +558604,0 +558605,0 +558606,0 +558607,0 +558608,0 +558609,0 +558610,0 +558611,0 +558612,0 +558613,0 +558614,0 +558615,0 +558616,0 +558617,0 +558618,0 +558619,0 +558620,0 +558621,0 +558622,0 +558623,0 +558624,0 +558625,0 +558626,0 +558627,0 +558628,0 +558629,39 +558630,39 +558631,39 +558632,39 +558633,39 +558634,39 +558635,39 +558636,39 +558637,39 +558638,39 +558639,39 +558640,39 +558641,39 +558642,39 +558643,39 +558644,5 +558645,5 +558646,5 +558647,5 +558648,5 +558649,5 +558650,5 +558651,5 +558652,33 +558653,10 +558654,10 +558655,10 +558656,10 +558657,10 +558658,10 +558659,10 +558660,35 +558661,35 +558662,35 +558663,35 +558664,35 +558665,35 +558666,35 +558667,35 +558668,35 +558669,34 +558670,34 +558671,34 +558672,34 +558673,34 +558674,34 +558675,34 +558676,30 +558677,30 +558678,30 +558679,4 +558680,4 +558681,30 +558682,4 +558683,4 +558684,0 +558685,0 +558686,0 +558687,0 +558688,4 +558689,4 +558690,2 +558691,2 +558692,27 +558693,27 +558694,27 +558695,27 +558696,27 +558697,27 +558698,27 +558699,27 +558700,23 +558701,23 +558702,23 +558703,23 +558704,23 +558705,23 +558706,23 +558707,22 +558708,22 +558709,22 +558710,22 +558711,22 +558712,22 +558713,6 +558714,6 +558715,6 +558716,6 +558717,6 +558718,6 +558719,6 +558720,6 +558721,6 +558722,31 +558723,31 +558724,31 +558725,31 +558726,30 +558727,30 +558728,30 +558729,30 +558730,30 +558731,30 +558732,30 +558733,4 +558734,19 +558735,19 +558736,19 +558737,4 +558738,4 +558739,27 +558740,27 +558741,31 +558742,31 +558743,31 +558744,4 +558745,4 +558746,4 +558747,4 +558748,4 +558749,4 +558750,4 +558751,27 +558752,27 +558753,27 +558754,27 +558755,27 +558756,27 +558757,27 +558758,27 +558759,27 +558760,8 +558761,8 +558762,8 +558763,8 +558764,8 +558765,8 +558766,8 +558767,8 +558768,8 +558769,8 +558770,8 +558771,8 +558772,2 +558773,4 +558774,4 +558775,4 +558776,4 +558777,4 +558778,4 +558779,4 +558780,4 +558781,2 +558782,2 +558783,4 +558784,4 +558785,4 +558786,4 +558787,8 +558788,27 +558789,27 +558790,27 +558791,27 +558792,2 +558793,2 +558794,2 +558795,2 +558796,2 +558797,2 +558798,2 +558799,2 +558800,2 +558801,2 +558802,2 +558803,2 +558804,2 +558805,2 +558806,2 +558807,6 +558808,6 +558809,6 +558810,6 +558811,6 +558812,31 +558813,40 +558814,40 +558815,40 +558816,40 +558817,40 +558818,40 +558819,24 +558820,24 +558821,24 +558822,24 +558823,24 +558824,25 +558825,25 +558826,25 +558827,25 +558828,25 +558829,25 +558830,25 +558831,25 +558832,29 +558833,29 +558834,29 +558835,29 +558836,29 +558837,29 +558838,29 +558839,31 +558840,31 +558841,31 +558842,16 +558843,16 +558844,16 +558845,16 +558846,4 +558847,4 +558848,4 +558849,4 +558850,4 +558851,4 +558852,4 +558853,4 +558854,4 +558855,4 +558856,4 +558857,4 +558858,4 +558859,4 +558860,37 +558861,37 +558862,37 +558863,37 +558864,37 +558865,3 +558866,3 +558867,3 +558868,3 +558869,3 +558870,3 +558871,3 +558872,3 +558873,3 +558874,3 +558875,3 +558876,3 +558877,0 +558878,0 +558879,0 +558880,0 +558881,0 +558882,0 +558883,0 +558884,0 +558885,0 +558886,0 +558887,0 +558888,0 +558889,0 +558890,0 +558891,0 +558892,0 +558893,0 +558894,0 +558895,0 +558896,0 +558897,0 +558898,0 +558899,0 +558900,0 +558901,0 +558902,0 +558903,0 +558904,0 +558905,0 +558906,0 +558907,0 +558908,0 +558909,0 +558910,0 +558911,0 +558912,0 +558913,0 +558914,0 +558915,0 +558916,0 +558917,0 +558918,0 +558919,0 +558920,0 +558921,0 +558922,0 +558923,0 +558924,0 +558925,0 +558926,0 +558927,0 +558928,0 +558929,0 +558930,0 +558931,36 +558932,36 +558933,36 +558934,36 +558935,36 +558936,36 +558937,31 +558938,31 +558939,31 +558940,31 +558941,31 +558942,40 +558943,27 +558944,27 +558945,27 +558946,5 +558947,5 +558948,5 +558949,5 +558950,5 +558951,5 +558952,5 +558953,5 +558954,30 +558955,30 +558956,30 +558957,30 +558958,31 +558959,31 +558960,31 +558961,31 +558962,31 +558963,31 +558964,31 +558965,31 +558966,31 +558967,2 +558968,2 +558969,2 +558970,2 +558971,2 +558972,2 +558973,2 +558974,2 +558975,2 +558976,2 +558977,27 +558978,27 +558979,31 +558980,31 +558981,28 +558982,28 +558983,28 +558984,28 +558985,28 +558986,28 +558987,28 +558988,28 +558989,28 +558990,36 +558991,36 +558992,36 +558993,36 +558994,36 +558995,36 +558996,36 +558997,36 +558998,36 +558999,36 +559000,36 +559001,36 +559002,36 +559003,36 +559004,36 +559005,36 +559006,36 +559007,5 +559008,5 +559009,5 +559010,5 +559011,5 +559012,5 +559013,5 +559014,5 +559015,5 +559016,15 +559017,15 +559018,15 +559019,15 +559020,39 +559021,39 +559022,39 +559023,39 +559024,39 +559025,39 +559026,39 +559027,39 +559028,39 +559029,39 +559030,39 +559031,39 +559032,27 +559033,27 +559034,27 +559035,27 +559036,27 +559037,5 +559038,5 +559039,5 +559040,5 +559041,5 +559042,5 +559043,5 +559044,5 +559045,5 +559046,5 +559047,19 +559048,19 +559049,19 +559050,19 +559051,19 +559052,19 +559053,19 +559054,19 +559055,19 +559056,34 +559057,34 +559058,34 +559059,34 +559060,34 +559061,34 +559062,34 +559063,34 +559064,34 +559065,34 +559066,36 +559067,36 +559068,30 +559069,30 +559070,30 +559071,30 +559072,30 +559073,30 +559074,30 +559075,30 +559076,19 +559077,15 +559078,15 +559079,19 +559080,19 +559081,12 +559082,12 +559083,12 +559084,12 +559085,12 +559086,12 +559087,12 +559088,12 +559089,27 +559090,27 +559091,27 +559092,27 +559093,15 +559094,15 +559095,15 +559096,15 +559097,19 +559098,19 +559099,19 +559100,19 +559101,29 +559102,29 +559103,29 +559104,29 +559105,29 +559106,36 +559107,36 +559108,36 +559109,36 +559110,36 +559111,36 +559112,36 +559113,36 +559114,36 +559115,36 +559116,36 +559117,36 +559118,36 +559119,4 +559120,4 +559121,4 +559122,4 +559123,0 +559124,0 +559125,0 +559126,0 +559127,0 +559128,0 +559129,36 +559130,36 +559131,36 +559132,36 +559133,36 +559134,36 +559135,36 +559136,36 +559137,36 +559138,36 +559139,36 +559140,36 +559141,36 +559142,36 +559143,36 +559144,36 +559145,36 +559146,19 +559147,19 +559148,19 +559149,19 +559150,19 +559151,5 +559152,28 +559153,28 +559154,28 +559155,5 +559156,25 +559157,25 +559158,25 +559159,25 +559160,25 +559161,25 +559162,25 +559163,25 +559164,25 +559165,28 +559166,28 +559167,28 +559168,28 +559169,15 +559170,15 +559171,15 +559172,15 +559173,15 +559174,31 +559175,31 +559176,31 +559177,31 +559178,31 +559179,30 +559180,30 +559181,30 +559182,30 +559183,30 +559184,30 +559185,30 +559186,30 +559187,30 +559188,30 +559189,30 +559190,27 +559191,27 +559192,27 +559193,27 +559194,27 +559195,27 +559196,27 +559197,27 +559198,27 +559199,27 +559200,19 +559201,19 +559202,19 +559203,5 +559204,5 +559205,5 +559206,5 +559207,5 +559208,5 +559209,5 +559210,2 +559211,2 +559212,2 +559213,2 +559214,2 +559215,2 +559216,2 +559217,2 +559218,2 +559219,4 +559220,4 +559221,4 +559222,4 +559223,4 +559224,4 +559225,4 +559226,27 +559227,27 +559228,27 +559229,27 +559230,27 +559231,27 +559232,27 +559233,13 +559234,13 +559235,13 +559236,13 +559237,13 +559238,13 +559239,13 +559240,13 +559241,13 +559242,13 +559243,13 +559244,4 +559245,4 +559246,4 +559247,4 +559248,4 +559249,4 +559250,4 +559251,4 +559252,0 +559253,0 +559254,0 +559255,0 +559256,0 +559257,0 +559258,0 +559259,0 +559260,0 +559261,0 +559262,0 +559263,0 +559264,0 +559265,0 +559266,0 +559267,0 +559268,0 +559269,0 +559270,0 +559271,0 +559272,0 +559273,0 +559274,0 +559275,0 +559276,0 +559277,0 +559278,0 +559279,0 +559280,0 +559281,0 +559282,0 +559283,0 +559284,0 +559285,0 +559286,0 +559287,0 +559288,0 +559289,0 +559290,0 +559291,0 +559292,0 +559293,0 +559294,0 +559295,0 +559296,0 +559297,0 +559298,0 +559299,0 +559300,0 +559301,0 +559302,0 +559303,0 +559304,0 +559305,0 +559306,0 +559307,0 +559308,0 +559309,0 +559310,0 +559311,0 +559312,0 +559313,0 +559314,0 +559315,0 +559316,35 +559317,35 +559318,35 +559319,35 +559320,35 +559321,35 +559322,35 +559323,35 +559324,35 +559325,35 +559326,39 +559327,39 +559328,39 +559329,39 +559330,39 +559331,39 +559332,14 +559333,10 +559334,10 +559335,30 +559336,30 +559337,30 +559338,30 +559339,30 +559340,30 +559341,30 +559342,2 +559343,2 +559344,2 +559345,2 +559346,2 +559347,2 +559348,2 +559349,2 +559350,2 +559351,2 +559352,31 +559353,31 +559354,31 +559355,12 +559356,12 +559357,31 +559358,12 +559359,12 +559360,12 +559361,12 +559362,12 +559363,12 +559364,12 +559365,12 +559366,9 +559367,9 +559368,26 +559369,26 +559370,26 +559371,26 +559372,26 +559373,9 +559374,9 +559375,9 +559376,9 +559377,9 +559378,9 +559379,9 +559380,9 +559381,9 +559382,9 +559383,9 +559384,9 +559385,34 +559386,34 +559387,34 +559388,34 +559389,34 +559390,26 +559391,26 +559392,26 +559393,26 +559394,26 +559395,26 +559396,26 +559397,37 +559398,37 +559399,37 +559400,37 +559401,28 +559402,28 +559403,28 +559404,28 +559405,28 +559406,28 +559407,28 +559408,28 +559409,33 +559410,33 +559411,12 +559412,12 +559413,31 +559414,31 +559415,31 +559416,31 +559417,31 +559418,31 +559419,31 +559420,31 +559421,31 +559422,31 +559423,19 +559424,19 +559425,19 +559426,19 +559427,19 +559428,19 +559429,19 +559430,19 +559431,2 +559432,2 +559433,2 +559434,2 +559435,2 +559436,2 +559437,2 +559438,2 +559439,2 +559440,31 +559441,27 +559442,27 +559443,27 +559444,27 +559445,27 +559446,27 +559447,27 +559448,31 +559449,31 +559450,8 +559451,8 +559452,8 +559453,8 +559454,8 +559455,8 +559456,2 +559457,2 +559458,2 +559459,2 +559460,2 +559461,2 +559462,2 +559463,2 +559464,2 +559465,2 +559466,2 +559467,2 +559468,2 +559469,27 +559470,27 +559471,27 +559472,27 +559473,27 +559474,27 +559475,27 +559476,5 +559477,5 +559478,5 +559479,5 +559480,5 +559481,5 +559482,5 +559483,4 +559484,4 +559485,16 +559486,16 +559487,16 +559488,16 +559489,16 +559490,16 +559491,16 +559492,16 +559493,16 +559494,25 +559495,25 +559496,25 +559497,25 +559498,25 +559499,25 +559500,25 +559501,25 +559502,25 +559503,25 +559504,8 +559505,8 +559506,8 +559507,8 +559508,8 +559509,8 +559510,8 +559511,2 +559512,2 +559513,31 +559514,31 +559515,5 +559516,15 +559517,15 +559518,15 +559519,15 +559520,15 +559521,15 +559522,15 +559523,15 +559524,15 +559525,15 +559526,15 +559527,31 +559528,31 +559529,31 +559530,31 +559531,31 +559532,31 +559533,31 +559534,31 +559535,31 +559536,29 +559537,29 +559538,29 +559539,29 +559540,29 +559541,29 +559542,14 +559543,14 +559544,14 +559545,14 +559546,14 +559547,14 +559548,14 +559549,4 +559550,36 +559551,36 +559552,36 +559553,36 +559554,36 +559555,36 +559556,36 +559557,36 +559558,36 +559559,36 +559560,36 +559561,36 +559562,36 +559563,36 +559564,36 +559565,5 +559566,5 +559567,5 +559568,5 +559569,5 +559570,6 +559571,6 +559572,6 +559573,6 +559574,6 +559575,6 +559576,31 +559577,31 +559578,31 +559579,31 +559580,31 +559581,30 +559582,30 +559583,30 +559584,30 +559585,30 +559586,30 +559587,30 +559588,30 +559589,30 +559590,31 +559591,31 +559592,31 +559593,31 +559594,30 +559595,30 +559596,8 +559597,8 +559598,8 +559599,8 +559600,8 +559601,8 +559602,8 +559603,8 +559604,8 +559605,8 +559606,8 +559607,8 +559608,8 +559609,8 +559610,8 +559611,8 +559612,0 +559613,0 +559614,0 +559615,0 +559616,0 +559617,0 +559618,0 +559619,0 +559620,31 +559621,31 +559622,31 +559623,31 +559624,31 +559625,31 +559626,31 +559627,24 +559628,24 +559629,24 +559630,24 +559631,24 +559632,24 +559633,27 +559634,27 +559635,31 +559636,31 +559637,31 +559638,31 +559639,31 +559640,31 +559641,30 +559642,30 +559643,30 +559644,30 +559645,30 +559646,30 +559647,30 +559648,30 +559649,30 +559650,30 +559651,36 +559652,36 +559653,36 +559654,36 +559655,36 +559656,36 +559657,34 +559658,34 +559659,4 +559660,4 +559661,4 +559662,4 +559663,4 +559664,4 +559665,4 +559666,4 +559667,4 +559668,25 +559669,25 +559670,25 +559671,25 +559672,25 +559673,25 +559674,32 +559675,32 +559676,32 +559677,32 +559678,32 +559679,32 +559680,32 +559681,32 +559682,32 +559683,32 +559684,32 +559685,37 +559686,37 +559687,37 +559688,37 +559689,37 +559690,37 +559691,37 +559692,40 +559693,40 +559694,40 +559695,36 +559696,36 +559697,36 +559698,36 +559699,40 +559700,11 +559701,11 +559702,11 +559703,11 +559704,11 +559705,11 +559706,11 +559707,11 +559708,11 +559709,31 +559710,31 +559711,31 +559712,31 +559713,31 +559714,31 +559715,31 +559716,2 +559717,2 +559718,2 +559719,2 +559720,2 +559721,2 +559722,2 +559723,2 +559724,2 +559725,2 +559726,2 +559727,2 +559728,2 +559729,2 +559730,28 +559731,28 +559732,28 +559733,28 +559734,28 +559735,28 +559736,28 +559737,31 +559738,10 +559739,10 +559740,31 +559741,31 +559742,31 +559743,31 +559744,10 +559745,31 +559746,31 +559747,31 +559748,31 +559749,31 +559750,31 +559751,31 +559752,30 +559753,30 +559754,30 +559755,30 +559756,30 +559757,30 +559758,30 +559759,30 +559760,30 +559761,30 +559762,30 +559763,30 +559764,30 +559765,30 +559766,30 +559767,30 +559768,30 +559769,0 +559770,0 +559771,0 +559772,0 +559773,0 +559774,0 +559775,0 +559776,0 +559777,0 +559778,0 +559779,0 +559780,0 +559781,0 +559782,0 +559783,0 +559784,0 +559785,0 +559786,0 +559787,0 +559788,0 +559789,0 +559790,0 +559791,0 +559792,0 +559793,0 +559794,0 +559795,0 +559796,0 +559797,0 +559798,0 +559799,0 +559800,0 +559801,0 +559802,0 +559803,0 +559804,0 +559805,0 +559806,0 +559807,0 +559808,0 +559809,0 +559810,0 +559811,0 +559812,0 +559813,0 +559814,0 +559815,0 +559816,0 +559817,0 +559818,0 +559819,0 +559820,0 +559821,0 +559822,0 +559823,0 +559824,0 +559825,0 +559826,0 +559827,0 +559828,0 +559829,0 +559830,0 +559831,0 +559832,0 +559833,0 +559834,0 +559835,0 +559836,0 +559837,0 +559838,0 +559839,0 +559840,0 +559841,0 +559842,0 +559843,0 +559844,0 +559845,0 +559846,0 +559847,0 +559848,0 +559849,0 +559850,0 +559851,0 +559852,0 +559853,0 +559854,0 +559855,0 +559856,0 +559857,0 +559858,0 +559859,0 +559860,0 +559861,0 +559862,0 +559863,0 +559864,0 +559865,0 +559866,27 +559867,27 +559868,36 +559869,36 +559870,5 +559871,5 +559872,5 +559873,5 +559874,5 +559875,5 +559876,5 +559877,5 +559878,5 +559879,5 +559880,26 +559881,26 +559882,26 +559883,26 +559884,26 +559885,26 +559886,26 +559887,26 +559888,26 +559889,10 +559890,34 +559891,34 +559892,34 +559893,10 +559894,10 +559895,10 +559896,10 +559897,10 +559898,12 +559899,12 +559900,12 +559901,12 +559902,30 +559903,4 +559904,12 +559905,12 +559906,12 +559907,12 +559908,12 +559909,12 +559910,31 +559911,31 +559912,31 +559913,31 +559914,31 +559915,31 +559916,31 +559917,31 +559918,31 +559919,31 +559920,33 +559921,33 +559922,33 +559923,33 +559924,33 +559925,33 +559926,33 +559927,33 +559928,12 +559929,12 +559930,12 +559931,12 +559932,12 +559933,12 +559934,12 +559935,31 +559936,31 +559937,31 +559938,31 +559939,31 +559940,31 +559941,8 +559942,8 +559943,8 +559944,8 +559945,8 +559946,8 +559947,8 +559948,8 +559949,2 +559950,8 +559951,30 +559952,30 +559953,30 +559954,30 +559955,30 +559956,30 +559957,30 +559958,30 +559959,14 +559960,14 +559961,14 +559962,14 +559963,14 +559964,14 +559965,10 +559966,10 +559967,10 +559968,19 +559969,19 +559970,6 +559971,32 +559972,32 +559973,6 +559974,38 +559975,23 +559976,23 +559977,23 +559978,29 +559979,29 +559980,29 +559981,31 +559982,31 +559983,31 +559984,31 +559985,31 +559986,31 +559987,31 +559988,31 +559989,31 +559990,4 +559991,4 +559992,4 +559993,4 +559994,4 +559995,4 +559996,4 +559997,32 +559998,32 +559999,4 +560000,6 +560001,40 +560002,40 +560003,40 +560004,40 +560005,40 +560006,40 +560007,37 +560008,37 +560009,37 +560010,37 +560011,37 +560012,37 +560013,37 +560014,25 +560015,25 +560016,25 +560017,15 +560018,15 +560019,15 +560020,15 +560021,15 +560022,15 +560023,15 +560024,15 +560025,15 +560026,33 +560027,12 +560028,12 +560029,12 +560030,12 +560031,12 +560032,12 +560033,12 +560034,33 +560035,33 +560036,21 +560037,21 +560038,21 +560039,19 +560040,21 +560041,21 +560042,21 +560043,21 +560044,21 +560045,21 +560046,21 +560047,21 +560048,21 +560049,21 +560050,21 +560051,30 +560052,30 +560053,30 +560054,30 +560055,30 +560056,30 +560057,30 +560058,30 +560059,30 +560060,30 +560061,30 +560062,39 +560063,39 +560064,39 +560065,39 +560066,39 +560067,39 +560068,39 +560069,39 +560070,39 +560071,39 +560072,39 +560073,39 +560074,39 +560075,5 +560076,5 +560077,5 +560078,5 +560079,5 +560080,5 +560081,5 +560082,13 +560083,13 +560084,13 +560085,28 +560086,28 +560087,31 +560088,31 +560089,31 +560090,31 +560091,31 +560092,31 +560093,24 +560094,24 +560095,24 +560096,24 +560097,24 +560098,24 +560099,24 +560100,24 +560101,24 +560102,24 +560103,24 +560104,24 +560105,24 +560106,24 +560107,24 +560108,24 +560109,27 +560110,27 +560111,27 +560112,27 +560113,27 +560114,27 +560115,27 +560116,27 +560117,27 +560118,8 +560119,8 +560120,8 +560121,8 +560122,8 +560123,8 +560124,8 +560125,31 +560126,31 +560127,12 +560128,12 +560129,31 +560130,31 +560131,15 +560132,15 +560133,15 +560134,15 +560135,15 +560136,28 +560137,28 +560138,33 +560139,9 +560140,9 +560141,9 +560142,33 +560143,33 +560144,9 +560145,9 +560146,9 +560147,9 +560148,9 +560149,9 +560150,9 +560151,9 +560152,9 +560153,9 +560154,9 +560155,37 +560156,37 +560157,37 +560158,37 +560159,33 +560160,34 +560161,34 +560162,26 +560163,26 +560164,26 +560165,26 +560166,28 +560167,28 +560168,28 +560169,28 +560170,28 +560171,28 +560172,28 +560173,28 +560174,28 +560175,28 +560176,19 +560177,19 +560178,19 +560179,19 +560180,19 +560181,19 +560182,19 +560183,19 +560184,19 +560185,29 +560186,29 +560187,29 +560188,36 +560189,36 +560190,36 +560191,36 +560192,36 +560193,4 +560194,4 +560195,4 +560196,4 +560197,4 +560198,4 +560199,4 +560200,4 +560201,0 +560202,29 +560203,29 +560204,31 +560205,31 +560206,31 +560207,31 +560208,31 +560209,31 +560210,31 +560211,31 +560212,4 +560213,4 +560214,4 +560215,4 +560216,4 +560217,4 +560218,4 +560219,4 +560220,4 +560221,27 +560222,27 +560223,27 +560224,27 +560225,27 +560226,27 +560227,27 +560228,27 +560229,5 +560230,5 +560231,5 +560232,5 +560233,5 +560234,5 +560235,5 +560236,5 +560237,5 +560238,5 +560239,5 +560240,5 +560241,5 +560242,5 +560243,2 +560244,2 +560245,2 +560246,2 +560247,2 +560248,2 +560249,2 +560250,2 +560251,2 +560252,2 +560253,2 +560254,8 +560255,8 +560256,8 +560257,8 +560258,8 +560259,8 +560260,8 +560261,8 +560262,8 +560263,8 +560264,8 +560265,8 +560266,0 +560267,0 +560268,0 +560269,0 +560270,0 +560271,0 +560272,0 +560273,0 +560274,0 +560275,0 +560276,0 +560277,0 +560278,0 +560279,0 +560280,0 +560281,0 +560282,0 +560283,0 +560284,0 +560285,0 +560286,0 +560287,0 +560288,0 +560289,0 +560290,0 +560291,0 +560292,0 +560293,0 +560294,0 +560295,0 +560296,0 +560297,0 +560298,0 +560299,0 +560300,0 +560301,0 +560302,0 +560303,0 +560304,0 +560305,0 +560306,0 +560307,5 +560308,5 +560309,5 +560310,5 +560311,5 +560312,5 +560313,36 +560314,10 +560315,10 +560316,10 +560317,10 +560318,34 +560319,34 +560320,34 +560321,34 +560322,10 +560323,34 +560324,34 +560325,34 +560326,34 +560327,34 +560328,34 +560329,34 +560330,34 +560331,34 +560332,34 +560333,34 +560334,34 +560335,34 +560336,34 +560337,34 +560338,34 +560339,34 +560340,34 +560341,34 +560342,34 +560343,34 +560344,30 +560345,30 +560346,30 +560347,30 +560348,30 +560349,30 +560350,30 +560351,30 +560352,30 +560353,30 +560354,14 +560355,14 +560356,14 +560357,10 +560358,10 +560359,10 +560360,14 +560361,14 +560362,14 +560363,14 +560364,14 +560365,14 +560366,14 +560367,29 +560368,29 +560369,29 +560370,31 +560371,31 +560372,31 +560373,31 +560374,31 +560375,31 +560376,31 +560377,31 +560378,2 +560379,2 +560380,2 +560381,2 +560382,2 +560383,2 +560384,2 +560385,2 +560386,2 +560387,2 +560388,2 +560389,2 +560390,2 +560391,2 +560392,2 +560393,10 +560394,10 +560395,10 +560396,10 +560397,10 +560398,10 +560399,10 +560400,10 +560401,10 +560402,31 +560403,9 +560404,9 +560405,9 +560406,9 +560407,9 +560408,9 +560409,9 +560410,9 +560411,10 +560412,23 +560413,23 +560414,23 +560415,23 +560416,23 +560417,23 +560418,23 +560419,23 +560420,23 +560421,23 +560422,4 +560423,4 +560424,4 +560425,38 +560426,38 +560427,38 +560428,4 +560429,4 +560430,25 +560431,25 +560432,19 +560433,37 +560434,37 +560435,37 +560436,37 +560437,37 +560438,37 +560439,37 +560440,37 +560441,37 +560442,37 +560443,37 +560444,14 +560445,14 +560446,14 +560447,14 +560448,14 +560449,14 +560450,14 +560451,14 +560452,14 +560453,14 +560454,14 +560455,14 +560456,14 +560457,39 +560458,39 +560459,39 +560460,39 +560461,39 +560462,31 +560463,31 +560464,31 +560465,31 +560466,31 +560467,31 +560468,31 +560469,24 +560470,24 +560471,24 +560472,24 +560473,24 +560474,24 +560475,24 +560476,21 +560477,21 +560478,21 +560479,21 +560480,21 +560481,21 +560482,21 +560483,21 +560484,21 +560485,21 +560486,33 +560487,21 +560488,33 +560489,33 +560490,33 +560491,33 +560492,33 +560493,33 +560494,33 +560495,33 +560496,33 +560497,33 +560498,33 +560499,33 +560500,33 +560501,30 +560502,30 +560503,30 +560504,30 +560505,30 +560506,30 +560507,30 +560508,19 +560509,19 +560510,19 +560511,19 +560512,19 +560513,19 +560514,27 +560515,27 +560516,27 +560517,27 +560518,27 +560519,27 +560520,27 +560521,28 +560522,28 +560523,5 +560524,5 +560525,5 +560526,28 +560527,28 +560528,28 +560529,5 +560530,28 +560531,18 +560532,16 +560533,16 +560534,16 +560535,16 +560536,16 +560537,16 +560538,16 +560539,16 +560540,16 +560541,16 +560542,16 +560543,16 +560544,16 +560545,10 +560546,10 +560547,10 +560548,10 +560549,10 +560550,10 +560551,10 +560552,10 +560553,10 +560554,10 +560555,10 +560556,10 +560557,10 +560558,10 +560559,30 +560560,30 +560561,30 +560562,30 +560563,30 +560564,30 +560565,30 +560566,30 +560567,30 +560568,30 +560569,24 +560570,30 +560571,19 +560572,19 +560573,19 +560574,19 +560575,19 +560576,19 +560577,19 +560578,19 +560579,19 +560580,27 +560581,27 +560582,27 +560583,19 +560584,27 +560585,27 +560586,27 +560587,27 +560588,27 +560589,27 +560590,27 +560591,27 +560592,27 +560593,27 +560594,27 +560595,27 +560596,4 +560597,4 +560598,4 +560599,5 +560600,5 +560601,5 +560602,19 +560603,19 +560604,19 +560605,19 +560606,19 +560607,19 +560608,19 +560609,19 +560610,19 +560611,19 +560612,0 +560613,0 +560614,0 +560615,0 +560616,0 +560617,0 +560618,0 +560619,0 +560620,0 +560621,0 +560622,0 +560623,0 +560624,0 +560625,0 +560626,0 +560627,0 +560628,0 +560629,0 +560630,0 +560631,0 +560632,0 +560633,0 +560634,35 +560635,35 +560636,35 +560637,35 +560638,35 +560639,35 +560640,35 +560641,35 +560642,35 +560643,0 +560644,35 +560645,35 +560646,35 +560647,35 +560648,35 +560649,35 +560650,35 +560651,35 +560652,35 +560653,35 +560654,35 +560655,35 +560656,35 +560657,35 +560658,35 +560659,39 +560660,27 +560661,27 +560662,39 +560663,39 +560664,21 +560665,21 +560666,21 +560667,21 +560668,21 +560669,21 +560670,21 +560671,21 +560672,21 +560673,33 +560674,33 +560675,33 +560676,33 +560677,33 +560678,33 +560679,33 +560680,33 +560681,33 +560682,33 +560683,33 +560684,9 +560685,33 +560686,8 +560687,8 +560688,2 +560689,2 +560690,2 +560691,2 +560692,2 +560693,4 +560694,4 +560695,4 +560696,4 +560697,4 +560698,27 +560699,27 +560700,15 +560701,15 +560702,15 +560703,15 +560704,15 +560705,15 +560706,40 +560707,40 +560708,40 +560709,40 +560710,40 +560711,40 +560712,40 +560713,31 +560714,31 +560715,31 +560716,4 +560717,4 +560718,4 +560719,4 +560720,4 +560721,27 +560722,27 +560723,27 +560724,27 +560725,27 +560726,19 +560727,19 +560728,19 +560729,19 +560730,5 +560731,5 +560732,5 +560733,5 +560734,5 +560735,5 +560736,5 +560737,5 +560738,5 +560739,10 +560740,10 +560741,10 +560742,10 +560743,10 +560744,10 +560745,10 +560746,10 +560747,10 +560748,10 +560749,10 +560750,10 +560751,10 +560752,10 +560753,10 +560754,6 +560755,6 +560756,6 +560757,6 +560758,4 +560759,4 +560760,4 +560761,4 +560762,4 +560763,15 +560764,15 +560765,15 +560766,15 +560767,4 +560768,31 +560769,31 +560770,31 +560771,31 +560772,31 +560773,32 +560774,32 +560775,32 +560776,32 +560777,32 +560778,32 +560779,37 +560780,32 +560781,32 +560782,32 +560783,32 +560784,34 +560785,34 +560786,34 +560787,26 +560788,26 +560789,26 +560790,26 +560791,26 +560792,26 +560793,26 +560794,26 +560795,26 +560796,32 +560797,32 +560798,32 +560799,32 +560800,32 +560801,32 +560802,32 +560803,32 +560804,32 +560805,25 +560806,25 +560807,25 +560808,25 +560809,25 +560810,19 +560811,19 +560812,19 +560813,14 +560814,14 +560815,35 +560816,35 +560817,35 +560818,35 +560819,35 +560820,35 +560821,35 +560822,35 +560823,36 +560824,31 +560825,31 +560826,31 +560827,31 +560828,31 +560829,24 +560830,24 +560831,24 +560832,24 +560833,24 +560834,29 +560835,29 +560836,31 +560837,31 +560838,31 +560839,31 +560840,28 +560841,28 +560842,28 +560843,28 +560844,28 +560845,28 +560846,28 +560847,28 +560848,36 +560849,36 +560850,36 +560851,36 +560852,36 +560853,36 +560854,36 +560855,36 +560856,36 +560857,36 +560858,36 +560859,36 +560860,36 +560861,36 +560862,36 +560863,36 +560864,36 +560865,36 +560866,5 +560867,5 +560868,5 +560869,5 +560870,12 +560871,12 +560872,12 +560873,12 +560874,12 +560875,12 +560876,27 +560877,27 +560878,27 +560879,27 +560880,38 +560881,38 +560882,38 +560883,38 +560884,35 +560885,35 +560886,35 +560887,35 +560888,35 +560889,35 +560890,27 +560891,27 +560892,27 +560893,27 +560894,27 +560895,27 +560896,27 +560897,27 +560898,30 +560899,30 +560900,30 +560901,3 +560902,3 +560903,9 +560904,13 +560905,5 +560906,3 +560907,3 +560908,3 +560909,3 +560910,3 +560911,35 +560912,35 +560913,35 +560914,35 +560915,35 +560916,35 +560917,35 +560918,14 +560919,39 +560920,39 +560921,27 +560922,27 +560923,27 +560924,39 +560925,14 +560926,14 +560927,35 +560928,35 +560929,35 +560930,27 +560931,27 +560932,27 +560933,8 +560934,8 +560935,8 +560936,8 +560937,8 +560938,8 +560939,8 +560940,8 +560941,8 +560942,30 +560943,30 +560944,30 +560945,30 +560946,30 +560947,30 +560948,30 +560949,30 +560950,30 +560951,27 +560952,27 +560953,27 +560954,27 +560955,27 +560956,27 +560957,27 +560958,27 +560959,27 +560960,27 +560961,27 +560962,27 +560963,27 +560964,4 +560965,4 +560966,4 +560967,4 +560968,4 +560969,4 +560970,23 +560971,23 +560972,23 +560973,23 +560974,23 +560975,23 +560976,23 +560977,23 +560978,23 +560979,23 +560980,23 +560981,25 +560982,25 +560983,25 +560984,25 +560985,25 +560986,7 +560987,7 +560988,7 +560989,7 +560990,7 +560991,7 +560992,7 +560993,7 +560994,7 +560995,7 +560996,27 +560997,27 +560998,27 +560999,27 +561000,27 +561001,27 +561002,27 +561003,27 +561004,27 +561005,37 +561006,37 +561007,37 +561008,37 +561009,37 +561010,37 +561011,37 +561012,37 +561013,37 +561014,37 +561015,37 +561016,37 +561017,25 +561018,25 +561019,25 +561020,25 +561021,25 +561022,25 +561023,2 +561024,2 +561025,8 +561026,8 +561027,8 +561028,2 +561029,2 +561030,2 +561031,8 +561032,8 +561033,2 +561034,8 +561035,0 +561036,0 +561037,0 +561038,0 +561039,0 +561040,0 +561041,0 +561042,0 +561043,0 +561044,0 +561045,0 +561046,0 +561047,0 +561048,0 +561049,0 +561050,0 +561051,0 +561052,0 +561053,0 +561054,0 +561055,0 +561056,0 +561057,0 +561058,0 +561059,0 +561060,0 +561061,0 +561062,0 +561063,0 +561064,0 +561065,0 +561066,0 +561067,0 +561068,36 +561069,36 +561070,36 +561071,36 +561072,36 +561073,5 +561074,5 +561075,5 +561076,5 +561077,5 +561078,21 +561079,21 +561080,21 +561081,21 +561082,21 +561083,21 +561084,21 +561085,40 +561086,40 +561087,40 +561088,40 +561089,40 +561090,40 +561091,40 +561092,40 +561093,2 +561094,2 +561095,2 +561096,4 +561097,2 +561098,2 +561099,2 +561100,2 +561101,2 +561102,2 +561103,31 +561104,31 +561105,31 +561106,31 +561107,31 +561108,32 +561109,32 +561110,32 +561111,32 +561112,32 +561113,32 +561114,31 +561115,31 +561116,25 +561117,31 +561118,29 +561119,29 +561120,29 +561121,29 +561122,29 +561123,5 +561124,5 +561125,5 +561126,29 +561127,31 +561128,31 +561129,28 +561130,28 +561131,28 +561132,28 +561133,28 +561134,28 +561135,28 +561136,28 +561137,28 +561138,28 +561139,9 +561140,9 +561141,9 +561142,9 +561143,9 +561144,9 +561145,9 +561146,9 +561147,9 +561148,9 +561149,9 +561150,37 +561151,37 +561152,37 +561153,37 +561154,37 +561155,37 +561156,5 +561157,5 +561158,5 +561159,27 +561160,27 +561161,27 +561162,27 +561163,27 +561164,27 +561165,27 +561166,27 +561167,27 +561168,13 +561169,13 +561170,13 +561171,13 +561172,13 +561173,13 +561174,13 +561175,13 +561176,13 +561177,13 +561178,29 +561179,29 +561180,29 +561181,29 +561182,29 +561183,31 +561184,31 +561185,31 +561186,31 +561187,31 +561188,2 +561189,2 +561190,2 +561191,2 +561192,2 +561193,2 +561194,2 +561195,2 +561196,2 +561197,2 +561198,2 +561199,2 +561200,2 +561201,2 +561202,30 +561203,30 +561204,30 +561205,30 +561206,30 +561207,30 +561208,30 +561209,14 +561210,14 +561211,14 +561212,14 +561213,14 +561214,14 +561215,14 +561216,14 +561217,14 +561218,14 +561219,15 +561220,15 +561221,15 +561222,24 +561223,24 +561224,24 +561225,15 +561226,31 +561227,27 +561228,27 +561229,33 +561230,33 +561231,33 +561232,33 +561233,33 +561234,33 +561235,23 +561236,2 +561237,23 +561238,23 +561239,2 +561240,2 +561241,2 +561242,2 +561243,2 +561244,2 +561245,2 +561246,2 +561247,2 +561248,2 +561249,2 +561250,2 +561251,10 +561252,31 +561253,31 +561254,31 +561255,31 +561256,31 +561257,31 +561258,28 +561259,28 +561260,28 +561261,33 +561262,33 +561263,12 +561264,12 +561265,12 +561266,12 +561267,12 +561268,12 +561269,12 +561270,31 +561271,31 +561272,31 +561273,31 +561274,31 +561275,31 +561276,5 +561277,5 +561278,5 +561279,5 +561280,5 +561281,5 +561282,5 +561283,5 +561284,5 +561285,5 +561286,5 +561287,5 +561288,5 +561289,5 +561290,5 +561291,5 +561292,5 +561293,13 +561294,0 +561295,0 +561296,0 +561297,0 +561298,0 +561299,0 +561300,0 +561301,0 +561302,0 +561303,0 +561304,0 +561305,12 +561306,12 +561307,12 +561308,3 +561309,3 +561310,3 +561311,3 +561312,3 +561313,3 +561314,37 +561315,28 +561316,28 +561317,28 +561318,28 +561319,28 +561320,35 +561321,35 +561322,35 +561323,35 +561324,35 +561325,35 +561326,35 +561327,39 +561328,39 +561329,39 +561330,39 +561331,39 +561332,39 +561333,39 +561334,39 +561335,39 +561336,35 +561337,35 +561338,35 +561339,35 +561340,35 +561341,35 +561342,40 +561343,40 +561344,40 +561345,40 +561346,40 +561347,40 +561348,40 +561349,8 +561350,8 +561351,8 +561352,8 +561353,8 +561354,8 +561355,8 +561356,8 +561357,5 +561358,5 +561359,5 +561360,5 +561361,5 +561362,5 +561363,5 +561364,40 +561365,40 +561366,40 +561367,40 +561368,40 +561369,40 +561370,40 +561371,24 +561372,24 +561373,24 +561374,24 +561375,32 +561376,32 +561377,32 +561378,25 +561379,25 +561380,25 +561381,25 +561382,25 +561383,25 +561384,25 +561385,2 +561386,2 +561387,2 +561388,2 +561389,2 +561390,2 +561391,2 +561392,2 +561393,2 +561394,2 +561395,2 +561396,2 +561397,2 +561398,2 +561399,39 +561400,39 +561401,39 +561402,39 +561403,39 +561404,39 +561405,39 +561406,39 +561407,39 +561408,5 +561409,5 +561410,5 +561411,5 +561412,5 +561413,5 +561414,15 +561415,15 +561416,15 +561417,15 +561418,27 +561419,27 +561420,27 +561421,27 +561422,27 +561423,27 +561424,27 +561425,39 +561426,23 +561427,23 +561428,23 +561429,23 +561430,23 +561431,23 +561432,23 +561433,23 +561434,23 +561435,23 +561436,9 +561437,9 +561438,9 +561439,9 +561440,9 +561441,9 +561442,9 +561443,9 +561444,9 +561445,9 +561446,9 +561447,9 +561448,9 +561449,37 +561450,37 +561451,37 +561452,37 +561453,37 +561454,37 +561455,37 +561456,37 +561457,37 +561458,37 +561459,37 +561460,37 +561461,37 +561462,37 +561463,37 +561464,25 +561465,25 +561466,25 +561467,25 +561468,25 +561469,25 +561470,0 +561471,0 +561472,0 +561473,0 +561474,0 +561475,0 +561476,0 +561477,0 +561478,0 +561479,0 +561480,0 +561481,0 +561482,0 +561483,0 +561484,0 +561485,0 +561486,0 +561487,0 +561488,0 +561489,0 +561490,0 +561491,0 +561492,0 +561493,0 +561494,0 +561495,0 +561496,0 +561497,0 +561498,0 +561499,0 +561500,0 +561501,0 +561502,0 +561503,0 +561504,0 +561505,0 +561506,0 +561507,0 +561508,0 +561509,2 +561510,2 +561511,2 +561512,2 +561513,2 +561514,2 +561515,2 +561516,2 +561517,2 +561518,2 +561519,2 +561520,2 +561521,2 +561522,2 +561523,2 +561524,2 +561525,2 +561526,27 +561527,27 +561528,27 +561529,27 +561530,27 +561531,27 +561532,5 +561533,5 +561534,5 +561535,5 +561536,5 +561537,5 +561538,2 +561539,2 +561540,2 +561541,2 +561542,2 +561543,2 +561544,2 +561545,2 +561546,2 +561547,29 +561548,29 +561549,29 +561550,29 +561551,29 +561552,29 +561553,29 +561554,36 +561555,36 +561556,36 +561557,36 +561558,36 +561559,36 +561560,36 +561561,36 +561562,36 +561563,36 +561564,36 +561565,36 +561566,36 +561567,36 +561568,4 +561569,4 +561570,4 +561571,4 +561572,4 +561573,4 +561574,28 +561575,28 +561576,28 +561577,28 +561578,28 +561579,28 +561580,28 +561581,28 +561582,28 +561583,28 +561584,10 +561585,10 +561586,10 +561587,10 +561588,10 +561589,10 +561590,10 +561591,10 +561592,10 +561593,10 +561594,10 +561595,10 +561596,30 +561597,30 +561598,30 +561599,30 +561600,30 +561601,30 +561602,30 +561603,30 +561604,30 +561605,30 +561606,30 +561607,30 +561608,10 +561609,10 +561610,10 +561611,10 +561612,10 +561613,10 +561614,10 +561615,10 +561616,10 +561617,10 +561618,10 +561619,10 +561620,10 +561621,10 +561622,10 +561623,10 +561624,10 +561625,23 +561626,23 +561627,23 +561628,23 +561629,23 +561630,23 +561631,23 +561632,23 +561633,23 +561634,23 +561635,23 +561636,30 +561637,30 +561638,26 +561639,9 +561640,26 +561641,26 +561642,26 +561643,26 +561644,26 +561645,26 +561646,26 +561647,5 +561648,5 +561649,5 +561650,5 +561651,5 +561652,5 +561653,5 +561654,28 +561655,28 +561656,5 +561657,15 +561658,15 +561659,15 +561660,15 +561661,15 +561662,10 +561663,10 +561664,10 +561665,10 +561666,10 +561667,10 +561668,10 +561669,10 +561670,10 +561671,10 +561672,10 +561673,10 +561674,10 +561675,10 +561676,10 +561677,10 +561678,10 +561679,10 +561680,10 +561681,25 +561682,25 +561683,25 +561684,37 +561685,25 +561686,25 +561687,37 +561688,37 +561689,37 +561690,31 +561691,31 +561692,31 +561693,31 +561694,31 +561695,31 +561696,24 +561697,24 +561698,24 +561699,24 +561700,24 +561701,24 +561702,31 +561703,31 +561704,31 +561705,31 +561706,31 +561707,30 +561708,30 +561709,30 +561710,30 +561711,30 +561712,30 +561713,30 +561714,30 +561715,30 +561716,30 +561717,30 +561718,30 +561719,30 +561720,30 +561721,30 +561722,30 +561723,30 +561724,30 +561725,4 +561726,4 +561727,4 +561728,4 +561729,4 +561730,8 +561731,8 +561732,8 +561733,8 +561734,2 +561735,2 +561736,2 +561737,2 +561738,2 +561739,2 +561740,2 +561741,2 +561742,4 +561743,4 +561744,4 +561745,4 +561746,0 +561747,4 +561748,4 +561749,4 +561750,4 +561751,4 +561752,4 +561753,4 +561754,31 +561755,31 +561756,31 +561757,31 +561758,31 +561759,31 +561760,31 +561761,31 +561762,31 +561763,38 +561764,23 +561765,23 +561766,23 +561767,38 +561768,38 +561769,38 +561770,38 +561771,38 +561772,23 +561773,30 +561774,30 +561775,30 +561776,30 +561777,30 +561778,30 +561779,30 +561780,30 +561781,30 +561782,30 +561783,10 +561784,10 +561785,10 +561786,10 +561787,10 +561788,10 +561789,10 +561790,10 +561791,10 +561792,10 +561793,10 +561794,10 +561795,10 +561796,10 +561797,10 +561798,10 +561799,10 +561800,10 +561801,10 +561802,10 +561803,10 +561804,10 +561805,14 +561806,14 +561807,14 +561808,14 +561809,14 +561810,39 +561811,14 +561812,14 +561813,14 +561814,0 +561815,0 +561816,0 +561817,0 +561818,0 +561819,0 +561820,0 +561821,0 +561822,0 +561823,0 +561824,0 +561825,0 +561826,0 +561827,0 +561828,0 +561829,0 +561830,0 +561831,0 +561832,0 +561833,0 +561834,0 +561835,0 +561836,0 +561837,0 +561838,0 +561839,0 +561840,0 +561841,0 +561842,0 +561843,0 +561844,0 +561845,0 +561846,0 +561847,0 +561848,0 +561849,0 +561850,0 +561851,0 +561852,0 +561853,0 +561854,0 +561855,0 +561856,0 +561857,0 +561858,0 +561859,0 +561860,0 +561861,0 +561862,0 +561863,0 +561864,0 +561865,0 +561866,0 +561867,0 +561868,0 +561869,0 +561870,0 +561871,0 +561872,0 +561873,0 +561874,0 +561875,0 +561876,0 +561877,0 +561878,0 +561879,0 +561880,0 +561881,0 +561882,0 +561883,0 +561884,0 +561885,0 +561886,0 +561887,0 +561888,0 +561889,0 +561890,0 +561891,0 +561892,0 +561893,0 +561894,0 +561895,0 +561896,0 +561897,0 +561898,0 +561899,0 +561900,0 +561901,0 +561902,0 +561903,0 +561904,37 +561905,37 +561906,37 +561907,37 +561908,37 +561909,37 +561910,10 +561911,10 +561912,10 +561913,10 +561914,30 +561915,30 +561916,30 +561917,30 +561918,28 +561919,5 +561920,28 +561921,31 +561922,5 +561923,31 +561924,5 +561925,5 +561926,5 +561927,5 +561928,5 +561929,2 +561930,2 +561931,2 +561932,2 +561933,2 +561934,2 +561935,31 +561936,31 +561937,31 +561938,31 +561939,28 +561940,5 +561941,5 +561942,5 +561943,5 +561944,5 +561945,5 +561946,5 +561947,18 +561948,18 +561949,18 +561950,18 +561951,18 +561952,18 +561953,18 +561954,18 +561955,18 +561956,25 +561957,25 +561958,25 +561959,25 +561960,25 +561961,25 +561962,25 +561963,37 +561964,37 +561965,4 +561966,4 +561967,4 +561968,4 +561969,4 +561970,4 +561971,4 +561972,4 +561973,27 +561974,27 +561975,27 +561976,27 +561977,2 +561978,2 +561979,8 +561980,8 +561981,8 +561982,8 +561983,8 +561984,8 +561985,8 +561986,35 +561987,35 +561988,35 +561989,35 +561990,35 +561991,35 +561992,35 +561993,40 +561994,40 +561995,40 +561996,40 +561997,40 +561998,40 +561999,40 +562000,36 +562001,36 +562002,40 +562003,40 +562004,18 +562005,18 +562006,18 +562007,18 +562008,18 +562009,19 +562010,19 +562011,18 +562012,4 +562013,4 +562014,4 +562015,4 +562016,18 +562017,4 +562018,4 +562019,4 +562020,9 +562021,9 +562022,9 +562023,9 +562024,9 +562025,37 +562026,37 +562027,37 +562028,37 +562029,37 +562030,29 +562031,29 +562032,29 +562033,29 +562034,25 +562035,31 +562036,31 +562037,31 +562038,31 +562039,31 +562040,31 +562041,31 +562042,31 +562043,12 +562044,31 +562045,31 +562046,27 +562047,31 +562048,31 +562049,5 +562050,5 +562051,5 +562052,5 +562053,5 +562054,19 +562055,19 +562056,19 +562057,19 +562058,19 +562059,19 +562060,9 +562061,9 +562062,9 +562063,9 +562064,9 +562065,33 +562066,34 +562067,33 +562068,33 +562069,33 +562070,33 +562071,34 +562072,33 +562073,33 +562074,33 +562075,33 +562076,0 +562077,0 +562078,0 +562079,0 +562080,0 +562081,0 +562082,0 +562083,0 +562084,0 +562085,0 +562086,0 +562087,0 +562088,0 +562089,0 +562090,0 +562091,0 +562092,0 +562093,0 +562094,0 +562095,0 +562096,0 +562097,0 +562098,0 +562099,0 +562100,0 +562101,0 +562102,0 +562103,0 +562104,0 +562105,0 +562106,0 +562107,0 +562108,0 +562109,0 +562110,0 +562111,0 +562112,0 +562113,0 +562114,0 +562115,0 +562116,0 +562117,0 +562118,0 +562119,0 +562120,0 +562121,0 +562122,0 +562123,0 +562124,0 +562125,0 +562126,0 +562127,0 +562128,0 +562129,0 +562130,0 +562131,0 +562132,0 +562133,0 +562134,0 +562135,0 +562136,0 +562137,0 +562138,0 +562139,0 +562140,0 +562141,0 +562142,0 +562143,0 +562144,0 +562145,0 +562146,0 +562147,0 +562148,0 +562149,0 +562150,10 +562151,10 +562152,10 +562153,10 +562154,10 +562155,10 +562156,10 +562157,10 +562158,10 +562159,10 +562160,10 +562161,10 +562162,10 +562163,10 +562164,10 +562165,24 +562166,24 +562167,24 +562168,24 +562169,24 +562170,29 +562171,31 +562172,31 +562173,31 +562174,30 +562175,28 +562176,28 +562177,28 +562178,28 +562179,12 +562180,12 +562181,12 +562182,12 +562183,12 +562184,12 +562185,9 +562186,9 +562187,12 +562188,12 +562189,12 +562190,31 +562191,31 +562192,31 +562193,37 +562194,18 +562195,18 +562196,18 +562197,18 +562198,18 +562199,18 +562200,18 +562201,27 +562202,27 +562203,13 +562204,13 +562205,13 +562206,13 +562207,13 +562208,13 +562209,13 +562210,13 +562211,13 +562212,27 +562213,27 +562214,6 +562215,6 +562216,6 +562217,6 +562218,6 +562219,6 +562220,6 +562221,32 +562222,37 +562223,37 +562224,37 +562225,37 +562226,37 +562227,37 +562228,37 +562229,31 +562230,31 +562231,31 +562232,31 +562233,31 +562234,31 +562235,31 +562236,37 +562237,37 +562238,37 +562239,37 +562240,37 +562241,37 +562242,37 +562243,37 +562244,14 +562245,14 +562246,14 +562247,14 +562248,14 +562249,14 +562250,14 +562251,11 +562252,11 +562253,11 +562254,11 +562255,11 +562256,11 +562257,11 +562258,11 +562259,11 +562260,31 +562261,31 +562262,5 +562263,5 +562264,5 +562265,5 +562266,5 +562267,5 +562268,5 +562269,2 +562270,2 +562271,2 +562272,2 +562273,2 +562274,31 +562275,31 +562276,31 +562277,31 +562278,31 +562279,31 +562280,31 +562281,32 +562282,32 +562283,32 +562284,32 +562285,32 +562286,32 +562287,32 +562288,29 +562289,29 +562290,29 +562291,29 +562292,40 +562293,40 +562294,40 +562295,40 +562296,40 +562297,40 +562298,40 +562299,40 +562300,40 +562301,40 +562302,37 +562303,37 +562304,37 +562305,37 +562306,37 +562307,37 +562308,37 +562309,37 +562310,37 +562311,37 +562312,37 +562313,37 +562314,37 +562315,37 +562316,37 +562317,37 +562318,37 +562319,37 +562320,37 +562321,37 +562322,37 +562323,37 +562324,0 +562325,0 +562326,0 +562327,0 +562328,0 +562329,0 +562330,0 +562331,0 +562332,0 +562333,0 +562334,0 +562335,0 +562336,0 +562337,0 +562338,0 +562339,0 +562340,0 +562341,0 +562342,0 +562343,0 +562344,0 +562345,0 +562346,0 +562347,0 +562348,0 +562349,0 +562350,0 +562351,0 +562352,0 +562353,0 +562354,0 +562355,0 +562356,0 +562357,0 +562358,0 +562359,0 +562360,0 +562361,4 +562362,11 +562363,4 +562364,11 +562365,11 +562366,11 +562367,11 +562368,4 +562369,3 +562370,33 +562371,31 +562372,31 +562373,31 +562374,31 +562375,31 +562376,17 +562377,37 +562378,37 +562379,24 +562380,30 +562381,30 +562382,30 +562383,30 +562384,30 +562385,29 +562386,29 +562387,29 +562388,39 +562389,39 +562390,39 +562391,39 +562392,39 +562393,39 +562394,39 +562395,39 +562396,39 +562397,39 +562398,8 +562399,8 +562400,8 +562401,8 +562402,8 +562403,8 +562404,27 +562405,27 +562406,27 +562407,27 +562408,27 +562409,27 +562410,6 +562411,6 +562412,6 +562413,6 +562414,6 +562415,6 +562416,6 +562417,6 +562418,31 +562419,31 +562420,31 +562421,31 +562422,31 +562423,31 +562424,24 +562425,24 +562426,24 +562427,24 +562428,24 +562429,24 +562430,24 +562431,24 +562432,24 +562433,24 +562434,24 +562435,24 +562436,24 +562437,28 +562438,28 +562439,28 +562440,28 +562441,28 +562442,28 +562443,28 +562444,28 +562445,28 +562446,14 +562447,40 +562448,40 +562449,40 +562450,40 +562451,40 +562452,40 +562453,40 +562454,40 +562455,40 +562456,37 +562457,37 +562458,37 +562459,37 +562460,37 +562461,37 +562462,37 +562463,39 +562464,39 +562465,39 +562466,14 +562467,14 +562468,39 +562469,39 +562470,15 +562471,15 +562472,15 +562473,15 +562474,15 +562475,15 +562476,15 +562477,40 +562478,40 +562479,40 +562480,40 +562481,40 +562482,40 +562483,40 +562484,40 +562485,40 +562486,30 +562487,30 +562488,30 +562489,30 +562490,30 +562491,30 +562492,33 +562493,33 +562494,33 +562495,33 +562496,30 +562497,30 +562498,30 +562499,30 +562500,30 +562501,30 +562502,30 +562503,30 +562504,30 +562505,30 +562506,30 +562507,8 +562508,8 +562509,8 +562510,8 +562511,8 +562512,8 +562513,8 +562514,8 +562515,8 +562516,2 +562517,2 +562518,2 +562519,2 +562520,2 +562521,2 +562522,2 +562523,2 +562524,2 +562525,2 +562526,0 +562527,0 +562528,0 +562529,0 +562530,0 +562531,0 +562532,0 +562533,0 +562534,0 +562535,0 +562536,0 +562537,0 +562538,0 +562539,0 +562540,0 +562541,0 +562542,0 +562543,0 +562544,0 +562545,0 +562546,0 +562547,0 +562548,0 +562549,0 +562550,0 +562551,0 +562552,0 +562553,0 +562554,0 +562555,0 +562556,0 +562557,0 +562558,0 +562559,0 +562560,0 +562561,0 +562562,0 +562563,0 +562564,0 +562565,0 +562566,0 +562567,0 +562568,0 +562569,0 +562570,12 +562571,12 +562572,12 +562573,12 +562574,12 +562575,12 +562576,12 +562577,12 +562578,12 +562579,12 +562580,27 +562581,27 +562582,27 +562583,27 +562584,11 +562585,11 +562586,11 +562587,11 +562588,20 +562589,11 +562590,16 +562591,16 +562592,12 +562593,12 +562594,12 +562595,12 +562596,12 +562597,31 +562598,31 +562599,31 +562600,8 +562601,8 +562602,8 +562603,8 +562604,8 +562605,8 +562606,29 +562607,29 +562608,29 +562609,29 +562610,29 +562611,31 +562612,31 +562613,31 +562614,15 +562615,15 +562616,15 +562617,15 +562618,15 +562619,15 +562620,15 +562621,14 +562622,27 +562623,27 +562624,27 +562625,27 +562626,27 +562627,27 +562628,21 +562629,21 +562630,21 +562631,21 +562632,21 +562633,21 +562634,5 +562635,5 +562636,5 +562637,5 +562638,5 +562639,5 +562640,3 +562641,3 +562642,7 +562643,3 +562644,3 +562645,3 +562646,3 +562647,3 +562648,3 +562649,3 +562650,3 +562651,3 +562652,8 +562653,8 +562654,8 +562655,8 +562656,8 +562657,8 +562658,8 +562659,8 +562660,2 +562661,2 +562662,31 +562663,31 +562664,31 +562665,24 +562666,24 +562667,24 +562668,29 +562669,24 +562670,24 +562671,27 +562672,27 +562673,27 +562674,27 +562675,27 +562676,27 +562677,19 +562678,19 +562679,19 +562680,19 +562681,19 +562682,19 +562683,19 +562684,14 +562685,14 +562686,14 +562687,14 +562688,14 +562689,14 +562690,14 +562691,14 +562692,14 +562693,14 +562694,14 +562695,14 +562696,14 +562697,14 +562698,14 +562699,14 +562700,14 +562701,14 +562702,14 +562703,14 +562704,14 +562705,14 +562706,14 +562707,14 +562708,14 +562709,14 +562710,14 +562711,14 +562712,14 +562713,14 +562714,14 +562715,14 +562716,14 +562717,14 +562718,14 +562719,0 +562720,0 +562721,0 +562722,0 +562723,0 +562724,0 +562725,0 +562726,0 +562727,0 +562728,0 +562729,0 +562730,0 +562731,0 +562732,0 +562733,0 +562734,0 +562735,0 +562736,0 +562737,0 +562738,0 +562739,0 +562740,36 +562741,36 +562742,36 +562743,36 +562744,36 +562745,36 +562746,36 +562747,36 +562748,36 +562749,19 +562750,19 +562751,19 +562752,19 +562753,19 +562754,35 +562755,4 +562756,4 +562757,4 +562758,4 +562759,35 +562760,35 +562761,35 +562762,35 +562763,35 +562764,35 +562765,34 +562766,34 +562767,34 +562768,34 +562769,34 +562770,34 +562771,34 +562772,9 +562773,9 +562774,6 +562775,6 +562776,6 +562777,6 +562778,6 +562779,6 +562780,6 +562781,4 +562782,1 +562783,4 +562784,37 +562785,37 +562786,37 +562787,37 +562788,37 +562789,10 +562790,10 +562791,10 +562792,10 +562793,10 +562794,10 +562795,10 +562796,5 +562797,5 +562798,5 +562799,5 +562800,5 +562801,5 +562802,5 +562803,5 +562804,26 +562805,26 +562806,26 +562807,26 +562808,26 +562809,26 +562810,26 +562811,26 +562812,26 +562813,26 +562814,26 +562815,26 +562816,26 +562817,26 +562818,26 +562819,4 +562820,4 +562821,4 +562822,4 +562823,4 +562824,4 +562825,4 +562826,35 +562827,31 +562828,31 +562829,31 +562830,31 +562831,31 +562832,24 +562833,24 +562834,24 +562835,24 +562836,24 +562837,24 +562838,24 +562839,24 +562840,15 +562841,15 +562842,32 +562843,32 +562844,32 +562845,32 +562846,32 +562847,32 +562848,40 +562849,40 +562850,40 +562851,40 +562852,40 +562853,40 +562854,40 +562855,31 +562856,31 +562857,31 +562858,31 +562859,31 +562860,31 +562861,31 +562862,31 +562863,5 +562864,5 +562865,5 +562866,5 +562867,5 +562868,5 +562869,5 +562870,5 +562871,5 +562872,5 +562873,5 +562874,5 +562875,5 +562876,5 +562877,0 +562878,5 +562879,0 +562880,0 +562881,0 +562882,0 +562883,0 +562884,0 +562885,0 +562886,0 +562887,0 +562888,0 +562889,0 +562890,0 +562891,0 +562892,0 +562893,0 +562894,0 +562895,0 +562896,0 +562897,0 +562898,0 +562899,0 +562900,0 +562901,0 +562902,0 +562903,0 +562904,0 +562905,0 +562906,0 +562907,0 +562908,0 +562909,0 +562910,0 +562911,0 +562912,0 +562913,0 +562914,0 +562915,0 +562916,0 +562917,0 +562918,0 +562919,0 +562920,0 +562921,0 +562922,0 +562923,0 +562924,0 +562925,0 +562926,0 +562927,0 +562928,15 +562929,15 +562930,15 +562931,15 +562932,39 +562933,39 +562934,39 +562935,39 +562936,39 +562937,39 +562938,39 +562939,39 +562940,39 +562941,39 +562942,30 +562943,30 +562944,30 +562945,30 +562946,30 +562947,30 +562948,30 +562949,30 +562950,30 +562951,30 +562952,33 +562953,33 +562954,19 +562955,19 +562956,30 +562957,19 +562958,19 +562959,19 +562960,19 +562961,6 +562962,6 +562963,6 +562964,6 +562965,6 +562966,6 +562967,6 +562968,6 +562969,6 +562970,6 +562971,26 +562972,26 +562973,26 +562974,26 +562975,31 +562976,26 +562977,26 +562978,26 +562979,26 +562980,30 +562981,33 +562982,34 +562983,34 +562984,34 +562985,34 +562986,33 +562987,33 +562988,33 +562989,33 +562990,28 +562991,28 +562992,28 +562993,28 +562994,28 +562995,12 +562996,12 +562997,12 +562998,12 +562999,12 +563000,31 +563001,31 +563002,31 +563003,31 +563004,31 +563005,8 +563006,8 +563007,8 +563008,8 +563009,8 +563010,8 +563011,8 +563012,21 +563013,21 +563014,21 +563015,21 +563016,21 +563017,21 +563018,21 +563019,21 +563020,21 +563021,9 +563022,9 +563023,9 +563024,9 +563025,9 +563026,9 +563027,9 +563028,9 +563029,9 +563030,9 +563031,9 +563032,9 +563033,9 +563034,9 +563035,9 +563036,9 +563037,37 +563038,37 +563039,37 +563040,37 +563041,37 +563042,37 +563043,37 +563044,37 +563045,37 +563046,5 +563047,28 +563048,5 +563049,5 +563050,5 +563051,28 +563052,28 +563053,5 +563054,5 +563055,5 +563056,5 +563057,0 +563058,0 +563059,0 +563060,0 +563061,0 +563062,0 +563063,0 +563064,12 +563065,12 +563066,12 +563067,12 +563068,12 +563069,27 +563070,27 +563071,27 +563072,27 +563073,38 +563074,38 +563075,38 +563076,38 +563077,38 +563078,38 +563079,27 +563080,31 +563081,31 +563082,31 +563083,31 +563084,19 +563085,4 +563086,4 +563087,4 +563088,4 +563089,4 +563090,4 +563091,2 +563092,2 +563093,2 +563094,2 +563095,2 +563096,2 +563097,2 +563098,2 +563099,2 +563100,30 +563101,30 +563102,30 +563103,30 +563104,30 +563105,30 +563106,30 +563107,30 +563108,30 +563109,30 +563110,26 +563111,26 +563112,10 +563113,10 +563114,10 +563115,10 +563116,10 +563117,10 +563118,10 +563119,10 +563120,10 +563121,10 +563122,10 +563123,10 +563124,10 +563125,10 +563126,10 +563127,10 +563128,10 +563129,10 +563130,14 +563131,14 +563132,14 +563133,28 +563134,28 +563135,28 +563136,28 +563137,28 +563138,28 +563139,5 +563140,5 +563141,5 +563142,5 +563143,5 +563144,5 +563145,5 +563146,5 +563147,5 +563148,8 +563149,8 +563150,8 +563151,8 +563152,8 +563153,8 +563154,8 +563155,2 +563156,2 +563157,2 +563158,2 +563159,2 +563160,2 +563161,2 +563162,2 +563163,2 +563164,2 +563165,2 +563166,2 +563167,2 +563168,0 +563169,0 +563170,0 +563171,0 +563172,0 +563173,0 +563174,0 +563175,0 +563176,0 +563177,0 +563178,0 +563179,0 +563180,0 +563181,0 +563182,0 +563183,0 +563184,0 +563185,0 +563186,0 +563187,0 +563188,0 +563189,0 +563190,0 +563191,0 +563192,0 +563193,0 +563194,0 +563195,0 +563196,0 +563197,0 +563198,0 +563199,0 +563200,0 +563201,0 +563202,0 +563203,0 +563204,0 +563205,0 +563206,0 +563207,0 +563208,0 +563209,0 +563210,0 +563211,0 +563212,0 +563213,0 +563214,0 +563215,0 +563216,0 +563217,0 +563218,0 +563219,6 +563220,6 +563221,6 +563222,6 +563223,6 +563224,26 +563225,26 +563226,26 +563227,26 +563228,34 +563229,34 +563230,34 +563231,26 +563232,10 +563233,10 +563234,10 +563235,10 +563236,10 +563237,10 +563238,10 +563239,10 +563240,10 +563241,10 +563242,10 +563243,10 +563244,10 +563245,18 +563246,18 +563247,18 +563248,18 +563249,18 +563250,18 +563251,18 +563252,18 +563253,18 +563254,18 +563255,18 +563256,18 +563257,18 +563258,18 +563259,18 +563260,31 +563261,31 +563262,31 +563263,31 +563264,31 +563265,31 +563266,31 +563267,31 +563268,31 +563269,31 +563270,2 +563271,2 +563272,2 +563273,2 +563274,2 +563275,2 +563276,2 +563277,2 +563278,2 +563279,2 +563280,4 +563281,4 +563282,4 +563283,2 +563284,2 +563285,6 +563286,6 +563287,6 +563288,6 +563289,34 +563290,34 +563291,36 +563292,36 +563293,36 +563294,36 +563295,36 +563296,36 +563297,36 +563298,36 +563299,36 +563300,23 +563301,23 +563302,23 +563303,23 +563304,23 +563305,23 +563306,23 +563307,23 +563308,4 +563309,4 +563310,4 +563311,4 +563312,4 +563313,31 +563314,27 +563315,31 +563316,27 +563317,27 +563318,31 +563319,31 +563320,23 +563321,23 +563322,23 +563323,23 +563324,23 +563325,23 +563326,23 +563327,23 +563328,23 +563329,23 +563330,23 +563331,23 +563332,23 +563333,9 +563334,9 +563335,9 +563336,9 +563337,9 +563338,9 +563339,9 +563340,25 +563341,37 +563342,30 +563343,30 +563344,30 +563345,37 +563346,37 +563347,37 +563348,37 +563349,37 +563350,37 +563351,28 +563352,28 +563353,31 +563354,28 +563355,9 +563356,9 +563357,31 +563358,31 +563359,31 +563360,31 +563361,31 +563362,5 +563363,5 +563364,5 +563365,5 +563366,5 +563367,5 +563368,5 +563369,5 +563370,18 +563371,18 +563372,18 +563373,18 +563374,18 +563375,18 +563376,18 +563377,18 +563378,31 +563379,31 +563380,31 +563381,31 +563382,31 +563383,31 +563384,31 +563385,31 +563386,31 +563387,31 +563388,31 +563389,31 +563390,18 +563391,18 +563392,18 +563393,18 +563394,18 +563395,18 +563396,18 +563397,18 +563398,18 +563399,18 +563400,18 +563401,28 +563402,28 +563403,28 +563404,28 +563405,31 +563406,31 +563407,31 +563408,31 +563409,31 +563410,31 +563411,5 +563412,5 +563413,5 +563414,5 +563415,5 +563416,5 +563417,31 +563418,31 +563419,31 +563420,31 +563421,31 +563422,31 +563423,31 +563424,5 +563425,5 +563426,5 +563427,5 +563428,5 +563429,5 +563430,5 +563431,5 +563432,5 +563433,5 +563434,4 +563435,4 +563436,4 +563437,4 +563438,4 +563439,4 +563440,4 +563441,4 +563442,4 +563443,4 +563444,4 +563445,4 +563446,4 +563447,4 +563448,14 +563449,14 +563450,14 +563451,14 +563452,14 +563453,14 +563454,14 +563455,14 +563456,14 +563457,14 +563458,14 +563459,14 +563460,14 +563461,6 +563462,14 +563463,6 +563464,6 +563465,6 +563466,6 +563467,6 +563468,6 +563469,6 +563470,6 +563471,28 +563472,28 +563473,28 +563474,28 +563475,28 +563476,28 +563477,14 +563478,39 +563479,14 +563480,14 +563481,14 +563482,14 +563483,14 +563484,14 +563485,6 +563486,14 +563487,14 +563488,14 +563489,27 +563490,27 +563491,27 +563492,16 +563493,16 +563494,16 +563495,16 +563496,16 +563497,16 +563498,16 +563499,16 +563500,16 +563501,16 +563502,16 +563503,16 +563504,16 +563505,16 +563506,36 +563507,36 +563508,36 +563509,36 +563510,36 +563511,36 +563512,36 +563513,36 +563514,36 +563515,36 +563516,5 +563517,5 +563518,5 +563519,5 +563520,5 +563521,5 +563522,5 +563523,5 +563524,2 +563525,2 +563526,2 +563527,2 +563528,2 +563529,2 +563530,2 +563531,2 +563532,2 +563533,27 +563534,27 +563535,8 +563536,27 +563537,27 +563538,27 +563539,27 +563540,27 +563541,27 +563542,27 +563543,8 +563544,8 +563545,8 +563546,8 +563547,8 +563548,8 +563549,8 +563550,8 +563551,8 +563552,8 +563553,8 +563554,2 +563555,2 +563556,2 +563557,2 +563558,2 +563559,2 +563560,2 +563561,2 +563562,2 +563563,2 +563564,2 +563565,2 +563566,2 +563567,0 +563568,0 +563569,0 +563570,0 +563571,0 +563572,0 +563573,0 +563574,0 +563575,0 +563576,0 +563577,0 +563578,0 +563579,0 +563580,0 +563581,0 +563582,0 +563583,0 +563584,0 +563585,0 +563586,0 +563587,0 +563588,0 +563589,0 +563590,0 +563591,0 +563592,0 +563593,0 +563594,0 +563595,0 +563596,0 +563597,0 +563598,0 +563599,0 +563600,36 +563601,36 +563602,36 +563603,36 +563604,36 +563605,36 +563606,36 +563607,36 +563608,36 +563609,36 +563610,36 +563611,36 +563612,36 +563613,5 +563614,5 +563615,5 +563616,5 +563617,5 +563618,5 +563619,5 +563620,5 +563621,12 +563622,12 +563623,12 +563624,12 +563625,12 +563626,12 +563627,12 +563628,12 +563629,31 +563630,31 +563631,31 +563632,31 +563633,5 +563634,27 +563635,5 +563636,31 +563637,31 +563638,31 +563639,31 +563640,31 +563641,31 +563642,31 +563643,31 +563644,31 +563645,32 +563646,32 +563647,32 +563648,32 +563649,32 +563650,32 +563651,32 +563652,32 +563653,32 +563654,32 +563655,32 +563656,32 +563657,32 +563658,23 +563659,9 +563660,9 +563661,9 +563662,9 +563663,9 +563664,33 +563665,33 +563666,33 +563667,33 +563668,33 +563669,33 +563670,33 +563671,33 +563672,33 +563673,33 +563674,24 +563675,24 +563676,24 +563677,24 +563678,24 +563679,24 +563680,24 +563681,19 +563682,19 +563683,19 +563684,19 +563685,19 +563686,19 +563687,19 +563688,19 +563689,19 +563690,34 +563691,34 +563692,31 +563693,40 +563694,40 +563695,40 +563696,40 +563697,37 +563698,37 +563699,24 +563700,24 +563701,24 +563702,24 +563703,24 +563704,24 +563705,33 +563706,33 +563707,33 +563708,33 +563709,30 +563710,30 +563711,30 +563712,30 +563713,30 +563714,30 +563715,30 +563716,21 +563717,21 +563718,21 +563719,21 +563720,21 +563721,21 +563722,21 +563723,33 +563724,33 +563725,33 +563726,33 +563727,33 +563728,33 +563729,33 +563730,33 +563731,33 +563732,33 +563733,33 +563734,33 +563735,33 +563736,33 +563737,33 +563738,2 +563739,2 +563740,2 +563741,2 +563742,2 +563743,2 +563744,2 +563745,2 +563746,2 +563747,8 +563748,8 +563749,37 +563750,37 +563751,37 +563752,37 +563753,37 +563754,37 +563755,37 +563756,37 +563757,37 +563758,37 +563759,26 +563760,26 +563761,26 +563762,26 +563763,26 +563764,26 +563765,26 +563766,26 +563767,26 +563768,26 +563769,37 +563770,26 +563771,26 +563772,26 +563773,26 +563774,26 +563775,26 +563776,9 +563777,13 +563778,13 +563779,13 +563780,13 +563781,13 +563782,13 +563783,13 +563784,13 +563785,13 +563786,13 +563787,13 +563788,13 +563789,13 +563790,13 +563791,13 +563792,13 +563793,13 +563794,28 +563795,28 +563796,28 +563797,13 +563798,0 +563799,0 +563800,0 +563801,0 +563802,0 +563803,0 +563804,0 +563805,0 +563806,0 +563807,0 +563808,0 +563809,0 +563810,0 +563811,0 +563812,0 +563813,0 +563814,0 +563815,0 +563816,0 +563817,0 +563818,0 +563819,0 +563820,0 +563821,0 +563822,0 +563823,0 +563824,0 +563825,0 +563826,0 +563827,0 +563828,0 +563829,35 +563830,35 +563831,35 +563832,35 +563833,35 +563834,35 +563835,35 +563836,35 +563837,35 +563838,35 +563839,35 +563840,35 +563841,36 +563842,36 +563843,36 +563844,36 +563845,36 +563846,36 +563847,36 +563848,36 +563849,36 +563850,4 +563851,32 +563852,32 +563853,32 +563854,32 +563855,32 +563856,32 +563857,4 +563858,32 +563859,39 +563860,39 +563861,39 +563862,39 +563863,39 +563864,39 +563865,39 +563866,4 +563867,4 +563868,4 +563869,4 +563870,31 +563871,31 +563872,31 +563873,31 +563874,31 +563875,31 +563876,31 +563877,31 +563878,35 +563879,35 +563880,35 +563881,35 +563882,35 +563883,35 +563884,35 +563885,35 +563886,35 +563887,40 +563888,35 +563889,35 +563890,35 +563891,35 +563892,36 +563893,36 +563894,36 +563895,40 +563896,40 +563897,40 +563898,40 +563899,40 +563900,40 +563901,40 +563902,36 +563903,37 +563904,37 +563905,37 +563906,37 +563907,24 +563908,24 +563909,24 +563910,37 +563911,29 +563912,29 +563913,29 +563914,29 +563915,29 +563916,29 +563917,29 +563918,29 +563919,34 +563920,30 +563921,24 +563922,30 +563923,30 +563924,10 +563925,10 +563926,10 +563927,10 +563928,10 +563929,10 +563930,10 +563931,10 +563932,10 +563933,10 +563934,10 +563935,10 +563936,10 +563937,10 +563938,10 +563939,30 +563940,30 +563941,30 +563942,30 +563943,30 +563944,30 +563945,30 +563946,30 +563947,30 +563948,30 +563949,33 +563950,33 +563951,33 +563952,33 +563953,33 +563954,33 +563955,33 +563956,31 +563957,22 +563958,31 +563959,31 +563960,31 +563961,33 +563962,33 +563963,33 +563964,33 +563965,31 +563966,31 +563967,31 +563968,31 +563969,31 +563970,31 +563971,31 +563972,24 +563973,24 +563974,24 +563975,24 +563976,24 +563977,24 +563978,24 +563979,23 +563980,23 +563981,23 +563982,23 +563983,24 +563984,23 +563985,23 +563986,23 +563987,0 +563988,0 +563989,0 +563990,0 +563991,0 +563992,0 +563993,0 +563994,0 +563995,0 +563996,0 +563997,0 +563998,0 +563999,0 +564000,0 +564001,0 +564002,0 +564003,0 +564004,0 +564005,0 +564006,0 +564007,0 +564008,0 +564009,0 +564010,0 +564011,0 +564012,0 +564013,0 +564014,0 +564015,0 +564016,0 +564017,0 +564018,0 +564019,0 +564020,0 +564021,0 +564022,0 +564023,0 +564024,0 +564025,0 +564026,0 +564027,0 +564028,0 +564029,0 +564030,35 +564031,35 +564032,35 +564033,35 +564034,35 +564035,35 +564036,35 +564037,35 +564038,35 +564039,35 +564040,35 +564041,35 +564042,35 +564043,36 +564044,36 +564045,36 +564046,36 +564047,36 +564048,36 +564049,36 +564050,36 +564051,32 +564052,32 +564053,32 +564054,32 +564055,32 +564056,32 +564057,32 +564058,32 +564059,32 +564060,32 +564061,39 +564062,39 +564063,39 +564064,39 +564065,39 +564066,39 +564067,39 +564068,39 +564069,39 +564070,39 +564071,39 +564072,39 +564073,39 +564074,39 +564075,4 +564076,4 +564077,4 +564078,4 +564079,4 +564080,4 +564081,4 +564082,4 +564083,4 +564084,4 +564085,4 +564086,27 +564087,27 +564088,27 +564089,27 +564090,19 +564091,19 +564092,19 +564093,19 +564094,19 +564095,19 +564096,19 +564097,19 +564098,26 +564099,26 +564100,26 +564101,26 +564102,26 +564103,26 +564104,26 +564105,26 +564106,26 +564107,26 +564108,26 +564109,26 +564110,10 +564111,26 +564112,26 +564113,26 +564114,26 +564115,10 +564116,10 +564117,10 +564118,10 +564119,10 +564120,10 +564121,10 +564122,10 +564123,10 +564124,10 +564125,10 +564126,10 +564127,10 +564128,10 +564129,10 +564130,10 +564131,10 +564132,10 +564133,14 +564134,14 +564135,14 +564136,14 +564137,39 +564138,39 +564139,14 +564140,14 +564141,14 +564142,14 +564143,0 +564144,0 +564145,0 +564146,0 +564147,0 +564148,0 +564149,0 +564150,0 +564151,0 +564152,0 +564153,0 +564154,0 +564155,0 +564156,0 +564157,0 +564158,0 +564159,0 +564160,0 +564161,0 +564162,0 +564163,0 +564164,0 +564165,0 +564166,0 +564167,0 +564168,0 +564169,0 +564170,0 +564171,0 +564172,0 +564173,0 +564174,0 +564175,0 +564176,0 +564177,0 +564178,0 +564179,0 +564180,0 +564181,0 +564182,0 +564183,0 +564184,0 +564185,0 +564186,0 +564187,0 +564188,0 +564189,0 +564190,0 +564191,0 +564192,0 +564193,0 +564194,0 +564195,0 +564196,0 +564197,0 +564198,0 +564199,0 +564200,0 +564201,0 +564202,0 +564203,0 +564204,0 +564205,0 +564206,0 +564207,0 +564208,0 +564209,0 +564210,0 +564211,0 +564212,0 +564213,0 +564214,0 +564215,0 +564216,0 +564217,0 +564218,0 +564219,0 +564220,0 +564221,0 +564222,0 +564223,0 +564224,0 +564225,0 +564226,0 +564227,0 +564228,0 +564229,0 +564230,0 +564231,0 +564232,0 +564233,0 +564234,0 +564235,0 +564236,0 +564237,0 +564238,0 +564239,0 +564240,0 +564241,0 +564242,28 +564243,28 +564244,28 +564245,28 +564246,12 +564247,12 +564248,12 +564249,28 +564250,40 +564251,40 +564252,40 +564253,40 +564254,40 +564255,40 +564256,23 +564257,23 +564258,23 +564259,23 +564260,23 +564261,23 +564262,23 +564263,23 +564264,23 +564265,23 +564266,23 +564267,23 +564268,23 +564269,23 +564270,23 +564271,23 +564272,9 +564273,9 +564274,9 +564275,9 +564276,9 +564277,37 +564278,37 +564279,37 +564280,25 +564281,25 +564282,37 +564283,30 +564284,30 +564285,30 +564286,30 +564287,30 +564288,30 +564289,30 +564290,30 +564291,30 +564292,30 +564293,40 +564294,40 +564295,40 +564296,40 +564297,40 +564298,40 +564299,40 +564300,40 +564301,40 +564302,6 +564303,6 +564304,6 +564305,6 +564306,6 +564307,6 +564308,2 +564309,2 +564310,2 +564311,2 +564312,2 +564313,2 +564314,2 +564315,4 +564316,4 +564317,4 +564318,4 +564319,4 +564320,4 +564321,27 +564322,27 +564323,27 +564324,27 +564325,27 +564326,5 +564327,19 +564328,5 +564329,5 +564330,5 +564331,5 +564332,5 +564333,5 +564334,5 +564335,5 +564336,26 +564337,26 +564338,26 +564339,26 +564340,26 +564341,26 +564342,26 +564343,26 +564344,26 +564345,26 +564346,26 +564347,26 +564348,6 +564349,6 +564350,6 +564351,21 +564352,21 +564353,21 +564354,21 +564355,21 +564356,6 +564357,6 +564358,6 +564359,6 +564360,37 +564361,37 +564362,37 +564363,37 +564364,37 +564365,37 +564366,33 +564367,33 +564368,33 +564369,33 +564370,33 +564371,33 +564372,33 +564373,33 +564374,33 +564375,33 +564376,33 +564377,33 +564378,33 +564379,33 +564380,33 +564381,5 +564382,31 +564383,5 +564384,5 +564385,5 +564386,5 +564387,5 +564388,5 +564389,5 +564390,2 +564391,2 +564392,2 +564393,2 +564394,2 +564395,2 +564396,2 +564397,2 +564398,27 +564399,31 +564400,31 +564401,31 +564402,31 +564403,27 +564404,30 +564405,31 +564406,30 +564407,30 +564408,30 +564409,30 +564410,30 +564411,30 +564412,30 +564413,30 +564414,30 +564415,30 +564416,30 +564417,30 +564418,14 +564419,14 +564420,14 +564421,14 +564422,14 +564423,14 +564424,14 +564425,14 +564426,14 +564427,14 +564428,4 +564429,4 +564430,4 +564431,4 +564432,4 +564433,4 +564434,4 +564435,25 +564436,25 +564437,25 +564438,25 +564439,25 +564440,25 +564441,25 +564442,37 +564443,37 +564444,25 +564445,25 +564446,25 +564447,25 +564448,25 +564449,25 +564450,25 +564451,25 +564452,25 +564453,25 +564454,25 +564455,25 +564456,25 +564457,19 +564458,0 +564459,0 +564460,0 +564461,0 +564462,0 +564463,0 +564464,0 +564465,0 +564466,0 +564467,0 +564468,0 +564469,0 +564470,0 +564471,0 +564472,0 +564473,0 +564474,0 +564475,0 +564476,0 +564477,0 +564478,0 +564479,0 +564480,0 +564481,0 +564482,0 +564483,0 +564484,0 +564485,0 +564486,0 +564487,0 +564488,0 +564489,0 +564490,0 +564491,0 +564492,0 +564493,0 +564494,0 +564495,0 +564496,0 +564497,0 +564498,0 +564499,0 +564500,0 +564501,36 +564502,36 +564503,36 +564504,36 +564505,36 +564506,36 +564507,36 +564508,36 +564509,36 +564510,5 +564511,5 +564512,19 +564513,19 +564514,5 +564515,29 +564516,29 +564517,29 +564518,29 +564519,29 +564520,35 +564521,35 +564522,39 +564523,39 +564524,39 +564525,39 +564526,39 +564527,39 +564528,8 +564529,8 +564530,8 +564531,8 +564532,8 +564533,8 +564534,8 +564535,8 +564536,15 +564537,15 +564538,15 +564539,15 +564540,15 +564541,15 +564542,15 +564543,31 +564544,31 +564545,31 +564546,1 +564547,10 +564548,26 +564549,26 +564550,36 +564551,28 +564552,28 +564553,28 +564554,28 +564555,28 +564556,2 +564557,2 +564558,2 +564559,2 +564560,2 +564561,11 +564562,11 +564563,27 +564564,40 +564565,40 +564566,27 +564567,27 +564568,27 +564569,27 +564570,27 +564571,2 +564572,2 +564573,8 +564574,8 +564575,8 +564576,8 +564577,8 +564578,6 +564579,6 +564580,6 +564581,6 +564582,6 +564583,6 +564584,6 +564585,27 +564586,14 +564587,14 +564588,14 +564589,14 +564590,14 +564591,14 +564592,14 +564593,14 +564594,14 +564595,14 +564596,28 +564597,28 +564598,28 +564599,28 +564600,28 +564601,28 +564602,5 +564603,5 +564604,5 +564605,16 +564606,11 +564607,11 +564608,11 +564609,18 +564610,31 +564611,31 +564612,31 +564613,31 +564614,40 +564615,31 +564616,40 +564617,2 +564618,2 +564619,2 +564620,2 +564621,2 +564622,2 +564623,2 +564624,2 +564625,2 +564626,2 +564627,2 +564628,2 +564629,2 +564630,2 +564631,27 +564632,27 +564633,27 +564634,27 +564635,27 +564636,5 +564637,5 +564638,5 +564639,5 +564640,5 +564641,5 +564642,5 +564643,5 +564644,5 +564645,23 +564646,23 +564647,23 +564648,23 +564649,23 +564650,23 +564651,23 +564652,23 +564653,37 +564654,37 +564655,37 +564656,40 +564657,40 +564658,40 +564659,40 +564660,40 +564661,40 +564662,5 +564663,5 +564664,5 +564665,5 +564666,31 +564667,31 +564668,31 +564669,31 +564670,31 +564671,24 +564672,28 +564673,28 +564674,28 +564675,28 +564676,28 +564677,28 +564678,28 +564679,28 +564680,28 +564681,28 +564682,28 +564683,28 +564684,10 +564685,10 +564686,10 +564687,10 +564688,10 +564689,10 +564690,10 +564691,10 +564692,5 +564693,4 +564694,4 +564695,4 +564696,4 +564697,4 +564698,4 +564699,4 +564700,4 +564701,4 +564702,4 +564703,4 +564704,4 +564705,40 +564706,27 +564707,40 +564708,40 +564709,27 +564710,27 +564711,27 +564712,27 +564713,27 +564714,27 +564715,27 +564716,27 +564717,14 +564718,14 +564719,14 +564720,30 +564721,30 +564722,30 +564723,30 +564724,30 +564725,30 +564726,30 +564727,30 +564728,30 +564729,30 +564730,30 +564731,30 +564732,30 +564733,30 +564734,30 +564735,30 +564736,30 +564737,30 +564738,30 +564739,30 +564740,30 +564741,30 +564742,0 +564743,0 +564744,0 +564745,0 +564746,0 +564747,0 +564748,0 +564749,0 +564750,0 +564751,0 +564752,0 +564753,0 +564754,0 +564755,0 +564756,0 +564757,0 +564758,0 +564759,0 +564760,0 +564761,0 +564762,0 +564763,0 +564764,0 +564765,0 +564766,0 +564767,0 +564768,0 +564769,0 +564770,0 +564771,0 +564772,0 +564773,0 +564774,0 +564775,0 +564776,0 +564777,0 +564778,0 +564779,0 +564780,0 +564781,0 +564782,0 +564783,0 +564784,0 +564785,0 +564786,0 +564787,0 +564788,0 +564789,0 +564790,0 +564791,0 +564792,0 +564793,0 +564794,0 +564795,0 +564796,0 +564797,0 +564798,0 +564799,0 +564800,0 +564801,0 +564802,0 +564803,0 +564804,0 +564805,0 +564806,0 +564807,0 +564808,0 +564809,0 +564810,0 +564811,0 +564812,0 +564813,0 +564814,0 +564815,0 +564816,0 +564817,0 +564818,0 +564819,0 +564820,7 +564821,7 +564822,7 +564823,7 +564824,7 +564825,35 +564826,35 +564827,7 +564828,7 +564829,7 +564830,7 +564831,39 +564832,39 +564833,39 +564834,39 +564835,39 +564836,39 +564837,4 +564838,4 +564839,4 +564840,4 +564841,4 +564842,4 +564843,4 +564844,4 +564845,4 +564846,4 +564847,4 +564848,4 +564849,4 +564850,14 +564851,14 +564852,14 +564853,14 +564854,14 +564855,14 +564856,14 +564857,14 +564858,14 +564859,14 +564860,14 +564861,14 +564862,14 +564863,14 +564864,14 +564865,14 +564866,14 +564867,14 +564868,14 +564869,14 +564870,14 +564871,14 +564872,14 +564873,14 +564874,30 +564875,30 +564876,30 +564877,30 +564878,30 +564879,30 +564880,30 +564881,30 +564882,33 +564883,33 +564884,33 +564885,33 +564886,33 +564887,33 +564888,33 +564889,30 +564890,30 +564891,30 +564892,30 +564893,30 +564894,30 +564895,30 +564896,30 +564897,30 +564898,30 +564899,30 +564900,30 +564901,30 +564902,30 +564903,30 +564904,30 +564905,30 +564906,30 +564907,30 +564908,30 +564909,0 +564910,0 +564911,0 +564912,0 +564913,0 +564914,0 +564915,0 +564916,0 +564917,0 +564918,0 +564919,0 +564920,0 +564921,0 +564922,0 +564923,0 +564924,0 +564925,0 +564926,0 +564927,0 +564928,0 +564929,0 +564930,0 +564931,0 +564932,0 +564933,0 +564934,0 +564935,0 +564936,0 +564937,0 +564938,0 +564939,0 +564940,0 +564941,0 +564942,0 +564943,0 +564944,0 +564945,0 +564946,0 +564947,0 +564948,0 +564949,0 +564950,0 +564951,0 +564952,0 +564953,0 +564954,0 +564955,0 +564956,0 +564957,0 +564958,0 +564959,0 +564960,0 +564961,6 +564962,0 +564963,0 +564964,6 +564965,6 +564966,6 +564967,6 +564968,6 +564969,6 +564970,6 +564971,6 +564972,6 +564973,6 +564974,6 +564975,37 +564976,37 +564977,37 +564978,37 +564979,37 +564980,36 +564981,27 +564982,27 +564983,27 +564984,40 +564985,40 +564986,27 +564987,5 +564988,5 +564989,31 +564990,4 +564991,4 +564992,27 +564993,31 +564994,31 +564995,32 +564996,32 +564997,32 +564998,32 +564999,32 +565000,32 +565001,32 +565002,32 +565003,32 +565004,32 +565005,32 +565006,32 +565007,33 +565008,33 +565009,33 +565010,33 +565011,33 +565012,33 +565013,33 +565014,8 +565015,8 +565016,8 +565017,8 +565018,8 +565019,8 +565020,8 +565021,33 +565022,33 +565023,33 +565024,33 +565025,33 +565026,33 +565027,33 +565028,33 +565029,2 +565030,2 +565031,2 +565032,8 +565033,7 +565034,7 +565035,7 +565036,7 +565037,7 +565038,7 +565039,31 +565040,31 +565041,31 +565042,31 +565043,31 +565044,31 +565045,31 +565046,31 +565047,5 +565048,5 +565049,5 +565050,5 +565051,5 +565052,5 +565053,5 +565054,5 +565055,6 +565056,6 +565057,6 +565058,6 +565059,6 +565060,6 +565061,6 +565062,6 +565063,6 +565064,6 +565065,6 +565066,37 +565067,37 +565068,37 +565069,37 +565070,37 +565071,37 +565072,39 +565073,39 +565074,39 +565075,39 +565076,39 +565077,6 +565078,6 +565079,6 +565080,6 +565081,6 +565082,6 +565083,27 +565084,27 +565085,27 +565086,27 +565087,27 +565088,27 +565089,27 +565090,27 +565091,27 +565092,27 +565093,19 +565094,19 +565095,19 +565096,19 +565097,19 +565098,0 +565099,0 +565100,0 +565101,0 +565102,0 +565103,0 +565104,0 +565105,0 +565106,0 +565107,0 +565108,0 +565109,0 +565110,0 +565111,0 +565112,0 +565113,0 +565114,0 +565115,0 +565116,0 +565117,0 +565118,0 +565119,0 +565120,0 +565121,0 +565122,0 +565123,0 +565124,0 +565125,0 +565126,0 +565127,0 +565128,0 +565129,0 +565130,0 +565131,0 +565132,0 +565133,0 +565134,0 +565135,0 +565136,0 +565137,0 +565138,0 +565139,0 +565140,0 +565141,0 +565142,0 +565143,0 +565144,0 +565145,0 +565146,0 +565147,0 +565148,0 +565149,0 +565150,0 +565151,31 +565152,31 +565153,31 +565154,31 +565155,31 +565156,31 +565157,31 +565158,5 +565159,5 +565160,5 +565161,5 +565162,5 +565163,27 +565164,27 +565165,31 +565166,31 +565167,31 +565168,31 +565169,31 +565170,27 +565171,8 +565172,8 +565173,8 +565174,8 +565175,8 +565176,8 +565177,8 +565178,8 +565179,8 +565180,2 +565181,27 +565182,27 +565183,27 +565184,27 +565185,27 +565186,27 +565187,27 +565188,8 +565189,2 +565190,2 +565191,2 +565192,2 +565193,8 +565194,2 +565195,2 +565196,2 +565197,2 +565198,2 +565199,2 +565200,14 +565201,14 +565202,14 +565203,14 +565204,14 +565205,14 +565206,14 +565207,14 +565208,14 +565209,14 +565210,14 +565211,14 +565212,14 +565213,11 +565214,11 +565215,11 +565216,11 +565217,11 +565218,11 +565219,11 +565220,11 +565221,11 +565222,11 +565223,11 +565224,11 +565225,31 +565226,5 +565227,5 +565228,5 +565229,5 +565230,5 +565231,26 +565232,26 +565233,26 +565234,26 +565235,26 +565236,26 +565237,26 +565238,32 +565239,32 +565240,32 +565241,32 +565242,32 +565243,32 +565244,32 +565245,32 +565246,32 +565247,32 +565248,30 +565249,30 +565250,30 +565251,30 +565252,30 +565253,10 +565254,10 +565255,10 +565256,10 +565257,10 +565258,10 +565259,10 +565260,10 +565261,10 +565262,10 +565263,10 +565264,10 +565265,10 +565266,10 +565267,5 +565268,5 +565269,5 +565270,5 +565271,5 +565272,5 +565273,31 +565274,31 +565275,31 +565276,31 +565277,31 +565278,24 +565279,24 +565280,24 +565281,24 +565282,24 +565283,28 +565284,5 +565285,5 +565286,5 +565287,5 +565288,5 +565289,5 +565290,5 +565291,5 +565292,5 +565293,9 +565294,9 +565295,9 +565296,9 +565297,9 +565298,9 +565299,9 +565300,9 +565301,9 +565302,9 +565303,9 +565304,9 +565305,37 +565306,37 +565307,37 +565308,37 +565309,37 +565310,37 +565311,37 +565312,37 +565313,37 +565314,37 +565315,37 +565316,37 +565317,37 +565318,37 +565319,37 +565320,31 +565321,37 +565322,14 +565323,36 +565324,36 +565325,36 +565326,36 +565327,36 +565328,36 +565329,36 +565330,36 +565331,36 +565332,5 +565333,5 +565334,5 +565335,19 +565336,19 +565337,19 +565338,19 +565339,5 +565340,5 +565341,3 +565342,3 +565343,28 +565344,27 +565345,27 +565346,27 +565347,27 +565348,27 +565349,27 +565350,27 +565351,37 +565352,37 +565353,37 +565354,37 +565355,37 +565356,37 +565357,37 +565358,37 +565359,37 +565360,37 +565361,37 +565362,37 +565363,37 +565364,37 +565365,39 +565366,39 +565367,39 +565368,39 +565369,39 +565370,39 +565371,31 +565372,14 +565373,28 +565374,31 +565375,28 +565376,28 +565377,28 +565378,28 +565379,28 +565380,28 +565381,28 +565382,12 +565383,12 +565384,12 +565385,12 +565386,31 +565387,31 +565388,8 +565389,8 +565390,8 +565391,8 +565392,8 +565393,8 +565394,8 +565395,8 +565396,40 +565397,31 +565398,27 +565399,31 +565400,31 +565401,28 +565402,28 +565403,28 +565404,28 +565405,28 +565406,28 +565407,28 +565408,28 +565409,28 +565410,28 +565411,28 +565412,28 +565413,36 +565414,36 +565415,36 +565416,36 +565417,36 +565418,36 +565419,36 +565420,36 +565421,4 +565422,4 +565423,4 +565424,4 +565425,9 +565426,25 +565427,25 +565428,25 +565429,25 +565430,25 +565431,25 +565432,25 +565433,25 +565434,25 +565435,25 +565436,25 +565437,25 +565438,25 +565439,25 +565440,15 +565441,15 +565442,15 +565443,0 +565444,0 +565445,0 +565446,0 +565447,12 +565448,12 +565449,12 +565450,12 +565451,12 +565452,12 +565453,12 +565454,12 +565455,12 +565456,12 +565457,12 +565458,12 +565459,31 +565460,31 +565461,31 +565462,31 +565463,31 +565464,5 +565465,5 +565466,5 +565467,19 +565468,19 +565469,19 +565470,19 +565471,25 +565472,25 +565473,25 +565474,25 +565475,25 +565476,25 +565477,4 +565478,4 +565479,4 +565480,4 +565481,4 +565482,4 +565483,4 +565484,4 +565485,31 +565486,31 +565487,25 +565488,31 +565489,29 +565490,29 +565491,29 +565492,29 +565493,29 +565494,29 +565495,31 +565496,31 +565497,31 +565498,31 +565499,31 +565500,2 +565501,2 +565502,2 +565503,2 +565504,2 +565505,2 +565506,2 +565507,2 +565508,2 +565509,2 +565510,32 +565511,32 +565512,32 +565513,32 +565514,32 +565515,32 +565516,40 +565517,40 +565518,40 +565519,40 +565520,40 +565521,40 +565522,6 +565523,6 +565524,6 +565525,6 +565526,6 +565527,6 +565528,6 +565529,6 +565530,4 +565531,4 +565532,4 +565533,4 +565534,4 +565535,4 +565536,4 +565537,4 +565538,14 +565539,14 +565540,14 +565541,14 +565542,14 +565543,14 +565544,14 +565545,14 +565546,14 +565547,14 +565548,4 +565549,4 +565550,4 +565551,4 +565552,4 +565553,4 +565554,4 +565555,25 +565556,25 +565557,25 +565558,25 +565559,25 +565560,25 +565561,25 +565562,25 +565563,25 +565564,25 +565565,8 +565566,8 +565567,8 +565568,8 +565569,8 +565570,8 +565571,8 +565572,8 +565573,8 +565574,8 +565575,8 +565576,8 +565577,8 +565578,8 +565579,8 +565580,8 +565581,8 +565582,0 +565583,0 +565584,0 +565585,0 +565586,19 +565587,19 +565588,19 +565589,19 +565590,29 +565591,29 +565592,29 +565593,29 +565594,15 +565595,19 +565596,27 +565597,27 +565598,27 +565599,27 +565600,27 +565601,27 +565602,27 +565603,27 +565604,27 +565605,27 +565606,8 +565607,2 +565608,2 +565609,2 +565610,2 +565611,2 +565612,2 +565613,2 +565614,2 +565615,2 +565616,2 +565617,2 +565618,27 +565619,27 +565620,27 +565621,27 +565622,27 +565623,27 +565624,27 +565625,4 +565626,4 +565627,4 +565628,4 +565629,4 +565630,4 +565631,27 +565632,27 +565633,27 +565634,27 +565635,27 +565636,27 +565637,19 +565638,19 +565639,19 +565640,19 +565641,19 +565642,19 +565643,27 +565644,27 +565645,27 +565646,27 +565647,27 +565648,27 +565649,27 +565650,27 +565651,27 +565652,27 +565653,4 +565654,4 +565655,4 +565656,4 +565657,4 +565658,4 +565659,4 +565660,4 +565661,4 +565662,4 +565663,4 +565664,4 +565665,4 +565666,4 +565667,15 +565668,15 +565669,15 +565670,15 +565671,15 +565672,15 +565673,15 +565674,15 +565675,27 +565676,27 +565677,39 +565678,39 +565679,39 +565680,39 +565681,15 +565682,15 +565683,29 +565684,29 +565685,31 +565686,31 +565687,31 +565688,31 +565689,31 +565690,38 +565691,38 +565692,15 +565693,15 +565694,15 +565695,15 +565696,15 +565697,15 +565698,15 +565699,15 +565700,15 +565701,36 +565702,36 +565703,36 +565704,36 +565705,36 +565706,36 +565707,36 +565708,36 +565709,36 +565710,36 +565711,36 +565712,36 +565713,36 +565714,36 +565715,36 +565716,36 +565717,36 +565718,36 +565719,2 +565720,2 +565721,2 +565722,2 +565723,2 +565724,2 +565725,2 +565726,4 +565727,4 +565728,4 +565729,4 +565730,4 +565731,31 +565732,27 +565733,27 +565734,27 +565735,27 +565736,27 +565737,27 +565738,27 +565739,31 +565740,31 +565741,2 +565742,2 +565743,2 +565744,2 +565745,2 +565746,2 +565747,2 +565748,2 +565749,2 +565750,2 +565751,2 +565752,2 +565753,2 +565754,0 +565755,0 +565756,0 +565757,0 +565758,0 +565759,0 +565760,0 +565761,0 +565762,0 +565763,28 +565764,28 +565765,28 +565766,28 +565767,28 +565768,28 +565769,28 +565770,28 +565771,28 +565772,28 +565773,28 +565774,28 +565775,33 +565776,33 +565777,33 +565778,33 +565779,33 +565780,33 +565781,33 +565782,33 +565783,8 +565784,8 +565785,8 +565786,8 +565787,8 +565788,8 +565789,15 +565790,15 +565791,15 +565792,15 +565793,15 +565794,15 +565795,15 +565796,15 +565797,15 +565798,15 +565799,15 +565800,15 +565801,15 +565802,15 +565803,33 +565804,33 +565805,33 +565806,31 +565807,31 +565808,31 +565809,33 +565810,33 +565811,33 +565812,33 +565813,33 +565814,33 +565815,33 +565816,27 +565817,27 +565818,27 +565819,14 +565820,14 +565821,14 +565822,14 +565823,14 +565824,14 +565825,14 +565826,39 +565827,36 +565828,36 +565829,14 +565830,14 +565831,14 +565832,5 +565833,5 +565834,5 +565835,4 +565836,4 +565837,4 +565838,4 +565839,4 +565840,4 +565841,0 +565842,0 +565843,0 +565844,0 +565845,0 +565846,0 +565847,0 +565848,0 +565849,35 +565850,35 +565851,35 +565852,35 +565853,35 +565854,35 +565855,35 +565856,35 +565857,35 +565858,35 +565859,35 +565860,36 +565861,36 +565862,36 +565863,36 +565864,36 +565865,36 +565866,36 +565867,36 +565868,36 +565869,36 +565870,36 +565871,23 +565872,23 +565873,23 +565874,23 +565875,23 +565876,23 +565877,23 +565878,23 +565879,23 +565880,35 +565881,36 +565882,36 +565883,40 +565884,40 +565885,40 +565886,40 +565887,24 +565888,24 +565889,24 +565890,24 +565891,24 +565892,24 +565893,25 +565894,25 +565895,25 +565896,25 +565897,25 +565898,25 +565899,25 +565900,32 +565901,32 +565902,32 +565903,32 +565904,32 +565905,32 +565906,32 +565907,32 +565908,32 +565909,32 +565910,30 +565911,30 +565912,30 +565913,30 +565914,30 +565915,30 +565916,14 +565917,14 +565918,14 +565919,14 +565920,14 +565921,14 +565922,14 +565923,14 +565924,10 +565925,10 +565926,14 +565927,14 +565928,14 +565929,6 +565930,32 +565931,32 +565932,32 +565933,32 +565934,32 +565935,32 +565936,32 +565937,32 +565938,15 +565939,32 +565940,32 +565941,32 +565942,10 +565943,10 +565944,10 +565945,10 +565946,10 +565947,39 +565948,39 +565949,10 +565950,10 +565951,39 +565952,10 +565953,10 +565954,10 +565955,14 +565956,14 +565957,14 +565958,4 +565959,39 +565960,4 +565961,4 +565962,4 +565963,4 +565964,4 +565965,4 +565966,4 +565967,33 +565968,33 +565969,33 +565970,33 +565971,33 +565972,33 +565973,33 +565974,33 +565975,33 +565976,33 +565977,33 +565978,33 +565979,32 +565980,32 +565981,32 +565982,6 +565983,6 +565984,6 +565985,6 +565986,6 +565987,6 +565988,4 +565989,4 +565990,29 +565991,23 +565992,23 +565993,27 +565994,27 +565995,27 +565996,14 +565997,14 +565998,14 +565999,14 +566000,14 +566001,14 +566002,30 +566003,30 +566004,30 +566005,30 +566006,30 +566007,30 +566008,30 +566009,30 +566010,30 +566011,30 +566012,4 +566013,4 +566014,4 +566015,4 +566016,4 +566017,2 +566018,2 +566019,2 +566020,4 +566021,4 +566022,39 +566023,39 +566024,39 +566025,39 +566026,39 +566027,39 +566028,39 +566029,27 +566030,27 +566031,39 +566032,39 +566033,39 +566034,39 +566035,39 +566036,39 +566037,39 +566038,14 +566039,14 +566040,28 +566041,28 +566042,28 +566043,28 +566044,28 +566045,28 +566046,28 +566047,13 +566048,13 +566049,13 +566050,28 +566051,28 +566052,28 +566053,28 +566054,28 +566055,28 +566056,0 +566057,0 +566058,0 +566059,0 +566060,0 +566061,0 +566062,0 +566063,0 +566064,0 +566065,0 +566066,0 +566067,0 +566068,0 +566069,0 +566070,0 +566071,0 +566072,0 +566073,0 +566074,0 +566075,0 +566076,0 +566077,0 +566078,0 +566079,0 +566080,0 +566081,0 +566082,0 +566083,0 +566084,0 +566085,0 +566086,0 +566087,0 +566088,0 +566089,0 +566090,0 +566091,0 +566092,0 +566093,0 +566094,0 +566095,0 +566096,0 +566097,0 +566098,0 +566099,0 +566100,0 +566101,5 +566102,5 +566103,5 +566104,5 +566105,5 +566106,5 +566107,5 +566108,5 +566109,5 +566110,5 +566111,5 +566112,5 +566113,5 +566114,5 +566115,5 +566116,27 +566117,27 +566118,27 +566119,27 +566120,27 +566121,27 +566122,27 +566123,27 +566124,4 +566125,4 +566126,4 +566127,4 +566128,4 +566129,4 +566130,4 +566131,4 +566132,4 +566133,4 +566134,4 +566135,2 +566136,4 +566137,4 +566138,4 +566139,4 +566140,4 +566141,4 +566142,4 +566143,4 +566144,3 +566145,3 +566146,3 +566147,3 +566148,3 +566149,3 +566150,3 +566151,3 +566152,3 +566153,3 +566154,3 +566155,3 +566156,3 +566157,4 +566158,4 +566159,4 +566160,4 +566161,4 +566162,4 +566163,4 +566164,4 +566165,4 +566166,27 +566167,27 +566168,27 +566169,21 +566170,21 +566171,21 +566172,21 +566173,21 +566174,21 +566175,21 +566176,21 +566177,21 +566178,40 +566179,40 +566180,40 +566181,40 +566182,40 +566183,40 +566184,40 +566185,29 +566186,29 +566187,29 +566188,29 +566189,29 +566190,29 +566191,29 +566192,25 +566193,25 +566194,25 +566195,25 +566196,25 +566197,25 +566198,25 +566199,25 +566200,25 +566201,4 +566202,4 +566203,4 +566204,4 +566205,4 +566206,4 +566207,4 +566208,4 +566209,4 +566210,4 +566211,4 +566212,4 +566213,4 +566214,16 +566215,16 +566216,12 +566217,12 +566218,12 +566219,12 +566220,12 +566221,12 +566222,12 +566223,12 +566224,10 +566225,10 +566226,10 +566227,10 +566228,10 +566229,10 +566230,10 +566231,10 +566232,10 +566233,10 +566234,10 +566235,10 +566236,10 +566237,10 +566238,17 +566239,17 +566240,17 +566241,17 +566242,17 +566243,17 +566244,17 +566245,39 +566246,39 +566247,2 +566248,2 +566249,2 +566250,2 +566251,2 +566252,2 +566253,2 +566254,2 +566255,2 +566256,2 +566257,2 +566258,2 +566259,2 +566260,2 +566261,4 +566262,4 +566263,2 +566264,2 +566265,2 +566266,2 +566267,2 +566268,2 +566269,2 +566270,2 +566271,2 +566272,2 +566273,2 +566274,2 +566275,2 +566276,2 +566277,2 +566278,2 +566279,2 +566280,2 +566281,2 +566282,2 +566283,0 +566284,0 +566285,0 +566286,0 +566287,0 +566288,0 +566289,0 +566290,0 +566291,0 +566292,0 +566293,0 +566294,0 +566295,0 +566296,0 +566297,0 +566298,0 +566299,0 +566300,0 +566301,0 +566302,0 +566303,0 +566304,0 +566305,0 +566306,0 +566307,0 +566308,0 +566309,0 +566310,0 +566311,0 +566312,0 +566313,0 +566314,0 +566315,0 +566316,0 +566317,0 +566318,0 +566319,0 +566320,0 +566321,0 +566322,0 +566323,0 +566324,0 +566325,0 +566326,0 +566327,0 +566328,0 +566329,0 +566330,0 +566331,0 +566332,0 +566333,0 +566334,0 +566335,0 +566336,7 +566337,7 +566338,7 +566339,7 +566340,39 +566341,39 +566342,39 +566343,39 +566344,39 +566345,39 +566346,11 +566347,11 +566348,11 +566349,11 +566350,11 +566351,11 +566352,11 +566353,11 +566354,11 +566355,11 +566356,11 +566357,11 +566358,11 +566359,11 +566360,11 +566361,33 +566362,33 +566363,33 +566364,33 +566365,17 +566366,17 +566367,17 +566368,17 +566369,17 +566370,17 +566371,17 +566372,17 +566373,17 +566374,17 +566375,17 +566376,17 +566377,17 +566378,14 +566379,28 +566380,24 +566381,24 +566382,28 +566383,28 +566384,28 +566385,29 +566386,29 +566387,29 +566388,40 +566389,40 +566390,40 +566391,40 +566392,40 +566393,40 +566394,40 +566395,40 +566396,37 +566397,14 +566398,14 +566399,14 +566400,14 +566401,31 +566402,31 +566403,31 +566404,31 +566405,19 +566406,19 +566407,19 +566408,19 +566409,27 +566410,27 +566411,27 +566412,27 +566413,27 +566414,27 +566415,27 +566416,27 +566417,27 +566418,27 +566419,14 +566420,27 +566421,27 +566422,27 +566423,2 +566424,2 +566425,2 +566426,2 +566427,2 +566428,8 +566429,8 +566430,8 +566431,8 +566432,32 +566433,32 +566434,32 +566435,32 +566436,32 +566437,32 +566438,32 +566439,32 +566440,32 +566441,32 +566442,26 +566443,26 +566444,26 +566445,26 +566446,26 +566447,26 +566448,26 +566449,26 +566450,26 +566451,26 +566452,26 +566453,26 +566454,26 +566455,26 +566456,5 +566457,2 +566458,2 +566459,2 +566460,2 +566461,2 +566462,2 +566463,2 +566464,2 +566465,2 +566466,31 +566467,31 +566468,31 +566469,31 +566470,15 +566471,15 +566472,15 +566473,15 +566474,15 +566475,15 +566476,31 +566477,31 +566478,31 +566479,31 +566480,31 +566481,30 +566482,30 +566483,30 +566484,30 +566485,30 +566486,30 +566487,30 +566488,30 +566489,30 +566490,30 +566491,30 +566492,30 +566493,30 +566494,30 +566495,30 +566496,30 +566497,30 +566498,30 +566499,30 +566500,0 +566501,0 +566502,0 +566503,0 +566504,0 +566505,0 +566506,0 +566507,0 +566508,0 +566509,0 +566510,0 +566511,0 +566512,0 +566513,0 +566514,0 +566515,0 +566516,0 +566517,0 +566518,0 +566519,0 +566520,0 +566521,0 +566522,0 +566523,0 +566524,0 +566525,0 +566526,0 +566527,0 +566528,0 +566529,0 +566530,0 +566531,0 +566532,0 +566533,0 +566534,0 +566535,0 +566536,0 +566537,0 +566538,0 +566539,0 +566540,0 +566541,0 +566542,0 +566543,0 +566544,30 +566545,30 +566546,30 +566547,30 +566548,30 +566549,30 +566550,30 +566551,30 +566552,30 +566553,30 +566554,30 +566555,30 +566556,30 +566557,30 +566558,3 +566559,3 +566560,3 +566561,3 +566562,3 +566563,3 +566564,3 +566565,3 +566566,3 +566567,3 +566568,3 +566569,3 +566570,3 +566571,3 +566572,3 +566573,27 +566574,27 +566575,27 +566576,5 +566577,5 +566578,5 +566579,5 +566580,5 +566581,5 +566582,5 +566583,5 +566584,21 +566585,21 +566586,21 +566587,21 +566588,21 +566589,21 +566590,21 +566591,21 +566592,33 +566593,33 +566594,33 +566595,33 +566596,33 +566597,33 +566598,33 +566599,30 +566600,30 +566601,30 +566602,30 +566603,33 +566604,33 +566605,33 +566606,33 +566607,33 +566608,33 +566609,33 +566610,33 +566611,33 +566612,33 +566613,33 +566614,33 +566615,33 +566616,30 +566617,31 +566618,31 +566619,24 +566620,24 +566621,24 +566622,24 +566623,24 +566624,24 +566625,37 +566626,14 +566627,14 +566628,14 +566629,14 +566630,14 +566631,14 +566632,14 +566633,14 +566634,14 +566635,14 +566636,14 +566637,14 +566638,5 +566639,5 +566640,5 +566641,5 +566642,5 +566643,5 +566644,27 +566645,27 +566646,27 +566647,27 +566648,27 +566649,2 +566650,2 +566651,2 +566652,2 +566653,2 +566654,2 +566655,2 +566656,2 +566657,2 +566658,2 +566659,2 +566660,2 +566661,2 +566662,2 +566663,2 +566664,2 +566665,2 +566666,14 +566667,14 +566668,14 +566669,14 +566670,40 +566671,40 +566672,40 +566673,40 +566674,40 +566675,40 +566676,40 +566677,40 +566678,37 +566679,37 +566680,37 +566681,37 +566682,25 +566683,37 +566684,37 +566685,25 +566686,25 +566687,8 +566688,8 +566689,8 +566690,8 +566691,8 +566692,8 +566693,8 +566694,27 +566695,27 +566696,27 +566697,27 +566698,27 +566699,27 +566700,4 +566701,4 +566702,4 +566703,4 +566704,4 +566705,4 +566706,4 +566707,4 +566708,4 +566709,4 +566710,4 +566711,4 +566712,4 +566713,4 +566714,4 +566715,14 +566716,14 +566717,14 +566718,14 +566719,14 +566720,14 +566721,14 +566722,14 +566723,14 +566724,14 +566725,14 +566726,14 +566727,14 +566728,14 +566729,5 +566730,5 +566731,5 +566732,28 +566733,28 +566734,30 +566735,30 +566736,30 +566737,30 +566738,30 +566739,33 +566740,33 +566741,33 +566742,30 +566743,30 +566744,30 +566745,30 +566746,30 +566747,30 +566748,30 +566749,30 +566750,30 +566751,30 +566752,30 +566753,30 +566754,0 +566755,0 +566756,0 +566757,0 +566758,0 +566759,0 +566760,0 +566761,0 +566762,0 +566763,0 +566764,0 +566765,0 +566766,0 +566767,0 +566768,0 +566769,0 +566770,0 +566771,0 +566772,0 +566773,0 +566774,0 +566775,0 +566776,0 +566777,0 +566778,0 +566779,0 +566780,0 +566781,0 +566782,0 +566783,0 +566784,28 +566785,28 +566786,5 +566787,5 +566788,28 +566789,28 +566790,28 +566791,28 +566792,14 +566793,14 +566794,14 +566795,14 +566796,14 +566797,14 +566798,14 +566799,14 +566800,14 +566801,14 +566802,14 +566803,14 +566804,14 +566805,23 +566806,23 +566807,23 +566808,23 +566809,23 +566810,23 +566811,23 +566812,23 +566813,23 +566814,25 +566815,25 +566816,25 +566817,25 +566818,28 +566819,28 +566820,28 +566821,28 +566822,28 +566823,28 +566824,28 +566825,28 +566826,28 +566827,28 +566828,28 +566829,28 +566830,40 +566831,40 +566832,40 +566833,40 +566834,40 +566835,40 +566836,14 +566837,14 +566838,14 +566839,14 +566840,14 +566841,40 +566842,40 +566843,40 +566844,40 +566845,40 +566846,36 +566847,36 +566848,19 +566849,19 +566850,19 +566851,19 +566852,19 +566853,19 +566854,27 +566855,31 +566856,31 +566857,5 +566858,5 +566859,5 +566860,5 +566861,5 +566862,5 +566863,39 +566864,39 +566865,39 +566866,39 +566867,39 +566868,39 +566869,39 +566870,39 +566871,39 +566872,39 +566873,39 +566874,39 +566875,39 +566876,39 +566877,1 +566878,1 +566879,1 +566880,30 +566881,30 +566882,30 +566883,0 +566884,0 +566885,0 +566886,0 +566887,0 +566888,0 +566889,0 +566890,0 +566891,0 +566892,0 +566893,0 +566894,0 +566895,0 +566896,0 +566897,0 +566898,0 +566899,0 +566900,0 +566901,0 +566902,0 +566903,15 +566904,15 +566905,15 +566906,37 +566907,37 +566908,37 +566909,37 +566910,37 +566911,37 +566912,37 +566913,31 +566914,31 +566915,31 +566916,31 +566917,31 +566918,31 +566919,31 +566920,31 +566921,31 +566922,31 +566923,23 +566924,23 +566925,23 +566926,23 +566927,23 +566928,23 +566929,25 +566930,25 +566931,25 +566932,28 +566933,28 +566934,28 +566935,28 +566936,28 +566937,28 +566938,28 +566939,28 +566940,28 +566941,28 +566942,28 +566943,36 +566944,36 +566945,36 +566946,36 +566947,36 +566948,36 +566949,36 +566950,36 +566951,36 +566952,36 +566953,36 +566954,36 +566955,36 +566956,36 +566957,36 +566958,36 +566959,36 +566960,6 +566961,23 +566962,23 +566963,4 +566964,4 +566965,4 +566966,4 +566967,4 +566968,23 +566969,23 +566970,25 +566971,25 +566972,25 +566973,25 +566974,25 +566975,6 +566976,6 +566977,6 +566978,21 +566979,21 +566980,21 +566981,21 +566982,6 +566983,40 +566984,40 +566985,40 +566986,40 +566987,40 +566988,40 +566989,40 +566990,40 +566991,40 +566992,14 +566993,25 +566994,25 +566995,10 +566996,10 +566997,10 +566998,10 +566999,10 +567000,10 +567001,0 +567002,0 +567003,0 +567004,0 +567005,0 +567006,0 +567007,0 +567008,0 +567009,0 +567010,0 +567011,0 +567012,0 +567013,0 +567014,0 +567015,0 +567016,0 +567017,0 +567018,0 +567019,0 +567020,0 +567021,0 +567022,0 +567023,0 +567024,0 +567025,0 +567026,0 +567027,34 +567028,34 +567029,34 +567030,34 +567031,34 +567032,34 +567033,33 +567034,33 +567035,33 +567036,33 +567037,33 +567038,33 +567039,33 +567040,33 +567041,10 +567042,10 +567043,10 +567044,10 +567045,10 +567046,10 +567047,10 +567048,31 +567049,31 +567050,31 +567051,31 +567052,31 +567053,6 +567054,6 +567055,6 +567056,6 +567057,6 +567058,6 +567059,6 +567060,6 +567061,9 +567062,9 +567063,9 +567064,9 +567065,9 +567066,9 +567067,9 +567068,9 +567069,9 +567070,9 +567071,9 +567072,9 +567073,9 +567074,9 +567075,9 +567076,9 +567077,9 +567078,9 +567079,9 +567080,9 +567081,9 +567082,9 +567083,9 +567084,9 +567085,9 +567086,9 +567087,9 +567088,9 +567089,9 +567090,9 +567091,9 +567092,10 +567093,10 +567094,10 +567095,10 +567096,10 +567097,0 +567098,0 +567099,0 +567100,0 +567101,0 +567102,0 +567103,0 +567104,0 +567105,0 +567106,0 +567107,0 +567108,0 +567109,0 +567110,0 +567111,0 +567112,0 +567113,0 +567114,0 +567115,0 +567116,0 +567117,0 +567118,0 +567119,4 +567120,4 +567121,4 +567122,4 +567123,39 +567124,3 +567125,3 +567126,3 +567127,3 +567128,3 +567129,3 +567130,39 +567131,39 +567132,3 +567133,3 +567134,39 +567135,39 +567136,39 +567137,39 +567138,39 +567139,39 +567140,39 +567141,39 +567142,39 +567143,39 +567144,39 +567145,39 +567146,16 +567147,16 +567148,16 +567149,32 +567150,32 +567151,11 +567152,11 +567153,16 +567154,18 +567155,18 +567156,16 +567157,16 +567158,16 +567159,16 +567160,11 +567161,11 +567162,11 +567163,34 +567164,34 +567165,34 +567166,34 +567167,34 +567168,33 +567169,33 +567170,33 +567171,33 +567172,30 +567173,30 +567174,30 +567175,30 +567176,33 +567177,33 +567178,30 +567179,30 +567180,30 +567181,30 +567182,30 +567183,39 +567184,39 +567185,39 +567186,39 +567187,39 +567188,39 +567189,39 +567190,39 +567191,39 +567192,39 +567193,39 +567194,39 +567195,39 +567196,39 +567197,39 +567198,39 +567199,39 +567200,39 +567201,0 +567202,0 +567203,0 +567204,0 +567205,0 +567206,0 +567207,0 +567208,0 +567209,0 +567210,0 +567211,0 +567212,0 +567213,0 +567214,0 +567215,0 +567216,0 +567217,0 +567218,0 +567219,0 +567220,0 +567221,0 +567222,0 +567223,0 +567224,0 +567225,0 +567226,0 +567227,0 +567228,0 +567229,0 +567230,0 +567231,0 +567232,0 +567233,0 +567234,0 +567235,0 +567236,0 +567237,0 +567238,0 +567239,0 +567240,15 +567241,15 +567242,15 +567243,15 +567244,15 +567245,15 +567246,15 +567247,15 +567248,15 +567249,10 +567250,10 +567251,10 +567252,10 +567253,10 +567254,10 +567255,10 +567256,10 +567257,10 +567258,10 +567259,29 +567260,29 +567261,29 +567262,29 +567263,31 +567264,25 +567265,37 +567266,37 +567267,12 +567268,31 +567269,31 +567270,31 +567271,17 +567272,17 +567273,17 +567274,17 +567275,12 +567276,12 +567277,12 +567278,12 +567279,12 +567280,14 +567281,14 +567282,14 +567283,14 +567284,14 +567285,14 +567286,14 +567287,14 +567288,14 +567289,14 +567290,14 +567291,14 +567292,14 +567293,14 +567294,14 +567295,14 +567296,14 +567297,14 +567298,14 +567299,14 +567300,14 +567301,14 +567302,14 +567303,14 +567304,21 +567305,21 +567306,21 +567307,21 +567308,21 +567309,21 +567310,21 +567311,21 +567312,21 +567313,21 +567314,21 +567315,21 +567316,21 +567317,21 +567318,21 +567319,21 +567320,36 +567321,36 +567322,34 +567323,34 +567324,34 +567325,34 +567326,34 +567327,34 +567328,30 +567329,34 +567330,34 +567331,30 +567332,30 +567333,30 +567334,30 +567335,30 +567336,26 +567337,26 +567338,26 +567339,26 +567340,26 +567341,26 +567342,4 +567343,4 +567344,4 +567345,4 +567346,4 +567347,4 +567348,5 +567349,5 +567350,5 +567351,5 +567352,5 +567353,5 +567354,5 +567355,5 +567356,5 +567357,5 +567358,5 +567359,5 +567360,40 +567361,40 +567362,40 +567363,40 +567364,40 +567365,40 +567366,40 +567367,40 +567368,40 +567369,36 +567370,40 +567371,40 +567372,40 +567373,40 +567374,40 +567375,40 +567376,40 +567377,40 +567378,19 +567379,19 +567380,19 +567381,19 +567382,19 +567383,19 +567384,5 +567385,5 +567386,5 +567387,5 +567388,5 +567389,5 +567390,5 +567391,5 +567392,5 +567393,0 +567394,0 +567395,0 +567396,0 +567397,0 +567398,0 +567399,0 +567400,0 +567401,0 +567402,0 +567403,0 +567404,0 +567405,0 +567406,0 +567407,0 +567408,0 +567409,0 +567410,0 +567411,0 +567412,0 +567413,0 +567414,0 +567415,0 +567416,0 +567417,0 +567418,0 +567419,0 +567420,0 +567421,0 +567422,0 +567423,0 +567424,0 +567425,0 +567426,0 +567427,0 +567428,0 +567429,10 +567430,10 +567431,10 +567432,10 +567433,10 +567434,26 +567435,35 +567436,39 +567437,39 +567438,10 +567439,10 +567440,7 +567441,7 +567442,7 +567443,7 +567444,7 +567445,7 +567446,3 +567447,3 +567448,3 +567449,3 +567450,3 +567451,3 +567452,3 +567453,3 +567454,3 +567455,3 +567456,3 +567457,3 +567458,3 +567459,3 +567460,3 +567461,3 +567462,23 +567463,23 +567464,23 +567465,23 +567466,23 +567467,23 +567468,23 +567469,23 +567470,23 +567471,23 +567472,23 +567473,23 +567474,37 +567475,37 +567476,37 +567477,37 +567478,14 +567479,14 +567480,14 +567481,4 +567482,4 +567483,4 +567484,4 +567485,31 +567486,31 +567487,31 +567488,31 +567489,27 +567490,27 +567491,27 +567492,23 +567493,23 +567494,23 +567495,23 +567496,23 +567497,23 +567498,11 +567499,11 +567500,11 +567501,11 +567502,11 +567503,11 +567504,11 +567505,11 +567506,11 +567507,11 +567508,11 +567509,11 +567510,11 +567511,11 +567512,11 +567513,26 +567514,26 +567515,26 +567516,26 +567517,26 +567518,26 +567519,26 +567520,26 +567521,26 +567522,37 +567523,37 +567524,37 +567525,37 +567526,37 +567527,37 +567528,37 +567529,37 +567530,37 +567531,37 +567532,6 +567533,6 +567534,6 +567535,6 +567536,6 +567537,6 +567538,6 +567539,6 +567540,6 +567541,6 +567542,6 +567543,6 +567544,6 +567545,6 +567546,2 +567547,2 +567548,2 +567549,2 +567550,2 +567551,2 +567552,2 +567553,2 +567554,2 +567555,2 +567556,2 +567557,2 +567558,2 +567559,2 +567560,2 +567561,2 +567562,2 +567563,2 +567564,2 +567565,2 +567566,2 +567567,2 +567568,0 +567569,0 +567570,0 +567571,0 +567572,0 +567573,0 +567574,0 +567575,0 +567576,0 +567577,0 +567578,0 +567579,0 +567580,0 +567581,0 +567582,0 +567583,0 +567584,0 +567585,0 +567586,0 +567587,0 +567588,0 +567589,0 +567590,0 +567591,0 +567592,0 +567593,0 +567594,0 +567595,0 +567596,0 +567597,0 +567598,0 +567599,0 +567600,0 +567601,0 +567602,0 +567603,0 +567604,0 +567605,0 +567606,0 +567607,0 +567608,0 +567609,0 +567610,0 +567611,0 +567612,0 +567613,0 +567614,0 +567615,0 +567616,0 +567617,0 +567618,0 +567619,0 +567620,0 +567621,0 +567622,0 +567623,0 +567624,0 +567625,0 +567626,0 +567627,36 +567628,36 +567629,36 +567630,36 +567631,36 +567632,36 +567633,36 +567634,36 +567635,31 +567636,31 +567637,36 +567638,36 +567639,5 +567640,5 +567641,5 +567642,5 +567643,5 +567644,24 +567645,24 +567646,24 +567647,24 +567648,24 +567649,24 +567650,24 +567651,27 +567652,27 +567653,27 +567654,27 +567655,27 +567656,27 +567657,27 +567658,24 +567659,24 +567660,24 +567661,24 +567662,24 +567663,24 +567664,24 +567665,27 +567666,27 +567667,27 +567668,27 +567669,27 +567670,27 +567671,27 +567672,19 +567673,19 +567674,19 +567675,19 +567676,30 +567677,1 +567678,1 +567679,1 +567680,1 +567681,1 +567682,1 +567683,39 +567684,39 +567685,39 +567686,39 +567687,39 +567688,39 +567689,39 +567690,39 +567691,39 +567692,39 +567693,39 +567694,32 +567695,32 +567696,32 +567697,32 +567698,32 +567699,32 +567700,32 +567701,32 +567702,27 +567703,27 +567704,27 +567705,27 +567706,27 +567707,27 +567708,27 +567709,11 +567710,11 +567711,11 +567712,11 +567713,11 +567714,11 +567715,11 +567716,11 +567717,11 +567718,11 +567719,11 +567720,11 +567721,11 +567722,11 +567723,25 +567724,25 +567725,25 +567726,25 +567727,25 +567728,25 +567729,25 +567730,19 +567731,19 +567732,19 +567733,19 +567734,19 +567735,19 +567736,4 +567737,4 +567738,4 +567739,4 +567740,4 +567741,3 +567742,3 +567743,3 +567744,3 +567745,3 +567746,3 +567747,3 +567748,3 +567749,3 +567750,3 +567751,3 +567752,31 +567753,26 +567754,26 +567755,26 +567756,26 +567757,9 +567758,9 +567759,5 +567760,5 +567761,28 +567762,28 +567763,28 +567764,28 +567765,28 +567766,28 +567767,28 +567768,28 +567769,28 +567770,28 +567771,2 +567772,2 +567773,2 +567774,2 +567775,2 +567776,2 +567777,2 +567778,2 +567779,2 +567780,2 +567781,2 +567782,40 +567783,40 +567784,40 +567785,40 +567786,40 +567787,40 +567788,40 +567789,40 +567790,30 +567791,30 +567792,30 +567793,30 +567794,30 +567795,30 +567796,30 +567797,30 +567798,33 +567799,33 +567800,33 +567801,33 +567802,33 +567803,33 +567804,23 +567805,23 +567806,23 +567807,23 +567808,23 +567809,23 +567810,23 +567811,23 +567812,23 +567813,23 +567814,23 +567815,23 +567816,23 +567817,23 +567818,23 +567819,23 +567820,23 +567821,23 +567822,23 +567823,23 +567824,0 +567825,0 +567826,0 +567827,0 +567828,0 +567829,0 +567830,0 +567831,0 +567832,0 +567833,0 +567834,0 +567835,0 +567836,0 +567837,0 +567838,0 +567839,0 +567840,0 +567841,0 +567842,0 +567843,0 +567844,0 +567845,0 +567846,0 +567847,0 +567848,0 +567849,35 +567850,35 +567851,35 +567852,35 +567853,35 +567854,35 +567855,35 +567856,35 +567857,27 +567858,27 +567859,27 +567860,27 +567861,27 +567862,27 +567863,8 +567864,8 +567865,8 +567866,8 +567867,8 +567868,8 +567869,8 +567870,8 +567871,8 +567872,21 +567873,21 +567874,21 +567875,21 +567876,21 +567877,21 +567878,21 +567879,37 +567880,37 +567881,37 +567882,37 +567883,37 +567884,37 +567885,37 +567886,37 +567887,36 +567888,36 +567889,36 +567890,36 +567891,36 +567892,36 +567893,36 +567894,36 +567895,36 +567896,36 +567897,36 +567898,5 +567899,5 +567900,5 +567901,5 +567902,5 +567903,5 +567904,5 +567905,5 +567906,5 +567907,5 +567908,19 +567909,19 +567910,23 +567911,23 +567912,23 +567913,23 +567914,23 +567915,23 +567916,23 +567917,23 +567918,23 +567919,26 +567920,26 +567921,9 +567922,9 +567923,9 +567924,9 +567925,9 +567926,9 +567927,9 +567928,9 +567929,9 +567930,9 +567931,9 +567932,29 +567933,29 +567934,29 +567935,29 +567936,29 +567937,29 +567938,29 +567939,25 +567940,25 +567941,25 +567942,25 +567943,25 +567944,25 +567945,25 +567946,25 +567947,25 +567948,25 +567949,25 +567950,25 +567951,25 +567952,25 +567953,25 +567954,25 +567955,25 +567956,0 +567957,0 +567958,0 +567959,0 +567960,0 +567961,0 +567962,25 +567963,0 +567964,0 +567965,0 +567966,0 +567967,0 +567968,0 +567969,0 +567970,0 +567971,0 +567972,0 +567973,0 +567974,0 +567975,0 +567976,0 +567977,0 +567978,0 +567979,0 +567980,0 +567981,0 +567982,0 +567983,0 +567984,0 +567985,0 +567986,0 +567987,0 +567988,0 +567989,0 +567990,0 +567991,0 +567992,0 +567993,0 +567994,0 +567995,0 +567996,0 +567997,0 +567998,0 +567999,0 +568000,0 +568001,0 +568002,0 +568003,0 +568004,0 +568005,0 +568006,0 +568007,0 +568008,0 +568009,0 +568010,0 +568011,0 +568012,0 +568013,0 +568014,0 +568015,0 +568016,0 +568017,0 +568018,0 +568019,0 +568020,0 +568021,0 +568022,0 +568023,0 +568024,9 +568025,9 +568026,9 +568027,9 +568028,9 +568029,37 +568030,37 +568031,25 +568032,25 +568033,25 +568034,25 +568035,25 +568036,25 +568037,25 +568038,25 +568039,10 +568040,10 +568041,10 +568042,10 +568043,10 +568044,10 +568045,10 +568046,23 +568047,23 +568048,23 +568049,23 +568050,23 +568051,23 +568052,23 +568053,23 +568054,23 +568055,31 +568056,31 +568057,30 +568058,30 +568059,30 +568060,27 +568061,27 +568062,27 +568063,27 +568064,11 +568065,11 +568066,11 +568067,11 +568068,11 +568069,11 +568070,11 +568071,11 +568072,11 +568073,16 +568074,11 +568075,31 +568076,31 +568077,31 +568078,31 +568079,31 +568080,31 +568081,31 +568082,31 +568083,31 +568084,31 +568085,4 +568086,4 +568087,4 +568088,4 +568089,4 +568090,37 +568091,37 +568092,37 +568093,37 +568094,37 +568095,37 +568096,37 +568097,37 +568098,10 +568099,10 +568100,10 +568101,10 +568102,10 +568103,36 +568104,14 +568105,14 +568106,27 +568107,27 +568108,27 +568109,27 +568110,27 +568111,27 +568112,27 +568113,36 +568114,36 +568115,36 +568116,36 +568117,5 +568118,5 +568119,5 +568120,19 +568121,19 +568122,19 +568123,19 +568124,19 +568125,19 +568126,15 +568127,15 +568128,15 +568129,15 +568130,31 +568131,31 +568132,31 +568133,31 +568134,31 +568135,31 +568136,31 +568137,31 +568138,33 +568139,33 +568140,33 +568141,33 +568142,33 +568143,31 +568144,31 +568145,31 +568146,31 +568147,31 +568148,31 +568149,33 +568150,31 +568151,31 +568152,31 +568153,31 +568154,31 +568155,31 +568156,31 +568157,31 +568158,31 +568159,31 +568160,2 +568161,2 +568162,2 +568163,2 +568164,2 +568165,2 +568166,2 +568167,2 +568168,2 +568169,2 +568170,2 +568171,2 +568172,2 +568173,2 +568174,2 +568175,2 +568176,2 +568177,8 +568178,8 +568179,2 +568180,2 +568181,2 +568182,2 +568183,2 +568184,2 +568185,2 +568186,2 +568187,2 +568188,2 +568189,2 +568190,2 +568191,2 +568192,2 +568193,2 +568194,2 +568195,2 +568196,2 +568197,2 +568198,0 +568199,0 +568200,0 +568201,0 +568202,0 +568203,0 +568204,0 +568205,0 +568206,0 +568207,0 +568208,31 +568209,31 +568210,31 +568211,31 +568212,5 +568213,5 +568214,5 +568215,5 +568216,5 +568217,5 +568218,5 +568219,5 +568220,5 +568221,31 +568222,31 +568223,31 +568224,31 +568225,31 +568226,31 +568227,31 +568228,29 +568229,29 +568230,29 +568231,29 +568232,29 +568233,29 +568234,29 +568235,29 +568236,29 +568237,29 +568238,25 +568239,25 +568240,25 +568241,25 +568242,25 +568243,25 +568244,25 +568245,25 +568246,25 +568247,25 +568248,25 +568249,25 +568250,25 +568251,25 +568252,25 +568253,25 +568254,25 +568255,25 +568256,25 +568257,5 +568258,5 +568259,5 +568260,5 +568261,0 +568262,0 +568263,0 +568264,0 +568265,31 +568266,31 +568267,31 +568268,31 +568269,31 +568270,31 +568271,31 +568272,31 +568273,5 +568274,5 +568275,5 +568276,19 +568277,19 +568278,19 +568279,19 +568280,31 +568281,31 +568282,31 +568283,31 +568284,5 +568285,5 +568286,5 +568287,5 +568288,5 +568289,5 +568290,34 +568291,34 +568292,31 +568293,31 +568294,34 +568295,34 +568296,31 +568297,31 +568298,29 +568299,29 +568300,29 +568301,29 +568302,29 +568303,29 +568304,29 +568305,25 +568306,25 +568307,25 +568308,25 +568309,25 +568310,25 +568311,25 +568312,25 +568313,25 +568314,25 +568315,25 +568316,25 +568317,25 +568318,25 +568319,25 +568320,25 +568321,25 +568322,25 +568323,25 +568324,25 +568325,25 +568326,25 +568327,25 +568328,25 +568329,31 +568330,31 +568331,0 +568332,0 +568333,0 +568334,0 +568335,0 +568336,0 +568337,0 +568338,0 +568339,0 +568340,23 +568341,23 +568342,23 +568343,23 +568344,23 +568345,25 +568346,25 +568347,25 +568348,25 +568349,28 +568350,28 +568351,28 +568352,28 +568353,28 +568354,29 +568355,29 +568356,31 +568357,31 +568358,31 +568359,31 +568360,31 +568361,32 +568362,32 +568363,32 +568364,32 +568365,32 +568366,32 +568367,32 +568368,32 +568369,32 +568370,32 +568371,32 +568372,9 +568373,9 +568374,9 +568375,9 +568376,9 +568377,9 +568378,9 +568379,37 +568380,37 +568381,37 +568382,37 +568383,37 +568384,37 +568385,37 +568386,31 +568387,31 +568388,31 +568389,31 +568390,30 +568391,30 +568392,30 +568393,30 +568394,30 +568395,30 +568396,30 +568397,30 +568398,2 +568399,2 +568400,2 +568401,2 +568402,2 +568403,2 +568404,2 +568405,6 +568406,6 +568407,6 +568408,6 +568409,6 +568410,6 +568411,14 +568412,36 +568413,36 +568414,36 +568415,36 +568416,36 +568417,36 +568418,36 +568419,36 +568420,14 +568421,28 +568422,28 +568423,28 +568424,28 +568425,32 +568426,32 +568427,32 +568428,32 +568429,32 +568430,32 +568431,32 +568432,25 +568433,25 +568434,25 +568435,25 +568436,25 +568437,25 +568438,25 +568439,25 +568440,19 +568441,19 +568442,19 +568443,19 +568444,19 +568445,19 +568446,19 +568447,19 +568448,19 +568449,0 +568450,5 +568451,5 +568452,18 +568453,18 +568454,18 +568455,18 +568456,18 +568457,18 +568458,18 +568459,18 +568460,18 +568461,18 +568462,18 +568463,7 +568464,7 +568465,3 +568466,3 +568467,3 +568468,3 +568469,3 +568470,3 +568471,28 +568472,28 +568473,28 +568474,28 +568475,28 +568476,28 +568477,28 +568478,28 +568479,28 +568480,28 +568481,28 +568482,39 +568483,14 +568484,14 +568485,14 +568486,14 +568487,14 +568488,14 +568489,14 +568490,14 +568491,27 +568492,27 +568493,27 +568494,27 +568495,13 +568496,13 +568497,13 +568498,13 +568499,13 +568500,13 +568501,13 +568502,13 +568503,13 +568504,13 +568505,27 +568506,27 +568507,27 +568508,27 +568509,27 +568510,27 +568511,27 +568512,27 +568513,27 +568514,8 +568515,8 +568516,8 +568517,8 +568518,8 +568519,8 +568520,8 +568521,8 +568522,8 +568523,8 +568524,8 +568525,37 +568526,37 +568527,37 +568528,37 +568529,37 +568530,37 +568531,37 +568532,37 +568533,37 +568534,37 +568535,33 +568536,33 +568537,33 +568538,33 +568539,33 +568540,33 +568541,33 +568542,33 +568543,33 +568544,33 +568545,33 +568546,15 +568547,15 +568548,15 +568549,15 +568550,15 +568551,15 +568552,15 +568553,15 +568554,15 +568555,15 +568556,15 +568557,18 +568558,18 +568559,18 +568560,18 +568561,31 +568562,31 +568563,31 +568564,31 +568565,31 +568566,31 +568567,31 +568568,31 +568569,32 +568570,4 +568571,4 +568572,4 +568573,4 +568574,4 +568575,4 +568576,32 +568577,32 +568578,4 +568579,4 +568580,6 +568581,0 +568582,0 +568583,19 +568584,18 +568585,18 +568586,18 +568587,18 +568588,18 +568589,31 +568590,31 +568591,31 +568592,31 +568593,31 +568594,31 +568595,31 +568596,32 +568597,24 +568598,24 +568599,24 +568600,24 +568601,24 +568602,24 +568603,31 +568604,31 +568605,31 +568606,31 +568607,15 +568608,15 +568609,15 +568610,15 +568611,15 +568612,34 +568613,34 +568614,34 +568615,34 +568616,34 +568617,34 +568618,34 +568619,34 +568620,34 +568621,34 +568622,4 +568623,29 +568624,29 +568625,31 +568626,31 +568627,31 +568628,31 +568629,8 +568630,8 +568631,8 +568632,8 +568633,8 +568634,8 +568635,8 +568636,8 +568637,8 +568638,8 +568639,5 +568640,5 +568641,5 +568642,5 +568643,5 +568644,5 +568645,39 +568646,39 +568647,39 +568648,39 +568649,39 +568650,39 +568651,39 +568652,39 +568653,39 +568654,39 +568655,39 +568656,39 +568657,39 +568658,39 +568659,39 +568660,39 +568661,39 +568662,39 +568663,39 +568664,39 +568665,39 +568666,39 +568667,39 +568668,39 +568669,39 +568670,8 +568671,8 +568672,8 +568673,8 +568674,8 +568675,8 +568676,8 +568677,8 +568678,8 +568679,8 +568680,8 +568681,8 +568682,2 +568683,2 +568684,2 +568685,2 +568686,2 +568687,2 +568688,2 +568689,2 +568690,2 +568691,2 +568692,2 +568693,0 +568694,0 +568695,0 +568696,0 +568697,0 +568698,0 +568699,0 +568700,0 +568701,0 +568702,0 +568703,0 +568704,0 +568705,0 +568706,0 +568707,0 +568708,0 +568709,0 +568710,0 +568711,0 +568712,0 +568713,0 +568714,0 +568715,0 +568716,0 +568717,0 +568718,0 +568719,0 +568720,0 +568721,0 +568722,0 +568723,0 +568724,0 +568725,0 +568726,0 +568727,0 +568728,0 +568729,0 +568730,0 +568731,29 +568732,29 +568733,29 +568734,29 +568735,29 +568736,29 +568737,29 +568738,14 +568739,14 +568740,14 +568741,14 +568742,27 +568743,27 +568744,14 +568745,14 +568746,14 +568747,14 +568748,6 +568749,6 +568750,6 +568751,6 +568752,6 +568753,6 +568754,6 +568755,6 +568756,6 +568757,6 +568758,31 +568759,6 +568760,10 +568761,10 +568762,10 +568763,10 +568764,26 +568765,26 +568766,26 +568767,26 +568768,26 +568769,31 +568770,31 +568771,31 +568772,31 +568773,31 +568774,31 +568775,28 +568776,28 +568777,28 +568778,28 +568779,28 +568780,28 +568781,28 +568782,28 +568783,28 +568784,29 +568785,29 +568786,29 +568787,29 +568788,29 +568789,39 +568790,39 +568791,39 +568792,39 +568793,39 +568794,39 +568795,39 +568796,39 +568797,39 +568798,39 +568799,39 +568800,39 +568801,39 +568802,39 +568803,39 +568804,36 +568805,36 +568806,40 +568807,36 +568808,36 +568809,36 +568810,40 +568811,36 +568812,36 +568813,36 +568814,36 +568815,36 +568816,36 +568817,36 +568818,36 +568819,36 +568820,36 +568821,2 +568822,2 +568823,2 +568824,2 +568825,2 +568826,2 +568827,2 +568828,2 +568829,2 +568830,2 +568831,2 +568832,2 +568833,23 +568834,23 +568835,23 +568836,23 +568837,2 +568838,2 +568839,38 +568840,38 +568841,38 +568842,38 +568843,38 +568844,38 +568845,29 +568846,29 +568847,29 +568848,14 +568849,14 +568850,14 +568851,14 +568852,14 +568853,14 +568854,14 +568855,14 +568856,35 +568857,35 +568858,35 +568859,6 +568860,6 +568861,6 +568862,6 +568863,6 +568864,6 +568865,6 +568866,6 +568867,6 +568868,31 +568869,31 +568870,10 +568871,10 +568872,10 +568873,10 +568874,34 +568875,34 +568876,34 +568877,34 +568878,34 +568879,34 +568880,34 +568881,34 +568882,31 +568883,31 +568884,31 +568885,31 +568886,31 +568887,31 +568888,28 +568889,28 +568890,28 +568891,28 +568892,28 +568893,28 +568894,28 +568895,28 +568896,28 +568897,28 +568898,28 +568899,28 +568900,28 +568901,13 +568902,13 +568903,13 +568904,13 +568905,13 +568906,13 +568907,13 +568908,13 +568909,0 +568910,0 +568911,0 +568912,0 +568913,0 +568914,0 +568915,0 +568916,0 +568917,0 +568918,0 +568919,0 +568920,0 +568921,0 +568922,0 +568923,0 +568924,0 +568925,0 +568926,0 +568927,0 +568928,0 +568929,0 +568930,0 +568931,0 +568932,0 +568933,0 +568934,0 +568935,0 +568936,0 +568937,0 +568938,0 +568939,0 +568940,0 +568941,0 +568942,0 +568943,0 +568944,0 +568945,0 +568946,0 +568947,0 +568948,0 +568949,0 +568950,0 +568951,0 +568952,0 +568953,0 +568954,0 +568955,0 +568956,0 +568957,0 +568958,0 +568959,0 +568960,0 +568961,0 +568962,0 +568963,0 +568964,0 +568965,0 +568966,0 +568967,0 +568968,0 +568969,0 +568970,0 +568971,0 +568972,0 +568973,0 +568974,0 +568975,0 +568976,0 +568977,0 +568978,0 +568979,0 +568980,0 +568981,0 +568982,0 +568983,0 +568984,0 +568985,0 +568986,0 +568987,0 +568988,0 +568989,0 +568990,0 +568991,0 +568992,0 +568993,0 +568994,0 +568995,0 +568996,0 +568997,0 +568998,29 +568999,29 +569000,29 +569001,29 +569002,15 +569003,15 +569004,15 +569005,15 +569006,15 +569007,15 +569008,27 +569009,27 +569010,27 +569011,27 +569012,39 +569013,39 +569014,39 +569015,39 +569016,39 +569017,39 +569018,39 +569019,39 +569020,39 +569021,39 +569022,39 +569023,39 +569024,39 +569025,39 +569026,39 +569027,39 +569028,39 +569029,39 +569030,39 +569031,39 +569032,39 +569033,39 +569034,39 +569035,39 +569036,39 +569037,39 +569038,39 +569039,39 +569040,39 +569041,39 +569042,39 +569043,2 +569044,2 +569045,2 +569046,2 +569047,2 +569048,2 +569049,2 +569050,2 +569051,2 +569052,25 +569053,25 +569054,25 +569055,25 +569056,25 +569057,25 +569058,25 +569059,25 +569060,25 +569061,25 +569062,25 +569063,25 +569064,28 +569065,28 +569066,28 +569067,28 +569068,28 +569069,28 +569070,28 +569071,28 +569072,28 +569073,28 +569074,28 +569075,40 +569076,40 +569077,40 +569078,40 +569079,40 +569080,40 +569081,40 +569082,40 +569083,40 +569084,40 +569085,40 +569086,5 +569087,5 +569088,5 +569089,5 +569090,5 +569091,5 +569092,5 +569093,5 +569094,12 +569095,12 +569096,12 +569097,12 +569098,12 +569099,12 +569100,12 +569101,12 +569102,12 +569103,12 +569104,12 +569105,12 +569106,12 +569107,12 +569108,12 +569109,27 +569110,27 +569111,27 +569112,27 +569113,27 +569114,29 +569115,29 +569116,29 +569117,29 +569118,29 +569119,29 +569120,29 +569121,29 +569122,40 +569123,40 +569124,40 +569125,40 +569126,40 +569127,40 +569128,40 +569129,40 +569130,40 +569131,40 +569132,37 +569133,37 +569134,37 +569135,37 +569136,37 +569137,37 +569138,37 +569139,12 +569140,12 +569141,12 +569142,12 +569143,3 +569144,0 +569145,5 +569146,5 +569147,19 +569148,19 +569149,5 +569150,19 +569151,19 +569152,19 +569153,19 +569154,19 +569155,19 +569156,19 +569157,19 +569158,19 +569159,19 +569160,3 +569161,3 +569162,3 +569163,3 +569164,3 +569165,3 +569166,3 +569167,3 +569168,3 +569169,3 +569170,3 +569171,3 +569172,3 +569173,3 +569174,3 +569175,3 +569176,3 +569177,4 +569178,4 +569179,4 +569180,4 +569181,4 +569182,39 +569183,39 +569184,39 +569185,39 +569186,39 +569187,39 +569188,39 +569189,39 +569190,39 +569191,39 +569192,39 +569193,39 +569194,39 +569195,39 +569196,39 +569197,39 +569198,39 +569199,39 +569200,39 +569201,39 +569202,39 +569203,39 +569204,39 +569205,39 +569206,14 +569207,14 +569208,14 +569209,39 +569210,0 +569211,0 +569212,0 +569213,0 +569214,0 +569215,0 +569216,0 +569217,0 +569218,0 +569219,0 +569220,0 +569221,0 +569222,0 +569223,0 +569224,0 +569225,0 +569226,0 +569227,0 +569228,0 +569229,0 +569230,0 +569231,0 +569232,0 +569233,0 +569234,0 +569235,0 +569236,0 +569237,0 +569238,0 +569239,0 +569240,0 +569241,0 +569242,0 +569243,0 +569244,0 +569245,0 +569246,0 +569247,0 +569248,0 +569249,0 +569250,0 +569251,0 +569252,0 +569253,0 +569254,0 +569255,0 +569256,0 +569257,0 +569258,0 +569259,0 +569260,0 +569261,0 +569262,0 +569263,0 +569264,0 +569265,0 +569266,0 +569267,0 +569268,0 +569269,0 +569270,0 +569271,0 +569272,0 +569273,0 +569274,0 +569275,0 +569276,0 +569277,0 +569278,0 +569279,0 +569280,0 +569281,0 +569282,0 +569283,0 +569284,0 +569285,0 +569286,0 +569287,0 +569288,0 +569289,0 +569290,0 +569291,0 +569292,0 +569293,0 +569294,0 +569295,0 +569296,0 +569297,0 +569298,0 +569299,0 +569300,0 +569301,0 +569302,0 +569303,0 +569304,0 +569305,0 +569306,0 +569307,0 +569308,0 +569309,0 +569310,0 +569311,0 +569312,0 +569313,0 +569314,0 +569315,0 +569316,0 +569317,0 +569318,0 +569319,0 +569320,0 +569321,0 +569322,0 +569323,0 +569324,0 +569325,0 +569326,0 +569327,0 +569328,0 +569329,0 +569330,0 +569331,0 +569332,0 +569333,0 +569334,0 +569335,0 +569336,0 +569337,0 +569338,0 +569339,0 +569340,0 +569341,0 +569342,0 +569343,0 +569344,0 +569345,0 +569346,0 +569347,0 +569348,0 +569349,0 +569350,0 +569351,0 +569352,0 +569353,0 +569354,0 +569355,0 +569356,0 +569357,0 +569358,0 +569359,12 +569360,12 +569361,12 +569362,12 +569363,12 +569364,12 +569365,12 +569366,39 +569367,39 +569368,39 +569369,39 +569370,39 +569371,35 +569372,35 +569373,35 +569374,35 +569375,35 +569376,35 +569377,35 +569378,36 +569379,36 +569380,36 +569381,36 +569382,36 +569383,24 +569384,24 +569385,24 +569386,24 +569387,24 +569388,24 +569389,24 +569390,24 +569391,24 +569392,6 +569393,6 +569394,6 +569395,6 +569396,0 +569397,0 +569398,0 +569399,0 +569400,0 +569401,0 +569402,9 +569403,9 +569404,9 +569405,0 +569406,0 +569407,9 +569408,9 +569409,9 +569410,9 +569411,9 +569412,9 +569413,9 +569414,9 +569415,9 +569416,9 +569417,9 +569418,9 +569419,30 +569420,30 +569421,30 +569422,30 +569423,30 +569424,30 +569425,30 +569426,30 +569427,30 +569428,30 +569429,30 +569430,30 +569431,30 +569432,12 +569433,12 +569434,12 +569435,12 +569436,12 +569437,12 +569438,12 +569439,12 +569440,14 +569441,14 +569442,14 +569443,14 +569444,14 +569445,14 +569446,14 +569447,39 +569448,39 +569449,14 +569450,39 +569451,2 +569452,2 +569453,2 +569454,2 +569455,2 +569456,2 +569457,2 +569458,2 +569459,2 +569460,23 +569461,23 +569462,23 +569463,23 +569464,23 +569465,23 +569466,23 +569467,23 +569468,24 +569469,24 +569470,24 +569471,23 +569472,23 +569473,23 +569474,23 +569475,23 +569476,23 +569477,3 +569478,3 +569479,3 +569480,33 +569481,3 +569482,3 +569483,3 +569484,3 +569485,3 +569486,3 +569487,3 +569488,30 +569489,3 +569490,30 +569491,30 +569492,12 +569493,30 +569494,30 +569495,30 +569496,30 +569497,30 +569498,30 +569499,30 +569500,30 +569501,30 +569502,30 +569503,30 +569504,30 +569505,30 +569506,30 +569507,30 +569508,8 +569509,8 +569510,8 +569511,8 +569512,8 +569513,8 +569514,8 +569515,8 +569516,31 +569517,31 +569518,5 +569519,5 +569520,5 +569521,5 +569522,5 +569523,31 +569524,31 +569525,31 +569526,31 +569527,31 +569528,31 +569529,31 +569530,31 +569531,32 +569532,32 +569533,32 +569534,32 +569535,32 +569536,32 +569537,32 +569538,32 +569539,32 +569540,32 +569541,32 +569542,6 +569543,6 +569544,6 +569545,40 +569546,40 +569547,40 +569548,40 +569549,40 +569550,37 +569551,37 +569552,37 +569553,37 +569554,37 +569555,37 +569556,37 +569557,37 +569558,37 +569559,37 +569560,37 +569561,37 +569562,27 +569563,27 +569564,27 +569565,27 +569566,4 +569567,4 +569568,4 +569569,4 +569570,4 +569571,2 +569572,2 +569573,2 +569574,2 +569575,2 +569576,2 +569577,2 +569578,2 +569579,2 +569580,2 +569581,27 +569582,27 +569583,27 +569584,27 +569585,27 +569586,27 +569587,27 +569588,27 +569589,8 +569590,8 +569591,8 +569592,8 +569593,8 +569594,8 +569595,8 +569596,8 +569597,27 +569598,27 +569599,27 +569600,27 +569601,21 +569602,21 +569603,21 +569604,21 +569605,21 +569606,21 +569607,21 +569608,21 +569609,21 +569610,21 +569611,14 +569612,14 +569613,14 +569614,14 +569615,14 +569616,14 +569617,14 +569618,14 +569619,14 +569620,14 +569621,5 +569622,5 +569623,5 +569624,5 +569625,5 +569626,4 +569627,4 +569628,4 +569629,2 +569630,2 +569631,2 +569632,2 +569633,2 +569634,2 +569635,2 +569636,2 +569637,4 +569638,4 +569639,4 +569640,4 +569641,4 +569642,4 +569643,31 +569644,31 +569645,31 +569646,31 +569647,31 +569648,31 +569649,40 +569650,40 +569651,40 +569652,40 +569653,31 +569654,31 +569655,31 +569656,31 +569657,31 +569658,2 +569659,2 +569660,2 +569661,2 +569662,2 +569663,2 +569664,2 +569665,2 +569666,2 +569667,2 +569668,2 +569669,2 +569670,2 +569671,2 +569672,2 +569673,2 +569674,2 +569675,2 +569676,2 +569677,2 +569678,2 +569679,2 +569680,2 +569681,2 +569682,2 +569683,2 +569684,2 +569685,2 +569686,0 +569687,0 +569688,0 +569689,0 +569690,0 +569691,0 +569692,0 +569693,0 +569694,0 +569695,0 +569696,0 +569697,0 +569698,0 +569699,0 +569700,0 +569701,0 +569702,0 +569703,0 +569704,0 +569705,0 +569706,0 +569707,0 +569708,0 +569709,0 +569710,0 +569711,0 +569712,0 +569713,0 +569714,0 +569715,0 +569716,0 +569717,0 +569718,0 +569719,0 +569720,0 +569721,0 +569722,0 +569723,0 +569724,0 +569725,0 +569726,0 +569727,0 +569728,0 +569729,0 +569730,0 +569731,0 +569732,0 +569733,0 +569734,0 +569735,0 +569736,0 +569737,0 +569738,0 +569739,0 +569740,0 +569741,0 +569742,0 +569743,0 +569744,0 +569745,0 +569746,0 +569747,0 +569748,0 +569749,0 +569750,0 +569751,0 +569752,0 +569753,0 +569754,0 +569755,0 +569756,0 +569757,0 +569758,0 +569759,0 +569760,0 +569761,0 +569762,0 +569763,0 +569764,0 +569765,0 +569766,0 +569767,0 +569768,0 +569769,0 +569770,0 +569771,0 +569772,0 +569773,0 +569774,0 +569775,0 +569776,0 +569777,0 +569778,0 +569779,0 +569780,0 +569781,0 +569782,0 +569783,0 +569784,0 +569785,0 +569786,10 +569787,10 +569788,10 +569789,10 +569790,10 +569791,10 +569792,10 +569793,10 +569794,10 +569795,10 +569796,28 +569797,28 +569798,28 +569799,28 +569800,28 +569801,28 +569802,28 +569803,28 +569804,28 +569805,28 +569806,28 +569807,28 +569808,28 +569809,28 +569810,31 +569811,31 +569812,31 +569813,31 +569814,31 +569815,31 +569816,31 +569817,31 +569818,2 +569819,2 +569820,2 +569821,2 +569822,2 +569823,2 +569824,2 +569825,2 +569826,2 +569827,2 +569828,2 +569829,2 +569830,2 +569831,2 +569832,27 +569833,27 +569834,31 +569835,5 +569836,5 +569837,5 +569838,5 +569839,5 +569840,6 +569841,6 +569842,6 +569843,6 +569844,6 +569845,6 +569846,6 +569847,6 +569848,6 +569849,6 +569850,6 +569851,34 +569852,34 +569853,34 +569854,34 +569855,34 +569856,34 +569857,30 +569858,30 +569859,30 +569860,30 +569861,5 +569862,5 +569863,4 +569864,4 +569865,4 +569866,4 +569867,4 +569868,4 +569869,27 +569870,27 +569871,27 +569872,27 +569873,27 +569874,29 +569875,15 +569876,24 +569877,29 +569878,29 +569879,31 +569880,31 +569881,31 +569882,31 +569883,31 +569884,32 +569885,32 +569886,32 +569887,32 +569888,32 +569889,32 +569890,32 +569891,32 +569892,32 +569893,32 +569894,32 +569895,32 +569896,32 +569897,32 +569898,32 +569899,40 +569900,40 +569901,40 +569902,40 +569903,40 +569904,40 +569905,40 +569906,37 +569907,37 +569908,37 +569909,37 +569910,37 +569911,37 +569912,37 +569913,37 +569914,37 +569915,25 +569916,33 +569917,33 +569918,33 +569919,33 +569920,33 +569921,33 +569922,33 +569923,33 +569924,33 +569925,33 +569926,33 +569927,37 +569928,37 +569929,0 +569930,0 +569931,36 +569932,36 +569933,36 +569934,36 +569935,36 +569936,36 +569937,36 +569938,36 +569939,36 +569940,36 +569941,36 +569942,36 +569943,5 +569944,5 +569945,5 +569946,5 +569947,5 +569948,4 +569949,4 +569950,4 +569951,4 +569952,4 +569953,4 +569954,4 +569955,27 +569956,27 +569957,27 +569958,27 +569959,18 +569960,18 +569961,18 +569962,18 +569963,18 +569964,18 +569965,18 +569966,18 +569967,18 +569968,18 +569969,18 +569970,18 +569971,14 +569972,14 +569973,14 +569974,14 +569975,14 +569976,14 +569977,14 +569978,14 +569979,14 +569980,14 +569981,14 +569982,2 +569983,2 +569984,2 +569985,2 +569986,2 +569987,2 +569988,2 +569989,2 +569990,2 +569991,2 +569992,27 +569993,31 +569994,5 +569995,5 +569996,5 +569997,5 +569998,5 +569999,5 +570000,6 +570001,6 +570002,6 +570003,6 +570004,6 +570005,6 +570006,31 +570007,31 +570008,31 +570009,28 +570010,28 +570011,28 +570012,28 +570013,31 +570014,24 +570015,24 +570016,24 +570017,24 +570018,23 +570019,23 +570020,35 +570021,35 +570022,35 +570023,35 +570024,35 +570025,33 +570026,33 +570027,33 +570028,33 +570029,33 +570030,33 +570031,33 +570032,33 +570033,33 +570034,33 +570035,8 +570036,8 +570037,8 +570038,8 +570039,8 +570040,8 +570041,8 +570042,31 +570043,31 +570044,31 +570045,24 +570046,24 +570047,24 +570048,24 +570049,24 +570050,24 +570051,24 +570052,29 +570053,29 +570054,29 +570055,29 +570056,14 +570057,31 +570058,31 +570059,31 +570060,35 +570061,35 +570062,35 +570063,35 +570064,39 +570065,39 +570066,39 +570067,14 +570068,14 +570069,14 +570070,14 +570071,14 +570072,14 +570073,39 +570074,39 +570075,39 +570076,39 +570077,39 +570078,0 +570079,0 +570080,0 +570081,0 +570082,0 +570083,0 +570084,0 +570085,0 +570086,0 +570087,0 +570088,0 +570089,0 +570090,0 +570091,0 +570092,0 +570093,0 +570094,0 +570095,0 +570096,0 +570097,0 +570098,0 +570099,0 +570100,0 +570101,0 +570102,0 +570103,0 +570104,0 +570105,0 +570106,2 +570107,2 +570108,2 +570109,2 +570110,2 +570111,2 +570112,2 +570113,2 +570114,2 +570115,2 +570116,2 +570117,2 +570118,2 +570119,2 +570120,27 +570121,27 +570122,27 +570123,27 +570124,27 +570125,5 +570126,5 +570127,5 +570128,2 +570129,2 +570130,2 +570131,2 +570132,2 +570133,2 +570134,2 +570135,2 +570136,2 +570137,23 +570138,23 +570139,2 +570140,2 +570141,2 +570142,23 +570143,23 +570144,23 +570145,23 +570146,23 +570147,23 +570148,23 +570149,23 +570150,23 +570151,23 +570152,23 +570153,23 +570154,4 +570155,4 +570156,4 +570157,4 +570158,4 +570159,4 +570160,4 +570161,36 +570162,36 +570163,36 +570164,36 +570165,36 +570166,36 +570167,36 +570168,36 +570169,36 +570170,36 +570171,36 +570172,36 +570173,36 +570174,36 +570175,5 +570176,5 +570177,5 +570178,5 +570179,5 +570180,5 +570181,5 +570182,8 +570183,2 +570184,2 +570185,2 +570186,2 +570187,5 +570188,28 +570189,5 +570190,5 +570191,28 +570192,28 +570193,28 +570194,28 +570195,28 +570196,29 +570197,31 +570198,31 +570199,31 +570200,31 +570201,31 +570202,31 +570203,12 +570204,12 +570205,12 +570206,12 +570207,12 +570208,12 +570209,12 +570210,12 +570211,12 +570212,12 +570213,14 +570214,14 +570215,14 +570216,14 +570217,14 +570218,14 +570219,14 +570220,14 +570221,14 +570222,14 +570223,14 +570224,14 +570225,24 +570226,24 +570227,24 +570228,24 +570229,24 +570230,24 +570231,24 +570232,28 +570233,28 +570234,28 +570235,28 +570236,10 +570237,10 +570238,10 +570239,10 +570240,10 +570241,10 +570242,10 +570243,10 +570244,32 +570245,32 +570246,32 +570247,32 +570248,32 +570249,32 +570250,32 +570251,32 +570252,32 +570253,32 +570254,32 +570255,32 +570256,32 +570257,32 +570258,32 +570259,25 +570260,25 +570261,25 +570262,25 +570263,25 +570264,25 +570265,32 +570266,32 +570267,32 +570268,32 +570269,32 +570270,32 +570271,32 +570272,32 +570273,31 +570274,27 +570275,31 +570276,31 +570277,31 +570278,31 +570279,31 +570280,31 +570281,31 +570282,31 +570283,2 +570284,2 +570285,2 +570286,2 +570287,2 +570288,2 +570289,2 +570290,2 +570291,2 +570292,2 +570293,2 +570294,2 +570295,2 +570296,2 +570297,2 +570298,2 +570299,2 +570300,2 +570301,2 +570302,2 +570303,2 +570304,2 +570305,2 +570306,2 +570307,2 +570308,2 +570309,2 +570310,2 +570311,0 +570312,0 +570313,2 +570314,2 +570315,2 +570316,0 +570317,0 +570318,0 +570319,0 +570320,0 +570321,0 +570322,0 +570323,0 +570324,0 +570325,0 +570326,0 +570327,0 +570328,0 +570329,0 +570330,0 +570331,0 +570332,0 +570333,0 +570334,0 +570335,0 +570336,0 +570337,0 +570338,0 +570339,0 +570340,0 +570341,0 +570342,0 +570343,0 +570344,0 +570345,0 +570346,0 +570347,0 +570348,0 +570349,0 +570350,0 +570351,0 +570352,0 +570353,0 +570354,0 +570355,0 +570356,0 +570357,0 +570358,0 +570359,0 +570360,0 +570361,0 +570362,0 +570363,0 +570364,0 +570365,0 +570366,0 +570367,0 +570368,0 +570369,0 +570370,0 +570371,0 +570372,0 +570373,0 +570374,0 +570375,0 +570376,0 +570377,0 +570378,0 +570379,0 +570380,0 +570381,27 +570382,27 +570383,27 +570384,27 +570385,36 +570386,36 +570387,36 +570388,36 +570389,36 +570390,5 +570391,5 +570392,19 +570393,19 +570394,19 +570395,5 +570396,5 +570397,5 +570398,5 +570399,5 +570400,29 +570401,29 +570402,31 +570403,31 +570404,31 +570405,31 +570406,31 +570407,6 +570408,6 +570409,6 +570410,6 +570411,6 +570412,6 +570413,6 +570414,6 +570415,6 +570416,6 +570417,9 +570418,9 +570419,9 +570420,9 +570421,9 +570422,9 +570423,9 +570424,9 +570425,37 +570426,37 +570427,37 +570428,37 +570429,37 +570430,37 +570431,37 +570432,37 +570433,25 +570434,2 +570435,2 +570436,2 +570437,2 +570438,2 +570439,2 +570440,2 +570441,2 +570442,2 +570443,31 +570444,31 +570445,31 +570446,31 +570447,31 +570448,31 +570449,24 +570450,24 +570451,24 +570452,24 +570453,24 +570454,24 +570455,29 +570456,29 +570457,29 +570458,29 +570459,29 +570460,31 +570461,31 +570462,31 +570463,31 +570464,19 +570465,19 +570466,19 +570467,19 +570468,19 +570469,19 +570470,19 +570471,40 +570472,14 +570473,14 +570474,14 +570475,14 +570476,14 +570477,14 +570478,14 +570479,14 +570480,14 +570481,14 +570482,14 +570483,14 +570484,14 +570485,14 +570486,14 +570487,14 +570488,14 +570489,14 +570490,14 +570491,14 +570492,14 +570493,14 +570494,14 +570495,14 +570496,14 +570497,14 +570498,14 +570499,14 +570500,14 +570501,14 +570502,14 +570503,14 +570504,14 +570505,39 +570506,10 +570507,39 +570508,39 +570509,39 +570510,39 +570511,39 +570512,10 +570513,10 +570514,10 +570515,10 +570516,10 +570517,10 +570518,10 +570519,10 +570520,10 +570521,10 +570522,10 +570523,10 +570524,10 +570525,10 +570526,10 +570527,10 +570528,25 +570529,37 +570530,37 +570531,37 +570532,37 +570533,37 +570534,27 +570535,27 +570536,27 +570537,27 +570538,27 +570539,27 +570540,27 +570541,2 +570542,2 +570543,2 +570544,2 +570545,2 +570546,2 +570547,2 +570548,2 +570549,2 +570550,2 +570551,2 +570552,2 +570553,39 +570554,39 +570555,39 +570556,39 +570557,39 +570558,39 +570559,39 +570560,39 +570561,39 +570562,39 +570563,39 +570564,24 +570565,24 +570566,24 +570567,24 +570568,24 +570569,24 +570570,24 +570571,24 +570572,24 +570573,24 +570574,24 +570575,24 +570576,29 +570577,29 +570578,29 +570579,29 +570580,29 +570581,29 +570582,29 +570583,27 +570584,27 +570585,27 +570586,27 +570587,27 +570588,27 +570589,27 +570590,27 +570591,31 +570592,2 +570593,2 +570594,2 +570595,2 +570596,2 +570597,2 +570598,2 +570599,2 +570600,2 +570601,2 +570602,2 +570603,2 +570604,2 +570605,2 +570606,5 +570607,5 +570608,5 +570609,5 +570610,5 +570611,5 +570612,5 +570613,5 +570614,5 +570615,40 +570616,40 +570617,40 +570618,40 +570619,40 +570620,33 +570621,33 +570622,33 +570623,34 +570624,34 +570625,34 +570626,33 +570627,33 +570628,33 +570629,33 +570630,33 +570631,33 +570632,33 +570633,33 +570634,33 +570635,33 +570636,0 +570637,0 +570638,0 +570639,0 +570640,0 +570641,0 +570642,28 +570643,28 +570644,28 +570645,28 +570646,28 +570647,28 +570648,5 +570649,5 +570650,5 +570651,0 +570652,0 +570653,0 +570654,0 +570655,0 +570656,0 +570657,0 +570658,0 +570659,0 +570660,0 +570661,0 +570662,0 +570663,0 +570664,0 +570665,0 +570666,0 +570667,0 +570668,0 +570669,0 +570670,0 +570671,0 +570672,0 +570673,0 +570674,0 +570675,0 +570676,0 +570677,0 +570678,0 +570679,0 +570680,0 +570681,0 +570682,0 +570683,0 +570684,0 +570685,0 +570686,0 +570687,0 +570688,0 +570689,0 +570690,0 +570691,0 +570692,0 +570693,0 +570694,28 +570695,28 +570696,28 +570697,28 +570698,28 +570699,28 +570700,36 +570701,36 +570702,36 +570703,36 +570704,36 +570705,36 +570706,36 +570707,36 +570708,36 +570709,36 +570710,36 +570711,10 +570712,10 +570713,10 +570714,10 +570715,10 +570716,10 +570717,10 +570718,10 +570719,10 +570720,10 +570721,10 +570722,10 +570723,10 +570724,10 +570725,10 +570726,10 +570727,10 +570728,10 +570729,10 +570730,10 +570731,10 +570732,10 +570733,10 +570734,10 +570735,10 +570736,10 +570737,10 +570738,10 +570739,10 +570740,10 +570741,5 +570742,5 +570743,5 +570744,5 +570745,5 +570746,5 +570747,5 +570748,5 +570749,5 +570750,6 +570751,6 +570752,6 +570753,6 +570754,6 +570755,12 +570756,12 +570757,12 +570758,12 +570759,12 +570760,12 +570761,12 +570762,12 +570763,12 +570764,12 +570765,10 +570766,10 +570767,10 +570768,34 +570769,34 +570770,34 +570771,34 +570772,10 +570773,10 +570774,10 +570775,10 +570776,10 +570777,10 +570778,10 +570779,10 +570780,10 +570781,10 +570782,10 +570783,37 +570784,37 +570785,37 +570786,37 +570787,37 +570788,37 +570789,37 +570790,25 +570791,25 +570792,25 +570793,25 +570794,25 +570795,25 +570796,25 +570797,0 +570798,0 +570799,0 +570800,0 +570801,0 +570802,0 +570803,0 +570804,5 +570805,0 +570806,0 +570807,0 +570808,0 +570809,0 +570810,0 +570811,0 +570812,0 +570813,0 +570814,0 +570815,0 +570816,0 +570817,0 +570818,0 +570819,0 +570820,0 +570821,0 +570822,0 +570823,0 +570824,0 +570825,0 +570826,0 +570827,0 +570828,0 +570829,0 +570830,0 +570831,0 +570832,0 +570833,0 +570834,0 +570835,0 +570836,0 +570837,0 +570838,0 +570839,0 +570840,0 +570841,0 +570842,0 +570843,0 +570844,0 +570845,0 +570846,0 +570847,0 +570848,0 +570849,0 +570850,0 +570851,0 +570852,0 +570853,0 +570854,0 +570855,0 +570856,0 +570857,0 +570858,0 +570859,0 +570860,0 +570861,0 +570862,0 +570863,0 +570864,0 +570865,0 +570866,0 +570867,0 +570868,0 +570869,0 +570870,0 +570871,0 +570872,0 +570873,0 +570874,0 +570875,0 +570876,0 +570877,0 +570878,0 +570879,0 +570880,0 +570881,0 +570882,0 +570883,0 +570884,0 +570885,0 +570886,0 +570887,0 +570888,0 +570889,0 +570890,0 +570891,0 +570892,0 +570893,0 +570894,0 +570895,0 +570896,0 +570897,0 +570898,0 +570899,0 +570900,0 +570901,0 +570902,0 +570903,0 +570904,0 +570905,0 +570906,0 +570907,0 +570908,0 +570909,0 +570910,0 +570911,0 +570912,0 +570913,0 +570914,0 +570915,0 +570916,0 +570917,0 +570918,0 +570919,0 +570920,0 +570921,0 +570922,0 +570923,0 +570924,0 +570925,0 +570926,0 +570927,0 +570928,0 +570929,0 +570930,28 +570931,28 +570932,28 +570933,28 +570934,28 +570935,28 +570936,28 +570937,28 +570938,26 +570939,26 +570940,26 +570941,26 +570942,26 +570943,26 +570944,37 +570945,37 +570946,37 +570947,37 +570948,37 +570949,37 +570950,37 +570951,37 +570952,37 +570953,37 +570954,37 +570955,25 +570956,25 +570957,25 +570958,25 +570959,25 +570960,25 +570961,25 +570962,25 +570963,25 +570964,25 +570965,0 +570966,0 +570967,0 +570968,0 +570969,0 +570970,0 +570971,0 +570972,35 +570973,35 +570974,35 +570975,35 +570976,35 +570977,35 +570978,35 +570979,36 +570980,36 +570981,36 +570982,36 +570983,36 +570984,36 +570985,19 +570986,19 +570987,19 +570988,19 +570989,19 +570990,19 +570991,19 +570992,19 +570993,5 +570994,5 +570995,5 +570996,5 +570997,34 +570998,34 +570999,34 +571000,34 +571001,34 +571002,31 +571003,31 +571004,26 +571005,31 +571006,31 +571007,32 +571008,32 +571009,32 +571010,32 +571011,32 +571012,32 +571013,32 +571014,0 +571015,29 +571016,29 +571017,29 +571018,31 +571019,31 +571020,31 +571021,31 +571022,31 +571023,12 +571024,12 +571025,12 +571026,12 +571027,12 +571028,12 +571029,12 +571030,12 +571031,12 +571032,12 +571033,12 +571034,12 +571035,12 +571036,25 +571037,25 +571038,25 +571039,25 +571040,25 +571041,25 +571042,25 +571043,19 +571044,19 +571045,19 +571046,19 +571047,19 +571048,19 +571049,8 +571050,8 +571051,8 +571052,8 +571053,8 +571054,8 +571055,8 +571056,8 +571057,37 +571058,37 +571059,37 +571060,37 +571061,37 +571062,37 +571063,37 +571064,37 +571065,37 +571066,37 +571067,37 +571068,37 +571069,14 +571070,14 +571071,40 +571072,40 +571073,40 +571074,36 +571075,36 +571076,19 +571077,5 +571078,5 +571079,5 +571080,39 +571081,39 +571082,39 +571083,39 +571084,39 +571085,39 +571086,39 +571087,39 +571088,39 +571089,14 +571090,14 +571091,39 +571092,23 +571093,23 +571094,23 +571095,23 +571096,23 +571097,23 +571098,23 +571099,23 +571100,23 +571101,32 +571102,32 +571103,32 +571104,9 +571105,9 +571106,9 +571107,9 +571108,9 +571109,37 +571110,37 +571111,37 +571112,37 +571113,37 +571114,37 +571115,5 +571116,5 +571117,5 +571118,5 +571119,5 +571120,5 +571121,5 +571122,36 +571123,36 +571124,27 +571125,27 +571126,27 +571127,27 +571128,27 +571129,27 +571130,27 +571131,27 +571132,27 +571133,27 +571134,27 +571135,27 +571136,27 +571137,27 +571138,27 +571139,5 +571140,5 +571141,5 +571142,5 +571143,5 +571144,5 +571145,2 +571146,2 +571147,2 +571148,2 +571149,2 +571150,2 +571151,2 +571152,27 +571153,27 +571154,31 +571155,31 +571156,31 +571157,4 +571158,4 +571159,4 +571160,4 +571161,4 +571162,4 +571163,4 +571164,4 +571165,29 +571166,29 +571167,29 +571168,29 +571169,29 +571170,29 +571171,31 +571172,31 +571173,31 +571174,31 +571175,31 +571176,31 +571177,31 +571178,2 +571179,2 +571180,2 +571181,2 +571182,2 +571183,2 +571184,2 +571185,2 +571186,2 +571187,2 +571188,2 +571189,2 +571190,6 +571191,6 +571192,6 +571193,6 +571194,6 +571195,6 +571196,12 +571197,12 +571198,12 +571199,12 +571200,12 +571201,12 +571202,12 +571203,27 +571204,27 +571205,27 +571206,27 +571207,27 +571208,27 +571209,2 +571210,2 +571211,2 +571212,2 +571213,2 +571214,2 +571215,2 +571216,2 +571217,16 +571218,11 +571219,16 +571220,16 +571221,16 +571222,16 +571223,31 +571224,31 +571225,31 +571226,31 +571227,31 +571228,31 +571229,5 +571230,5 +571231,5 +571232,5 +571233,5 +571234,5 +571235,28 +571236,28 +571237,5 +571238,5 +571239,0 +571240,0 +571241,0 +571242,0 +571243,28 +571244,28 +571245,28 +571246,27 +571247,27 +571248,27 +571249,27 +571250,16 +571251,16 +571252,16 +571253,16 +571254,16 +571255,16 +571256,16 +571257,11 +571258,16 +571259,11 +571260,16 +571261,16 +571262,16 +571263,16 +571264,16 +571265,11 +571266,11 +571267,11 +571268,11 +571269,16 +571270,16 +571271,16 +571272,16 +571273,0 +571274,0 +571275,0 +571276,0 +571277,0 +571278,0 +571279,0 +571280,0 +571281,0 +571282,4 +571283,4 +571284,4 +571285,4 +571286,4 +571287,4 +571288,4 +571289,4 +571290,4 +571291,6 +571292,6 +571293,6 +571294,6 +571295,6 +571296,6 +571297,6 +571298,6 +571299,6 +571300,6 +571301,6 +571302,6 +571303,6 +571304,6 +571305,6 +571306,25 +571307,25 +571308,25 +571309,25 +571310,25 +571311,25 +571312,25 +571313,25 +571314,25 +571315,25 +571316,25 +571317,25 +571318,25 +571319,25 +571320,25 +571321,25 +571322,25 +571323,30 +571324,30 +571325,30 +571326,30 +571327,30 +571328,30 +571329,30 +571330,30 +571331,27 +571332,27 +571333,27 +571334,27 +571335,27 +571336,27 +571337,30 +571338,30 +571339,30 +571340,30 +571341,30 +571342,30 +571343,30 +571344,30 +571345,30 +571346,30 +571347,30 +571348,30 +571349,31 +571350,15 +571351,15 +571352,15 +571353,15 +571354,12 +571355,12 +571356,12 +571357,12 +571358,12 +571359,10 +571360,10 +571361,10 +571362,10 +571363,10 +571364,10 +571365,10 +571366,10 +571367,10 +571368,10 +571369,10 +571370,10 +571371,10 +571372,2 +571373,2 +571374,2 +571375,2 +571376,2 +571377,2 +571378,2 +571379,2 +571380,2 +571381,2 +571382,2 +571383,31 +571384,31 +571385,31 +571386,31 +571387,32 +571388,32 +571389,32 +571390,32 +571391,32 +571392,32 +571393,32 +571394,32 +571395,32 +571396,32 +571397,32 +571398,32 +571399,32 +571400,37 +571401,37 +571402,37 +571403,37 +571404,37 +571405,37 +571406,37 +571407,37 +571408,37 +571409,10 +571410,10 +571411,10 +571412,10 +571413,10 +571414,10 +571415,10 +571416,10 +571417,10 +571418,10 +571419,10 +571420,10 +571421,10 +571422,10 +571423,10 +571424,10 +571425,10 +571426,10 +571427,10 +571428,10 +571429,10 +571430,10 +571431,8 +571432,8 +571433,8 +571434,8 +571435,8 +571436,8 +571437,8 +571438,8 +571439,8 +571440,8 +571441,8 +571442,0 +571443,0 +571444,0 +571445,0 +571446,0 +571447,0 +571448,0 +571449,0 +571450,0 +571451,0 +571452,0 +571453,0 +571454,0 +571455,0 +571456,0 +571457,0 +571458,0 +571459,0 +571460,0 +571461,0 +571462,0 +571463,0 +571464,0 +571465,0 +571466,0 +571467,0 +571468,0 +571469,0 +571470,0 +571471,0 +571472,0 +571473,0 +571474,0 +571475,0 +571476,0 +571477,0 +571478,0 +571479,0 +571480,0 +571481,0 +571482,0 +571483,0 +571484,0 +571485,0 +571486,0 +571487,0 +571488,0 +571489,2 +571490,2 +571491,2 +571492,2 +571493,2 +571494,2 +571495,2 +571496,2 +571497,2 +571498,2 +571499,2 +571500,2 +571501,2 +571502,2 +571503,2 +571504,2 +571505,2 +571506,2 +571507,33 +571508,33 +571509,33 +571510,33 +571511,33 +571512,33 +571513,33 +571514,33 +571515,33 +571516,33 +571517,33 +571518,33 +571519,33 +571520,33 +571521,30 +571522,5 +571523,5 +571524,5 +571525,5 +571526,5 +571527,5 +571528,5 +571529,5 +571530,5 +571531,5 +571532,5 +571533,3 +571534,3 +571535,3 +571536,3 +571537,3 +571538,3 +571539,3 +571540,3 +571541,2 +571542,2 +571543,2 +571544,2 +571545,2 +571546,2 +571547,2 +571548,2 +571549,2 +571550,2 +571551,2 +571552,2 +571553,2 +571554,32 +571555,32 +571556,32 +571557,32 +571558,32 +571559,32 +571560,32 +571561,38 +571562,9 +571563,9 +571564,9 +571565,9 +571566,9 +571567,26 +571568,26 +571569,26 +571570,26 +571571,26 +571572,26 +571573,26 +571574,5 +571575,5 +571576,11 +571577,11 +571578,11 +571579,16 +571580,11 +571581,11 +571582,11 +571583,31 +571584,31 +571585,31 +571586,5 +571587,5 +571588,5 +571589,5 +571590,13 +571591,37 +571592,37 +571593,37 +571594,37 +571595,37 +571596,37 +571597,39 +571598,39 +571599,39 +571600,39 +571601,39 +571602,39 +571603,39 +571604,32 +571605,32 +571606,32 +571607,32 +571608,32 +571609,32 +571610,32 +571611,32 +571612,32 +571613,32 +571614,32 +571615,32 +571616,30 +571617,30 +571618,30 +571619,30 +571620,10 +571621,10 +571622,10 +571623,10 +571624,10 +571625,10 +571626,10 +571627,10 +571628,10 +571629,10 +571630,10 +571631,10 +571632,10 +571633,10 +571634,4 +571635,4 +571636,4 +571637,4 +571638,4 +571639,0 +571640,0 +571641,0 +571642,0 +571643,0 +571644,0 +571645,0 +571646,0 +571647,0 +571648,0 +571649,0 +571650,0 +571651,0 +571652,0 +571653,0 +571654,0 +571655,0 +571656,0 +571657,0 +571658,0 +571659,0 +571660,0 +571661,0 +571662,0 +571663,0 +571664,0 +571665,0 +571666,0 +571667,0 +571668,0 +571669,0 +571670,0 +571671,0 +571672,0 +571673,0 +571674,0 +571675,0 +571676,0 +571677,0 +571678,0 +571679,0 +571680,0 +571681,0 +571682,0 +571683,0 +571684,0 +571685,0 +571686,0 +571687,0 +571688,0 +571689,0 +571690,0 +571691,0 +571692,0 +571693,0 +571694,0 +571695,0 +571696,0 +571697,12 +571698,12 +571699,12 +571700,28 +571701,28 +571702,28 +571703,9 +571704,9 +571705,9 +571706,9 +571707,9 +571708,9 +571709,9 +571710,9 +571711,9 +571712,9 +571713,9 +571714,37 +571715,37 +571716,37 +571717,33 +571718,33 +571719,33 +571720,33 +571721,33 +571722,33 +571723,33 +571724,33 +571725,33 +571726,33 +571727,33 +571728,33 +571729,33 +571730,33 +571731,33 +571732,24 +571733,24 +571734,24 +571735,24 +571736,24 +571737,24 +571738,24 +571739,25 +571740,25 +571741,25 +571742,25 +571743,25 +571744,25 +571745,25 +571746,25 +571747,25 +571748,37 +571749,25 +571750,37 +571751,25 +571752,25 +571753,25 +571754,25 +571755,25 +571756,25 +571757,25 +571758,0 +571759,0 +571760,0 +571761,0 +571762,0 +571763,0 +571764,0 +571765,0 +571766,0 +571767,0 +571768,0 +571769,0 +571770,0 +571771,0 +571772,0 +571773,0 +571774,0 +571775,0 +571776,6 +571777,6 +571778,0 +571779,35 +571780,35 +571781,35 +571782,35 +571783,35 +571784,35 +571785,35 +571786,35 +571787,35 +571788,35 +571789,35 +571790,35 +571791,35 +571792,35 +571793,35 +571794,35 +571795,39 +571796,35 +571797,35 +571798,39 +571799,6 +571800,35 +571801,6 +571802,6 +571803,6 +571804,31 +571805,31 +571806,31 +571807,31 +571808,24 +571809,24 +571810,24 +571811,24 +571812,24 +571813,24 +571814,2 +571815,2 +571816,2 +571817,2 +571818,2 +571819,2 +571820,39 +571821,39 +571822,39 +571823,39 +571824,39 +571825,39 +571826,39 +571827,39 +571828,39 +571829,5 +571830,5 +571831,5 +571832,5 +571833,5 +571834,5 +571835,5 +571836,5 +571837,5 +571838,5 +571839,5 +571840,5 +571841,5 +571842,28 +571843,28 +571844,28 +571845,3 +571846,3 +571847,3 +571848,3 +571849,3 +571850,3 +571851,3 +571852,3 +571853,3 +571854,3 +571855,3 +571856,28 +571857,5 +571858,5 +571859,5 +571860,28 +571861,28 +571862,28 +571863,19 +571864,19 +571865,19 +571866,19 +571867,19 +571868,27 +571869,27 +571870,27 +571871,27 +571872,27 +571873,19 +571874,19 +571875,19 +571876,19 +571877,19 +571878,19 +571879,19 +571880,19 +571881,28 +571882,28 +571883,28 +571884,28 +571885,28 +571886,28 +571887,28 +571888,36 +571889,36 +571890,36 +571891,36 +571892,40 +571893,40 +571894,40 +571895,40 +571896,40 +571897,40 +571898,40 +571899,40 +571900,40 +571901,40 +571902,5 +571903,5 +571904,5 +571905,5 +571906,5 +571907,5 +571908,5 +571909,5 +571910,5 +571911,32 +571912,32 +571913,32 +571914,32 +571915,32 +571916,32 +571917,32 +571918,32 +571919,32 +571920,32 +571921,32 +571922,32 +571923,32 +571924,34 +571925,26 +571926,36 +571927,36 +571928,36 +571929,36 +571930,36 +571931,36 +571932,36 +571933,2 +571934,2 +571935,2 +571936,2 +571937,2 +571938,2 +571939,2 +571940,2 +571941,2 +571942,40 +571943,40 +571944,40 +571945,40 +571946,5 +571947,5 +571948,5 +571949,5 +571950,5 +571951,5 +571952,5 +571953,5 +571954,5 +571955,14 +571956,14 +571957,14 +571958,14 +571959,14 +571960,36 +571961,14 +571962,14 +571963,14 +571964,14 +571965,14 +571966,14 +571967,36 +571968,28 +571969,28 +571970,28 +571971,28 +571972,28 +571973,5 +571974,19 +571975,19 +571976,19 +571977,19 +571978,31 +571979,31 +571980,31 +571981,31 +571982,24 +571983,24 +571984,24 +571985,24 +571986,24 +571987,29 +571988,29 +571989,29 +571990,31 +571991,31 +571992,31 +571993,31 +571994,31 +571995,2 +571996,2 +571997,2 +571998,2 +571999,2 +572000,2 +572001,2 +572002,2 +572003,2 +572004,16 +572005,11 +572006,11 +572007,11 +572008,11 +572009,11 +572010,11 +572011,11 +572012,11 +572013,39 +572014,39 +572015,39 +572016,39 +572017,39 +572018,39 +572019,39 +572020,39 +572021,39 +572022,39 +572023,39 +572024,39 +572025,4 +572026,4 +572027,4 +572028,4 +572029,4 +572030,31 +572031,31 +572032,31 +572033,31 +572034,31 +572035,5 +572036,5 +572037,5 +572038,5 +572039,5 +572040,5 +572041,5 +572042,5 +572043,5 +572044,5 +572045,5 +572046,5 +572047,5 +572048,29 +572049,29 +572050,31 +572051,31 +572052,31 +572053,31 +572054,31 +572055,31 +572056,4 +572057,4 +572058,4 +572059,4 +572060,25 +572061,25 +572062,25 +572063,25 +572064,25 +572065,27 +572066,27 +572067,27 +572068,27 +572069,27 +572070,27 +572071,4 +572072,4 +572073,4 +572074,25 +572075,25 +572076,8 +572077,2 +572078,2 +572079,2 +572080,2 +572081,2 +572082,2 +572083,2 +572084,2 +572085,2 +572086,2 +572087,2 +572088,2 +572089,2 +572090,2 +572091,2 +572092,2 +572093,2 +572094,2 +572095,2 +572096,2 +572097,8 +572098,36 +572099,36 +572100,36 +572101,36 +572102,36 +572103,5 +572104,5 +572105,5 +572106,19 +572107,19 +572108,19 +572109,19 +572110,35 +572111,35 +572112,35 +572113,35 +572114,35 +572115,35 +572116,39 +572117,39 +572118,39 +572119,39 +572120,39 +572121,39 +572122,39 +572123,2 +572124,2 +572125,2 +572126,2 +572127,2 +572128,2 +572129,2 +572130,2 +572131,2 +572132,2 +572133,2 +572134,40 +572135,40 +572136,40 +572137,40 +572138,40 +572139,40 +572140,40 +572141,40 +572142,40 +572143,19 +572144,19 +572145,19 +572146,19 +572147,19 +572148,19 +572149,4 +572150,4 +572151,4 +572152,4 +572153,4 +572154,4 +572155,4 +572156,31 +572157,31 +572158,31 +572159,6 +572160,29 +572161,6 +572162,6 +572163,6 +572164,6 +572165,6 +572166,6 +572167,6 +572168,6 +572169,9 +572170,9 +572171,9 +572172,9 +572173,37 +572174,37 +572175,37 +572176,37 +572177,37 +572178,31 +572179,23 +572180,23 +572181,23 +572182,23 +572183,23 +572184,23 +572185,23 +572186,23 +572187,37 +572188,37 +572189,37 +572190,25 +572191,40 +572192,40 +572193,10 +572194,10 +572195,10 +572196,37 +572197,37 +572198,37 +572199,37 +572200,25 +572201,25 +572202,25 +572203,25 +572204,26 +572205,26 +572206,26 +572207,26 +572208,26 +572209,26 +572210,26 +572211,26 +572212,26 +572213,26 +572214,6 +572215,6 +572216,6 +572217,6 +572218,6 +572219,6 +572220,6 +572221,6 +572222,6 +572223,6 +572224,6 +572225,0 +572226,0 +572227,0 +572228,0 +572229,0 +572230,0 +572231,0 +572232,0 +572233,0 +572234,0 +572235,0 +572236,0 +572237,0 +572238,0 +572239,0 +572240,0 +572241,0 +572242,0 +572243,0 +572244,0 +572245,0 +572246,0 +572247,0 +572248,0 +572249,0 +572250,0 +572251,0 +572252,0 +572253,0 +572254,0 +572255,0 +572256,0 +572257,0 +572258,0 +572259,0 +572260,0 +572261,0 +572262,0 +572263,0 +572264,0 +572265,0 +572266,0 +572267,0 +572268,0 +572269,0 +572270,0 +572271,0 +572272,0 +572273,0 +572274,0 +572275,0 +572276,0 +572277,0 +572278,0 +572279,0 +572280,0 +572281,0 +572282,0 +572283,0 +572284,0 +572285,0 +572286,0 +572287,0 +572288,0 +572289,0 +572290,0 +572291,0 +572292,0 +572293,0 +572294,0 +572295,0 +572296,0 +572297,0 +572298,0 +572299,0 +572300,0 +572301,0 +572302,29 +572303,29 +572304,29 +572305,27 +572306,27 +572307,31 +572308,31 +572309,31 +572310,31 +572311,31 +572312,31 +572313,2 +572314,2 +572315,2 +572316,2 +572317,2 +572318,2 +572319,2 +572320,2 +572321,2 +572322,2 +572323,2 +572324,10 +572325,10 +572326,10 +572327,10 +572328,10 +572329,10 +572330,10 +572331,10 +572332,36 +572333,10 +572334,10 +572335,35 +572336,35 +572337,35 +572338,27 +572339,27 +572340,27 +572341,27 +572342,27 +572343,27 +572344,27 +572345,24 +572346,24 +572347,24 +572348,24 +572349,24 +572350,24 +572351,24 +572352,29 +572353,29 +572354,40 +572355,40 +572356,31 +572357,31 +572358,31 +572359,31 +572360,5 +572361,5 +572362,5 +572363,5 +572364,5 +572365,5 +572366,5 +572367,5 +572368,19 +572369,19 +572370,19 +572371,5 +572372,23 +572373,23 +572374,23 +572375,23 +572376,23 +572377,23 +572378,23 +572379,23 +572380,23 +572381,23 +572382,23 +572383,37 +572384,37 +572385,37 +572386,37 +572387,37 +572388,37 +572389,10 +572390,10 +572391,10 +572392,10 +572393,10 +572394,10 +572395,10 +572396,10 +572397,5 +572398,5 +572399,5 +572400,5 +572401,5 +572402,5 +572403,5 +572404,5 +572405,5 +572406,5 +572407,13 +572408,13 +572409,13 +572410,4 +572411,4 +572412,4 +572413,4 +572414,4 +572415,4 +572416,4 +572417,4 +572418,4 +572419,4 +572420,40 +572421,40 +572422,40 +572423,40 +572424,40 +572425,40 +572426,27 +572427,27 +572428,5 +572429,5 +572430,5 +572431,5 +572432,5 +572433,5 +572434,5 +572435,27 +572436,27 +572437,27 +572438,27 +572439,27 +572440,27 +572441,4 +572442,4 +572443,4 +572444,4 +572445,35 +572446,35 +572447,35 +572448,35 +572449,39 +572450,39 +572451,39 +572452,39 +572453,39 +572454,39 +572455,39 +572456,39 +572457,8 +572458,8 +572459,8 +572460,8 +572461,8 +572462,2 +572463,2 +572464,2 +572465,2 +572466,2 +572467,2 +572468,2 +572469,2 +572470,2 +572471,2 +572472,36 +572473,36 +572474,14 +572475,14 +572476,14 +572477,14 +572478,14 +572479,14 +572480,36 +572481,36 +572482,36 +572483,36 +572484,13 +572485,13 +572486,13 +572487,13 +572488,13 +572489,13 +572490,13 +572491,13 +572492,13 +572493,13 +572494,13 +572495,13 +572496,13 +572497,13 +572498,13 +572499,13 +572500,13 +572501,5 +572502,5 +572503,5 +572504,5 +572505,5 +572506,5 +572507,0 +572508,0 +572509,0 +572510,0 +572511,0 +572512,0 +572513,0 +572514,0 +572515,0 +572516,0 +572517,0 +572518,0 +572519,0 +572520,0 +572521,0 +572522,0 +572523,0 +572524,0 +572525,0 +572526,0 +572527,0 +572528,0 +572529,0 +572530,0 +572531,0 +572532,0 +572533,0 +572534,0 +572535,0 +572536,0 +572537,0 +572538,0 +572539,0 +572540,0 +572541,0 +572542,0 +572543,0 +572544,0 +572545,0 +572546,0 +572547,0 +572548,0 +572549,0 +572550,0 +572551,0 +572552,0 +572553,0 +572554,0 +572555,0 +572556,0 +572557,0 +572558,0 +572559,0 +572560,0 +572561,0 +572562,0 +572563,0 +572564,0 +572565,0 +572566,0 +572567,0 +572568,0 +572569,0 +572570,0 +572571,0 +572572,19 +572573,19 +572574,19 +572575,19 +572576,19 +572577,19 +572578,37 +572579,37 +572580,37 +572581,37 +572582,14 +572583,14 +572584,14 +572585,39 +572586,39 +572587,39 +572588,39 +572589,13 +572590,13 +572591,13 +572592,5 +572593,13 +572594,6 +572595,6 +572596,6 +572597,6 +572598,6 +572599,6 +572600,6 +572601,6 +572602,39 +572603,39 +572604,39 +572605,37 +572606,37 +572607,37 +572608,37 +572609,37 +572610,37 +572611,37 +572612,37 +572613,37 +572614,37 +572615,23 +572616,23 +572617,23 +572618,23 +572619,23 +572620,23 +572621,23 +572622,23 +572623,23 +572624,23 +572625,23 +572626,23 +572627,23 +572628,23 +572629,23 +572630,27 +572631,27 +572632,27 +572633,27 +572634,27 +572635,27 +572636,27 +572637,27 +572638,30 +572639,30 +572640,30 +572641,30 +572642,30 +572643,30 +572644,30 +572645,30 +572646,30 +572647,30 +572648,30 +572649,4 +572650,4 +572651,4 +572652,4 +572653,4 +572654,4 +572655,4 +572656,4 +572657,4 +572658,4 +572659,4 +572660,4 +572661,4 +572662,4 +572663,4 +572664,10 +572665,10 +572666,10 +572667,10 +572668,10 +572669,10 +572670,10 +572671,10 +572672,10 +572673,10 +572674,10 +572675,10 +572676,10 +572677,21 +572678,21 +572679,21 +572680,21 +572681,21 +572682,21 +572683,21 +572684,21 +572685,21 +572686,21 +572687,21 +572688,21 +572689,25 +572690,25 +572691,25 +572692,25 +572693,25 +572694,25 +572695,25 +572696,25 +572697,25 +572698,25 +572699,25 +572700,25 +572701,25 +572702,25 +572703,25 +572704,0 +572705,0 +572706,0 +572707,0 +572708,0 +572709,0 +572710,0 +572711,0 +572712,0 +572713,0 +572714,0 +572715,0 +572716,0 +572717,0 +572718,0 +572719,0 +572720,0 +572721,0 +572722,0 +572723,0 +572724,0 +572725,0 +572726,0 +572727,0 +572728,0 +572729,0 +572730,0 +572731,0 +572732,0 +572733,0 +572734,0 +572735,0 +572736,0 +572737,0 +572738,0 +572739,0 +572740,0 +572741,0 +572742,0 +572743,0 +572744,0 +572745,0 +572746,0 +572747,0 +572748,0 +572749,0 +572750,0 +572751,0 +572752,0 +572753,0 +572754,0 +572755,0 +572756,0 +572757,36 +572758,36 +572759,36 +572760,36 +572761,36 +572762,36 +572763,36 +572764,36 +572765,11 +572766,11 +572767,11 +572768,11 +572769,11 +572770,11 +572771,11 +572772,11 +572773,11 +572774,11 +572775,11 +572776,11 +572777,11 +572778,11 +572779,11 +572780,11 +572781,11 +572782,36 +572783,36 +572784,36 +572785,36 +572786,10 +572787,34 +572788,10 +572789,10 +572790,10 +572791,34 +572792,34 +572793,5 +572794,5 +572795,5 +572796,5 +572797,5 +572798,26 +572799,26 +572800,26 +572801,26 +572802,26 +572803,26 +572804,5 +572805,5 +572806,5 +572807,5 +572808,11 +572809,11 +572810,11 +572811,11 +572812,11 +572813,11 +572814,11 +572815,11 +572816,11 +572817,11 +572818,11 +572819,11 +572820,11 +572821,11 +572822,11 +572823,11 +572824,11 +572825,11 +572826,11 +572827,3 +572828,3 +572829,3 +572830,3 +572831,3 +572832,3 +572833,3 +572834,3 +572835,3 +572836,3 +572837,3 +572838,3 +572839,3 +572840,5 +572841,5 +572842,39 +572843,39 +572844,39 +572845,39 +572846,7 +572847,7 +572848,7 +572849,7 +572850,7 +572851,7 +572852,7 +572853,7 +572854,3 +572855,3 +572856,3 +572857,3 +572858,3 +572859,3 +572860,3 +572861,3 +572862,3 +572863,3 +572864,3 +572865,3 +572866,3 +572867,3 +572868,3 +572869,3 +572870,3 +572871,3 +572872,28 +572873,13 +572874,13 +572875,0 +572876,0 +572877,0 +572878,0 +572879,0 +572880,0 +572881,0 +572882,0 +572883,0 +572884,0 +572885,0 +572886,0 +572887,0 +572888,0 +572889,0 +572890,0 +572891,0 +572892,0 +572893,0 +572894,0 +572895,0 +572896,0 +572897,0 +572898,0 +572899,0 +572900,0 +572901,0 +572902,0 +572903,0 +572904,0 +572905,0 +572906,0 +572907,0 +572908,0 +572909,0 +572910,0 +572911,0 +572912,0 +572913,0 +572914,0 +572915,0 +572916,0 +572917,0 +572918,0 +572919,0 +572920,0 +572921,0 +572922,0 +572923,0 +572924,0 +572925,0 +572926,0 +572927,0 +572928,0 +572929,0 +572930,0 +572931,0 +572932,0 +572933,0 +572934,0 +572935,0 +572936,0 +572937,0 +572938,0 +572939,36 +572940,36 +572941,36 +572942,36 +572943,36 +572944,36 +572945,5 +572946,5 +572947,5 +572948,5 +572949,5 +572950,5 +572951,5 +572952,18 +572953,18 +572954,18 +572955,18 +572956,18 +572957,27 +572958,27 +572959,27 +572960,23 +572961,23 +572962,23 +572963,23 +572964,23 +572965,23 +572966,23 +572967,23 +572968,23 +572969,23 +572970,23 +572971,28 +572972,28 +572973,28 +572974,28 +572975,28 +572976,28 +572977,28 +572978,28 +572979,10 +572980,10 +572981,10 +572982,10 +572983,10 +572984,10 +572985,10 +572986,10 +572987,10 +572988,10 +572989,28 +572990,28 +572991,28 +572992,28 +572993,28 +572994,28 +572995,28 +572996,28 +572997,28 +572998,28 +572999,28 +573000,36 +573001,26 +573002,26 +573003,31 +573004,26 +573005,26 +573006,36 +573007,5 +573008,31 +573009,5 +573010,5 +573011,5 +573012,5 +573013,5 +573014,5 +573015,25 +573016,25 +573017,25 +573018,25 +573019,25 +573020,25 +573021,25 +573022,25 +573023,25 +573024,25 +573025,25 +573026,25 +573027,25 +573028,25 +573029,25 +573030,25 +573031,25 +573032,25 +573033,25 +573034,25 +573035,25 +573036,25 +573037,25 +573038,25 +573039,35 +573040,35 +573041,35 +573042,35 +573043,35 +573044,35 +573045,35 +573046,31 +573047,31 +573048,31 +573049,31 +573050,31 +573051,31 +573052,8 +573053,8 +573054,8 +573055,8 +573056,8 +573057,8 +573058,8 +573059,8 +573060,8 +573061,29 +573062,15 +573063,19 +573064,32 +573065,32 +573066,32 +573067,14 +573068,14 +573069,14 +573070,14 +573071,14 +573072,14 +573073,14 +573074,14 +573075,14 +573076,14 +573077,14 +573078,14 +573079,14 +573080,14 +573081,14 +573082,5 +573083,5 +573084,5 +573085,5 +573086,5 +573087,5 +573088,5 +573089,5 +573090,5 +573091,5 +573092,28 +573093,28 +573094,5 +573095,28 +573096,5 +573097,31 +573098,27 +573099,31 +573100,31 +573101,31 +573102,31 +573103,31 +573104,31 +573105,31 +573106,31 +573107,31 +573108,40 +573109,40 +573110,31 +573111,40 +573112,40 +573113,40 +573114,11 +573115,11 +573116,11 +573117,11 +573118,11 +573119,11 +573120,9 +573121,9 +573122,9 +573123,9 +573124,9 +573125,9 +573126,9 +573127,9 +573128,9 +573129,9 +573130,9 +573131,9 +573132,30 +573133,30 +573134,30 +573135,30 +573136,30 +573137,30 +573138,30 +573139,30 +573140,30 +573141,30 +573142,30 +573143,30 +573144,30 +573145,30 +573146,30 +573147,30 +573148,31 +573149,31 +573150,31 +573151,31 +573152,25 +573153,25 +573154,25 +573155,25 +573156,25 +573157,25 +573158,31 +573159,32 +573160,32 +573161,32 +573162,32 +573163,32 +573164,32 +573165,32 +573166,32 +573167,32 +573168,25 +573169,25 +573170,25 +573171,25 +573172,25 +573173,35 +573174,35 +573175,35 +573176,35 +573177,35 +573178,35 +573179,36 +573180,27 +573181,36 +573182,5 +573183,5 +573184,5 +573185,5 +573186,5 +573187,5 +573188,5 +573189,5 +573190,5 +573191,2 +573192,2 +573193,2 +573194,2 +573195,2 +573196,2 +573197,2 +573198,2 +573199,31 +573200,31 +573201,31 +573202,31 +573203,15 +573204,15 +573205,15 +573206,15 +573207,15 +573208,15 +573209,17 +573210,22 +573211,30 +573212,30 +573213,30 +573214,30 +573215,30 +573216,30 +573217,30 +573218,30 +573219,30 +573220,30 +573221,30 +573222,30 +573223,30 +573224,30 +573225,30 +573226,30 +573227,30 +573228,30 +573229,30 +573230,33 +573231,33 +573232,33 +573233,33 +573234,33 +573235,33 +573236,33 +573237,33 +573238,3 +573239,3 +573240,3 +573241,3 +573242,3 +573243,3 +573244,3 +573245,3 +573246,3 +573247,3 +573248,0 +573249,0 +573250,0 +573251,0 +573252,0 +573253,0 +573254,0 +573255,0 +573256,0 +573257,0 +573258,0 +573259,0 +573260,0 +573261,0 +573262,0 +573263,0 +573264,0 +573265,0 +573266,0 +573267,0 +573268,0 +573269,0 +573270,0 +573271,0 +573272,0 +573273,0 +573274,0 +573275,0 +573276,0 +573277,0 +573278,0 +573279,0 +573280,0 +573281,0 +573282,0 +573283,0 +573284,15 +573285,15 +573286,15 +573287,31 +573288,31 +573289,31 +573290,31 +573291,31 +573292,31 +573293,4 +573294,4 +573295,4 +573296,4 +573297,4 +573298,4 +573299,4 +573300,4 +573301,28 +573302,28 +573303,28 +573304,28 +573305,28 +573306,28 +573307,28 +573308,14 +573309,14 +573310,14 +573311,14 +573312,14 +573313,14 +573314,14 +573315,14 +573316,14 +573317,14 +573318,27 +573319,14 +573320,14 +573321,14 +573322,14 +573323,14 +573324,14 +573325,39 +573326,39 +573327,39 +573328,39 +573329,39 +573330,39 +573331,39 +573332,39 +573333,39 +573334,39 +573335,39 +573336,39 +573337,39 +573338,39 +573339,39 +573340,39 +573341,39 +573342,39 +573343,39 +573344,0 +573345,0 +573346,0 +573347,0 +573348,0 +573349,0 +573350,0 +573351,0 +573352,0 +573353,0 +573354,0 +573355,0 +573356,0 +573357,0 +573358,0 +573359,0 +573360,0 +573361,36 +573362,36 +573363,36 +573364,36 +573365,36 +573366,36 +573367,36 +573368,36 +573369,36 +573370,36 +573371,36 +573372,36 +573373,36 +573374,36 +573375,36 +573376,36 +573377,23 +573378,23 +573379,23 +573380,23 +573381,23 +573382,23 +573383,23 +573384,4 +573385,4 +573386,4 +573387,4 +573388,4 +573389,37 +573390,37 +573391,25 +573392,25 +573393,25 +573394,25 +573395,12 +573396,12 +573397,12 +573398,12 +573399,12 +573400,12 +573401,12 +573402,12 +573403,12 +573404,12 +573405,12 +573406,12 +573407,12 +573408,12 +573409,12 +573410,12 +573411,12 +573412,12 +573413,12 +573414,10 +573415,10 +573416,10 +573417,10 +573418,10 +573419,34 +573420,34 +573421,34 +573422,10 +573423,10 +573424,34 +573425,34 +573426,34 +573427,34 +573428,34 +573429,34 +573430,34 +573431,34 +573432,34 +573433,34 +573434,34 +573435,34 +573436,34 +573437,34 +573438,34 +573439,34 +573440,34 +573441,34 +573442,30 +573443,30 +573444,30 +573445,30 +573446,30 +573447,30 +573448,30 +573449,30 +573450,30 +573451,30 +573452,0 +573453,0 +573454,0 +573455,0 +573456,0 +573457,0 +573458,0 +573459,0 +573460,0 +573461,0 +573462,0 +573463,0 +573464,0 +573465,0 +573466,0 +573467,0 +573468,0 +573469,0 +573470,0 +573471,15 +573472,14 +573473,14 +573474,39 +573475,39 +573476,39 +573477,39 +573478,11 +573479,11 +573480,11 +573481,11 +573482,11 +573483,11 +573484,11 +573485,11 +573486,11 +573487,11 +573488,11 +573489,11 +573490,11 +573491,14 +573492,14 +573493,14 +573494,14 +573495,14 +573496,14 +573497,14 +573498,6 +573499,6 +573500,6 +573501,6 +573502,6 +573503,6 +573504,31 +573505,31 +573506,31 +573507,31 +573508,5 +573509,5 +573510,5 +573511,5 +573512,5 +573513,5 +573514,5 +573515,19 +573516,19 +573517,19 +573518,19 +573519,10 +573520,10 +573521,10 +573522,10 +573523,10 +573524,34 +573525,34 +573526,34 +573527,34 +573528,10 +573529,10 +573530,10 +573531,34 +573532,34 +573533,34 +573534,5 +573535,5 +573536,5 +573537,5 +573538,5 +573539,5 +573540,15 +573541,15 +573542,15 +573543,15 +573544,15 +573545,15 +573546,10 +573547,10 +573548,10 +573549,10 +573550,10 +573551,10 +573552,10 +573553,10 +573554,10 +573555,17 +573556,2 +573557,2 +573558,2 +573559,2 +573560,2 +573561,2 +573562,2 +573563,2 +573564,2 +573565,4 +573566,4 +573567,4 +573568,4 +573569,4 +573570,4 +573571,9 +573572,9 +573573,9 +573574,9 +573575,9 +573576,9 +573577,9 +573578,9 +573579,9 +573580,37 +573581,9 +573582,37 +573583,37 +573584,37 +573585,37 +573586,37 +573587,37 +573588,37 +573589,25 +573590,25 +573591,0 +573592,0 +573593,0 +573594,0 +573595,0 +573596,0 +573597,0 +573598,0 +573599,2 +573600,2 +573601,2 +573602,2 +573603,2 +573604,2 +573605,2 +573606,2 +573607,2 +573608,2 +573609,2 +573610,2 +573611,0 +573612,0 +573613,0 +573614,0 +573615,0 +573616,0 +573617,0 +573618,0 +573619,0 +573620,0 +573621,0 +573622,0 +573623,0 +573624,0 +573625,0 +573626,0 +573627,0 +573628,0 +573629,0 +573630,0 +573631,0 +573632,0 +573633,0 +573634,0 +573635,0 +573636,0 +573637,0 +573638,0 +573639,0 +573640,0 +573641,0 +573642,0 +573643,0 +573644,0 +573645,0 +573646,0 +573647,0 +573648,0 +573649,0 +573650,0 +573651,0 +573652,0 +573653,0 +573654,0 +573655,0 +573656,0 +573657,0 +573658,0 +573659,0 +573660,0 +573661,0 +573662,23 +573663,23 +573664,23 +573665,23 +573666,23 +573667,23 +573668,23 +573669,23 +573670,23 +573671,23 +573672,23 +573673,23 +573674,23 +573675,23 +573676,23 +573677,23 +573678,23 +573679,22 +573680,22 +573681,22 +573682,22 +573683,22 +573684,22 +573685,22 +573686,22 +573687,22 +573688,30 +573689,22 +573690,22 +573691,22 +573692,30 +573693,30 +573694,30 +573695,22 +573696,22 +573697,33 +573698,33 +573699,33 +573700,31 +573701,31 +573702,33 +573703,31 +573704,33 +573705,33 +573706,24 +573707,24 +573708,24 +573709,24 +573710,24 +573711,24 +573712,24 +573713,35 +573714,35 +573715,35 +573716,35 +573717,32 +573718,32 +573719,32 +573720,32 +573721,32 +573722,32 +573723,32 +573724,26 +573725,26 +573726,26 +573727,26 +573728,26 +573729,26 +573730,26 +573731,26 +573732,26 +573733,26 +573734,26 +573735,26 +573736,15 +573737,15 +573738,15 +573739,15 +573740,15 +573741,15 +573742,2 +573743,2 +573744,2 +573745,2 +573746,2 +573747,2 +573748,2 +573749,2 +573750,4 +573751,4 +573752,4 +573753,4 +573754,4 +573755,4 +573756,27 +573757,27 +573758,31 +573759,31 +573760,5 +573761,5 +573762,5 +573763,5 +573764,5 +573765,5 +573766,5 +573767,5 +573768,31 +573769,27 +573770,27 +573771,27 +573772,27 +573773,27 +573774,31 +573775,31 +573776,2 +573777,2 +573778,2 +573779,2 +573780,2 +573781,2 +573782,2 +573783,2 +573784,2 +573785,2 +573786,2 +573787,2 +573788,2 +573789,2 +573790,2 +573791,39 +573792,39 +573793,39 +573794,39 +573795,39 +573796,39 +573797,39 +573798,39 +573799,39 +573800,39 +573801,39 +573802,39 +573803,39 +573804,39 +573805,39 +573806,39 +573807,39 +573808,39 +573809,39 +573810,39 +573811,39 +573812,39 +573813,39 +573814,39 +573815,39 +573816,0 +573817,0 +573818,0 +573819,0 +573820,0 +573821,0 +573822,0 +573823,0 +573824,0 +573825,0 +573826,0 +573827,0 +573828,0 +573829,0 +573830,0 +573831,0 +573832,0 +573833,0 +573834,0 +573835,0 +573836,0 +573837,0 +573838,0 +573839,0 +573840,0 +573841,0 +573842,0 +573843,0 +573844,0 +573845,0 +573846,0 +573847,0 +573848,0 +573849,0 +573850,0 +573851,0 +573852,0 +573853,0 +573854,0 +573855,0 +573856,0 +573857,0 +573858,0 +573859,0 +573860,0 +573861,0 +573862,0 +573863,0 +573864,0 +573865,0 +573866,0 +573867,0 +573868,0 +573869,0 +573870,0 +573871,0 +573872,0 +573873,0 +573874,0 +573875,0 +573876,0 +573877,0 +573878,0 +573879,0 +573880,36 +573881,36 +573882,36 +573883,36 +573884,36 +573885,36 +573886,36 +573887,36 +573888,36 +573889,36 +573890,36 +573891,36 +573892,5 +573893,5 +573894,5 +573895,5 +573896,5 +573897,27 +573898,27 +573899,27 +573900,27 +573901,28 +573902,28 +573903,28 +573904,28 +573905,28 +573906,39 +573907,39 +573908,39 +573909,39 +573910,39 +573911,39 +573912,39 +573913,39 +573914,39 +573915,39 +573916,39 +573917,39 +573918,39 +573919,39 +573920,8 +573921,8 +573922,8 +573923,8 +573924,8 +573925,8 +573926,8 +573927,8 +573928,8 +573929,8 +573930,8 +573931,31 +573932,31 +573933,31 +573934,31 +573935,31 +573936,31 +573937,31 +573938,31 +573939,31 +573940,31 +573941,31 +573942,31 +573943,23 +573944,23 +573945,23 +573946,23 +573947,23 +573948,23 +573949,38 +573950,38 +573951,38 +573952,30 +573953,34 +573954,34 +573955,30 +573956,30 +573957,30 +573958,30 +573959,30 +573960,30 +573961,30 +573962,30 +573963,26 +573964,26 +573965,26 +573966,26 +573967,26 +573968,26 +573969,26 +573970,26 +573971,9 +573972,9 +573973,2 +573974,2 +573975,2 +573976,2 +573977,2 +573978,2 +573979,2 +573980,2 +573981,2 +573982,2 +573983,27 +573984,27 +573985,27 +573986,27 +573987,27 +573988,27 +573989,27 +573990,24 +573991,24 +573992,24 +573993,24 +573994,24 +573995,24 +573996,24 +573997,24 +573998,24 +573999,24 +574000,24 +574001,39 +574002,39 +574003,39 +574004,39 +574005,39 +574006,39 +574007,39 +574008,39 +574009,39 +574010,39 +574011,39 +574012,39 +574013,39 +574014,39 +574015,39 +574016,39 +574017,39 +574018,39 +574019,39 +574020,39 +574021,39 +574022,39 +574023,39 +574024,39 +574025,39 +574026,39 +574027,39 +574028,0 +574029,0 +574030,0 +574031,0 +574032,0 +574033,0 +574034,0 +574035,0 +574036,0 +574037,0 +574038,0 +574039,0 +574040,0 +574041,0 +574042,0 +574043,0 +574044,0 +574045,0 +574046,0 +574047,0 +574048,0 +574049,0 +574050,0 +574051,0 +574052,0 +574053,0 +574054,0 +574055,0 +574056,0 +574057,0 +574058,29 +574059,29 +574060,40 +574061,40 +574062,40 +574063,40 +574064,40 +574065,40 +574066,40 +574067,37 +574068,25 +574069,37 +574070,37 +574071,37 +574072,37 +574073,37 +574074,37 +574075,37 +574076,37 +574077,37 +574078,37 +574079,37 +574080,37 +574081,37 +574082,37 +574083,39 +574084,39 +574085,39 +574086,39 +574087,39 +574088,39 +574089,39 +574090,39 +574091,39 +574092,19 +574093,19 +574094,19 +574095,39 +574096,39 +574097,39 +574098,39 +574099,27 +574100,27 +574101,27 +574102,27 +574103,27 +574104,27 +574105,27 +574106,27 +574107,27 +574108,5 +574109,5 +574110,5 +574111,5 +574112,5 +574113,5 +574114,5 +574115,5 +574116,5 +574117,5 +574118,5 +574119,5 +574120,5 +574121,5 +574122,5 +574123,5 +574124,5 +574125,0 +574126,0 +574127,0 +574128,0 +574129,0 +574130,0 +574131,0 +574132,0 +574133,0 +574134,0 +574135,0 +574136,0 +574137,0 +574138,0 +574139,0 +574140,0 +574141,0 +574142,0 +574143,0 +574144,0 +574145,30 +574146,30 +574147,30 +574148,30 +574149,30 +574150,30 +574151,30 +574152,30 +574153,30 +574154,30 +574155,27 +574156,27 +574157,4 +574158,4 +574159,4 +574160,4 +574161,25 +574162,25 +574163,25 +574164,25 +574165,25 +574166,37 +574167,37 +574168,37 +574169,37 +574170,25 +574171,34 +574172,34 +574173,34 +574174,34 +574175,34 +574176,34 +574177,36 +574178,36 +574179,36 +574180,30 +574181,30 +574182,30 +574183,34 +574184,34 +574185,34 +574186,34 +574187,34 +574188,34 +574189,34 +574190,34 +574191,34 +574192,4 +574193,4 +574194,4 +574195,4 +574196,4 +574197,4 +574198,4 +574199,4 +574200,4 +574201,4 +574202,39 +574203,39 +574204,39 +574205,39 +574206,39 +574207,39 +574208,39 +574209,39 +574210,39 +574211,39 +574212,39 +574213,39 +574214,39 +574215,39 +574216,39 +574217,39 +574218,39 +574219,39 +574220,39 +574221,39 +574222,8 +574223,8 +574224,8 +574225,8 +574226,8 +574227,8 +574228,8 +574229,8 +574230,8 +574231,8 +574232,8 +574233,2 +574234,2 +574235,2 +574236,2 +574237,2 +574238,2 +574239,2 +574240,2 +574241,2 +574242,2 +574243,2 +574244,2 +574245,2 +574246,2 +574247,2 +574248,2 +574249,2 +574250,2 +574251,2 +574252,2 +574253,2 +574254,8 +574255,0 +574256,0 +574257,0 +574258,0 +574259,0 +574260,0 +574261,0 +574262,0 +574263,0 +574264,0 +574265,0 +574266,0 +574267,0 +574268,0 +574269,0 +574270,0 +574271,0 +574272,0 +574273,0 +574274,0 +574275,0 +574276,0 +574277,35 +574278,35 +574279,35 +574280,35 +574281,35 +574282,35 +574283,35 +574284,35 +574285,35 +574286,35 +574287,35 +574288,35 +574289,35 +574290,35 +574291,39 +574292,39 +574293,39 +574294,39 +574295,39 +574296,39 +574297,39 +574298,2 +574299,2 +574300,2 +574301,2 +574302,2 +574303,2 +574304,2 +574305,2 +574306,2 +574307,2 +574308,2 +574309,2 +574310,2 +574311,2 +574312,2 +574313,2 +574314,2 +574315,36 +574316,36 +574317,36 +574318,36 +574319,36 +574320,36 +574321,36 +574322,36 +574323,36 +574324,36 +574325,36 +574326,36 +574327,36 +574328,32 +574329,32 +574330,32 +574331,32 +574332,32 +574333,32 +574334,32 +574335,32 +574336,32 +574337,4 +574338,32 +574339,4 +574340,26 +574341,26 +574342,26 +574343,26 +574344,26 +574345,26 +574346,26 +574347,28 +574348,28 +574349,28 +574350,28 +574351,28 +574352,28 +574353,29 +574354,29 +574355,31 +574356,31 +574357,31 +574358,31 +574359,31 +574360,31 +574361,23 +574362,23 +574363,23 +574364,23 +574365,23 +574366,23 +574367,23 +574368,23 +574369,23 +574370,23 +574371,23 +574372,23 +574373,23 +574374,23 +574375,25 +574376,25 +574377,25 +574378,25 +574379,25 +574380,25 +574381,25 +574382,25 +574383,25 +574384,25 +574385,29 +574386,29 +574387,29 +574388,29 +574389,29 +574390,31 +574391,31 +574392,40 +574393,40 +574394,37 +574395,37 +574396,37 +574397,15 +574398,15 +574399,15 +574400,15 +574401,15 +574402,15 +574403,15 +574404,15 +574405,15 +574406,15 +574407,36 +574408,36 +574409,36 +574410,14 +574411,14 +574412,14 +574413,14 +574414,14 +574415,14 +574416,14 +574417,14 +574418,14 +574419,13 +574420,13 +574421,13 +574422,13 +574423,14 +574424,6 +574425,6 +574426,6 +574427,6 +574428,6 +574429,6 +574430,6 +574431,6 +574432,6 +574433,6 +574434,6 +574435,0 +574436,0 +574437,0 +574438,0 +574439,0 +574440,0 +574441,0 +574442,0 +574443,0 +574444,0 +574445,0 +574446,0 +574447,0 +574448,0 +574449,0 +574450,0 +574451,0 +574452,0 +574453,0 +574454,0 +574455,0 +574456,0 +574457,0 +574458,0 +574459,0 +574460,12 +574461,12 +574462,12 +574463,12 +574464,12 +574465,12 +574466,12 +574467,27 +574468,27 +574469,27 +574470,38 +574471,38 +574472,38 +574473,38 +574474,38 +574475,38 +574476,38 +574477,38 +574478,34 +574479,34 +574480,34 +574481,34 +574482,34 +574483,34 +574484,34 +574485,34 +574486,31 +574487,31 +574488,31 +574489,31 +574490,23 +574491,23 +574492,23 +574493,23 +574494,23 +574495,23 +574496,23 +574497,23 +574498,23 +574499,23 +574500,23 +574501,23 +574502,23 +574503,23 +574504,23 +574505,23 +574506,23 +574507,3 +574508,33 +574509,33 +574510,33 +574511,33 +574512,33 +574513,33 +574514,33 +574515,3 +574516,24 +574517,24 +574518,24 +574519,24 +574520,24 +574521,25 +574522,25 +574523,25 +574524,25 +574525,25 +574526,25 +574527,25 +574528,19 +574529,19 +574530,19 +574531,19 +574532,19 +574533,19 +574534,19 +574535,19 +574536,37 +574537,37 +574538,37 +574539,37 +574540,37 +574541,37 +574542,37 +574543,37 +574544,37 +574545,14 +574546,14 +574547,14 +574548,14 +574549,14 +574550,14 +574551,14 +574552,5 +574553,13 +574554,13 +574555,13 +574556,13 +574557,13 +574558,6 +574559,6 +574560,6 +574561,6 +574562,6 +574563,6 +574564,6 +574565,6 +574566,6 +574567,6 +574568,6 +574569,6 +574570,6 +574571,0 +574572,0 +574573,0 +574574,0 +574575,0 +574576,0 +574577,0 +574578,0 +574579,0 +574580,0 +574581,0 +574582,0 +574583,0 +574584,0 +574585,0 +574586,0 +574587,0 +574588,0 +574589,0 +574590,0 +574591,0 +574592,0 +574593,0 +574594,0 +574595,0 +574596,0 +574597,0 +574598,0 +574599,0 +574600,0 +574601,0 +574602,0 +574603,0 +574604,0 +574605,0 +574606,0 +574607,0 +574608,0 +574609,0 +574610,21 +574611,21 +574612,21 +574613,21 +574614,21 +574615,37 +574616,37 +574617,37 +574618,37 +574619,37 +574620,37 +574621,37 +574622,37 +574623,37 +574624,37 +574625,37 +574626,37 +574627,37 +574628,37 +574629,37 +574630,27 +574631,27 +574632,27 +574633,27 +574634,39 +574635,39 +574636,39 +574637,39 +574638,39 +574639,19 +574640,19 +574641,19 +574642,19 +574643,31 +574644,31 +574645,31 +574646,31 +574647,27 +574648,5 +574649,5 +574650,5 +574651,5 +574652,5 +574653,5 +574654,5 +574655,5 +574656,14 +574657,30 +574658,28 +574659,28 +574660,39 +574661,39 +574662,39 +574663,14 +574664,14 +574665,14 +574666,14 +574667,14 +574668,14 +574669,14 +574670,14 +574671,18 +574672,18 +574673,18 +574674,18 +574675,18 +574676,18 +574677,18 +574678,18 +574679,18 +574680,40 +574681,40 +574682,40 +574683,27 +574684,31 +574685,31 +574686,31 +574687,31 +574688,31 +574689,31 +574690,27 +574691,27 +574692,27 +574693,27 +574694,38 +574695,38 +574696,38 +574697,38 +574698,38 +574699,38 +574700,38 +574701,38 +574702,38 +574703,4 +574704,0 +574705,0 +574706,0 +574707,0 +574708,0 +574709,0 +574710,2 +574711,0 +574712,0 +574713,0 +574714,0 +574715,0 +574716,0 +574717,0 +574718,0 +574719,0 +574720,0 +574721,0 +574722,0 +574723,0 +574724,0 +574725,0 +574726,0 +574727,0 +574728,0 +574729,0 +574730,0 +574731,0 +574732,0 +574733,0 +574734,0 +574735,0 +574736,0 +574737,0 +574738,0 +574739,0 +574740,0 +574741,0 +574742,0 +574743,0 +574744,0 +574745,0 +574746,0 +574747,0 +574748,0 +574749,0 +574750,0 +574751,0 +574752,0 +574753,0 +574754,0 +574755,0 +574756,7 +574757,7 +574758,7 +574759,7 +574760,7 +574761,27 +574762,27 +574763,27 +574764,27 +574765,27 +574766,3 +574767,12 +574768,3 +574769,3 +574770,3 +574771,3 +574772,28 +574773,28 +574774,28 +574775,28 +574776,28 +574777,27 +574778,27 +574779,14 +574780,14 +574781,14 +574782,14 +574783,14 +574784,14 +574785,14 +574786,39 +574787,14 +574788,14 +574789,39 +574790,39 +574791,27 +574792,27 +574793,5 +574794,5 +574795,5 +574796,5 +574797,9 +574798,9 +574799,9 +574800,9 +574801,9 +574802,9 +574803,9 +574804,9 +574805,9 +574806,9 +574807,9 +574808,9 +574809,9 +574810,9 +574811,9 +574812,9 +574813,9 +574814,9 +574815,9 +574816,33 +574817,33 +574818,33 +574819,33 +574820,33 +574821,33 +574822,33 +574823,33 +574824,33 +574825,28 +574826,28 +574827,28 +574828,28 +574829,28 +574830,26 +574831,26 +574832,26 +574833,26 +574834,26 +574835,26 +574836,26 +574837,26 +574838,26 +574839,26 +574840,26 +574841,26 +574842,26 +574843,26 +574844,26 +574845,26 +574846,26 +574847,37 +574848,37 +574849,37 +574850,37 +574851,37 +574852,37 +574853,37 +574854,37 +574855,37 +574856,37 +574857,37 +574858,37 +574859,37 +574860,4 +574861,4 +574862,4 +574863,4 +574864,4 +574865,4 +574866,4 +574867,4 +574868,37 +574869,37 +574870,37 +574871,37 +574872,37 +574873,9 +574874,9 +574875,9 +574876,31 +574877,9 +574878,9 +574879,9 +574880,9 +574881,9 +574882,30 +574883,30 +574884,30 +574885,30 +574886,30 +574887,31 +574888,31 +574889,31 +574890,31 +574891,31 +574892,30 +574893,30 +574894,30 +574895,30 +574896,30 +574897,30 +574898,30 +574899,30 +574900,30 +574901,30 +574902,30 +574903,30 +574904,30 +574905,30 +574906,30 +574907,30 +574908,30 +574909,0 +574910,0 +574911,33 +574912,33 +574913,0 +574914,0 +574915,0 +574916,0 +574917,0 +574918,0 +574919,0 +574920,0 +574921,0 +574922,0 +574923,0 +574924,0 +574925,0 +574926,0 +574927,0 +574928,0 +574929,0 +574930,0 +574931,0 +574932,0 +574933,0 +574934,0 +574935,0 +574936,0 +574937,0 +574938,0 +574939,0 +574940,0 +574941,0 +574942,0 +574943,0 +574944,0 +574945,0 +574946,0 +574947,0 +574948,0 +574949,0 +574950,0 +574951,29 +574952,29 +574953,29 +574954,29 +574955,29 +574956,4 +574957,29 +574958,15 +574959,34 +574960,34 +574961,12 +574962,12 +574963,40 +574964,34 +574965,34 +574966,34 +574967,10 +574968,40 +574969,40 +574970,34 +574971,10 +574972,10 +574973,4 +574974,30 +574975,30 +574976,30 +574977,30 +574978,30 +574979,30 +574980,30 +574981,30 +574982,30 +574983,30 +574984,30 +574985,33 +574986,33 +574987,30 +574988,33 +574989,33 +574990,33 +574991,33 +574992,33 +574993,0 +574994,0 +574995,0 +574996,0 +574997,0 +574998,0 +574999,0 +575000,0 +575001,0 +575002,0 +575003,0 +575004,29 +575005,29 +575006,4 +575007,4 +575008,4 +575009,4 +575010,4 +575011,4 +575012,4 +575013,4 +575014,40 +575015,40 +575016,40 +575017,40 +575018,40 +575019,40 +575020,40 +575021,40 +575022,40 +575023,40 +575024,40 +575025,40 +575026,40 +575027,5 +575028,5 +575029,5 +575030,5 +575031,5 +575032,5 +575033,5 +575034,5 +575035,5 +575036,5 +575037,5 +575038,5 +575039,5 +575040,5 +575041,19 +575042,19 +575043,19 +575044,19 +575045,19 +575046,19 +575047,19 +575048,19 +575049,19 +575050,21 +575051,21 +575052,21 +575053,19 +575054,18 +575055,9 +575056,9 +575057,9 +575058,9 +575059,9 +575060,9 +575061,9 +575062,30 +575063,30 +575064,30 +575065,30 +575066,30 +575067,30 +575068,30 +575069,30 +575070,30 +575071,30 +575072,30 +575073,30 +575074,30 +575075,30 +575076,30 +575077,28 +575078,28 +575079,28 +575080,28 +575081,28 +575082,28 +575083,28 +575084,28 +575085,28 +575086,31 +575087,31 +575088,31 +575089,10 +575090,10 +575091,10 +575092,31 +575093,36 +575094,36 +575095,36 +575096,13 +575097,36 +575098,36 +575099,36 +575100,36 +575101,36 +575102,39 +575103,29 +575104,29 +575105,39 +575106,39 +575107,39 +575108,39 +575109,39 +575110,39 +575111,39 +575112,39 +575113,39 +575114,39 +575115,39 +575116,39 +575117,39 +575118,39 +575119,39 +575120,39 +575121,39 +575122,39 +575123,0 +575124,0 +575125,0 +575126,5 +575127,0 +575128,0 +575129,0 +575130,0 +575131,0 +575132,0 +575133,0 +575134,0 +575135,0 +575136,0 +575137,0 +575138,0 +575139,0 +575140,0 +575141,0 +575142,0 +575143,0 +575144,0 +575145,0 +575146,0 +575147,0 +575148,0 +575149,0 +575150,0 +575151,0 +575152,0 +575153,0 +575154,0 +575155,0 +575156,0 +575157,0 +575158,0 +575159,0 +575160,0 +575161,0 +575162,0 +575163,0 +575164,0 +575165,0 +575166,0 +575167,0 +575168,0 +575169,0 +575170,0 +575171,0 +575172,0 +575173,0 +575174,0 +575175,0 +575176,0 +575177,0 +575178,0 +575179,0 +575180,0 +575181,0 +575182,0 +575183,0 +575184,0 +575185,0 +575186,0 +575187,0 +575188,0 +575189,0 +575190,0 +575191,0 +575192,0 +575193,0 +575194,0 +575195,0 +575196,0 +575197,0 +575198,0 +575199,0 +575200,0 +575201,0 +575202,0 +575203,0 +575204,0 +575205,0 +575206,0 +575207,0 +575208,28 +575209,28 +575210,28 +575211,28 +575212,28 +575213,28 +575214,28 +575215,9 +575216,9 +575217,9 +575218,9 +575219,37 +575220,25 +575221,37 +575222,37 +575223,37 +575224,25 +575225,37 +575226,25 +575227,25 +575228,25 +575229,36 +575230,40 +575231,40 +575232,40 +575233,40 +575234,40 +575235,36 +575236,36 +575237,36 +575238,36 +575239,36 +575240,19 +575241,19 +575242,19 +575243,19 +575244,31 +575245,31 +575246,31 +575247,31 +575248,31 +575249,31 +575250,15 +575251,15 +575252,15 +575253,15 +575254,15 +575255,15 +575256,15 +575257,15 +575258,40 +575259,40 +575260,40 +575261,40 +575262,40 +575263,40 +575264,40 +575265,40 +575266,40 +575267,40 +575268,40 +575269,40 +575270,40 +575271,40 +575272,40 +575273,40 +575274,40 +575275,40 +575276,40 +575277,40 +575278,40 +575279,40 +575280,40 +575281,40 +575282,19 +575283,19 +575284,19 +575285,19 +575286,19 +575287,19 +575288,19 +575289,19 +575290,19 +575291,19 +575292,19 +575293,19 +575294,27 +575295,4 +575296,27 +575297,27 +575298,27 +575299,27 +575300,27 +575301,27 +575302,27 +575303,27 +575304,27 +575305,27 +575306,27 +575307,14 +575308,28 +575309,28 +575310,28 +575311,28 +575312,28 +575313,5 +575314,19 +575315,19 +575316,19 +575317,19 +575318,19 +575319,39 +575320,39 +575321,39 +575322,27 +575323,39 +575324,39 +575325,39 +575326,39 +575327,39 +575328,39 +575329,31 +575330,31 +575331,31 +575332,31 +575333,31 +575334,31 +575335,31 +575336,37 +575337,37 +575338,25 +575339,25 +575340,25 +575341,25 +575342,25 +575343,25 +575344,25 +575345,25 +575346,25 +575347,25 +575348,37 +575349,0 +575350,0 +575351,0 +575352,0 +575353,0 +575354,0 +575355,0 +575356,0 +575357,0 +575358,0 +575359,0 +575360,0 +575361,0 +575362,0 +575363,0 +575364,0 +575365,0 +575366,0 +575367,0 +575368,0 +575369,0 +575370,0 +575371,0 +575372,0 +575373,0 +575374,0 +575375,18 +575376,18 +575377,18 +575378,18 +575379,18 +575380,18 +575381,3 +575382,27 +575383,27 +575384,27 +575385,27 +575386,27 +575387,31 +575388,30 +575389,30 +575390,30 +575391,30 +575392,30 +575393,30 +575394,30 +575395,30 +575396,30 +575397,30 +575398,30 +575399,30 +575400,10 +575401,10 +575402,10 +575403,34 +575404,34 +575405,34 +575406,34 +575407,10 +575408,10 +575409,10 +575410,10 +575411,10 +575412,10 +575413,10 +575414,10 +575415,10 +575416,10 +575417,10 +575418,10 +575419,10 +575420,10 +575421,10 +575422,10 +575423,10 +575424,10 +575425,10 +575426,14 +575427,14 +575428,14 +575429,14 +575430,14 +575431,14 +575432,0 +575433,0 +575434,0 +575435,0 +575436,0 +575437,0 +575438,0 +575439,0 +575440,0 +575441,0 +575442,0 +575443,14 +575444,14 +575445,14 +575446,14 +575447,14 +575448,14 +575449,14 +575450,14 +575451,39 +575452,39 +575453,39 +575454,14 +575455,14 +575456,39 +575457,39 +575458,39 +575459,39 +575460,39 +575461,39 +575462,39 +575463,4 +575464,4 +575465,4 +575466,4 +575467,4 +575468,4 +575469,4 +575470,4 +575471,4 +575472,39 +575473,39 +575474,39 +575475,39 +575476,5 +575477,5 +575478,5 +575479,5 +575480,13 +575481,5 +575482,5 +575483,4 +575484,4 +575485,4 +575486,4 +575487,4 +575488,4 +575489,4 +575490,12 +575491,12 +575492,12 +575493,12 +575494,12 +575495,40 +575496,40 +575497,37 +575498,37 +575499,5 +575500,5 +575501,39 +575502,39 +575503,39 +575504,39 +575505,39 +575506,39 +575507,39 +575508,39 +575509,39 +575510,39 +575511,2 +575512,2 +575513,2 +575514,2 +575515,2 +575516,2 +575517,2 +575518,2 +575519,2 +575520,2 +575521,2 +575522,2 +575523,27 +575524,27 +575525,27 +575526,27 +575527,27 +575528,27 +575529,27 +575530,27 +575531,27 +575532,27 +575533,6 +575534,6 +575535,6 +575536,6 +575537,6 +575538,6 +575539,6 +575540,6 +575541,6 +575542,6 +575543,6 +575544,2 +575545,2 +575546,2 +575547,2 +575548,2 +575549,2 +575550,2 +575551,2 +575552,2 +575553,2 +575554,2 +575555,2 +575556,2 +575557,2 +575558,0 +575559,0 +575560,0 +575561,0 +575562,0 +575563,0 +575564,0 +575565,0 +575566,0 +575567,0 +575568,0 +575569,0 +575570,0 +575571,0 +575572,0 +575573,0 +575574,0 +575575,0 +575576,0 +575577,0 +575578,0 +575579,0 +575580,0 +575581,0 +575582,0 +575583,0 +575584,0 +575585,0 +575586,0 +575587,0 +575588,0 +575589,0 +575590,0 +575591,0 +575592,0 +575593,0 +575594,0 +575595,0 +575596,0 +575597,0 +575598,0 +575599,0 +575600,30 +575601,30 +575602,30 +575603,30 +575604,31 +575605,31 +575606,31 +575607,31 +575608,31 +575609,24 +575610,24 +575611,24 +575612,24 +575613,24 +575614,24 +575615,27 +575616,27 +575617,27 +575618,27 +575619,13 +575620,13 +575621,13 +575622,13 +575623,13 +575624,13 +575625,13 +575626,13 +575627,13 +575628,14 +575629,14 +575630,14 +575631,14 +575632,14 +575633,14 +575634,14 +575635,14 +575636,14 +575637,14 +575638,14 +575639,14 +575640,14 +575641,14 +575642,14 +575643,14 +575644,14 +575645,14 +575646,14 +575647,14 +575648,14 +575649,14 +575650,14 +575651,14 +575652,14 +575653,14 +575654,14 +575655,14 +575656,14 +575657,18 +575658,18 +575659,18 +575660,18 +575661,18 +575662,18 +575663,18 +575664,18 +575665,18 +575666,18 +575667,18 +575668,18 +575669,18 +575670,18 +575671,18 +575672,18 +575673,18 +575674,18 +575675,18 +575676,18 +575677,18 +575678,0 +575679,0 +575680,0 +575681,0 +575682,0 +575683,0 +575684,0 +575685,0 +575686,0 +575687,0 +575688,0 +575689,0 +575690,0 +575691,0 +575692,0 +575693,0 +575694,0 +575695,29 +575696,29 +575697,29 +575698,29 +575699,29 +575700,29 +575701,29 +575702,40 +575703,40 +575704,40 +575705,40 +575706,40 +575707,40 +575708,40 +575709,40 +575710,40 +575711,40 +575712,40 +575713,8 +575714,8 +575715,8 +575716,8 +575717,8 +575718,8 +575719,8 +575720,8 +575721,27 +575722,27 +575723,27 +575724,27 +575725,27 +575726,27 +575727,28 +575728,28 +575729,28 +575730,28 +575731,28 +575732,28 +575733,28 +575734,28 +575735,28 +575736,28 +575737,28 +575738,28 +575739,28 +575740,26 +575741,26 +575742,26 +575743,26 +575744,9 +575745,9 +575746,9 +575747,9 +575748,9 +575749,9 +575750,10 +575751,10 +575752,36 +575753,36 +575754,36 +575755,36 +575756,36 +575757,36 +575758,2 +575759,2 +575760,2 +575761,2 +575762,2 +575763,2 +575764,2 +575765,2 +575766,2 +575767,6 +575768,6 +575769,6 +575770,6 +575771,6 +575772,6 +575773,6 +575774,6 +575775,6 +575776,6 +575777,6 +575778,6 +575779,6 +575780,6 +575781,6 +575782,6 +575783,6 +575784,6 +575785,6 +575786,6 +575787,6 +575788,6 +575789,6 +575790,6 +575791,6 +575792,6 +575793,6 +575794,6 +575795,6 +575796,9 +575797,9 +575798,9 +575799,9 +575800,26 +575801,26 +575802,26 +575803,26 +575804,26 +575805,9 +575806,9 +575807,9 +575808,30 +575809,30 +575810,30 +575811,30 +575812,30 +575813,30 +575814,30 +575815,30 +575816,30 +575817,19 +575818,19 +575819,19 +575820,19 +575821,19 +575822,30 +575823,30 +575824,30 +575825,5 +575826,0 +575827,0 +575828,0 +575829,0 +575830,0 +575831,0 +575832,0 +575833,0 +575834,0 +575835,29 +575836,29 +575837,29 +575838,19 +575839,29 +575840,19 +575841,19 +575842,19 +575843,27 +575844,27 +575845,27 +575846,27 +575847,21 +575848,21 +575849,21 +575850,21 +575851,21 +575852,21 +575853,21 +575854,21 +575855,21 +575856,37 +575857,37 +575858,37 +575859,37 +575860,37 +575861,37 +575862,37 +575863,14 +575864,14 +575865,14 +575866,14 +575867,14 +575868,14 +575869,14 +575870,14 +575871,4 +575872,4 +575873,4 +575874,4 +575875,4 +575876,4 +575877,4 +575878,4 +575879,4 +575880,28 +575881,28 +575882,28 +575883,28 +575884,28 +575885,28 +575886,28 +575887,35 +575888,35 +575889,35 +575890,35 +575891,35 +575892,35 +575893,35 +575894,35 +575895,35 +575896,35 +575897,35 +575898,35 +575899,35 +575900,33 +575901,0 +575902,0 +575903,33 +575904,33 +575905,33 +575906,36 +575907,2 +575908,2 +575909,2 +575910,2 +575911,2 +575912,2 +575913,2 +575914,2 +575915,2 +575916,2 +575917,2 +575918,2 +575919,2 +575920,0 +575921,0 +575922,0 +575923,0 +575924,0 +575925,0 +575926,0 +575927,0 +575928,0 +575929,0 +575930,0 +575931,39 +575932,0 +575933,0 +575934,0 +575935,0 +575936,0 +575937,0 +575938,0 +575939,0 +575940,0 +575941,0 +575942,0 +575943,0 +575944,0 +575945,0 +575946,0 +575947,0 +575948,0 +575949,0 +575950,0 +575951,0 +575952,0 +575953,0 +575954,0 +575955,0 +575956,0 +575957,0 +575958,0 +575959,0 +575960,0 +575961,0 +575962,0 +575963,0 +575964,0 +575965,0 +575966,0 +575967,0 +575968,0 +575969,0 +575970,0 +575971,0 +575972,0 +575973,0 +575974,0 +575975,27 +575976,27 +575977,27 +575978,27 +575979,27 +575980,27 +575981,27 +575982,27 +575983,27 +575984,27 +575985,27 +575986,27 +575987,27 +575988,27 +575989,27 +575990,27 +575991,27 +575992,27 +575993,27 +575994,27 +575995,27 +575996,27 +575997,8 +575998,8 +575999,8 +576000,8 +576001,8 +576002,8 +576003,8 +576004,8 +576005,27 +576006,27 +576007,39 +576008,39 +576009,39 +576010,39 +576011,39 +576012,27 +576013,27 +576014,27 +576015,39 +576016,30 +576017,30 +576018,30 +576019,30 +576020,30 +576021,30 +576022,30 +576023,30 +576024,30 +576025,30 +576026,30 +576027,26 +576028,26 +576029,26 +576030,26 +576031,26 +576032,26 +576033,26 +576034,26 +576035,26 +576036,26 +576037,37 +576038,37 +576039,37 +576040,37 +576041,37 +576042,37 +576043,37 +576044,20 +576045,20 +576046,20 +576047,20 +576048,20 +576049,20 +576050,20 +576051,20 +576052,20 +576053,20 +576054,20 +576055,31 +576056,31 +576057,5 +576058,5 +576059,5 +576060,5 +576061,5 +576062,5 +576063,5 +576064,5 +576065,5 +576066,6 +576067,6 +576068,6 +576069,6 +576070,6 +576071,6 +576072,6 +576073,6 +576074,6 +576075,6 +576076,6 +576077,6 +576078,6 +576079,30 +576080,30 +576081,30 +576082,30 +576083,33 +576084,33 +576085,33 +576086,33 +576087,33 +576088,33 +576089,33 +576090,33 +576091,33 +576092,33 +576093,33 +576094,33 +576095,33 +576096,33 +576097,33 +576098,33 +576099,33 +576100,8 +576101,8 +576102,8 +576103,8 +576104,8 +576105,8 +576106,8 +576107,8 +576108,8 +576109,8 +576110,25 +576111,25 +576112,25 +576113,25 +576114,25 +576115,25 +576116,25 +576117,25 +576118,25 +576119,25 +576120,25 +576121,25 +576122,25 +576123,25 +576124,25 +576125,25 +576126,25 +576127,25 +576128,25 +576129,25 +576130,25 +576131,25 +576132,25 +576133,25 +576134,25 +576135,25 +576136,25 +576137,0 +576138,0 +576139,0 +576140,0 +576141,0 +576142,0 +576143,0 +576144,0 +576145,0 +576146,0 +576147,0 +576148,0 +576149,0 +576150,0 +576151,0 +576152,0 +576153,0 +576154,0 +576155,0 +576156,27 +576157,27 +576158,27 +576159,27 +576160,27 +576161,27 +576162,27 +576163,27 +576164,27 +576165,27 +576166,5 +576167,5 +576168,5 +576169,5 +576170,5 +576171,29 +576172,29 +576173,31 +576174,31 +576175,31 +576176,31 +576177,31 +576178,23 +576179,23 +576180,23 +576181,23 +576182,23 +576183,23 +576184,23 +576185,23 +576186,23 +576187,23 +576188,23 +576189,9 +576190,9 +576191,9 +576192,9 +576193,9 +576194,9 +576195,9 +576196,9 +576197,37 +576198,37 +576199,37 +576200,37 +576201,37 +576202,37 +576203,28 +576204,28 +576205,28 +576206,28 +576207,28 +576208,28 +576209,28 +576210,28 +576211,28 +576212,13 +576213,28 +576214,0 +576215,0 +576216,0 +576217,0 +576218,0 +576219,31 +576220,31 +576221,31 +576222,31 +576223,31 +576224,31 +576225,31 +576226,31 +576227,31 +576228,24 +576229,24 +576230,24 +576231,24 +576232,24 +576233,24 +576234,24 +576235,14 +576236,14 +576237,14 +576238,14 +576239,14 +576240,14 +576241,14 +576242,14 +576243,14 +576244,14 +576245,6 +576246,6 +576247,6 +576248,6 +576249,6 +576250,6 +576251,6 +576252,6 +576253,6 +576254,6 +576255,6 +576256,6 +576257,6 +576258,12 +576259,12 +576260,12 +576261,12 +576262,12 +576263,12 +576264,12 +576265,12 +576266,12 +576267,12 +576268,10 +576269,10 +576270,10 +576271,31 +576272,31 +576273,5 +576274,5 +576275,31 +576276,4 +576277,4 +576278,4 +576279,4 +576280,4 +576281,4 +576282,4 +576283,4 +576284,4 +576285,37 +576286,37 +576287,37 +576288,37 +576289,37 +576290,27 +576291,27 +576292,40 +576293,40 +576294,40 +576295,40 +576296,40 +576297,5 +576298,5 +576299,5 +576300,5 +576301,5 +576302,13 +576303,13 +576304,13 +576305,13 +576306,6 +576307,6 +576308,6 +576309,6 +576310,9 +576311,9 +576312,9 +576313,9 +576314,31 +576315,30 +576316,30 +576317,30 +576318,30 +576319,30 +576320,30 +576321,30 +576322,30 +576323,30 +576324,30 +576325,30 +576326,30 +576327,30 +576328,30 +576329,30 +576330,0 +576331,0 +576332,0 +576333,0 +576334,0 +576335,0 +576336,0 +576337,0 +576338,0 +576339,0 +576340,0 +576341,0 +576342,0 +576343,9 +576344,9 +576345,9 +576346,9 +576347,9 +576348,9 +576349,9 +576350,9 +576351,9 +576352,9 +576353,9 +576354,9 +576355,9 +576356,9 +576357,9 +576358,9 +576359,9 +576360,37 +576361,37 +576362,37 +576363,37 +576364,37 +576365,37 +576366,37 +576367,37 +576368,37 +576369,2 +576370,2 +576371,2 +576372,2 +576373,2 +576374,2 +576375,2 +576376,2 +576377,2 +576378,2 +576379,2 +576380,6 +576381,6 +576382,6 +576383,6 +576384,6 +576385,6 +576386,6 +576387,6 +576388,9 +576389,9 +576390,9 +576391,9 +576392,9 +576393,37 +576394,37 +576395,37 +576396,37 +576397,40 +576398,40 +576399,40 +576400,40 +576401,40 +576402,40 +576403,40 +576404,37 +576405,37 +576406,37 +576407,37 +576408,37 +576409,37 +576410,37 +576411,37 +576412,37 +576413,37 +576414,37 +576415,25 +576416,25 +576417,25 +576418,25 +576419,25 +576420,25 +576421,25 +576422,25 +576423,25 +576424,37 +576425,37 +576426,0 +576427,0 +576428,0 +576429,0 +576430,0 +576431,0 +576432,0 +576433,0 +576434,0 +576435,0 +576436,0 +576437,0 +576438,0 +576439,0 +576440,0 +576441,0 +576442,0 +576443,0 +576444,0 +576445,0 +576446,0 +576447,0 +576448,0 +576449,0 +576450,0 +576451,0 +576452,0 +576453,0 +576454,0 +576455,0 +576456,0 +576457,0 +576458,0 +576459,0 +576460,0 +576461,0 +576462,0 +576463,0 +576464,0 +576465,0 +576466,0 +576467,0 +576468,0 +576469,0 +576470,0 +576471,0 +576472,0 +576473,0 +576474,0 +576475,0 +576476,0 +576477,0 +576478,0 +576479,0 +576480,0 +576481,0 +576482,0 +576483,0 +576484,0 +576485,0 +576486,0 +576487,0 +576488,0 +576489,0 +576490,0 +576491,0 +576492,0 +576493,0 +576494,0 +576495,0 +576496,0 +576497,5 +576498,5 +576499,5 +576500,5 +576501,5 +576502,5 +576503,5 +576504,5 +576505,5 +576506,5 +576507,5 +576508,5 +576509,5 +576510,5 +576511,33 +576512,33 +576513,33 +576514,33 +576515,33 +576516,33 +576517,33 +576518,33 +576519,33 +576520,33 +576521,33 +576522,33 +576523,33 +576524,33 +576525,33 +576526,33 +576527,33 +576528,33 +576529,33 +576530,33 +576531,33 +576532,33 +576533,33 +576534,33 +576535,33 +576536,4 +576537,4 +576538,4 +576539,4 +576540,4 +576541,4 +576542,4 +576543,4 +576544,4 +576545,3 +576546,3 +576547,3 +576548,3 +576549,3 +576550,3 +576551,1 +576552,1 +576553,1 +576554,22 +576555,19 +576556,19 +576557,19 +576558,19 +576559,19 +576560,19 +576561,2 +576562,2 +576563,2 +576564,2 +576565,2 +576566,2 +576567,2 +576568,2 +576569,2 +576570,2 +576571,2 +576572,4 +576573,4 +576574,4 +576575,4 +576576,4 +576577,4 +576578,39 +576579,39 +576580,39 +576581,39 +576582,27 +576583,27 +576584,27 +576585,27 +576586,27 +576587,27 +576588,27 +576589,27 +576590,27 +576591,27 +576592,27 +576593,27 +576594,27 +576595,27 +576596,3 +576597,3 +576598,3 +576599,3 +576600,3 +576601,3 +576602,3 +576603,3 +576604,3 +576605,3 +576606,3 +576607,3 +576608,13 +576609,13 +576610,15 +576611,29 +576612,15 +576613,15 +576614,15 +576615,15 +576616,15 +576617,31 +576618,31 +576619,31 +576620,4 +576621,4 +576622,4 +576623,4 +576624,31 +576625,31 +576626,31 +576627,31 +576628,31 +576629,31 +576630,31 +576631,31 +576632,31 +576633,31 +576634,10 +576635,10 +576636,10 +576637,6 +576638,6 +576639,6 +576640,6 +576641,6 +576642,6 +576643,6 +576644,6 +576645,6 +576646,6 +576647,6 +576648,14 +576649,14 +576650,14 +576651,14 +576652,14 +576653,14 +576654,40 +576655,40 +576656,36 +576657,40 +576658,40 +576659,40 +576660,36 +576661,36 +576662,40 +576663,40 +576664,5 +576665,5 +576666,5 +576667,5 +576668,5 +576669,5 +576670,39 +576671,39 +576672,39 +576673,39 +576674,39 +576675,39 +576676,39 +576677,39 +576678,39 +576679,39 +576680,39 +576681,39 +576682,39 +576683,39 +576684,39 +576685,39 +576686,39 +576687,39 +576688,39 +576689,2 +576690,2 +576691,2 +576692,2 +576693,2 +576694,2 +576695,2 +576696,2 +576697,30 +576698,30 +576699,30 +576700,30 +576701,30 +576702,30 +576703,30 +576704,30 +576705,39 +576706,39 +576707,39 +576708,39 +576709,39 +576710,39 +576711,39 +576712,39 +576713,39 +576714,39 +576715,39 +576716,39 +576717,39 +576718,39 +576719,39 +576720,39 +576721,39 +576722,39 +576723,39 +576724,39 +576725,39 +576726,39 +576727,0 +576728,0 +576729,0 +576730,0 +576731,0 +576732,0 +576733,0 +576734,0 +576735,0 +576736,0 +576737,0 +576738,0 +576739,0 +576740,0 +576741,0 +576742,0 +576743,0 +576744,0 +576745,0 +576746,0 +576747,0 +576748,0 +576749,0 +576750,0 +576751,0 +576752,0 +576753,0 +576754,0 +576755,0 +576756,0 +576757,0 +576758,0 +576759,0 +576760,0 +576761,0 +576762,0 +576763,0 +576764,0 +576765,0 +576766,0 +576767,0 +576768,0 +576769,0 +576770,0 +576771,0 +576772,0 +576773,0 +576774,0 +576775,0 +576776,0 +576777,0 +576778,0 +576779,0 +576780,0 +576781,0 +576782,0 +576783,0 +576784,0 +576785,0 +576786,0 +576787,0 +576788,0 +576789,0 +576790,0 +576791,0 +576792,0 +576793,0 +576794,0 +576795,0 +576796,0 +576797,0 +576798,0 +576799,0 +576800,0 +576801,0 +576802,0 +576803,0 +576804,0 +576805,0 +576806,0 +576807,0 +576808,0 +576809,0 +576810,0 +576811,0 +576812,0 +576813,0 +576814,0 +576815,0 +576816,0 +576817,0 +576818,0 +576819,0 +576820,0 +576821,0 +576822,28 +576823,28 +576824,28 +576825,28 +576826,28 +576827,28 +576828,28 +576829,28 +576830,31 +576831,31 +576832,31 +576833,31 +576834,31 +576835,31 +576836,31 +576837,31 +576838,31 +576839,8 +576840,8 +576841,8 +576842,8 +576843,8 +576844,8 +576845,29 +576846,29 +576847,29 +576848,29 +576849,29 +576850,25 +576851,25 +576852,25 +576853,25 +576854,25 +576855,25 +576856,25 +576857,25 +576858,25 +576859,25 +576860,25 +576861,25 +576862,25 +576863,25 +576864,25 +576865,25 +576866,25 +576867,28 +576868,28 +576869,28 +576870,28 +576871,28 +576872,28 +576873,28 +576874,28 +576875,28 +576876,28 +576877,28 +576878,28 +576879,36 +576880,36 +576881,40 +576882,40 +576883,40 +576884,40 +576885,40 +576886,40 +576887,40 +576888,40 +576889,37 +576890,37 +576891,37 +576892,37 +576893,37 +576894,37 +576895,37 +576896,37 +576897,37 +576898,37 +576899,37 +576900,37 +576901,39 +576902,39 +576903,39 +576904,39 +576905,39 +576906,31 +576907,31 +576908,5 +576909,5 +576910,5 +576911,5 +576912,19 +576913,19 +576914,19 +576915,31 +576916,27 +576917,27 +576918,27 +576919,31 +576920,31 +576921,31 +576922,3 +576923,6 +576924,6 +576925,6 +576926,6 +576927,6 +576928,6 +576929,6 +576930,2 +576931,2 +576932,2 +576933,2 +576934,2 +576935,2 +576936,2 +576937,2 +576938,32 +576939,32 +576940,32 +576941,32 +576942,32 +576943,32 +576944,32 +576945,33 +576946,33 +576947,30 +576948,30 +576949,30 +576950,30 +576951,30 +576952,14 +576953,14 +576954,14 +576955,14 +576956,14 +576957,14 +576958,14 +576959,14 +576960,14 +576961,14 +576962,14 +576963,14 +576964,14 +576965,14 +576966,14 +576967,14 +576968,14 +576969,14 +576970,14 +576971,5 +576972,5 +576973,5 +576974,5 +576975,5 +576976,5 +576977,5 +576978,19 +576979,19 +576980,19 +576981,19 +576982,19 +576983,19 +576984,0 +576985,0 +576986,0 +576987,0 +576988,0 +576989,0 +576990,0 +576991,0 +576992,0 +576993,0 +576994,0 +576995,0 +576996,0 +576997,0 +576998,0 +576999,0 +577000,0 +577001,0 +577002,0 +577003,0 +577004,0 +577005,0 +577006,0 +577007,0 +577008,0 +577009,0 +577010,0 +577011,0 +577012,0 +577013,0 +577014,0 +577015,0 +577016,0 +577017,0 +577018,0 +577019,0 +577020,0 +577021,0 +577022,0 +577023,0 +577024,0 +577025,0 +577026,0 +577027,0 +577028,29 +577029,29 +577030,29 +577031,29 +577032,29 +577033,29 +577034,36 +577035,34 +577036,34 +577037,34 +577038,34 +577039,34 +577040,34 +577041,12 +577042,12 +577043,12 +577044,30 +577045,30 +577046,30 +577047,30 +577048,31 +577049,31 +577050,31 +577051,31 +577052,31 +577053,31 +577054,31 +577055,15 +577056,15 +577057,15 +577058,15 +577059,15 +577060,15 +577061,15 +577062,39 +577063,39 +577064,39 +577065,39 +577066,39 +577067,39 +577068,39 +577069,39 +577070,39 +577071,40 +577072,40 +577073,40 +577074,40 +577075,40 +577076,40 +577077,6 +577078,6 +577079,6 +577080,6 +577081,6 +577082,2 +577083,2 +577084,2 +577085,2 +577086,2 +577087,2 +577088,2 +577089,2 +577090,2 +577091,2 +577092,2 +577093,6 +577094,6 +577095,6 +577096,6 +577097,6 +577098,6 +577099,6 +577100,23 +577101,3 +577102,3 +577103,3 +577104,3 +577105,31 +577106,30 +577107,3 +577108,3 +577109,3 +577110,3 +577111,3 +577112,3 +577113,3 +577114,30 +577115,30 +577116,30 +577117,39 +577118,39 +577119,39 +577120,14 +577121,14 +577122,14 +577123,14 +577124,14 +577125,14 +577126,14 +577127,14 +577128,14 +577129,11 +577130,11 +577131,11 +577132,11 +577133,11 +577134,11 +577135,11 +577136,11 +577137,11 +577138,11 +577139,11 +577140,11 +577141,31 +577142,31 +577143,31 +577144,31 +577145,31 +577146,5 +577147,5 +577148,5 +577149,5 +577150,5 +577151,5 +577152,5 +577153,5 +577154,5 +577155,5 +577156,5 +577157,5 +577158,5 +577159,5 +577160,5 +577161,0 +577162,0 +577163,0 +577164,0 +577165,0 +577166,0 +577167,0 +577168,0 +577169,0 +577170,2 +577171,2 +577172,2 +577173,2 +577174,2 +577175,2 +577176,2 +577177,2 +577178,2 +577179,2 +577180,2 +577181,2 +577182,2 +577183,2 +577184,2 +577185,2 +577186,31 +577187,31 +577188,31 +577189,31 +577190,31 +577191,31 +577192,23 +577193,23 +577194,23 +577195,23 +577196,23 +577197,23 +577198,23 +577199,23 +577200,23 +577201,27 +577202,27 +577203,27 +577204,27 +577205,27 +577206,27 +577207,11 +577208,11 +577209,11 +577210,11 +577211,11 +577212,11 +577213,11 +577214,11 +577215,11 +577216,11 +577217,11 +577218,11 +577219,31 +577220,31 +577221,31 +577222,31 +577223,31 +577224,5 +577225,5 +577226,5 +577227,5 +577228,4 +577229,4 +577230,4 +577231,4 +577232,4 +577233,4 +577234,4 +577235,4 +577236,4 +577237,4 +577238,4 +577239,4 +577240,4 +577241,4 +577242,2 +577243,0 +577244,0 +577245,0 +577246,0 +577247,0 +577248,0 +577249,0 +577250,0 +577251,0 +577252,0 +577253,0 +577254,0 +577255,0 +577256,0 +577257,0 +577258,0 +577259,0 +577260,0 +577261,0 +577262,0 +577263,0 +577264,0 +577265,0 +577266,0 +577267,0 +577268,0 +577269,0 +577270,0 +577271,0 +577272,0 +577273,0 +577274,0 +577275,0 +577276,0 +577277,0 +577278,0 +577279,0 +577280,0 +577281,0 +577282,0 +577283,0 +577284,0 +577285,0 +577286,0 +577287,0 +577288,0 +577289,0 +577290,0 +577291,0 +577292,0 +577293,0 +577294,0 +577295,0 +577296,0 +577297,0 +577298,0 +577299,0 +577300,0 +577301,0 +577302,0 +577303,0 +577304,0 +577305,0 +577306,0 +577307,0 +577308,0 +577309,0 +577310,0 +577311,0 +577312,0 +577313,0 +577314,0 +577315,0 +577316,0 +577317,0 +577318,0 +577319,0 +577320,0 +577321,0 +577322,0 +577323,0 +577324,0 +577325,0 +577326,0 +577327,0 +577328,0 +577329,0 +577330,0 +577331,0 +577332,0 +577333,0 +577334,0 +577335,0 +577336,0 +577337,0 +577338,0 +577339,0 +577340,0 +577341,0 +577342,0 +577343,0 +577344,0 +577345,0 +577346,0 +577347,0 +577348,0 +577349,0 +577350,0 +577351,2 +577352,2 +577353,2 +577354,2 +577355,2 +577356,2 +577357,2 +577358,0 +577359,0 +577360,0 +577361,0 +577362,2 +577363,2 +577364,0 +577365,0 +577366,0 +577367,0 +577368,0 +577369,0 +577370,0 +577371,0 +577372,0 +577373,0 +577374,0 +577375,0 +577376,0 +577377,0 +577378,0 +577379,0 +577380,0 +577381,0 +577382,0 +577383,0 +577384,0 +577385,0 +577386,0 +577387,10 +577388,10 +577389,10 +577390,10 +577391,10 +577392,10 +577393,10 +577394,10 +577395,10 +577396,10 +577397,10 +577398,10 +577399,10 +577400,10 +577401,10 +577402,10 +577403,11 +577404,11 +577405,11 +577406,11 +577407,11 +577408,11 +577409,11 +577410,11 +577411,11 +577412,11 +577413,11 +577414,11 +577415,11 +577416,11 +577417,33 +577418,33 +577419,33 +577420,33 +577421,33 +577422,33 +577423,33 +577424,33 +577425,28 +577426,28 +577427,28 +577428,28 +577429,28 +577430,28 +577431,28 +577432,28 +577433,28 +577434,39 +577435,39 +577436,39 +577437,39 +577438,39 +577439,39 +577440,39 +577441,39 +577442,39 +577443,39 +577444,39 +577445,39 +577446,8 +577447,8 +577448,8 +577449,35 +577450,35 +577451,4 +577452,4 +577453,6 +577454,6 +577455,14 +577456,14 +577457,14 +577458,36 +577459,27 +577460,27 +577461,27 +577462,27 +577463,27 +577464,40 +577465,40 +577466,40 +577467,40 +577468,40 +577469,28 +577470,28 +577471,28 +577472,28 +577473,28 +577474,28 +577475,28 +577476,28 +577477,28 +577478,40 +577479,40 +577480,40 +577481,40 +577482,40 +577483,40 +577484,40 +577485,40 +577486,40 +577487,40 +577488,40 +577489,40 +577490,40 +577491,8 +577492,8 +577493,8 +577494,8 +577495,8 +577496,8 +577497,8 +577498,8 +577499,12 +577500,12 +577501,12 +577502,12 +577503,12 +577504,12 +577505,12 +577506,12 +577507,12 +577508,12 +577509,12 +577510,12 +577511,12 +577512,12 +577513,12 +577514,12 +577515,12 +577516,31 +577517,31 +577518,31 +577519,31 +577520,31 +577521,31 +577522,31 +577523,5 +577524,5 +577525,5 +577526,5 +577527,5 +577528,5 +577529,5 +577530,5 +577531,5 +577532,35 +577533,35 +577534,35 +577535,35 +577536,35 +577537,3 +577538,3 +577539,3 +577540,3 +577541,3 +577542,3 +577543,3 +577544,3 +577545,28 +577546,28 +577547,28 +577548,28 +577549,28 +577550,28 +577551,28 +577552,28 +577553,10 +577554,10 +577555,10 +577556,10 +577557,10 +577558,10 +577559,10 +577560,10 +577561,10 +577562,10 +577563,10 +577564,10 +577565,10 +577566,10 +577567,10 +577568,10 +577569,14 +577570,14 +577571,14 +577572,14 +577573,14 +577574,14 +577575,14 +577576,14 +577577,14 +577578,14 +577579,14 +577580,11 +577581,11 +577582,11 +577583,11 +577584,11 +577585,11 +577586,11 +577587,11 +577588,11 +577589,11 +577590,2 +577591,2 +577592,40 +577593,40 +577594,40 +577595,40 +577596,40 +577597,30 +577598,30 +577599,30 +577600,30 +577601,30 +577602,30 +577603,30 +577604,9 +577605,9 +577606,9 +577607,9 +577608,9 +577609,9 +577610,9 +577611,9 +577612,9 +577613,9 +577614,9 +577615,9 +577616,9 +577617,9 +577618,9 +577619,30 +577620,30 +577621,30 +577622,12 +577623,12 +577624,12 +577625,12 +577626,12 +577627,12 +577628,39 +577629,39 +577630,39 +577631,39 +577632,39 +577633,39 +577634,8 +577635,8 +577636,8 +577637,8 +577638,8 +577639,8 +577640,8 +577641,8 +577642,25 +577643,25 +577644,25 +577645,25 +577646,25 +577647,25 +577648,25 +577649,24 +577650,24 +577651,24 +577652,24 +577653,24 +577654,24 +577655,24 +577656,24 +577657,24 +577658,14 +577659,14 +577660,14 +577661,27 +577662,27 +577663,27 +577664,27 +577665,27 +577666,27 +577667,27 +577668,27 +577669,37 +577670,37 +577671,37 +577672,37 +577673,37 +577674,37 +577675,37 +577676,37 +577677,37 +577678,37 +577679,37 +577680,37 +577681,37 +577682,37 +577683,37 +577684,37 +577685,25 +577686,25 +577687,25 +577688,25 +577689,25 +577690,25 +577691,25 +577692,25 +577693,25 +577694,0 +577695,0 +577696,0 +577697,0 +577698,0 +577699,0 +577700,0 +577701,0 +577702,0 +577703,0 +577704,0 +577705,0 +577706,0 +577707,0 +577708,0 +577709,0 +577710,0 +577711,0 +577712,0 +577713,2 +577714,2 +577715,2 +577716,0 +577717,0 +577718,0 +577719,0 +577720,0 +577721,0 +577722,0 +577723,0 +577724,0 +577725,0 +577726,0 +577727,0 +577728,0 +577729,0 +577730,0 +577731,0 +577732,0 +577733,0 +577734,0 +577735,0 +577736,0 +577737,6 +577738,6 +577739,6 +577740,6 +577741,6 +577742,6 +577743,6 +577744,36 +577745,36 +577746,25 +577747,25 +577748,25 +577749,25 +577750,36 +577751,36 +577752,36 +577753,36 +577754,36 +577755,36 +577756,40 +577757,40 +577758,40 +577759,5 +577760,5 +577761,5 +577762,5 +577763,5 +577764,4 +577765,4 +577766,4 +577767,4 +577768,4 +577769,4 +577770,4 +577771,4 +577772,4 +577773,23 +577774,4 +577775,23 +577776,23 +577777,23 +577778,23 +577779,23 +577780,23 +577781,23 +577782,23 +577783,23 +577784,23 +577785,26 +577786,26 +577787,26 +577788,26 +577789,26 +577790,26 +577791,26 +577792,26 +577793,26 +577794,26 +577795,26 +577796,37 +577797,37 +577798,37 +577799,37 +577800,37 +577801,15 +577802,15 +577803,15 +577804,15 +577805,15 +577806,15 +577807,39 +577808,39 +577809,39 +577810,39 +577811,7 +577812,7 +577813,7 +577814,7 +577815,39 +577816,7 +577817,7 +577818,9 +577819,9 +577820,9 +577821,9 +577822,9 +577823,9 +577824,9 +577825,9 +577826,9 +577827,9 +577828,9 +577829,9 +577830,9 +577831,26 +577832,26 +577833,26 +577834,26 +577835,26 +577836,5 +577837,5 +577838,5 +577839,19 +577840,19 +577841,19 +577842,27 +577843,27 +577844,27 +577845,27 +577846,27 +577847,27 +577848,27 +577849,27 +577850,27 +577851,19 +577852,19 +577853,19 +577854,19 +577855,19 +577856,19 +577857,4 +577858,27 +577859,27 +577860,27 +577861,27 +577862,27 +577863,27 +577864,27 +577865,27 +577866,27 +577867,8 +577868,8 +577869,8 +577870,8 +577871,8 +577872,8 +577873,8 +577874,8 +577875,27 +577876,27 +577877,31 +577878,31 +577879,31 +577880,21 +577881,21 +577882,21 +577883,21 +577884,21 +577885,21 +577886,21 +577887,37 +577888,37 +577889,37 +577890,37 +577891,37 +577892,37 +577893,37 +577894,37 +577895,37 +577896,14 +577897,14 +577898,14 +577899,14 +577900,14 +577901,36 +577902,36 +577903,36 +577904,36 +577905,36 +577906,36 +577907,36 +577908,14 +577909,28 +577910,36 +577911,5 +577912,5 +577913,5 +577914,5 +577915,5 +577916,5 +577917,5 +577918,4 +577919,4 +577920,4 +577921,19 +577922,19 +577923,19 +577924,31 +577925,31 +577926,31 +577927,28 +577928,28 +577929,28 +577930,28 +577931,28 +577932,28 +577933,28 +577934,28 +577935,31 +577936,31 +577937,31 +577938,31 +577939,31 +577940,5 +577941,5 +577942,5 +577943,19 +577944,19 +577945,10 +577946,10 +577947,10 +577948,10 +577949,10 +577950,10 +577951,10 +577952,36 +577953,36 +577954,36 +577955,36 +577956,36 +577957,36 +577958,36 +577959,36 +577960,36 +577961,36 +577962,19 +577963,19 +577964,19 +577965,19 +577966,19 +577967,19 +577968,19 +577969,19 +577970,5 +577971,5 +577972,5 +577973,5 +577974,5 +577975,5 +577976,26 +577977,26 +577978,26 +577979,26 +577980,26 +577981,26 +577982,26 +577983,26 +577984,26 +577985,26 +577986,26 +577987,26 +577988,26 +577989,26 +577990,26 +577991,26 +577992,26 +577993,26 +577994,26 +577995,26 +577996,6 +577997,6 +577998,6 +577999,6 +578000,6 +578001,6 +578002,6 +578003,6 +578004,6 +578005,27 +578006,27 +578007,27 +578008,27 +578009,27 +578010,27 +578011,27 +578012,27 +578013,27 +578014,27 +578015,27 +578016,27 +578017,27 +578018,27 +578019,27 +578020,27 +578021,27 +578022,27 +578023,27 +578024,5 +578025,5 +578026,5 +578027,5 +578028,5 +578029,5 +578030,18 +578031,18 +578032,18 +578033,18 +578034,18 +578035,18 +578036,18 +578037,18 +578038,18 +578039,18 +578040,18 +578041,10 +578042,10 +578043,10 +578044,10 +578045,10 +578046,10 +578047,36 +578048,36 +578049,36 +578050,36 +578051,36 +578052,36 +578053,36 +578054,36 +578055,36 +578056,36 +578057,36 +578058,23 +578059,23 +578060,23 +578061,23 +578062,23 +578063,23 +578064,23 +578065,23 +578066,2 +578067,2 +578068,23 +578069,23 +578070,37 +578071,37 +578072,37 +578073,37 +578074,37 +578075,39 +578076,39 +578077,39 +578078,39 +578079,39 +578080,39 +578081,39 +578082,39 +578083,39 +578084,39 +578085,39 +578086,39 +578087,39 +578088,39 +578089,39 +578090,39 +578091,39 +578092,39 +578093,39 +578094,39 +578095,39 +578096,0 +578097,0 +578098,0 +578099,0 +578100,0 +578101,0 +578102,0 +578103,0 +578104,0 +578105,0 +578106,0 +578107,0 +578108,0 +578109,0 +578110,0 +578111,0 +578112,0 +578113,0 +578114,0 +578115,0 +578116,0 +578117,0 +578118,0 +578119,0 +578120,0 +578121,0 +578122,0 +578123,0 +578124,0 +578125,0 +578126,0 +578127,0 +578128,0 +578129,0 +578130,0 +578131,0 +578132,0 +578133,0 +578134,0 +578135,0 +578136,11 +578137,11 +578138,11 +578139,11 +578140,11 +578141,11 +578142,11 +578143,11 +578144,11 +578145,11 +578146,11 +578147,11 +578148,11 +578149,39 +578150,39 +578151,39 +578152,39 +578153,39 +578154,39 +578155,27 +578156,27 +578157,39 +578158,27 +578159,27 +578160,8 +578161,8 +578162,8 +578163,8 +578164,8 +578165,8 +578166,8 +578167,8 +578168,8 +578169,8 +578170,8 +578171,6 +578172,6 +578173,6 +578174,6 +578175,6 +578176,6 +578177,6 +578178,4 +578179,4 +578180,4 +578181,4 +578182,4 +578183,12 +578184,12 +578185,12 +578186,12 +578187,12 +578188,12 +578189,12 +578190,12 +578191,10 +578192,10 +578193,10 +578194,10 +578195,10 +578196,10 +578197,10 +578198,10 +578199,10 +578200,10 +578201,4 +578202,4 +578203,4 +578204,4 +578205,4 +578206,4 +578207,4 +578208,4 +578209,4 +578210,4 +578211,4 +578212,4 +578213,37 +578214,37 +578215,37 +578216,37 +578217,37 +578218,37 +578219,37 +578220,14 +578221,40 +578222,40 +578223,40 +578224,14 +578225,40 +578226,40 +578227,40 +578228,40 +578229,40 +578230,19 +578231,19 +578232,19 +578233,19 +578234,19 +578235,19 +578236,39 +578237,39 +578238,39 +578239,39 +578240,39 +578241,39 +578242,39 +578243,39 +578244,39 +578245,39 +578246,39 +578247,39 +578248,39 +578249,39 +578250,39 +578251,39 +578252,0 +578253,0 +578254,0 +578255,0 +578256,0 +578257,0 +578258,0 +578259,0 +578260,0 +578261,0 +578262,0 +578263,0 +578264,0 +578265,0 +578266,0 +578267,0 +578268,0 +578269,0 +578270,0 +578271,0 +578272,0 +578273,0 +578274,0 +578275,0 +578276,0 +578277,0 +578278,0 +578279,0 +578280,0 +578281,36 +578282,36 +578283,36 +578284,36 +578285,36 +578286,36 +578287,36 +578288,36 +578289,36 +578290,36 +578291,36 +578292,36 +578293,5 +578294,5 +578295,5 +578296,5 +578297,5 +578298,5 +578299,5 +578300,5 +578301,5 +578302,12 +578303,12 +578304,12 +578305,12 +578306,12 +578307,39 +578308,39 +578309,39 +578310,39 +578311,39 +578312,11 +578313,11 +578314,11 +578315,11 +578316,11 +578317,11 +578318,11 +578319,11 +578320,27 +578321,27 +578322,27 +578323,27 +578324,27 +578325,27 +578326,2 +578327,2 +578328,2 +578329,2 +578330,8 +578331,8 +578332,8 +578333,4 +578334,8 +578335,4 +578336,4 +578337,4 +578338,4 +578339,4 +578340,31 +578341,31 +578342,31 +578343,5 +578344,5 +578345,5 +578346,5 +578347,5 +578348,5 +578349,5 +578350,5 +578351,5 +578352,5 +578353,5 +578354,5 +578355,5 +578356,5 +578357,5 +578358,33 +578359,33 +578360,33 +578361,33 +578362,33 +578363,33 +578364,33 +578365,33 +578366,33 +578367,33 +578368,33 +578369,33 +578370,33 +578371,33 +578372,33 +578373,33 +578374,33 +578375,33 +578376,33 +578377,33 +578378,33 +578379,33 +578380,27 +578381,27 +578382,27 +578383,27 +578384,27 +578385,27 +578386,27 +578387,27 +578388,27 +578389,27 +578390,23 +578391,23 +578392,23 +578393,11 +578394,11 +578395,11 +578396,11 +578397,11 +578398,11 +578399,11 +578400,11 +578401,11 +578402,11 +578403,11 +578404,11 +578405,11 +578406,11 +578407,39 +578408,39 +578409,39 +578410,39 +578411,39 +578412,39 +578413,27 +578414,27 +578415,27 +578416,27 +578417,27 +578418,27 +578419,8 +578420,8 +578421,8 +578422,8 +578423,8 +578424,8 +578425,4 +578426,4 +578427,4 +578428,4 +578429,4 +578430,4 +578431,4 +578432,22 +578433,22 +578434,22 +578435,22 +578436,22 +578437,22 +578438,22 +578439,22 +578440,6 +578441,6 +578442,6 +578443,6 +578444,6 +578445,6 +578446,6 +578447,6 +578448,6 +578449,6 +578450,6 +578451,6 +578452,6 +578453,6 +578454,31 +578455,31 +578456,31 +578457,31 +578458,31 +578459,28 +578460,28 +578461,28 +578462,28 +578463,32 +578464,32 +578465,32 +578466,32 +578467,32 +578468,32 +578469,32 +578470,32 +578471,32 +578472,31 +578473,31 +578474,31 +578475,5 +578476,5 +578477,5 +578478,5 +578479,5 +578480,39 +578481,39 +578482,39 +578483,39 +578484,39 +578485,39 +578486,39 +578487,39 +578488,39 +578489,39 +578490,7 +578491,7 +578492,7 +578493,7 +578494,7 +578495,3 +578496,3 +578497,3 +578498,3 +578499,3 +578500,3 +578501,3 +578502,2 +578503,2 +578504,2 +578505,2 +578506,2 +578507,2 +578508,2 +578509,2 +578510,2 +578511,2 +578512,2 +578513,2 +578514,2 +578515,2 +578516,2 +578517,2 +578518,2 +578519,2 +578520,2 +578521,26 +578522,26 +578523,26 +578524,25 +578525,25 +578526,25 +578527,25 +578528,25 +578529,25 +578530,25 +578531,25 +578532,37 +578533,37 +578534,37 +578535,37 +578536,37 +578537,37 +578538,37 +578539,37 +578540,37 +578541,37 +578542,37 +578543,37 +578544,25 +578545,25 +578546,0 +578547,0 +578548,0 +578549,0 +578550,0 +578551,0 +578552,0 +578553,0 +578554,0 +578555,0 +578556,0 +578557,0 +578558,0 +578559,0 +578560,0 +578561,0 +578562,0 +578563,0 +578564,0 +578565,0 +578566,0 +578567,0 +578568,0 +578569,0 +578570,0 +578571,0 +578572,0 +578573,0 +578574,0 +578575,0 +578576,0 +578577,0 +578578,0 +578579,0 +578580,0 +578581,0 +578582,0 +578583,0 +578584,0 +578585,0 +578586,0 +578587,0 +578588,0 +578589,0 +578590,0 +578591,0 +578592,0 +578593,0 +578594,0 +578595,0 +578596,0 +578597,0 +578598,0 +578599,0 +578600,0 +578601,0 +578602,0 +578603,0 +578604,0 +578605,0 +578606,0 +578607,0 +578608,0 +578609,0 +578610,0 +578611,0 +578612,0 +578613,0 +578614,0 +578615,0 +578616,0 +578617,0 +578618,0 +578619,0 +578620,0 +578621,0 +578622,0 +578623,0 +578624,0 +578625,0 +578626,0 +578627,0 +578628,0 +578629,0 +578630,0 +578631,0 +578632,0 +578633,0 +578634,0 +578635,0 +578636,0 +578637,0 +578638,0 +578639,0 +578640,0 +578641,0 +578642,0 +578643,0 +578644,0 +578645,0 +578646,0 +578647,0 +578648,0 +578649,0 +578650,0 +578651,0 +578652,0 +578653,0 +578654,0 +578655,0 +578656,0 +578657,0 +578658,0 +578659,0 +578660,0 +578661,0 +578662,0 +578663,0 +578664,0 +578665,0 +578666,0 +578667,0 +578668,0 +578669,0 +578670,0 +578671,12 +578672,12 +578673,12 +578674,12 +578675,12 +578676,12 +578677,12 +578678,40 +578679,40 +578680,40 +578681,40 +578682,40 +578683,40 +578684,40 +578685,40 +578686,40 +578687,40 +578688,37 +578689,37 +578690,37 +578691,37 +578692,37 +578693,37 +578694,4 +578695,4 +578696,4 +578697,4 +578698,4 +578699,4 +578700,4 +578701,4 +578702,4 +578703,4 +578704,16 +578705,16 +578706,16 +578707,16 +578708,3 +578709,3 +578710,3 +578711,3 +578712,3 +578713,3 +578714,3 +578715,3 +578716,3 +578717,3 +578718,3 +578719,3 +578720,3 +578721,3 +578722,3 +578723,3 +578724,3 +578725,3 +578726,3 +578727,3 +578728,3 +578729,3 +578730,3 +578731,3 +578732,3 +578733,3 +578734,3 +578735,3 +578736,3 +578737,3 +578738,3 +578739,33 +578740,33 +578741,0 +578742,0 +578743,0 +578744,0 +578745,0 +578746,0 +578747,0 +578748,0 +578749,0 +578750,0 +578751,0 +578752,0 +578753,0 +578754,0 +578755,0 +578756,0 +578757,0 +578758,0 +578759,0 +578760,0 +578761,0 +578762,8 +578763,0 +578764,0 +578765,0 +578766,0 +578767,0 +578768,0 +578769,0 +578770,0 +578771,0 +578772,0 +578773,0 +578774,0 +578775,0 +578776,0 +578777,0 +578778,0 +578779,0 +578780,0 +578781,0 +578782,0 +578783,0 +578784,0 +578785,0 +578786,0 +578787,0 +578788,0 +578789,0 +578790,0 +578791,0 +578792,0 +578793,0 +578794,0 +578795,2 +578796,2 +578797,2 +578798,2 +578799,2 +578800,2 +578801,2 +578802,2 +578803,2 +578804,2 +578805,2 +578806,2 +578807,2 +578808,2 +578809,2 +578810,2 +578811,2 +578812,2 +578813,2 +578814,31 +578815,31 +578816,31 +578817,31 +578818,31 +578819,31 +578820,31 +578821,28 +578822,28 +578823,28 +578824,28 +578825,28 +578826,28 +578827,28 +578828,5 +578829,5 +578830,5 +578831,28 +578832,5 +578833,5 +578834,5 +578835,5 +578836,36 +578837,36 +578838,40 +578839,40 +578840,40 +578841,40 +578842,40 +578843,40 +578844,40 +578845,40 +578846,40 +578847,37 +578848,37 +578849,37 +578850,37 +578851,37 +578852,37 +578853,39 +578854,39 +578855,39 +578856,39 +578857,39 +578858,39 +578859,39 +578860,39 +578861,39 +578862,39 +578863,39 +578864,37 +578865,37 +578866,37 +578867,37 +578868,37 +578869,37 +578870,37 +578871,37 +578872,37 +578873,37 +578874,33 +578875,33 +578876,33 +578877,33 +578878,33 +578879,33 +578880,33 +578881,33 +578882,34 +578883,34 +578884,34 +578885,34 +578886,34 +578887,34 +578888,34 +578889,25 +578890,25 +578891,25 +578892,37 +578893,37 +578894,37 +578895,37 +578896,37 +578897,37 +578898,37 +578899,37 +578900,25 +578901,8 +578902,8 +578903,8 +578904,8 +578905,8 +578906,8 +578907,8 +578908,8 +578909,8 +578910,8 +578911,19 +578912,4 +578913,4 +578914,4 +578915,4 +578916,4 +578917,4 +578918,34 +578919,34 +578920,34 +578921,34 +578922,34 +578923,34 +578924,34 +578925,34 +578926,40 +578927,30 +578928,30 +578929,30 +578930,30 +578931,30 +578932,5 +578933,5 +578934,5 +578935,5 +578936,28 +578937,28 +578938,28 +578939,28 +578940,28 +578941,5 +578942,29 +578943,29 +578944,31 +578945,31 +578946,31 +578947,39 +578948,31 +578949,31 +578950,31 +578951,24 +578952,24 +578953,24 +578954,24 +578955,24 +578956,37 +578957,37 +578958,37 +578959,37 +578960,37 +578961,27 +578962,27 +578963,40 +578964,27 +578965,40 +578966,24 +578967,24 +578968,24 +578969,24 +578970,24 +578971,24 +578972,24 +578973,24 +578974,25 +578975,25 +578976,25 +578977,25 +578978,25 +578979,25 +578980,25 +578981,25 +578982,25 +578983,25 +578984,25 +578985,25 +578986,12 +578987,12 +578988,12 +578989,12 +578990,12 +578991,12 +578992,12 +578993,25 +578994,25 +578995,25 +578996,25 +578997,25 +578998,25 +578999,25 +579000,25 +579001,25 +579002,2 +579003,2 +579004,2 +579005,2 +579006,2 +579007,2 +579008,2 +579009,2 +579010,2 +579011,2 +579012,2 +579013,2 +579014,2 +579015,2 +579016,2 +579017,27 +579018,27 +579019,27 +579020,27 +579021,27 +579022,13 +579023,13 +579024,13 +579025,13 +579026,13 +579027,13 +579028,27 +579029,27 +579030,27 +579031,27 +579032,27 +579033,27 +579034,27 +579035,13 +579036,13 +579037,13 +579038,13 +579039,13 +579040,13 +579041,13 +579042,13 +579043,13 +579044,13 +579045,6 +579046,6 +579047,6 +579048,6 +579049,6 +579050,6 +579051,6 +579052,6 +579053,6 +579054,6 +579055,6 +579056,6 +579057,6 +579058,6 +579059,6 +579060,26 +579061,26 +579062,26 +579063,26 +579064,26 +579065,30 +579066,30 +579067,30 +579068,30 +579069,30 +579070,30 +579071,30 +579072,30 +579073,30 +579074,30 +579075,27 +579076,27 +579077,27 +579078,27 +579079,27 +579080,27 +579081,27 +579082,16 +579083,16 +579084,16 +579085,16 +579086,16 +579087,16 +579088,16 +579089,4 +579090,4 +579091,2 +579092,2 +579093,2 +579094,2 +579095,2 +579096,2 +579097,2 +579098,2 +579099,2 +579100,2 +579101,2 +579102,2 +579103,2 +579104,26 +579105,26 +579106,9 +579107,9 +579108,9 +579109,9 +579110,9 +579111,9 +579112,9 +579113,9 +579114,9 +579115,9 +579116,9 +579117,9 +579118,13 +579119,13 +579120,13 +579121,13 +579122,13 +579123,13 +579124,13 +579125,13 +579126,13 +579127,13 +579128,8 +579129,8 +579130,8 +579131,8 +579132,2 +579133,2 +579134,2 +579135,35 +579136,40 +579137,40 +579138,35 +579139,35 +579140,35 +579141,25 +579142,25 +579143,25 +579144,25 +579145,25 +579146,25 +579147,25 +579148,37 +579149,28 +579150,28 +579151,28 +579152,28 +579153,28 +579154,28 +579155,28 +579156,3 +579157,3 +579158,3 +579159,3 +579160,3 +579161,3 +579162,3 +579163,3 +579164,33 +579165,3 +579166,5 +579167,5 +579168,5 +579169,5 +579170,5 +579171,5 +579172,5 +579173,39 +579174,39 +579175,39 +579176,39 +579177,39 +579178,39 +579179,39 +579180,39 +579181,39 +579182,31 +579183,31 +579184,31 +579185,31 +579186,31 +579187,31 +579188,31 +579189,2 +579190,2 +579191,2 +579192,2 +579193,2 +579194,2 +579195,2 +579196,2 +579197,2 +579198,2 +579199,2 +579200,2 +579201,2 +579202,2 +579203,30 +579204,30 +579205,30 +579206,30 +579207,30 +579208,30 +579209,30 +579210,39 +579211,39 +579212,39 +579213,39 +579214,39 +579215,39 +579216,39 +579217,39 +579218,39 +579219,39 +579220,39 +579221,39 +579222,39 +579223,0 +579224,0 +579225,0 +579226,0 +579227,0 +579228,0 +579229,0 +579230,0 +579231,0 +579232,0 +579233,0 +579234,0 +579235,0 +579236,0 +579237,0 +579238,0 +579239,0 +579240,0 +579241,0 +579242,0 +579243,0 +579244,0 +579245,0 +579246,0 +579247,0 +579248,0 +579249,0 +579250,0 +579251,0 +579252,0 +579253,0 +579254,0 +579255,0 +579256,0 +579257,0 +579258,0 +579259,0 +579260,0 +579261,0 +579262,0 +579263,0 +579264,35 +579265,35 +579266,35 +579267,35 +579268,35 +579269,35 +579270,35 +579271,35 +579272,35 +579273,35 +579274,35 +579275,35 +579276,35 +579277,35 +579278,35 +579279,35 +579280,14 +579281,14 +579282,14 +579283,14 +579284,14 +579285,14 +579286,14 +579287,14 +579288,14 +579289,14 +579290,14 +579291,14 +579292,14 +579293,14 +579294,14 +579295,2 +579296,2 +579297,2 +579298,2 +579299,2 +579300,2 +579301,2 +579302,2 +579303,2 +579304,2 +579305,2 +579306,27 +579307,27 +579308,27 +579309,27 +579310,27 +579311,5 +579312,5 +579313,5 +579314,5 +579315,5 +579316,5 +579317,4 +579318,4 +579319,4 +579320,4 +579321,4 +579322,4 +579323,4 +579324,27 +579325,31 +579326,27 +579327,27 +579328,27 +579329,29 +579330,29 +579331,29 +579332,29 +579333,29 +579334,29 +579335,27 +579336,27 +579337,27 +579338,27 +579339,27 +579340,27 +579341,27 +579342,27 +579343,27 +579344,2 +579345,2 +579346,2 +579347,2 +579348,2 +579349,2 +579350,2 +579351,2 +579352,2 +579353,2 +579354,2 +579355,2 +579356,2 +579357,2 +579358,35 +579359,2 +579360,2 +579361,3 +579362,3 +579363,3 +579364,3 +579365,3 +579366,6 +579367,6 +579368,6 +579369,6 +579370,6 +579371,6 +579372,6 +579373,6 +579374,6 +579375,6 +579376,6 +579377,6 +579378,6 +579379,6 +579380,9 +579381,9 +579382,9 +579383,9 +579384,9 +579385,9 +579386,9 +579387,9 +579388,9 +579389,9 +579390,9 +579391,9 +579392,9 +579393,37 +579394,37 +579395,37 +579396,37 +579397,37 +579398,40 +579399,40 +579400,40 +579401,40 +579402,24 +579403,24 +579404,24 +579405,24 +579406,24 +579407,29 +579408,29 +579409,29 +579410,29 +579411,29 +579412,40 +579413,40 +579414,40 +579415,40 +579416,40 +579417,40 +579418,37 +579419,37 +579420,37 +579421,37 +579422,6 +579423,6 +579424,6 +579425,6 +579426,6 +579427,6 +579428,6 +579429,6 +579430,6 +579431,6 +579432,6 +579433,6 +579434,6 +579435,6 +579436,6 +579437,26 +579438,26 +579439,26 +579440,26 +579441,26 +579442,26 +579443,26 +579444,26 +579445,26 +579446,26 +579447,28 +579448,28 +579449,28 +579450,28 +579451,28 +579452,28 +579453,28 +579454,28 +579455,28 +579456,28 +579457,36 +579458,36 +579459,36 +579460,36 +579461,36 +579462,36 +579463,36 +579464,36 +579465,36 +579466,36 +579467,36 +579468,36 +579469,36 +579470,36 +579471,36 +579472,36 +579473,36 +579474,36 +579475,5 +579476,36 +579477,4 +579478,4 +579479,4 +579480,4 +579481,4 +579482,4 +579483,4 +579484,4 +579485,4 +579486,2 +579487,2 +579488,2 +579489,2 +579490,2 +579491,2 +579492,2 +579493,2 +579494,2 +579495,2 +579496,2 +579497,2 +579498,0 +579499,0 +579500,0 +579501,0 +579502,0 +579503,0 +579504,0 +579505,0 +579506,0 +579507,0 +579508,0 +579509,0 +579510,0 +579511,0 +579512,0 +579513,0 +579514,0 +579515,0 +579516,0 +579517,0 +579518,0 +579519,0 +579520,0 +579521,0 +579522,0 +579523,0 +579524,0 +579525,0 +579526,0 +579527,0 +579528,0 +579529,0 +579530,0 +579531,0 +579532,0 +579533,0 +579534,0 +579535,0 +579536,0 +579537,0 +579538,0 +579539,0 +579540,0 +579541,0 +579542,0 +579543,0 +579544,0 +579545,29 +579546,29 +579547,29 +579548,31 +579549,31 +579550,31 +579551,31 +579552,28 +579553,28 +579554,28 +579555,28 +579556,28 +579557,28 +579558,28 +579559,28 +579560,28 +579561,28 +579562,28 +579563,14 +579564,14 +579565,14 +579566,14 +579567,14 +579568,14 +579569,14 +579570,14 +579571,14 +579572,14 +579573,14 +579574,14 +579575,14 +579576,14 +579577,14 +579578,14 +579579,14 +579580,30 +579581,30 +579582,30 +579583,30 +579584,30 +579585,30 +579586,30 +579587,30 +579588,14 +579589,14 +579590,14 +579591,14 +579592,14 +579593,14 +579594,14 +579595,14 +579596,14 +579597,14 +579598,14 +579599,14 +579600,14 +579601,14 +579602,24 +579603,24 +579604,24 +579605,24 +579606,24 +579607,24 +579608,27 +579609,27 +579610,27 +579611,27 +579612,27 +579613,27 +579614,6 +579615,6 +579616,6 +579617,6 +579618,6 +579619,6 +579620,6 +579621,6 +579622,6 +579623,6 +579624,6 +579625,14 +579626,14 +579627,14 +579628,14 +579629,14 +579630,14 +579631,14 +579632,14 +579633,14 +579634,14 +579635,28 +579636,28 +579637,28 +579638,28 +579639,28 +579640,28 +579641,28 +579642,28 +579643,28 +579644,18 +579645,18 +579646,18 +579647,18 +579648,18 +579649,18 +579650,18 +579651,18 +579652,31 +579653,31 +579654,31 +579655,31 +579656,31 +579657,31 +579658,5 +579659,5 +579660,5 +579661,5 +579662,37 +579663,37 +579664,37 +579665,37 +579666,37 +579667,37 +579668,26 +579669,26 +579670,26 +579671,26 +579672,26 +579673,26 +579674,26 +579675,26 +579676,26 +579677,26 +579678,26 +579679,26 +579680,9 +579681,9 +579682,9 +579683,30 +579684,30 +579685,30 +579686,30 +579687,30 +579688,30 +579689,30 +579690,30 +579691,30 +579692,30 +579693,0 +579694,0 +579695,0 +579696,0 +579697,0 +579698,0 +579699,0 +579700,29 +579701,29 +579702,31 +579703,31 +579704,31 +579705,31 +579706,4 +579707,4 +579708,4 +579709,4 +579710,4 +579711,4 +579712,4 +579713,2 +579714,2 +579715,2 +579716,2 +579717,2 +579718,2 +579719,2 +579720,2 +579721,2 +579722,2 +579723,4 +579724,4 +579725,4 +579726,4 +579727,4 +579728,4 +579729,4 +579730,4 +579731,4 +579732,4 +579733,37 +579734,37 +579735,37 +579736,37 +579737,27 +579738,27 +579739,27 +579740,27 +579741,13 +579742,13 +579743,13 +579744,13 +579745,13 +579746,13 +579747,13 +579748,13 +579749,32 +579750,32 +579751,32 +579752,32 +579753,32 +579754,29 +579755,38 +579756,38 +579757,38 +579758,12 +579759,12 +579760,12 +579761,12 +579762,27 +579763,31 +579764,31 +579765,31 +579766,29 +579767,29 +579768,29 +579769,29 +579770,29 +579771,29 +579772,29 +579773,40 +579774,40 +579775,40 +579776,40 +579777,40 +579778,33 +579779,30 +579780,33 +579781,34 +579782,33 +579783,34 +579784,30 +579785,19 +579786,19 +579787,19 +579788,19 +579789,5 +579790,29 +579791,29 +579792,29 +579793,31 +579794,31 +579795,31 +579796,31 +579797,31 +579798,31 +579799,2 +579800,2 +579801,2 +579802,2 +579803,2 +579804,2 +579805,2 +579806,2 +579807,2 +579808,2 +579809,2 +579810,2 +579811,2 +579812,10 +579813,10 +579814,10 +579815,10 +579816,36 +579817,36 +579818,10 +579819,10 +579820,36 +579821,34 +579822,10 +579823,31 +579824,31 +579825,36 +579826,36 +579827,36 +579828,19 +579829,19 +579830,19 +579831,19 +579832,24 +579833,24 +579834,24 +579835,24 +579836,24 +579837,31 +579838,31 +579839,31 +579840,31 +579841,28 +579842,28 +579843,28 +579844,28 +579845,28 +579846,28 +579847,28 +579848,28 +579849,31 +579850,31 +579851,31 +579852,31 +579853,31 +579854,31 +579855,31 +579856,31 +579857,31 +579858,31 +579859,2 +579860,2 +579861,2 +579862,2 +579863,2 +579864,2 +579865,2 +579866,6 +579867,6 +579868,6 +579869,6 +579870,6 +579871,6 +579872,31 +579873,31 +579874,31 +579875,31 +579876,31 +579877,31 +579878,31 +579879,4 +579880,4 +579881,4 +579882,4 +579883,4 +579884,4 +579885,4 +579886,4 +579887,4 +579888,27 +579889,27 +579890,27 +579891,27 +579892,27 +579893,27 +579894,27 +579895,27 +579896,37 +579897,37 +579898,37 +579899,37 +579900,37 +579901,37 +579902,37 +579903,37 +579904,37 +579905,37 +579906,37 +579907,37 +579908,25 +579909,25 +579910,25 +579911,25 +579912,25 +579913,8 +579914,8 +579915,8 +579916,8 +579917,8 +579918,8 +579919,8 +579920,8 +579921,8 +579922,8 +579923,2 +579924,2 +579925,2 +579926,0 +579927,0 +579928,0 +579929,0 +579930,0 +579931,0 +579932,0 +579933,0 +579934,0 +579935,0 +579936,0 +579937,0 +579938,0 +579939,0 +579940,0 +579941,0 +579942,0 +579943,0 +579944,0 +579945,0 +579946,0 +579947,0 +579948,0 +579949,0 +579950,0 +579951,0 +579952,0 +579953,0 +579954,0 +579955,0 +579956,0 +579957,0 +579958,0 +579959,0 +579960,0 +579961,0 +579962,0 +579963,0 +579964,0 +579965,36 +579966,36 +579967,36 +579968,36 +579969,36 +579970,5 +579971,5 +579972,5 +579973,5 +579974,5 +579975,27 +579976,27 +579977,14 +579978,14 +579979,14 +579980,27 +579981,14 +579982,14 +579983,29 +579984,13 +579985,29 +579986,5 +579987,13 +579988,13 +579989,13 +579990,13 +579991,30 +579992,30 +579993,30 +579994,30 +579995,30 +579996,30 +579997,30 +579998,10 +579999,10 +580000,10 +580001,10 +580002,10 +580003,10 +580004,10 +580005,10 +580006,10 +580007,37 +580008,37 +580009,37 +580010,37 +580011,37 +580012,37 +580013,19 +580014,19 +580015,19 +580016,19 +580017,19 +580018,18 +580019,18 +580020,18 +580021,18 +580022,39 +580023,27 +580024,27 +580025,27 +580026,13 +580027,13 +580028,13 +580029,13 +580030,13 +580031,13 +580032,13 +580033,36 +580034,36 +580035,36 +580036,36 +580037,36 +580038,36 +580039,36 +580040,5 +580041,29 +580042,29 +580043,29 +580044,29 +580045,29 +580046,29 +580047,29 +580048,29 +580049,29 +580050,39 +580051,39 +580052,10 +580053,10 +580054,39 +580055,10 +580056,36 +580057,36 +580058,36 +580059,36 +580060,36 +580061,36 +580062,36 +580063,36 +580064,36 +580065,36 +580066,32 +580067,32 +580068,32 +580069,32 +580070,32 +580071,31 +580072,30 +580073,30 +580074,30 +580075,31 +580076,31 +580077,31 +580078,21 +580079,21 +580080,21 +580081,21 +580082,21 +580083,21 +580084,21 +580085,21 +580086,14 +580087,14 +580088,14 +580089,14 +580090,14 +580091,14 +580092,14 +580093,14 +580094,14 +580095,14 +580096,11 +580097,11 +580098,11 +580099,11 +580100,11 +580101,11 +580102,11 +580103,11 +580104,11 +580105,11 +580106,11 +580107,11 +580108,31 +580109,31 +580110,31 +580111,5 +580112,5 +580113,5 +580114,5 +580115,5 +580116,5 +580117,11 +580118,11 +580119,11 +580120,11 +580121,11 +580122,11 +580123,11 +580124,11 +580125,11 +580126,11 +580127,11 +580128,11 +580129,11 +580130,11 +580131,11 +580132,39 +580133,39 +580134,39 +580135,39 +580136,39 +580137,39 +580138,39 +580139,39 +580140,39 +580141,39 +580142,33 +580143,33 +580144,33 +580145,33 +580146,33 +580147,33 +580148,33 +580149,3 +580150,33 +580151,33 +580152,33 +580153,33 +580154,33 +580155,33 +580156,33 +580157,33 +580158,33 +580159,33 +580160,33 +580161,19 +580162,19 +580163,19 +580164,19 +580165,19 +580166,19 +580167,19 +580168,19 +580169,4 +580170,4 +580171,4 +580172,27 +580173,27 +580174,27 +580175,3 +580176,6 +580177,6 +580178,6 +580179,6 +580180,6 +580181,6 +580182,6 +580183,6 +580184,10 +580185,10 +580186,10 +580187,10 +580188,10 +580189,36 +580190,10 +580191,36 +580192,36 +580193,36 +580194,36 +580195,36 +580196,36 +580197,36 +580198,36 +580199,36 +580200,36 +580201,5 +580202,5 +580203,5 +580204,5 +580205,5 +580206,31 +580207,31 +580208,27 +580209,27 +580210,27 +580211,27 +580212,28 +580213,28 +580214,28 +580215,28 +580216,28 +580217,28 +580218,28 +580219,28 +580220,28 +580221,28 +580222,28 +580223,28 +580224,28 +580225,28 +580226,28 +580227,28 +580228,28 +580229,28 +580230,0 +580231,0 +580232,0 +580233,0 +580234,0 +580235,0 +580236,0 +580237,0 +580238,0 +580239,0 +580240,0 +580241,0 +580242,0 +580243,0 +580244,0 +580245,0 +580246,0 +580247,0 +580248,0 +580249,0 +580250,0 +580251,0 +580252,0 +580253,15 +580254,15 +580255,15 +580256,15 +580257,31 +580258,31 +580259,31 +580260,4 +580261,4 +580262,4 +580263,31 +580264,31 +580265,24 +580266,24 +580267,24 +580268,24 +580269,24 +580270,24 +580271,24 +580272,15 +580273,31 +580274,31 +580275,31 +580276,31 +580277,31 +580278,31 +580279,31 +580280,31 +580281,31 +580282,31 +580283,31 +580284,31 +580285,24 +580286,24 +580287,24 +580288,24 +580289,24 +580290,24 +580291,24 +580292,9 +580293,9 +580294,9 +580295,9 +580296,9 +580297,9 +580298,9 +580299,9 +580300,9 +580301,9 +580302,9 +580303,9 +580304,9 +580305,9 +580306,9 +580307,9 +580308,9 +580309,9 +580310,9 +580311,9 +580312,9 +580313,30 +580314,30 +580315,30 +580316,30 +580317,30 +580318,30 +580319,30 +580320,30 +580321,30 +580322,30 +580323,30 +580324,30 +580325,30 +580326,30 +580327,30 +580328,30 +580329,30 +580330,30 +580331,30 +580332,0 +580333,0 +580334,0 +580335,0 +580336,0 +580337,0 +580338,0 +580339,0 +580340,0 +580341,0 +580342,0 +580343,0 +580344,0 +580345,0 +580346,0 +580347,0 +580348,0 +580349,0 +580350,0 +580351,0 +580352,11 +580353,11 +580354,11 +580355,11 +580356,11 +580357,11 +580358,11 +580359,11 +580360,11 +580361,11 +580362,11 +580363,11 +580364,11 +580365,11 +580366,11 +580367,11 +580368,11 +580369,11 +580370,39 +580371,39 +580372,39 +580373,39 +580374,39 +580375,39 +580376,39 +580377,35 +580378,35 +580379,35 +580380,35 +580381,35 +580382,35 +580383,35 +580384,35 +580385,35 +580386,35 +580387,35 +580388,35 +580389,35 +580390,35 +580391,35 +580392,37 +580393,37 +580394,37 +580395,10 +580396,10 +580397,10 +580398,10 +580399,10 +580400,10 +580401,10 +580402,10 +580403,30 +580404,30 +580405,30 +580406,30 +580407,30 +580408,30 +580409,30 +580410,30 +580411,27 +580412,27 +580413,27 +580414,27 +580415,27 +580416,27 +580417,27 +580418,27 +580419,27 +580420,27 +580421,27 +580422,27 +580423,27 +580424,6 +580425,6 +580426,6 +580427,6 +580428,6 +580429,6 +580430,6 +580431,6 +580432,2 +580433,2 +580434,2 +580435,2 +580436,2 +580437,2 +580438,2 +580439,2 +580440,2 +580441,4 +580442,4 +580443,4 +580444,4 +580445,4 +580446,4 +580447,9 +580448,9 +580449,33 +580450,33 +580451,33 +580452,33 +580453,33 +580454,30 +580455,30 +580456,30 +580457,30 +580458,30 +580459,30 +580460,30 +580461,30 +580462,30 +580463,30 +580464,19 +580465,19 +580466,19 +580467,19 +580468,19 +580469,19 +580470,35 +580471,35 +580472,35 +580473,27 +580474,27 +580475,27 +580476,27 +580477,27 +580478,8 +580479,8 +580480,8 +580481,8 +580482,8 +580483,8 +580484,8 +580485,8 +580486,8 +580487,4 +580488,8 +580489,4 +580490,8 +580491,8 +580492,8 +580493,8 +580494,27 +580495,27 +580496,27 +580497,2 +580498,2 +580499,2 +580500,2 +580501,2 +580502,2 +580503,2 +580504,2 +580505,2 +580506,2 +580507,2 +580508,2 +580509,2 +580510,2 +580511,2 +580512,6 +580513,21 +580514,21 +580515,21 +580516,21 +580517,21 +580518,21 +580519,37 +580520,37 +580521,37 +580522,37 +580523,37 +580524,40 +580525,40 +580526,40 +580527,40 +580528,40 +580529,40 +580530,11 +580531,11 +580532,11 +580533,11 +580534,11 +580535,11 +580536,11 +580537,11 +580538,11 +580539,11 +580540,11 +580541,11 +580542,11 +580543,11 +580544,11 +580545,31 +580546,31 +580547,31 +580548,31 +580549,31 +580550,31 +580551,31 +580552,31 +580553,5 +580554,5 +580555,5 +580556,5 +580557,5 +580558,5 +580559,5 +580560,5 +580561,5 +580562,5 +580563,0 +580564,0 +580565,0 +580566,0 +580567,0 +580568,0 +580569,0 +580570,0 +580571,0 +580572,0 +580573,0 +580574,0 +580575,0 +580576,0 +580577,0 +580578,0 +580579,0 +580580,0 +580581,0 +580582,0 +580583,0 +580584,0 +580585,0 +580586,0 +580587,0 +580588,0 +580589,0 +580590,0 +580591,0 +580592,0 +580593,0 +580594,0 +580595,0 +580596,0 +580597,0 +580598,0 +580599,0 +580600,0 +580601,0 +580602,0 +580603,0 +580604,0 +580605,0 +580606,0 +580607,0 +580608,0 +580609,0 +580610,0 +580611,0 +580612,0 +580613,0 +580614,0 +580615,0 +580616,0 +580617,0 +580618,0 +580619,0 +580620,0 +580621,0 +580622,0 +580623,30 +580624,30 +580625,30 +580626,30 +580627,30 +580628,30 +580629,30 +580630,30 +580631,30 +580632,30 +580633,30 +580634,30 +580635,30 +580636,9 +580637,9 +580638,9 +580639,9 +580640,9 +580641,9 +580642,9 +580643,9 +580644,9 +580645,9 +580646,9 +580647,9 +580648,9 +580649,30 +580650,30 +580651,30 +580652,30 +580653,30 +580654,30 +580655,30 +580656,30 +580657,30 +580658,30 +580659,30 +580660,29 +580661,29 +580662,38 +580663,29 +580664,1 +580665,1 +580666,1 +580667,31 +580668,1 +580669,1 +580670,31 +580671,31 +580672,31 +580673,31 +580674,31 +580675,31 +580676,38 +580677,38 +580678,23 +580679,23 +580680,23 +580681,23 +580682,23 +580683,23 +580684,23 +580685,23 +580686,23 +580687,23 +580688,38 +580689,38 +580690,38 +580691,38 +580692,38 +580693,34 +580694,34 +580695,34 +580696,34 +580697,34 +580698,34 +580699,34 +580700,36 +580701,34 +580702,34 +580703,34 +580704,34 +580705,34 +580706,34 +580707,34 +580708,34 +580709,34 +580710,34 +580711,34 +580712,34 +580713,34 +580714,34 +580715,34 +580716,34 +580717,34 +580718,30 +580719,30 +580720,36 +580721,36 +580722,36 +580723,36 +580724,36 +580725,36 +580726,36 +580727,36 +580728,36 +580729,36 +580730,36 +580731,36 +580732,36 +580733,36 +580734,36 +580735,36 +580736,36 +580737,36 +580738,36 +580739,36 +580740,36 +580741,2 +580742,2 +580743,2 +580744,2 +580745,2 +580746,2 +580747,2 +580748,2 +580749,2 +580750,2 +580751,2 +580752,2 +580753,2 +580754,6 +580755,6 +580756,6 +580757,6 +580758,6 +580759,27 +580760,22 +580761,22 +580762,22 +580763,22 +580764,22 +580765,22 +580766,27 +580767,38 +580768,38 +580769,38 +580770,38 +580771,38 +580772,38 +580773,38 +580774,38 +580775,38 +580776,38 +580777,38 +580778,38 +580779,24 +580780,24 +580781,24 +580782,24 +580783,24 +580784,24 +580785,24 +580786,31 +580787,31 +580788,31 +580789,31 +580790,31 +580791,31 +580792,24 +580793,24 +580794,24 +580795,24 +580796,24 +580797,24 +580798,24 +580799,24 +580800,24 +580801,24 +580802,28 +580803,28 +580804,28 +580805,28 +580806,28 +580807,28 +580808,28 +580809,28 +580810,39 +580811,39 +580812,39 +580813,39 +580814,39 +580815,39 +580816,39 +580817,39 +580818,39 +580819,39 +580820,39 +580821,39 +580822,27 +580823,27 +580824,27 +580825,27 +580826,27 +580827,27 +580828,27 +580829,27 +580830,27 +580831,2 +580832,2 +580833,2 +580834,2 +580835,2 +580836,2 +580837,2 +580838,2 +580839,2 +580840,2 +580841,28 +580842,28 +580843,28 +580844,28 +580845,28 +580846,28 +580847,28 +580848,28 +580849,10 +580850,10 +580851,10 +580852,10 +580853,10 +580854,10 +580855,10 +580856,10 +580857,10 +580858,35 +580859,35 +580860,35 +580861,35 +580862,35 +580863,35 +580864,35 +580865,35 +580866,35 +580867,35 +580868,35 +580869,35 +580870,35 +580871,35 +580872,35 +580873,35 +580874,26 +580875,26 +580876,10 +580877,26 +580878,26 +580879,26 +580880,26 +580881,26 +580882,26 +580883,26 +580884,26 +580885,26 +580886,37 +580887,37 +580888,37 +580889,37 +580890,37 +580891,37 +580892,4 +580893,4 +580894,4 +580895,4 +580896,4 +580897,4 +580898,4 +580899,4 +580900,4 +580901,4 +580902,4 +580903,4 +580904,4 +580905,4 +580906,4 +580907,0 +580908,0 +580909,0 +580910,0 +580911,0 +580912,0 +580913,0 +580914,0 +580915,0 +580916,0 +580917,0 +580918,0 +580919,0 +580920,0 +580921,0 +580922,0 +580923,0 +580924,0 +580925,0 +580926,0 +580927,0 +580928,0 +580929,0 +580930,0 +580931,0 +580932,0 +580933,0 +580934,0 +580935,0 +580936,0 +580937,0 +580938,0 +580939,0 +580940,0 +580941,0 +580942,0 +580943,0 +580944,0 +580945,0 +580946,0 +580947,0 +580948,0 +580949,0 +580950,0 +580951,0 +580952,0 +580953,0 +580954,0 +580955,0 +580956,0 +580957,0 +580958,0 +580959,0 +580960,0 +580961,0 +580962,0 +580963,0 +580964,0 +580965,0 +580966,0 +580967,0 +580968,0 +580969,0 +580970,0 +580971,0 +580972,0 +580973,0 +580974,0 +580975,0 +580976,0 +580977,0 +580978,0 +580979,0 +580980,0 +580981,0 +580982,0 +580983,28 +580984,28 +580985,28 +580986,28 +580987,28 +580988,10 +580989,10 +580990,10 +580991,10 +580992,10 +580993,10 +580994,10 +580995,10 +580996,10 +580997,2 +580998,2 +580999,2 +581000,2 +581001,2 +581002,2 +581003,2 +581004,2 +581005,2 +581006,2 +581007,2 +581008,2 +581009,2 +581010,2 +581011,2 +581012,2 +581013,2 +581014,2 +581015,2 +581016,31 +581017,31 +581018,31 +581019,31 +581020,31 +581021,31 +581022,31 +581023,31 +581024,31 +581025,31 +581026,31 +581027,31 +581028,31 +581029,5 +581030,5 +581031,5 +581032,5 +581033,5 +581034,5 +581035,5 +581036,5 +581037,5 +581038,5 +581039,5 +581040,5 +581041,5 +581042,5 +581043,5 +581044,5 +581045,5 +581046,5 +581047,5 +581048,5 +581049,5 +581050,5 +581051,0 +581052,0 +581053,0 +581054,0 +581055,0 +581056,0 +581057,0 +581058,0 +581059,0 +581060,0 +581061,0 +581062,0 +581063,0 +581064,0 +581065,0 +581066,0 +581067,6 +581068,6 +581069,27 +581070,27 +581071,27 +581072,27 +581073,27 +581074,27 +581075,27 +581076,27 +581077,5 +581078,19 +581079,19 +581080,19 +581081,19 +581082,19 +581083,19 +581084,19 +581085,19 +581086,28 +581087,28 +581088,28 +581089,28 +581090,28 +581091,39 +581092,39 +581093,39 +581094,39 +581095,39 +581096,39 +581097,39 +581098,29 +581099,29 +581100,29 +581101,29 +581102,24 +581103,29 +581104,29 +581105,10 +581106,10 +581107,10 +581108,10 +581109,10 +581110,10 +581111,10 +581112,10 +581113,10 +581114,10 +581115,10 +581116,10 +581117,10 +581118,10 +581119,10 +581120,35 +581121,35 +581122,35 +581123,35 +581124,35 +581125,35 +581126,35 +581127,35 +581128,35 +581129,35 +581130,35 +581131,35 +581132,35 +581133,35 +581134,35 +581135,26 +581136,26 +581137,26 +581138,26 +581139,26 +581140,26 +581141,26 +581142,26 +581143,26 +581144,37 +581145,37 +581146,37 +581147,37 +581148,37 +581149,37 +581150,37 +581151,37 +581152,4 +581153,4 +581154,4 +581155,4 +581156,4 +581157,4 +581158,4 +581159,4 +581160,4 +581161,4 +581162,0 +581163,0 +581164,0 +581165,0 +581166,0 +581167,0 +581168,0 +581169,0 +581170,0 +581171,0 +581172,0 +581173,0 +581174,0 +581175,0 +581176,0 +581177,0 +581178,0 +581179,0 +581180,0 +581181,0 +581182,0 +581183,0 +581184,0 +581185,0 +581186,0 +581187,0 +581188,0 +581189,0 +581190,0 +581191,0 +581192,0 +581193,0 +581194,0 +581195,0 +581196,0 +581197,0 +581198,0 +581199,0 +581200,0 +581201,0 +581202,0 +581203,0 +581204,0 +581205,0 +581206,0 +581207,0 +581208,0 +581209,0 +581210,0 +581211,0 +581212,0 +581213,0 +581214,0 +581215,0 +581216,0 +581217,0 +581218,0 +581219,0 +581220,0 +581221,0 +581222,0 +581223,0 +581224,0 +581225,0 +581226,0 +581227,0 +581228,0 +581229,0 +581230,0 +581231,0 +581232,0 +581233,0 +581234,0 +581235,0 +581236,0 +581237,0 +581238,0 +581239,0 +581240,0 +581241,35 +581242,35 +581243,35 +581244,0 +581245,0 +581246,0 +581247,0 +581248,10 +581249,10 +581250,10 +581251,10 +581252,10 +581253,10 +581254,10 +581255,10 +581256,10 +581257,10 +581258,10 +581259,10 +581260,10 +581261,28 +581262,28 +581263,28 +581264,28 +581265,28 +581266,27 +581267,27 +581268,27 +581269,27 +581270,5 +581271,5 +581272,5 +581273,5 +581274,5 +581275,5 +581276,5 +581277,19 +581278,19 +581279,19 +581280,19 +581281,19 +581282,19 +581283,27 +581284,27 +581285,27 +581286,27 +581287,27 +581288,2 +581289,2 +581290,2 +581291,2 +581292,2 +581293,2 +581294,2 +581295,2 +581296,2 +581297,2 +581298,2 +581299,2 +581300,2 +581301,2 +581302,32 +581303,32 +581304,32 +581305,32 +581306,32 +581307,32 +581308,32 +581309,32 +581310,32 +581311,40 +581312,40 +581313,40 +581314,40 +581315,40 +581316,40 +581317,40 +581318,40 +581319,40 +581320,40 +581321,40 +581322,37 +581323,37 +581324,37 +581325,37 +581326,37 +581327,37 +581328,37 +581329,25 +581330,25 +581331,25 +581332,25 +581333,2 +581334,2 +581335,2 +581336,2 +581337,2 +581338,2 +581339,2 +581340,2 +581341,40 +581342,40 +581343,40 +581344,40 +581345,19 +581346,19 +581347,31 +581348,31 +581349,32 +581350,32 +581351,32 +581352,32 +581353,32 +581354,32 +581355,32 +581356,32 +581357,32 +581358,30 +581359,30 +581360,30 +581361,30 +581362,30 +581363,10 +581364,10 +581365,10 +581366,10 +581367,10 +581368,36 +581369,36 +581370,36 +581371,6 +581372,6 +581373,6 +581374,6 +581375,6 +581376,6 +581377,6 +581378,6 +581379,6 +581380,6 +581381,11 +581382,11 +581383,11 +581384,14 +581385,14 +581386,14 +581387,14 +581388,14 +581389,27 +581390,27 +581391,27 +581392,27 +581393,14 +581394,4 +581395,4 +581396,4 +581397,4 +581398,4 +581399,4 +581400,3 +581401,27 +581402,27 +581403,27 +581404,27 +581405,27 +581406,39 +581407,35 +581408,35 +581409,35 +581410,35 +581411,35 +581412,35 +581413,35 +581414,35 +581415,35 +581416,35 +581417,35 +581418,35 +581419,35 +581420,27 +581421,22 +581422,25 +581423,25 +581424,25 +581425,25 +581426,25 +581427,25 +581428,25 +581429,25 +581430,2 +581431,2 +581432,2 +581433,2 +581434,2 +581435,2 +581436,2 +581437,2 +581438,31 +581439,31 +581440,31 +581441,31 +581442,31 +581443,16 +581444,16 +581445,16 +581446,16 +581447,16 +581448,16 +581449,16 +581450,25 +581451,25 +581452,25 +581453,25 +581454,12 +581455,25 +581456,25 +581457,25 +581458,12 +581459,12 +581460,12 +581461,12 +581462,12 +581463,12 +581464,12 +581465,12 +581466,12 +581467,12 +581468,12 +581469,12 +581470,12 +581471,12 +581472,12 +581473,12 +581474,12 +581475,12 +581476,12 +581477,12 +581478,12 +581479,25 +581480,25 +581481,25 +581482,25 +581483,25 +581484,25 +581485,25 +581486,25 +581487,25 +581488,19 +581489,19 +581490,19 +581491,27 +581492,27 +581493,27 +581494,27 +581495,27 +581496,27 +581497,27 +581498,27 +581499,27 +581500,2 +581501,2 +581502,2 +581503,2 +581504,2 +581505,2 +581506,2 +581507,2 +581508,2 +581509,8 +581510,2 +581511,2 +581512,2 +581513,2 +581514,0 +581515,0 +581516,0 +581517,0 +581518,0 +581519,0 +581520,0 +581521,0 +581522,0 +581523,0 +581524,39 +581525,39 +581526,39 +581527,39 +581528,39 +581529,39 +581530,39 +581531,39 +581532,39 +581533,39 +581534,39 +581535,39 +581536,39 +581537,39 +581538,39 +581539,39 +581540,39 +581541,24 +581542,24 +581543,24 +581544,24 +581545,24 +581546,24 +581547,24 +581548,31 +581549,31 +581550,31 +581551,31 +581552,27 +581553,31 +581554,31 +581555,31 +581556,5 +581557,5 +581558,5 +581559,5 +581560,5 +581561,5 +581562,5 +581563,5 +581564,5 +581565,5 +581566,5 +581567,5 +581568,5 +581569,0 +581570,0 +581571,0 +581572,0 +581573,0 +581574,0 +581575,0 +581576,0 +581577,0 +581578,0 +581579,0 +581580,0 +581581,0 +581582,0 +581583,0 +581584,0 +581585,0 +581586,0 +581587,0 +581588,0 +581589,0 +581590,0 +581591,0 +581592,0 +581593,0 +581594,0 +581595,0 +581596,0 +581597,0 +581598,0 +581599,0 +581600,0 +581601,0 +581602,0 +581603,0 +581604,0 +581605,0 +581606,0 +581607,0 +581608,0 +581609,0 +581610,0 +581611,0 +581612,0 +581613,0 +581614,0 +581615,0 +581616,0 +581617,0 +581618,0 +581619,0 +581620,0 +581621,0 +581622,0 +581623,0 +581624,0 +581625,0 +581626,0 +581627,0 +581628,0 +581629,0 +581630,0 +581631,0 +581632,0 +581633,0 +581634,0 +581635,0 +581636,0 +581637,0 +581638,0 +581639,0 +581640,35 +581641,35 +581642,35 +581643,35 +581644,35 +581645,35 +581646,35 +581647,12 +581648,12 +581649,12 +581650,12 +581651,12 +581652,12 +581653,12 +581654,12 +581655,12 +581656,10 +581657,10 +581658,10 +581659,40 +581660,40 +581661,40 +581662,40 +581663,40 +581664,40 +581665,40 +581666,30 +581667,34 +581668,34 +581669,34 +581670,34 +581671,34 +581672,34 +581673,34 +581674,34 +581675,34 +581676,30 +581677,30 +581678,30 +581679,30 +581680,30 +581681,0 +581682,0 +581683,0 +581684,0 +581685,0 +581686,0 +581687,0 +581688,0 +581689,0 +581690,0 +581691,0 +581692,0 +581693,0 +581694,0 +581695,0 +581696,0 +581697,0 +581698,0 +581699,0 +581700,0 +581701,0 +581702,0 +581703,0 +581704,0 +581705,0 +581706,0 +581707,0 +581708,0 +581709,0 +581710,0 +581711,0 +581712,0 +581713,0 +581714,0 +581715,0 +581716,0 +581717,0 +581718,0 +581719,0 +581720,0 +581721,0 +581722,0 +581723,0 +581724,0 +581725,0 +581726,0 +581727,0 +581728,0 +581729,0 +581730,36 +581731,36 +581732,36 +581733,36 +581734,36 +581735,36 +581736,5 +581737,5 +581738,5 +581739,5 +581740,19 +581741,19 +581742,19 +581743,19 +581744,19 +581745,15 +581746,15 +581747,15 +581748,15 +581749,15 +581750,15 +581751,10 +581752,10 +581753,10 +581754,10 +581755,10 +581756,10 +581757,10 +581758,10 +581759,10 +581760,10 +581761,19 +581762,19 +581763,19 +581764,19 +581765,19 +581766,19 +581767,19 +581768,19 +581769,19 +581770,19 +581771,19 +581772,27 +581773,19 +581774,19 +581775,36 +581776,36 +581777,36 +581778,36 +581779,36 +581780,36 +581781,36 +581782,40 +581783,40 +581784,40 +581785,40 +581786,40 +581787,5 +581788,5 +581789,5 +581790,5 +581791,5 +581792,5 +581793,5 +581794,5 +581795,29 +581796,27 +581797,27 +581798,27 +581799,27 +581800,27 +581801,27 +581802,13 +581803,13 +581804,13 +581805,13 +581806,28 +581807,28 +581808,28 +581809,5 +581810,13 +581811,13 +581812,13 +581813,28 +581814,36 +581815,27 +581816,27 +581817,27 +581818,27 +581819,31 +581820,27 +581821,27 +581822,4 +581823,4 +581824,4 +581825,4 +581826,4 +581827,4 +581828,4 +581829,4 +581830,4 +581831,4 +581832,4 +581833,4 +581834,4 +581835,19 +581836,19 +581837,4 +581838,19 +581839,19 +581840,19 +581841,0 +581842,0 +581843,0 +581844,29 +581845,29 +581846,29 +581847,29 +581848,29 +581849,29 +581850,29 +581851,29 +581852,29 +581853,29 +581854,29 +581855,33 +581856,33 +581857,33 +581858,33 +581859,33 +581860,33 +581861,33 +581862,33 +581863,33 +581864,33 +581865,33 +581866,33 +581867,33 +581868,33 +581869,33 +581870,3 +581871,3 +581872,8 +581873,8 +581874,8 +581875,8 +581876,8 +581877,8 +581878,30 +581879,30 +581880,30 +581881,30 +581882,33 +581883,33 +581884,33 +581885,33 +581886,33 +581887,30 +581888,30 +581889,30 +581890,30 +581891,30 +581892,30 +581893,30 +581894,30 +581895,30 +581896,30 +581897,30 +581898,30 +581899,24 +581900,24 +581901,24 +581902,24 +581903,24 +581904,24 +581905,24 +581906,24 +581907,2 +581908,2 +581909,2 +581910,2 +581911,2 +581912,2 +581913,2 +581914,2 +581915,2 +581916,2 +581917,2 +581918,2 +581919,40 +581920,40 +581921,40 +581922,40 +581923,36 +581924,36 +581925,36 +581926,36 +581927,4 +581928,4 +581929,4 +581930,4 +581931,4 +581932,31 +581933,31 +581934,31 +581935,31 +581936,31 +581937,31 +581938,30 +581939,30 +581940,30 +581941,30 +581942,30 +581943,30 +581944,30 +581945,25 +581946,25 +581947,25 +581948,25 +581949,25 +581950,25 +581951,25 +581952,25 +581953,25 +581954,37 +581955,37 +581956,37 +581957,37 +581958,8 +581959,8 +581960,8 +581961,8 +581962,2 +581963,2 +581964,2 +581965,2 +581966,28 +581967,28 +581968,28 +581969,28 +581970,28 +581971,28 +581972,28 +581973,28 +581974,28 +581975,28 +581976,14 +581977,14 +581978,14 +581979,14 +581980,14 +581981,14 +581982,19 +581983,19 +581984,19 +581985,19 +581986,19 +581987,31 +581988,31 +581989,31 +581990,31 +581991,32 +581992,32 +581993,32 +581994,32 +581995,32 +581996,32 +581997,32 +581998,32 +581999,32 +582000,32 +582001,32 +582002,32 +582003,32 +582004,32 +582005,32 +582006,26 +582007,26 +582008,26 +582009,26 +582010,26 +582011,26 +582012,26 +582013,10 +582014,10 +582015,10 +582016,10 +582017,10 +582018,10 +582019,26 +582020,26 +582021,10 +582022,10 +582023,26 +582024,26 +582025,26 +582026,26 +582027,26 +582028,26 +582029,26 +582030,26 +582031,26 +582032,26 +582033,5 +582034,5 +582035,5 +582036,5 +582037,5 +582038,5 +582039,19 +582040,19 +582041,19 +582042,27 +582043,27 +582044,27 +582045,27 +582046,27 +582047,27 +582048,27 +582049,27 +582050,5 +582051,5 +582052,5 +582053,5 +582054,5 +582055,12 +582056,12 +582057,12 +582058,12 +582059,12 +582060,12 +582061,12 +582062,27 +582063,27 +582064,27 +582065,16 +582066,16 +582067,16 +582068,16 +582069,16 +582070,16 +582071,16 +582072,16 +582073,16 +582074,11 +582075,11 +582076,11 +582077,11 +582078,31 +582079,31 +582080,29 +582081,29 +582082,29 +582083,29 +582084,29 +582085,29 +582086,14 +582087,14 +582088,14 +582089,14 +582090,14 +582091,14 +582092,14 +582093,14 +582094,14 +582095,14 +582096,14 +582097,14 +582098,6 +582099,6 +582100,6 +582101,6 +582102,6 +582103,6 +582104,6 +582105,6 +582106,6 +582107,6 +582108,22 +582109,22 +582110,22 +582111,22 +582112,22 +582113,22 +582114,22 +582115,19 +582116,19 +582117,19 +582118,19 +582119,19 +582120,19 +582121,19 +582122,19 +582123,19 +582124,15 +582125,15 +582126,15 +582127,15 +582128,15 +582129,15 +582130,27 +582131,27 +582132,27 +582133,27 +582134,27 +582135,27 +582136,27 +582137,30 +582138,30 +582139,30 +582140,30 +582141,30 +582142,30 +582143,30 +582144,30 +582145,30 +582146,30 +582147,30 +582148,30 +582149,30 +582150,19 +582151,19 +582152,19 +582153,19 +582154,19 +582155,19 +582156,19 +582157,19 +582158,19 +582159,19 +582160,24 +582161,29 +582162,29 +582163,29 +582164,29 +582165,29 +582166,24 +582167,24 +582168,29 +582169,29 +582170,29 +582171,29 +582172,40 +582173,40 +582174,40 +582175,40 +582176,40 +582177,40 +582178,37 +582179,37 +582180,25 +582181,25 +582182,37 +582183,37 +582184,37 +582185,25 +582186,37 +582187,37 +582188,37 +582189,25 +582190,25 +582191,26 +582192,26 +582193,26 +582194,26 +582195,25 +582196,25 +582197,25 +582198,34 +582199,34 +582200,34 +582201,34 +582202,34 +582203,34 +582204,34 +582205,34 +582206,34 +582207,34 +582208,34 +582209,8 +582210,8 +582211,8 +582212,8 +582213,8 +582214,8 +582215,8 +582216,8 +582217,8 +582218,31 +582219,31 +582220,31 +582221,27 +582222,31 +582223,31 +582224,40 +582225,40 +582226,40 +582227,40 +582228,40 +582229,40 +582230,40 +582231,40 +582232,8 +582233,8 +582234,8 +582235,2 +582236,2 +582237,2 +582238,2 +582239,2 +582240,2 +582241,8 +582242,8 +582243,8 +582244,2 +582245,2 +582246,2 +582247,2 +582248,2 +582249,2 +582250,2 +582251,8 +582252,8 +582253,8 +582254,8 +582255,8 +582256,8 +582257,2 +582258,0 +582259,0 +582260,0 +582261,0 +582262,0 +582263,0 +582264,0 +582265,0 +582266,0 +582267,0 +582268,0 +582269,0 +582270,0 +582271,0 +582272,0 +582273,0 +582274,0 +582275,0 +582276,0 +582277,0 +582278,0 +582279,0 +582280,0 +582281,0 +582282,0 +582283,0 +582284,0 +582285,0 +582286,0 +582287,0 +582288,0 +582289,0 +582290,0 +582291,0 +582292,0 +582293,0 +582294,0 +582295,0 +582296,0 +582297,0 +582298,0 +582299,0 +582300,0 +582301,29 +582302,29 +582303,29 +582304,29 +582305,14 +582306,14 +582307,14 +582308,14 +582309,14 +582310,14 +582311,14 +582312,14 +582313,14 +582314,14 +582315,14 +582316,14 +582317,14 +582318,14 +582319,35 +582320,35 +582321,35 +582322,35 +582323,35 +582324,35 +582325,35 +582326,35 +582327,36 +582328,36 +582329,36 +582330,36 +582331,36 +582332,36 +582333,36 +582334,36 +582335,19 +582336,4 +582337,4 +582338,4 +582339,4 +582340,26 +582341,26 +582342,26 +582343,26 +582344,26 +582345,37 +582346,37 +582347,37 +582348,37 +582349,37 +582350,27 +582351,27 +582352,27 +582353,27 +582354,27 +582355,19 +582356,19 +582357,19 +582358,19 +582359,19 +582360,19 +582361,19 +582362,19 +582363,39 +582364,14 +582365,14 +582366,14 +582367,39 +582368,27 +582369,39 +582370,39 +582371,39 +582372,39 +582373,39 +582374,39 +582375,31 +582376,31 +582377,31 +582378,31 +582379,31 +582380,27 +582381,27 +582382,27 +582383,8 +582384,8 +582385,8 +582386,8 +582387,8 +582388,8 +582389,8 +582390,8 +582391,31 +582392,31 +582393,31 +582394,31 +582395,31 +582396,31 +582397,24 +582398,24 +582399,24 +582400,24 +582401,24 +582402,24 +582403,24 +582404,24 +582405,29 +582406,29 +582407,40 +582408,40 +582409,40 +582410,40 +582411,40 +582412,37 +582413,37 +582414,37 +582415,37 +582416,37 +582417,25 +582418,25 +582419,25 +582420,25 +582421,25 +582422,25 +582423,25 +582424,33 +582425,33 +582426,33 +582427,33 +582428,33 +582429,33 +582430,33 +582431,33 +582432,33 +582433,33 +582434,33 +582435,33 +582436,33 +582437,33 +582438,33 +582439,33 +582440,33 +582441,33 +582442,33 +582443,33 +582444,33 +582445,33 +582446,33 +582447,33 +582448,33 +582449,33 +582450,33 +582451,33 +582452,5 +582453,5 +582454,5 +582455,5 +582456,28 +582457,28 +582458,5 +582459,5 +582460,19 +582461,5 +582462,29 +582463,36 +582464,36 +582465,36 +582466,36 +582467,36 +582468,36 +582469,36 +582470,36 +582471,36 +582472,36 +582473,40 +582474,36 +582475,36 +582476,36 +582477,36 +582478,36 +582479,36 +582480,36 +582481,36 +582482,36 +582483,40 +582484,8 +582485,8 +582486,8 +582487,8 +582488,8 +582489,8 +582490,8 +582491,8 +582492,8 +582493,2 +582494,8 +582495,8 +582496,4 +582497,4 +582498,4 +582499,4 +582500,4 +582501,4 +582502,31 +582503,31 +582504,31 +582505,31 +582506,31 +582507,31 +582508,31 +582509,12 +582510,12 +582511,12 +582512,12 +582513,12 +582514,12 +582515,12 +582516,12 +582517,12 +582518,12 +582519,12 +582520,31 +582521,31 +582522,31 +582523,31 +582524,4 +582525,4 +582526,4 +582527,4 +582528,14 +582529,14 +582530,14 +582531,14 +582532,14 +582533,14 +582534,14 +582535,14 +582536,14 +582537,14 +582538,35 +582539,35 +582540,35 +582541,35 +582542,35 +582543,35 +582544,35 +582545,35 +582546,34 +582547,34 +582548,34 +582549,34 +582550,34 +582551,34 +582552,34 +582553,34 +582554,34 +582555,34 +582556,34 +582557,34 +582558,34 +582559,2 +582560,2 +582561,2 +582562,2 +582563,2 +582564,2 +582565,2 +582566,2 +582567,2 +582568,2 +582569,2 +582570,11 +582571,11 +582572,11 +582573,11 +582574,11 +582575,11 +582576,11 +582577,11 +582578,11 +582579,11 +582580,11 +582581,11 +582582,22 +582583,22 +582584,22 +582585,22 +582586,22 +582587,22 +582588,19 +582589,19 +582590,19 +582591,19 +582592,15 +582593,15 +582594,15 +582595,39 +582596,39 +582597,39 +582598,39 +582599,39 +582600,39 +582601,39 +582602,30 +582603,30 +582604,30 +582605,30 +582606,30 +582607,30 +582608,30 +582609,30 +582610,30 +582611,30 +582612,30 +582613,30 +582614,10 +582615,10 +582616,10 +582617,10 +582618,10 +582619,10 +582620,10 +582621,10 +582622,10 +582623,10 +582624,10 +582625,10 +582626,10 +582627,10 +582628,10 +582629,10 +582630,10 +582631,10 +582632,6 +582633,6 +582634,6 +582635,6 +582636,6 +582637,6 +582638,6 +582639,6 +582640,6 +582641,6 +582642,6 +582643,6 +582644,6 +582645,6 +582646,6 +582647,6 +582648,0 +582649,0 +582650,0 +582651,0 +582652,0 +582653,0 +582654,0 +582655,0 +582656,0 +582657,0 +582658,0 +582659,0 +582660,0 +582661,0 +582662,0 +582663,0 +582664,0 +582665,0 +582666,0 +582667,0 +582668,0 +582669,0 +582670,0 +582671,0 +582672,0 +582673,0 +582674,0 +582675,0 +582676,0 +582677,0 +582678,0 +582679,0 +582680,0 +582681,0 +582682,0 +582683,0 +582684,0 +582685,0 +582686,0 +582687,0 +582688,0 +582689,0 +582690,0 +582691,0 +582692,0 +582693,0 +582694,0 +582695,0 +582696,0 +582697,0 +582698,0 +582699,0 +582700,0 +582701,0 +582702,0 +582703,0 +582704,0 +582705,0 +582706,0 +582707,0 +582708,0 +582709,0 +582710,0 +582711,0 +582712,0 +582713,0 +582714,0 +582715,0 +582716,0 +582717,0 +582718,27 +582719,27 +582720,27 +582721,27 +582722,27 +582723,27 +582724,27 +582725,27 +582726,27 +582727,27 +582728,27 +582729,5 +582730,5 +582731,5 +582732,5 +582733,5 +582734,5 +582735,12 +582736,5 +582737,5 +582738,5 +582739,35 +582740,5 +582741,5 +582742,12 +582743,35 +582744,35 +582745,35 +582746,12 +582747,12 +582748,12 +582749,31 +582750,31 +582751,31 +582752,31 +582753,31 +582754,31 +582755,31 +582756,31 +582757,4 +582758,32 +582759,32 +582760,32 +582761,32 +582762,32 +582763,32 +582764,32 +582765,32 +582766,32 +582767,32 +582768,32 +582769,32 +582770,32 +582771,32 +582772,32 +582773,32 +582774,17 +582775,17 +582776,17 +582777,17 +582778,17 +582779,17 +582780,17 +582781,17 +582782,17 +582783,17 +582784,10 +582785,10 +582786,10 +582787,10 +582788,10 +582789,10 +582790,10 +582791,5 +582792,5 +582793,5 +582794,5 +582795,4 +582796,4 +582797,4 +582798,4 +582799,4 +582800,4 +582801,4 +582802,4 +582803,2 +582804,2 +582805,2 +582806,2 +582807,2 +582808,2 +582809,2 +582810,2 +582811,35 +582812,35 +582813,27 +582814,27 +582815,27 +582816,27 +582817,27 +582818,27 +582819,27 +582820,27 +582821,27 +582822,8 +582823,8 +582824,8 +582825,8 +582826,8 +582827,8 +582828,8 +582829,8 +582830,8 +582831,8 +582832,8 +582833,8 +582834,8 +582835,26 +582836,26 +582837,26 +582838,26 +582839,26 +582840,10 +582841,10 +582842,10 +582843,26 +582844,26 +582845,34 +582846,34 +582847,34 +582848,34 +582849,34 +582850,25 +582851,25 +582852,25 +582853,25 +582854,25 +582855,25 +582856,3 +582857,3 +582858,31 +582859,5 +582860,3 +582861,3 +582862,3 +582863,3 +582864,3 +582865,3 +582866,6 +582867,6 +582868,6 +582869,6 +582870,31 +582871,31 +582872,31 +582873,31 +582874,31 +582875,5 +582876,5 +582877,5 +582878,5 +582879,5 +582880,5 +582881,5 +582882,18 +582883,18 +582884,18 +582885,18 +582886,18 +582887,18 +582888,18 +582889,40 +582890,40 +582891,40 +582892,40 +582893,40 +582894,40 +582895,40 +582896,6 +582897,6 +582898,6 +582899,6 +582900,6 +582901,6 +582902,6 +582903,6 +582904,6 +582905,16 +582906,16 +582907,16 +582908,16 +582909,16 +582910,16 +582911,16 +582912,16 +582913,16 +582914,16 +582915,25 +582916,25 +582917,25 +582918,25 +582919,25 +582920,25 +582921,25 +582922,25 +582923,25 +582924,25 +582925,25 +582926,25 +582927,25 +582928,25 +582929,25 +582930,25 +582931,25 +582932,25 +582933,25 +582934,8 +582935,8 +582936,8 +582937,2 +582938,2 +582939,2 +582940,2 +582941,2 +582942,2 +582943,2 +582944,28 +582945,28 +582946,28 +582947,28 +582948,28 +582949,28 +582950,28 +582951,28 +582952,10 +582953,10 +582954,10 +582955,10 +582956,10 +582957,10 +582958,10 +582959,10 +582960,10 +582961,10 +582962,4 +582963,4 +582964,4 +582965,4 +582966,31 +582967,31 +582968,31 +582969,27 +582970,27 +582971,27 +582972,31 +582973,31 +582974,2 +582975,2 +582976,2 +582977,2 +582978,2 +582979,2 +582980,2 +582981,2 +582982,2 +582983,2 +582984,2 +582985,40 +582986,40 +582987,40 +582988,40 +582989,8 +582990,27 +582991,2 +582992,2 +582993,2 +582994,2 +582995,2 +582996,2 +582997,2 +582998,2 +582999,2 +583000,8 +583001,4 +583002,4 +583003,4 +583004,4 +583005,4 +583006,35 +583007,35 +583008,35 +583009,35 +583010,27 +583011,27 +583012,27 +583013,27 +583014,27 +583015,28 +583016,28 +583017,28 +583018,28 +583019,28 +583020,28 +583021,28 +583022,28 +583023,28 +583024,28 +583025,28 +583026,28 +583027,0 +583028,0 +583029,0 +583030,0 +583031,0 +583032,0 +583033,0 +583034,0 +583035,0 +583036,0 +583037,0 +583038,0 +583039,0 +583040,0 +583041,0 +583042,0 +583043,0 +583044,0 +583045,0 +583046,0 +583047,0 +583048,0 +583049,0 +583050,0 +583051,0 +583052,0 +583053,0 +583054,0 +583055,0 +583056,0 +583057,0 +583058,0 +583059,0 +583060,0 +583061,0 +583062,0 +583063,0 +583064,0 +583065,0 +583066,0 +583067,0 +583068,0 +583069,0 +583070,0 +583071,0 +583072,0 +583073,0 +583074,0 +583075,0 +583076,0 +583077,0 +583078,0 +583079,0 +583080,0 +583081,0 +583082,0 +583083,0 +583084,0 +583085,0 +583086,0 +583087,0 +583088,0 +583089,0 +583090,0 +583091,0 +583092,0 +583093,0 +583094,0 +583095,36 +583096,36 +583097,36 +583098,36 +583099,36 +583100,36 +583101,36 +583102,36 +583103,36 +583104,36 +583105,36 +583106,36 +583107,36 +583108,36 +583109,36 +583110,36 +583111,31 +583112,31 +583113,31 +583114,31 +583115,31 +583116,5 +583117,5 +583118,5 +583119,5 +583120,5 +583121,5 +583122,5 +583123,5 +583124,5 +583125,5 +583126,5 +583127,5 +583128,5 +583129,5 +583130,5 +583131,35 +583132,35 +583133,35 +583134,35 +583135,35 +583136,35 +583137,35 +583138,35 +583139,12 +583140,12 +583141,34 +583142,12 +583143,34 +583144,31 +583145,31 +583146,31 +583147,31 +583148,31 +583149,31 +583150,9 +583151,9 +583152,4 +583153,4 +583154,4 +583155,4 +583156,4 +583157,4 +583158,4 +583159,32 +583160,32 +583161,32 +583162,32 +583163,32 +583164,32 +583165,32 +583166,32 +583167,32 +583168,32 +583169,32 +583170,32 +583171,9 +583172,9 +583173,9 +583174,9 +583175,9 +583176,9 +583177,37 +583178,37 +583179,37 +583180,37 +583181,37 +583182,37 +583183,37 +583184,37 +583185,37 +583186,37 +583187,11 +583188,11 +583189,11 +583190,11 +583191,11 +583192,11 +583193,11 +583194,11 +583195,11 +583196,11 +583197,31 +583198,31 +583199,31 +583200,5 +583201,5 +583202,5 +583203,5 +583204,5 +583205,5 +583206,5 +583207,5 +583208,5 +583209,5 +583210,5 +583211,5 +583212,5 +583213,5 +583214,28 +583215,28 +583216,31 +583217,31 +583218,31 +583219,31 +583220,31 +583221,31 +583222,31 +583223,31 +583224,31 +583225,36 +583226,2 +583227,2 +583228,2 +583229,2 +583230,2 +583231,2 +583232,2 +583233,2 +583234,2 +583235,4 +583236,4 +583237,4 +583238,4 +583239,4 +583240,4 +583241,35 +583242,7 +583243,7 +583244,7 +583245,7 +583246,7 +583247,40 +583248,40 +583249,40 +583250,40 +583251,40 +583252,40 +583253,40 +583254,40 +583255,14 +583256,14 +583257,40 +583258,4 +583259,40 +583260,40 +583261,40 +583262,4 +583263,4 +583264,4 +583265,31 +583266,25 +583267,4 +583268,25 +583269,25 +583270,27 +583271,37 +583272,37 +583273,37 +583274,37 +583275,37 +583276,27 +583277,27 +583278,27 +583279,27 +583280,27 +583281,28 +583282,28 +583283,28 +583284,28 +583285,28 +583286,28 +583287,28 +583288,28 +583289,14 +583290,14 +583291,14 +583292,14 +583293,14 +583294,14 +583295,14 +583296,14 +583297,14 +583298,14 +583299,14 +583300,14 +583301,14 +583302,14 +583303,14 +583304,14 +583305,14 +583306,13 +583307,5 +583308,5 +583309,5 +583310,5 +583311,5 +583312,5 +583313,5 +583314,13 +583315,4 +583316,4 +583317,4 +583318,4 +583319,4 +583320,4 +583321,4 +583322,27 +583323,27 +583324,27 +583325,15 +583326,15 +583327,15 +583328,15 +583329,15 +583330,15 +583331,39 +583332,39 +583333,39 +583334,39 +583335,39 +583336,39 +583337,39 +583338,39 +583339,4 +583340,4 +583341,4 +583342,4 +583343,4 +583344,4 +583345,4 +583346,4 +583347,4 +583348,40 +583349,40 +583350,40 +583351,40 +583352,40 +583353,30 +583354,30 +583355,30 +583356,30 +583357,30 +583358,30 +583359,30 +583360,26 +583361,26 +583362,30 +583363,26 +583364,9 +583365,9 +583366,30 +583367,30 +583368,30 +583369,30 +583370,30 +583371,30 +583372,30 +583373,19 +583374,19 +583375,30 +583376,27 +583377,27 +583378,27 +583379,27 +583380,27 +583381,27 +583382,5 +583383,5 +583384,5 +583385,5 +583386,31 +583387,31 +583388,31 +583389,31 +583390,31 +583391,31 +583392,31 +583393,31 +583394,31 +583395,31 +583396,30 +583397,30 +583398,30 +583399,31 +583400,31 +583401,30 +583402,35 +583403,35 +583404,35 +583405,35 +583406,35 +583407,35 +583408,35 +583409,35 +583410,35 +583411,35 +583412,35 +583413,25 +583414,25 +583415,25 +583416,25 +583417,25 +583418,25 +583419,25 +583420,25 +583421,23 +583422,23 +583423,23 +583424,23 +583425,23 +583426,23 +583427,23 +583428,23 +583429,23 +583430,25 +583431,25 +583432,25 +583433,25 +583434,28 +583435,28 +583436,28 +583437,28 +583438,28 +583439,28 +583440,28 +583441,28 +583442,5 +583443,18 +583444,18 +583445,18 +583446,18 +583447,18 +583448,18 +583449,18 +583450,14 +583451,14 +583452,14 +583453,14 +583454,14 +583455,14 +583456,14 +583457,14 +583458,14 +583459,14 +583460,14 +583461,14 +583462,14 +583463,14 +583464,14 +583465,14 +583466,14 +583467,14 +583468,14 +583469,14 +583470,5 +583471,28 +583472,28 +583473,28 +583474,28 +583475,28 +583476,28 +583477,28 +583478,28 +583479,28 +583480,28 +583481,28 +583482,28 +583483,8 +583484,8 +583485,8 +583486,8 +583487,8 +583488,8 +583489,8 +583490,8 +583491,8 +583492,2 +583493,2 +583494,2 +583495,2 +583496,2 +583497,2 +583498,2 +583499,2 +583500,2 +583501,0 +583502,0 +583503,0 +583504,0 +583505,0 +583506,0 +583507,0 +583508,0 +583509,0 +583510,0 +583511,0 +583512,0 +583513,0 +583514,0 +583515,0 +583516,0 +583517,0 +583518,0 +583519,0 +583520,0 +583521,0 +583522,0 +583523,0 +583524,0 +583525,0 +583526,0 +583527,0 +583528,0 +583529,0 +583530,0 +583531,0 +583532,0 +583533,0 +583534,0 +583535,0 +583536,0 +583537,0 +583538,0 +583539,0 +583540,0 +583541,0 +583542,0 +583543,0 +583544,35 +583545,35 +583546,35 +583547,35 +583548,35 +583549,35 +583550,35 +583551,35 +583552,35 +583553,35 +583554,35 +583555,35 +583556,25 +583557,25 +583558,25 +583559,25 +583560,25 +583561,25 +583562,25 +583563,25 +583564,25 +583565,25 +583566,19 +583567,19 +583568,19 +583569,29 +583570,29 +583571,29 +583572,29 +583573,19 +583574,27 +583575,27 +583576,27 +583577,27 +583578,27 +583579,27 +583580,2 +583581,2 +583582,2 +583583,2 +583584,2 +583585,2 +583586,2 +583587,2 +583588,2 +583589,2 +583590,2 +583591,27 +583592,27 +583593,27 +583594,27 +583595,6 +583596,6 +583597,6 +583598,6 +583599,6 +583600,2 +583601,2 +583602,2 +583603,2 +583604,2 +583605,2 +583606,2 +583607,2 +583608,2 +583609,2 +583610,40 +583611,40 +583612,40 +583613,40 +583614,31 +583615,31 +583616,31 +583617,40 +583618,31 +583619,2 +583620,2 +583621,2 +583622,2 +583623,2 +583624,2 +583625,2 +583626,2 +583627,2 +583628,31 +583629,31 +583630,31 +583631,31 +583632,31 +583633,31 +583634,24 +583635,24 +583636,24 +583637,24 +583638,24 +583639,24 +583640,24 +583641,24 +583642,28 +583643,5 +583644,5 +583645,5 +583646,5 +583647,5 +583648,5 +583649,5 +583650,5 +583651,9 +583652,9 +583653,9 +583654,9 +583655,17 +583656,17 +583657,17 +583658,17 +583659,17 +583660,17 +583661,17 +583662,17 +583663,17 +583664,17 +583665,17 +583666,17 +583667,17 +583668,17 +583669,17 +583670,8 +583671,8 +583672,8 +583673,8 +583674,8 +583675,8 +583676,8 +583677,8 +583678,8 +583679,27 +583680,27 +583681,27 +583682,27 +583683,27 +583684,27 +583685,27 +583686,27 +583687,27 +583688,27 +583689,27 +583690,27 +583691,27 +583692,27 +583693,8 +583694,8 +583695,8 +583696,8 +583697,8 +583698,8 +583699,2 +583700,2 +583701,2 +583702,2 +583703,2 +583704,2 +583705,2 +583706,2 +583707,2 +583708,2 +583709,2 +583710,2 +583711,2 +583712,0 +583713,0 +583714,0 +583715,0 +583716,0 +583717,0 +583718,0 +583719,0 +583720,0 +583721,0 +583722,0 +583723,0 +583724,0 +583725,35 +583726,0 +583727,0 +583728,35 +583729,12 +583730,12 +583731,35 +583732,35 +583733,12 +583734,35 +583735,27 +583736,27 +583737,27 +583738,16 +583739,27 +583740,16 +583741,16 +583742,16 +583743,16 +583744,16 +583745,16 +583746,27 +583747,27 +583748,27 +583749,27 +583750,6 +583751,6 +583752,6 +583753,6 +583754,6 +583755,6 +583756,6 +583757,6 +583758,6 +583759,6 +583760,6 +583761,6 +583762,6 +583763,6 +583764,6 +583765,31 +583766,31 +583767,31 +583768,31 +583769,31 +583770,31 +583771,31 +583772,31 +583773,28 +583774,28 +583775,28 +583776,28 +583777,28 +583778,28 +583779,32 +583780,32 +583781,32 +583782,32 +583783,32 +583784,32 +583785,15 +583786,31 +583787,31 +583788,31 +583789,5 +583790,5 +583791,5 +583792,5 +583793,39 +583794,39 +583795,39 +583796,39 +583797,39 +583798,39 +583799,39 +583800,39 +583801,39 +583802,29 +583803,15 +583804,29 +583805,29 +583806,29 +583807,29 +583808,31 +583809,31 +583810,31 +583811,31 +583812,31 +583813,31 +583814,30 +583815,30 +583816,30 +583817,30 +583818,30 +583819,30 +583820,30 +583821,30 +583822,30 +583823,30 +583824,30 +583825,30 +583826,30 +583827,30 +583828,30 +583829,30 +583830,10 +583831,10 +583832,10 +583833,10 +583834,10 +583835,10 +583836,10 +583837,10 +583838,10 +583839,10 +583840,10 +583841,10 +583842,10 +583843,10 +583844,10 +583845,23 +583846,23 +583847,23 +583848,23 +583849,23 +583850,23 +583851,23 +583852,23 +583853,23 +583854,23 +583855,23 +583856,23 +583857,0 +583858,31 +583859,31 +583860,31 +583861,31 +583862,31 +583863,31 +583864,31 +583865,31 +583866,31 +583867,31 +583868,31 +583869,31 +583870,31 +583871,31 +583872,24 +583873,24 +583874,24 +583875,24 +583876,24 +583877,31 +583878,31 +583879,31 +583880,31 +583881,31 +583882,35 +583883,35 +583884,35 +583885,35 +583886,35 +583887,35 +583888,35 +583889,35 +583890,35 +583891,35 +583892,35 +583893,35 +583894,35 +583895,35 +583896,34 +583897,34 +583898,34 +583899,34 +583900,34 +583901,34 +583902,34 +583903,34 +583904,34 +583905,34 +583906,34 +583907,34 +583908,34 +583909,34 +583910,34 +583911,34 +583912,34 +583913,34 +583914,34 +583915,2 +583916,2 +583917,2 +583918,2 +583919,2 +583920,2 +583921,2 +583922,2 +583923,2 +583924,2 +583925,2 +583926,2 +583927,2 +583928,2 +583929,2 +583930,2 +583931,2 +583932,2 +583933,2 +583934,2 +583935,2 +583936,2 +583937,2 +583938,2 +583939,2 +583940,2 +583941,8 +583942,8 +583943,8 +583944,8 +583945,8 +583946,8 +583947,0 +583948,0 +583949,0 +583950,0 +583951,0 +583952,0 +583953,0 +583954,0 +583955,0 +583956,0 +583957,0 +583958,0 +583959,0 +583960,0 +583961,0 +583962,0 +583963,0 +583964,0 +583965,0 +583966,0 +583967,0 +583968,0 +583969,0 +583970,0 +583971,0 +583972,0 +583973,0 +583974,0 +583975,0 +583976,0 +583977,0 +583978,0 +583979,0 +583980,0 +583981,0 +583982,0 +583983,0 +583984,0 +583985,0 +583986,0 +583987,0 +583988,0 +583989,0 +583990,0 +583991,0 +583992,0 +583993,0 +583994,0 +583995,0 +583996,29 +583997,29 +583998,29 +583999,29 +584000,29 +584001,14 +584002,14 +584003,14 +584004,14 +584005,14 +584006,14 +584007,6 +584008,6 +584009,6 +584010,6 +584011,6 +584012,6 +584013,6 +584014,33 +584015,33 +584016,33 +584017,33 +584018,33 +584019,33 +584020,33 +584021,33 +584022,33 +584023,33 +584024,33 +584025,33 +584026,15 +584027,15 +584028,15 +584029,15 +584030,15 +584031,15 +584032,15 +584033,15 +584034,12 +584035,15 +584036,31 +584037,31 +584038,31 +584039,31 +584040,5 +584041,5 +584042,5 +584043,5 +584044,5 +584045,27 +584046,27 +584047,27 +584048,27 +584049,27 +584050,13 +584051,13 +584052,13 +584053,13 +584054,13 +584055,13 +584056,36 +584057,40 +584058,40 +584059,40 +584060,5 +584061,5 +584062,5 +584063,5 +584064,5 +584065,5 +584066,11 +584067,11 +584068,11 +584069,11 +584070,11 +584071,11 +584072,11 +584073,11 +584074,11 +584075,11 +584076,11 +584077,11 +584078,11 +584079,11 +584080,11 +584081,11 +584082,36 +584083,36 +584084,36 +584085,36 +584086,36 +584087,36 +584088,19 +584089,19 +584090,19 +584091,27 +584092,27 +584093,27 +584094,13 +584095,13 +584096,13 +584097,13 +584098,13 +584099,13 +584100,13 +584101,31 +584102,31 +584103,31 +584104,31 +584105,31 +584106,24 +584107,24 +584108,24 +584109,24 +584110,24 +584111,24 +584112,24 +584113,19 +584114,19 +584115,19 +584116,19 +584117,19 +584118,19 +584119,19 +584120,19 +584121,19 +584122,19 +584123,9 +584124,9 +584125,9 +584126,9 +584127,9 +584128,9 +584129,9 +584130,9 +584131,9 +584132,9 +584133,3 +584134,3 +584135,9 +584136,9 +584137,9 +584138,9 +584139,9 +584140,9 +584141,9 +584142,9 +584143,9 +584144,37 +584145,37 +584146,37 +584147,37 +584148,37 +584149,37 +584150,37 +584151,37 +584152,37 +584153,37 +584154,37 +584155,37 +584156,8 +584157,8 +584158,8 +584159,8 +584160,8 +584161,8 +584162,8 +584163,8 +584164,2 +584165,2 +584166,2 +584167,2 +584168,2 +584169,2 +584170,2 +584171,2 +584172,2 +584173,2 +584174,2 +584175,2 +584176,0 +584177,0 +584178,0 +584179,0 +584180,0 +584181,0 +584182,0 +584183,0 +584184,0 +584185,0 +584186,0 +584187,0 +584188,0 +584189,0 +584190,0 +584191,0 +584192,0 +584193,0 +584194,0 +584195,0 +584196,0 +584197,0 +584198,0 +584199,0 +584200,0 +584201,0 +584202,0 +584203,0 +584204,0 +584205,6 +584206,6 +584207,6 +584208,6 +584209,22 +584210,22 +584211,22 +584212,22 +584213,22 +584214,19 +584215,19 +584216,19 +584217,19 +584218,19 +584219,19 +584220,19 +584221,5 +584222,5 +584223,5 +584224,5 +584225,5 +584226,5 +584227,26 +584228,26 +584229,26 +584230,26 +584231,26 +584232,26 +584233,26 +584234,26 +584235,26 +584236,26 +584237,26 +584238,10 +584239,32 +584240,32 +584241,32 +584242,32 +584243,32 +584244,32 +584245,32 +584246,32 +584247,32 +584248,32 +584249,32 +584250,39 +584251,39 +584252,39 +584253,39 +584254,39 +584255,39 +584256,39 +584257,39 +584258,39 +584259,32 +584260,32 +584261,32 +584262,32 +584263,32 +584264,32 +584265,32 +584266,32 +584267,32 +584268,32 +584269,32 +584270,31 +584271,31 +584272,25 +584273,25 +584274,25 +584275,25 +584276,24 +584277,24 +584278,24 +584279,24 +584280,24 +584281,24 +584282,24 +584283,35 +584284,14 +584285,10 +584286,10 +584287,10 +584288,14 +584289,14 +584290,14 +584291,14 +584292,14 +584293,14 +584294,14 +584295,14 +584296,14 +584297,30 +584298,30 +584299,30 +584300,30 +584301,30 +584302,30 +584303,30 +584304,30 +584305,30 +584306,30 +584307,26 +584308,26 +584309,26 +584310,9 +584311,26 +584312,26 +584313,9 +584314,26 +584315,9 +584316,9 +584317,26 +584318,26 +584319,26 +584320,5 +584321,5 +584322,5 +584323,5 +584324,5 +584325,5 +584326,5 +584327,6 +584328,6 +584329,6 +584330,6 +584331,6 +584332,4 +584333,4 +584334,31 +584335,31 +584336,31 +584337,5 +584338,18 +584339,19 +584340,18 +584341,18 +584342,18 +584343,18 +584344,18 +584345,18 +584346,18 +584347,18 +584348,18 +584349,18 +584350,18 +584351,18 +584352,26 +584353,26 +584354,17 +584355,26 +584356,26 +584357,26 +584358,26 +584359,33 +584360,33 +584361,33 +584362,33 +584363,10 +584364,10 +584365,5 +584366,5 +584367,5 +584368,5 +584369,5 +584370,5 +584371,27 +584372,27 +584373,27 +584374,27 +584375,27 +584376,27 +584377,5 +584378,5 +584379,5 +584380,5 +584381,5 +584382,5 +584383,5 +584384,29 +584385,29 +584386,29 +584387,40 +584388,40 +584389,40 +584390,40 +584391,40 +584392,37 +584393,37 +584394,37 +584395,37 +584396,37 +584397,37 +584398,37 +584399,37 +584400,2 +584401,2 +584402,2 +584403,2 +584404,2 +584405,2 +584406,2 +584407,2 +584408,2 +584409,2 +584410,2 +584411,40 +584412,40 +584413,40 +584414,40 +584415,40 +584416,40 +584417,40 +584418,5 +584419,5 +584420,5 +584421,5 +584422,5 +584423,5 +584424,11 +584425,11 +584426,11 +584427,11 +584428,11 +584429,11 +584430,11 +584431,11 +584432,35 +584433,35 +584434,35 +584435,16 +584436,16 +584437,16 +584438,25 +584439,25 +584440,25 +584441,25 +584442,25 +584443,25 +584444,25 +584445,25 +584446,25 +584447,25 +584448,25 +584449,25 +584450,25 +584451,25 +584452,25 +584453,25 +584454,25 +584455,25 +584456,25 +584457,25 +584458,25 +584459,25 +584460,0 +584461,0 +584462,0 +584463,0 +584464,0 +584465,0 +584466,0 +584467,0 +584468,0 +584469,0 +584470,0 +584471,0 +584472,0 +584473,0 +584474,0 +584475,35 +584476,35 +584477,35 +584478,35 +584479,4 +584480,4 +584481,4 +584482,4 +584483,4 +584484,4 +584485,4 +584486,25 +584487,25 +584488,25 +584489,25 +584490,25 +584491,25 +584492,25 +584493,25 +584494,25 +584495,25 +584496,25 +584497,25 +584498,25 +584499,25 +584500,25 +584501,25 +584502,25 +584503,25 +584504,37 +584505,37 +584506,25 +584507,25 +584508,25 +584509,25 +584510,25 +584511,25 +584512,25 +584513,25 +584514,25 +584515,25 +584516,25 +584517,25 +584518,25 +584519,25 +584520,25 +584521,0 +584522,0 +584523,0 +584524,0 +584525,0 +584526,0 +584527,0 +584528,0 +584529,0 +584530,0 +584531,0 +584532,0 +584533,0 +584534,0 +584535,0 +584536,0 +584537,0 +584538,0 +584539,0 +584540,0 +584541,0 +584542,0 +584543,0 +584544,0 +584545,0 +584546,0 +584547,0 +584548,0 +584549,0 +584550,0 +584551,0 +584552,0 +584553,0 +584554,0 +584555,0 +584556,0 +584557,0 +584558,0 +584559,0 +584560,0 +584561,0 +584562,0 +584563,0 +584564,0 +584565,0 +584566,0 +584567,0 +584568,0 +584569,0 +584570,0 +584571,0 +584572,0 +584573,0 +584574,0 +584575,0 +584576,0 +584577,0 +584578,0 +584579,0 +584580,0 +584581,0 +584582,0 +584583,0 +584584,0 +584585,0 +584586,0 +584587,0 +584588,0 +584589,27 +584590,27 +584591,27 +584592,27 +584593,27 +584594,5 +584595,5 +584596,5 +584597,5 +584598,5 +584599,5 +584600,2 +584601,2 +584602,2 +584603,2 +584604,2 +584605,2 +584606,2 +584607,2 +584608,2 +584609,2 +584610,2 +584611,2 +584612,32 +584613,32 +584614,32 +584615,32 +584616,32 +584617,32 +584618,32 +584619,32 +584620,23 +584621,10 +584622,10 +584623,10 +584624,10 +584625,10 +584626,10 +584627,10 +584628,10 +584629,10 +584630,10 +584631,10 +584632,10 +584633,10 +584634,19 +584635,19 +584636,19 +584637,19 +584638,19 +584639,31 +584640,31 +584641,31 +584642,31 +584643,31 +584644,31 +584645,24 +584646,24 +584647,24 +584648,24 +584649,29 +584650,31 +584651,31 +584652,31 +584653,31 +584654,31 +584655,31 +584656,9 +584657,9 +584658,9 +584659,9 +584660,9 +584661,9 +584662,9 +584663,9 +584664,9 +584665,9 +584666,9 +584667,9 +584668,9 +584669,9 +584670,9 +584671,9 +584672,9 +584673,9 +584674,9 +584675,9 +584676,9 +584677,9 +584678,9 +584679,9 +584680,30 +584681,30 +584682,30 +584683,30 +584684,30 +584685,30 +584686,30 +584687,30 +584688,28 +584689,28 +584690,28 +584691,28 +584692,28 +584693,28 +584694,28 +584695,28 +584696,28 +584697,27 +584698,27 +584699,27 +584700,27 +584701,27 +584702,27 +584703,27 +584704,27 +584705,2 +584706,2 +584707,2 +584708,2 +584709,2 +584710,2 +584711,2 +584712,2 +584713,2 +584714,2 +584715,2 +584716,32 +584717,32 +584718,32 +584719,32 +584720,32 +584721,32 +584722,32 +584723,24 +584724,4 +584725,15 +584726,27 +584727,27 +584728,27 +584729,27 +584730,27 +584731,27 +584732,13 +584733,13 +584734,13 +584735,13 +584736,13 +584737,13 +584738,13 +584739,13 +584740,5 +584741,5 +584742,5 +584743,5 +584744,5 +584745,5 +584746,29 +584747,29 +584748,30 +584749,39 +584750,39 +584751,39 +584752,39 +584753,39 +584754,39 +584755,39 +584756,39 +584757,39 +584758,8 +584759,8 +584760,8 +584761,8 +584762,8 +584763,8 +584764,2 +584765,2 +584766,8 +584767,8 +584768,8 +584769,12 +584770,12 +584771,12 +584772,12 +584773,12 +584774,12 +584775,12 +584776,12 +584777,27 +584778,27 +584779,27 +584780,27 +584781,27 +584782,27 +584783,27 +584784,27 +584785,27 +584786,27 +584787,31 +584788,31 +584789,31 +584790,2 +584791,2 +584792,2 +584793,2 +584794,2 +584795,2 +584796,2 +584797,2 +584798,2 +584799,2 +584800,2 +584801,2 +584802,27 +584803,27 +584804,27 +584805,27 +584806,27 +584807,27 +584808,27 +584809,8 +584810,8 +584811,8 +584812,8 +584813,8 +584814,8 +584815,8 +584816,8 +584817,8 +584818,33 +584819,31 +584820,31 +584821,31 +584822,31 +584823,28 +584824,28 +584825,28 +584826,28 +584827,28 +584828,28 +584829,28 +584830,28 +584831,28 +584832,28 +584833,8 +584834,8 +584835,8 +584836,8 +584837,8 +584838,9 +584839,9 +584840,9 +584841,9 +584842,9 +584843,26 +584844,26 +584845,26 +584846,26 +584847,26 +584848,26 +584849,26 +584850,26 +584851,26 +584852,26 +584853,26 +584854,26 +584855,26 +584856,26 +584857,26 +584858,26 +584859,26 +584860,26 +584861,26 +584862,5 +584863,5 +584864,5 +584865,5 +584866,5 +584867,5 +584868,5 +584869,5 +584870,5 +584871,5 +584872,5 +584873,5 +584874,5 +584875,5 +584876,5 +584877,0 +584878,0 +584879,0 +584880,0 +584881,0 +584882,0 +584883,0 +584884,0 +584885,0 +584886,0 +584887,0 +584888,0 +584889,0 +584890,0 +584891,0 +584892,0 +584893,0 +584894,0 +584895,0 +584896,0 +584897,0 +584898,0 +584899,0 +584900,0 +584901,0 +584902,0 +584903,0 +584904,0 +584905,0 +584906,0 +584907,0 +584908,0 +584909,0 +584910,0 +584911,0 +584912,0 +584913,0 +584914,0 +584915,0 +584916,0 +584917,0 +584918,0 +584919,0 +584920,0 +584921,0 +584922,0 +584923,0 +584924,0 +584925,0 +584926,0 +584927,35 +584928,35 +584929,35 +584930,35 +584931,35 +584932,35 +584933,32 +584934,25 +584935,25 +584936,25 +584937,25 +584938,25 +584939,25 +584940,25 +584941,25 +584942,25 +584943,2 +584944,2 +584945,2 +584946,2 +584947,2 +584948,2 +584949,2 +584950,2 +584951,2 +584952,2 +584953,2 +584954,2 +584955,3 +584956,3 +584957,12 +584958,12 +584959,12 +584960,12 +584961,3 +584962,3 +584963,22 +584964,22 +584965,19 +584966,19 +584967,19 +584968,19 +584969,19 +584970,19 +584971,19 +584972,5 +584973,5 +584974,5 +584975,5 +584976,5 +584977,5 +584978,5 +584979,5 +584980,3 +584981,3 +584982,3 +584983,3 +584984,3 +584985,3 +584986,3 +584987,3 +584988,3 +584989,3 +584990,3 +584991,3 +584992,3 +584993,3 +584994,3 +584995,3 +584996,3 +584997,6 +584998,6 +584999,6 +585000,6 +585001,6 +585002,6 +585003,6 +585004,6 +585005,6 +585006,6 +585007,6 +585008,6 +585009,40 +585010,40 +585011,40 +585012,40 +585013,40 +585014,40 +585015,40 +585016,37 +585017,37 +585018,37 +585019,37 +585020,37 +585021,37 +585022,37 +585023,37 +585024,37 +585025,37 +585026,37 +585027,37 +585028,37 +585029,37 +585030,39 +585031,39 +585032,39 +585033,39 +585034,39 +585035,39 +585036,39 +585037,31 +585038,31 +585039,31 +585040,31 +585041,33 +585042,33 +585043,33 +585044,33 +585045,33 +585046,33 +585047,33 +585048,33 +585049,33 +585050,33 +585051,6 +585052,6 +585053,6 +585054,6 +585055,6 +585056,6 +585057,6 +585058,6 +585059,12 +585060,12 +585061,12 +585062,12 +585063,12 +585064,10 +585065,10 +585066,10 +585067,10 +585068,10 +585069,10 +585070,10 +585071,10 +585072,4 +585073,4 +585074,4 +585075,4 +585076,4 +585077,12 +585078,12 +585079,12 +585080,12 +585081,12 +585082,12 +585083,12 +585084,12 +585085,12 +585086,12 +585087,40 +585088,40 +585089,31 +585090,31 +585091,31 +585092,40 +585093,40 +585094,40 +585095,40 +585096,40 +585097,40 +585098,40 +585099,40 +585100,40 +585101,30 +585102,30 +585103,30 +585104,30 +585105,30 +585106,30 +585107,30 +585108,30 +585109,30 +585110,35 +585111,35 +585112,35 +585113,35 +585114,35 +585115,35 +585116,35 +585117,35 +585118,35 +585119,36 +585120,36 +585121,36 +585122,24 +585123,24 +585124,24 +585125,27 +585126,27 +585127,27 +585128,27 +585129,27 +585130,5 +585131,5 +585132,5 +585133,5 +585134,5 +585135,5 +585136,5 +585137,19 +585138,19 +585139,19 +585140,19 +585141,19 +585142,37 +585143,37 +585144,37 +585145,37 +585146,37 +585147,31 +585148,31 +585149,31 +585150,31 +585151,31 +585152,31 +585153,5 +585154,5 +585155,5 +585156,5 +585157,6 +585158,6 +585159,6 +585160,6 +585161,6 +585162,22 +585163,22 +585164,31 +585165,31 +585166,31 +585167,31 +585168,31 +585169,21 +585170,21 +585171,21 +585172,21 +585173,21 +585174,21 +585175,21 +585176,21 +585177,30 +585178,30 +585179,30 +585180,30 +585181,30 +585182,30 +585183,36 +585184,36 +585185,36 +585186,36 +585187,36 +585188,36 +585189,36 +585190,36 +585191,36 +585192,36 +585193,36 +585194,36 +585195,36 +585196,36 +585197,36 +585198,2 +585199,2 +585200,2 +585201,2 +585202,2 +585203,2 +585204,2 +585205,2 +585206,2 +585207,2 +585208,2 +585209,5 +585210,5 +585211,5 +585212,5 +585213,5 +585214,34 +585215,34 +585216,34 +585217,34 +585218,34 +585219,34 +585220,34 +585221,34 +585222,34 +585223,34 +585224,34 +585225,34 +585226,34 +585227,31 +585228,31 +585229,31 +585230,31 +585231,31 +585232,31 +585233,5 +585234,5 +585235,5 +585236,5 +585237,5 +585238,5 +585239,5 +585240,29 +585241,40 +585242,40 +585243,40 +585244,40 +585245,40 +585246,40 +585247,40 +585248,40 +585249,40 +585250,40 +585251,5 +585252,5 +585253,5 +585254,5 +585255,5 +585256,5 +585257,5 +585258,12 +585259,12 +585260,12 +585261,12 +585262,12 +585263,12 +585264,12 +585265,27 +585266,27 +585267,27 +585268,27 +585269,27 +585270,27 +585271,27 +585272,38 +585273,38 +585274,38 +585275,38 +585276,38 +585277,38 +585278,38 +585279,38 +585280,38 +585281,35 +585282,35 +585283,35 +585284,35 +585285,27 +585286,27 +585287,27 +585288,27 +585289,27 +585290,27 +585291,27 +585292,27 +585293,27 +585294,28 +585295,28 +585296,28 +585297,28 +585298,28 +585299,28 +585300,27 +585301,27 +585302,27 +585303,13 +585304,13 +585305,13 +585306,13 +585307,13 +585308,13 +585309,6 +585310,6 +585311,6 +585312,6 +585313,6 +585314,6 +585315,6 +585316,6 +585317,31 +585318,31 +585319,31 +585320,31 +585321,31 +585322,31 +585323,28 +585324,28 +585325,28 +585326,28 +585327,28 +585328,28 +585329,28 +585330,32 +585331,32 +585332,31 +585333,31 +585334,31 +585335,31 +585336,5 +585337,5 +585338,5 +585339,5 +585340,3 +585341,3 +585342,39 +585343,39 +585344,39 +585345,39 +585346,39 +585347,12 +585348,12 +585349,12 +585350,12 +585351,12 +585352,31 +585353,31 +585354,31 +585355,31 +585356,31 +585357,31 +585358,8 +585359,8 +585360,2 +585361,2 +585362,2 +585363,2 +585364,2 +585365,2 +585366,2 +585367,2 +585368,2 +585369,2 +585370,40 +585371,40 +585372,40 +585373,40 +585374,40 +585375,40 +585376,40 +585377,37 +585378,37 +585379,37 +585380,37 +585381,31 +585382,31 +585383,31 +585384,31 +585385,31 +585386,31 +585387,31 +585388,31 +585389,33 +585390,33 +585391,30 +585392,30 +585393,30 +585394,30 +585395,30 +585396,30 +585397,30 +585398,30 +585399,26 +585400,26 +585401,26 +585402,26 +585403,26 +585404,26 +585405,26 +585406,26 +585407,26 +585408,26 +585409,29 +585410,29 +585411,29 +585412,29 +585413,29 +585414,29 +585415,29 +585416,29 +585417,25 +585418,25 +585419,40 +585420,37 +585421,37 +585422,25 +585423,25 +585424,25 +585425,25 +585426,25 +585427,25 +585428,25 +585429,25 +585430,25 +585431,25 +585432,8 +585433,8 +585434,8 +585435,8 +585436,8 +585437,8 +585438,8 +585439,8 +585440,8 +585441,8 +585442,8 +585443,8 +585444,2 +585445,2 +585446,2 +585447,0 +585448,0 +585449,0 +585450,0 +585451,0 +585452,0 +585453,0 +585454,0 +585455,0 +585456,0 +585457,0 +585458,0 +585459,0 +585460,0 +585461,0 +585462,0 +585463,0 +585464,0 +585465,0 +585466,0 +585467,0 +585468,0 +585469,0 +585470,0 +585471,0 +585472,0 +585473,0 +585474,0 +585475,0 +585476,0 +585477,0 +585478,0 +585479,12 +585480,12 +585481,12 +585482,12 +585483,12 +585484,12 +585485,12 +585486,31 +585487,31 +585488,31 +585489,31 +585490,5 +585491,5 +585492,5 +585493,5 +585494,5 +585495,29 +585496,29 +585497,31 +585498,31 +585499,31 +585500,31 +585501,6 +585502,6 +585503,6 +585504,6 +585505,6 +585506,6 +585507,6 +585508,6 +585509,6 +585510,6 +585511,26 +585512,26 +585513,26 +585514,26 +585515,26 +585516,26 +585517,5 +585518,5 +585519,5 +585520,31 +585521,5 +585522,1 +585523,15 +585524,24 +585525,24 +585526,25 +585527,25 +585528,25 +585529,25 +585530,25 +585531,25 +585532,2 +585533,2 +585534,2 +585535,2 +585536,2 +585537,2 +585538,2 +585539,2 +585540,2 +585541,2 +585542,2 +585543,14 +585544,14 +585545,14 +585546,14 +585547,14 +585548,14 +585549,14 +585550,14 +585551,11 +585552,11 +585553,11 +585554,11 +585555,11 +585556,11 +585557,11 +585558,11 +585559,11 +585560,11 +585561,31 +585562,31 +585563,31 +585564,31 +585565,5 +585566,5 +585567,5 +585568,5 +585569,12 +585570,12 +585571,12 +585572,12 +585573,12 +585574,12 +585575,12 +585576,12 +585577,12 +585578,31 +585579,31 +585580,31 +585581,31 +585582,31 +585583,8 +585584,8 +585585,8 +585586,8 +585587,8 +585588,8 +585589,8 +585590,18 +585591,18 +585592,18 +585593,18 +585594,18 +585595,18 +585596,18 +585597,18 +585598,18 +585599,18 +585600,18 +585601,40 +585602,40 +585603,40 +585604,40 +585605,40 +585606,40 +585607,40 +585608,5 +585609,5 +585610,5 +585611,5 +585612,5 +585613,5 +585614,5 +585615,5 +585616,5 +585617,5 +585618,33 +585619,33 +585620,33 +585621,33 +585622,26 +585623,26 +585624,26 +585625,30 +585626,30 +585627,30 +585628,30 +585629,30 +585630,30 +585631,30 +585632,30 +585633,30 +585634,30 +585635,30 +585636,30 +585637,30 +585638,30 +585639,30 +585640,30 +585641,30 +585642,30 +585643,30 +585644,30 +585645,30 +585646,30 +585647,30 +585648,0 +585649,0 +585650,0 +585651,0 +585652,0 +585653,0 +585654,0 +585655,0 +585656,0 +585657,0 +585658,0 +585659,0 +585660,0 +585661,0 +585662,0 +585663,0 +585664,0 +585665,0 +585666,0 +585667,0 +585668,0 +585669,0 +585670,0 +585671,0 +585672,0 +585673,0 +585674,0 +585675,0 +585676,0 +585677,0 +585678,0 +585679,0 +585680,0 +585681,0 +585682,0 +585683,0 +585684,0 +585685,0 +585686,0 +585687,0 +585688,0 +585689,0 +585690,0 +585691,0 +585692,0 +585693,0 +585694,0 +585695,0 +585696,0 +585697,0 +585698,0 +585699,0 +585700,0 +585701,0 +585702,0 +585703,0 +585704,0 +585705,0 +585706,0 +585707,6 +585708,6 +585709,6 +585710,6 +585711,6 +585712,6 +585713,30 +585714,30 +585715,30 +585716,30 +585717,30 +585718,33 +585719,30 +585720,30 +585721,30 +585722,33 +585723,33 +585724,33 +585725,33 +585726,33 +585727,33 +585728,33 +585729,33 +585730,33 +585731,8 +585732,8 +585733,8 +585734,2 +585735,2 +585736,2 +585737,2 +585738,2 +585739,2 +585740,2 +585741,2 +585742,2 +585743,2 +585744,2 +585745,2 +585746,2 +585747,27 +585748,27 +585749,27 +585750,19 +585751,19 +585752,19 +585753,19 +585754,19 +585755,19 +585756,19 +585757,19 +585758,19 +585759,19 +585760,9 +585761,9 +585762,9 +585763,9 +585764,9 +585765,9 +585766,9 +585767,9 +585768,9 +585769,9 +585770,9 +585771,9 +585772,9 +585773,9 +585774,37 +585775,37 +585776,37 +585777,37 +585778,37 +585779,37 +585780,37 +585781,37 +585782,37 +585783,25 +585784,25 +585785,6 +585786,6 +585787,6 +585788,6 +585789,6 +585790,6 +585791,6 +585792,6 +585793,6 +585794,6 +585795,6 +585796,6 +585797,40 +585798,40 +585799,40 +585800,40 +585801,40 +585802,40 +585803,40 +585804,37 +585805,37 +585806,37 +585807,37 +585808,37 +585809,37 +585810,37 +585811,37 +585812,23 +585813,23 +585814,23 +585815,23 +585816,23 +585817,23 +585818,23 +585819,23 +585820,23 +585821,23 +585822,30 +585823,30 +585824,30 +585825,30 +585826,30 +585827,30 +585828,30 +585829,30 +585830,30 +585831,39 +585832,39 +585833,39 +585834,39 +585835,39 +585836,39 +585837,39 +585838,39 +585839,39 +585840,39 +585841,39 +585842,39 +585843,39 +585844,39 +585845,39 +585846,39 +585847,39 +585848,0 +585849,0 +585850,0 +585851,0 +585852,31 +585853,31 +585854,31 +585855,5 +585856,5 +585857,19 +585858,5 +585859,5 +585860,5 +585861,24 +585862,24 +585863,24 +585864,24 +585865,24 +585866,24 +585867,27 +585868,27 +585869,27 +585870,27 +585871,27 +585872,27 +585873,27 +585874,27 +585875,4 +585876,4 +585877,4 +585878,4 +585879,4 +585880,4 +585881,4 +585882,4 +585883,4 +585884,4 +585885,4 +585886,4 +585887,4 +585888,25 +585889,25 +585890,25 +585891,25 +585892,25 +585893,25 +585894,25 +585895,25 +585896,25 +585897,25 +585898,25 +585899,25 +585900,5 +585901,5 +585902,5 +585903,5 +585904,5 +585905,5 +585906,4 +585907,4 +585908,4 +585909,4 +585910,4 +585911,4 +585912,27 +585913,31 +585914,31 +585915,31 +585916,29 +585917,29 +585918,29 +585919,29 +585920,29 +585921,29 +585922,36 +585923,31 +585924,31 +585925,35 +585926,36 +585927,36 +585928,36 +585929,36 +585930,36 +585931,35 +585932,35 +585933,35 +585934,35 +585935,35 +585936,35 +585937,34 +585938,34 +585939,34 +585940,34 +585941,34 +585942,34 +585943,34 +585944,34 +585945,34 +585946,34 +585947,34 +585948,34 +585949,34 +585950,34 +585951,34 +585952,34 +585953,34 +585954,34 +585955,34 +585956,2 +585957,2 +585958,2 +585959,2 +585960,2 +585961,2 +585962,2 +585963,2 +585964,2 +585965,2 +585966,2 +585967,2 +585968,2 +585969,2 +585970,8 +585971,8 +585972,8 +585973,8 +585974,8 +585975,8 +585976,8 +585977,8 +585978,8 +585979,8 +585980,8 +585981,8 +585982,8 +585983,8 +585984,8 +585985,8 +585986,0 +585987,0 +585988,0 +585989,0 +585990,0 +585991,0 +585992,0 +585993,0 +585994,0 +585995,0 +585996,0 +585997,0 +585998,0 +585999,0 +586000,0 +586001,0 +586002,0 +586003,0 +586004,0 +586005,0 +586006,0 +586007,0 +586008,0 +586009,0 +586010,0 +586011,0 +586012,0 +586013,0 +586014,0 +586015,0 +586016,0 +586017,0 +586018,0 +586019,0 +586020,0 +586021,0 +586022,0 +586023,0 +586024,0 +586025,0 +586026,0 +586027,0 +586028,0 +586029,0 +586030,0 +586031,0 +586032,0 +586033,0 +586034,0 +586035,0 +586036,0 +586037,0 +586038,0 +586039,0 +586040,0 +586041,0 +586042,0 +586043,0 +586044,0 +586045,0 +586046,0 +586047,0 +586048,0 +586049,29 +586050,29 +586051,31 +586052,31 +586053,31 +586054,31 +586055,31 +586056,31 +586057,4 +586058,4 +586059,4 +586060,4 +586061,4 +586062,4 +586063,4 +586064,4 +586065,4 +586066,4 +586067,4 +586068,14 +586069,14 +586070,14 +586071,14 +586072,14 +586073,10 +586074,10 +586075,14 +586076,14 +586077,14 +586078,14 +586079,14 +586080,14 +586081,14 +586082,14 +586083,14 +586084,14 +586085,26 +586086,26 +586087,30 +586088,30 +586089,30 +586090,30 +586091,30 +586092,30 +586093,31 +586094,31 +586095,31 +586096,31 +586097,31 +586098,24 +586099,24 +586100,24 +586101,24 +586102,29 +586103,29 +586104,29 +586105,29 +586106,29 +586107,29 +586108,39 +586109,39 +586110,39 +586111,39 +586112,39 +586113,39 +586114,39 +586115,27 +586116,27 +586117,27 +586118,27 +586119,5 +586120,5 +586121,5 +586122,5 +586123,5 +586124,5 +586125,24 +586126,24 +586127,24 +586128,24 +586129,24 +586130,14 +586131,14 +586132,14 +586133,14 +586134,14 +586135,14 +586136,14 +586137,14 +586138,14 +586139,14 +586140,14 +586141,14 +586142,14 +586143,14 +586144,14 +586145,18 +586146,18 +586147,18 +586148,20 +586149,20 +586150,20 +586151,20 +586152,20 +586153,20 +586154,31 +586155,31 +586156,31 +586157,31 +586158,31 +586159,5 +586160,5 +586161,5 +586162,5 +586163,5 +586164,35 +586165,35 +586166,35 +586167,35 +586168,35 +586169,35 +586170,35 +586171,35 +586172,36 +586173,36 +586174,36 +586175,36 +586176,19 +586177,19 +586178,19 +586179,19 +586180,19 +586181,19 +586182,19 +586183,15 +586184,15 +586185,15 +586186,15 +586187,27 +586188,27 +586189,27 +586190,27 +586191,27 +586192,27 +586193,27 +586194,27 +586195,27 +586196,27 +586197,27 +586198,5 +586199,5 +586200,5 +586201,5 +586202,5 +586203,5 +586204,5 +586205,5 +586206,5 +586207,5 +586208,5 +586209,5 +586210,5 +586211,5 +586212,5 +586213,0 +586214,0 +586215,0 +586216,0 +586217,0 +586218,27 +586219,27 +586220,27 +586221,27 +586222,27 +586223,27 +586224,27 +586225,27 +586226,27 +586227,27 +586228,5 +586229,5 +586230,5 +586231,5 +586232,4 +586233,4 +586234,19 +586235,4 +586236,4 +586237,4 +586238,25 +586239,25 +586240,25 +586241,25 +586242,25 +586243,25 +586244,25 +586245,25 +586246,25 +586247,4 +586248,4 +586249,4 +586250,4 +586251,4 +586252,4 +586253,4 +586254,4 +586255,4 +586256,4 +586257,4 +586258,4 +586259,4 +586260,4 +586261,4 +586262,4 +586263,4 +586264,32 +586265,30 +586266,33 +586267,33 +586268,33 +586269,33 +586270,33 +586271,33 +586272,30 +586273,30 +586274,30 +586275,10 +586276,10 +586277,10 +586278,10 +586279,33 +586280,10 +586281,10 +586282,10 +586283,10 +586284,10 +586285,10 +586286,10 +586287,10 +586288,10 +586289,10 +586290,10 +586291,10 +586292,10 +586293,10 +586294,10 +586295,10 +586296,10 +586297,5 +586298,5 +586299,5 +586300,5 +586301,5 +586302,5 +586303,5 +586304,19 +586305,19 +586306,19 +586307,19 +586308,4 +586309,4 +586310,4 +586311,4 +586312,19 +586313,0 +586314,0 +586315,0 +586316,0 +586317,0 +586318,0 +586319,0 +586320,0 +586321,0 +586322,0 +586323,0 +586324,0 +586325,0 +586326,0 +586327,0 +586328,0 +586329,0 +586330,0 +586331,0 +586332,0 +586333,0 +586334,0 +586335,0 +586336,0 +586337,12 +586338,12 +586339,12 +586340,12 +586341,12 +586342,12 +586343,12 +586344,12 +586345,27 +586346,31 +586347,31 +586348,38 +586349,38 +586350,38 +586351,38 +586352,38 +586353,29 +586354,29 +586355,31 +586356,31 +586357,31 +586358,31 +586359,31 +586360,31 +586361,35 +586362,35 +586363,35 +586364,35 +586365,35 +586366,35 +586367,35 +586368,35 +586369,35 +586370,35 +586371,33 +586372,33 +586373,33 +586374,33 +586375,33 +586376,33 +586377,33 +586378,33 +586379,33 +586380,30 +586381,30 +586382,30 +586383,30 +586384,30 +586385,30 +586386,30 +586387,30 +586388,30 +586389,30 +586390,30 +586391,2 +586392,2 +586393,2 +586394,2 +586395,2 +586396,2 +586397,2 +586398,2 +586399,2 +586400,2 +586401,2 +586402,2 +586403,2 +586404,2 +586405,2 +586406,2 +586407,10 +586408,10 +586409,10 +586410,10 +586411,10 +586412,10 +586413,10 +586414,10 +586415,10 +586416,10 +586417,6 +586418,6 +586419,6 +586420,6 +586421,6 +586422,6 +586423,6 +586424,6 +586425,31 +586426,31 +586427,6 +586428,31 +586429,31 +586430,31 +586431,31 +586432,30 +586433,30 +586434,30 +586435,30 +586436,30 +586437,30 +586438,30 +586439,31 +586440,31 +586441,31 +586442,31 +586443,31 +586444,31 +586445,24 +586446,24 +586447,24 +586448,24 +586449,24 +586450,24 +586451,24 +586452,37 +586453,37 +586454,37 +586455,37 +586456,37 +586457,37 +586458,31 +586459,31 +586460,33 +586461,33 +586462,33 +586463,28 +586464,28 +586465,28 +586466,28 +586467,28 +586468,28 +586469,28 +586470,28 +586471,28 +586472,28 +586473,36 +586474,36 +586475,36 +586476,36 +586477,36 +586478,36 +586479,36 +586480,36 +586481,36 +586482,36 +586483,36 +586484,5 +586485,5 +586486,5 +586487,4 +586488,4 +586489,4 +586490,4 +586491,4 +586492,4 +586493,4 +586494,4 +586495,27 +586496,27 +586497,27 +586498,6 +586499,6 +586500,6 +586501,6 +586502,6 +586503,6 +586504,6 +586505,6 +586506,6 +586507,30 +586508,30 +586509,30 +586510,30 +586511,30 +586512,30 +586513,30 +586514,30 +586515,30 +586516,30 +586517,10 +586518,10 +586519,10 +586520,10 +586521,10 +586522,10 +586523,10 +586524,40 +586525,40 +586526,31 +586527,18 +586528,18 +586529,18 +586530,18 +586531,18 +586532,18 +586533,18 +586534,18 +586535,18 +586536,18 +586537,31 +586538,31 +586539,31 +586540,31 +586541,31 +586542,31 +586543,27 +586544,28 +586545,28 +586546,28 +586547,28 +586548,28 +586549,28 +586550,28 +586551,28 +586552,28 +586553,28 +586554,28 +586555,28 +586556,28 +586557,28 +586558,28 +586559,28 +586560,28 +586561,8 +586562,8 +586563,8 +586564,8 +586565,8 +586566,8 +586567,8 +586568,8 +586569,8 +586570,8 +586571,8 +586572,2 +586573,2 +586574,2 +586575,2 +586576,2 +586577,0 +586578,0 +586579,0 +586580,0 +586581,0 +586582,0 +586583,23 +586584,23 +586585,23 +586586,23 +586587,23 +586588,23 +586589,23 +586590,23 +586591,23 +586592,23 +586593,23 +586594,23 +586595,23 +586596,14 +586597,14 +586598,14 +586599,14 +586600,14 +586601,14 +586602,14 +586603,14 +586604,14 +586605,14 +586606,4 +586607,4 +586608,4 +586609,4 +586610,25 +586611,25 +586612,25 +586613,25 +586614,25 +586615,25 +586616,25 +586617,25 +586618,25 +586619,25 +586620,25 +586621,25 +586622,25 +586623,25 +586624,25 +586625,25 +586626,25 +586627,23 +586628,23 +586629,23 +586630,23 +586631,23 +586632,23 +586633,23 +586634,23 +586635,23 +586636,23 +586637,23 +586638,23 +586639,23 +586640,9 +586641,9 +586642,9 +586643,9 +586644,9 +586645,9 +586646,37 +586647,37 +586648,37 +586649,37 +586650,37 +586651,37 +586652,37 +586653,37 +586654,37 +586655,37 +586656,37 +586657,37 +586658,37 +586659,37 +586660,37 +586661,39 +586662,39 +586663,39 +586664,39 +586665,39 +586666,39 +586667,39 +586668,39 +586669,14 +586670,25 +586671,25 +586672,25 +586673,25 +586674,25 +586675,25 +586676,31 +586677,37 +586678,37 +586679,37 +586680,37 +586681,25 +586682,25 +586683,25 +586684,14 +586685,14 +586686,14 +586687,14 +586688,14 +586689,14 +586690,14 +586691,14 +586692,14 +586693,14 +586694,14 +586695,15 +586696,15 +586697,15 +586698,15 +586699,15 +586700,15 +586701,39 +586702,39 +586703,39 +586704,39 +586705,39 +586706,39 +586707,39 +586708,39 +586709,27 +586710,27 +586711,27 +586712,27 +586713,27 +586714,27 +586715,28 +586716,28 +586717,28 +586718,5 +586719,5 +586720,5 +586721,5 +586722,5 +586723,5 +586724,5 +586725,5 +586726,5 +586727,5 +586728,5 +586729,34 +586730,34 +586731,34 +586732,34 +586733,34 +586734,10 +586735,10 +586736,10 +586737,10 +586738,10 +586739,10 +586740,10 +586741,10 +586742,10 +586743,10 +586744,10 +586745,10 +586746,10 +586747,10 +586748,10 +586749,10 +586750,10 +586751,10 +586752,14 +586753,4 +586754,4 +586755,4 +586756,4 +586757,4 +586758,4 +586759,4 +586760,4 +586761,2 +586762,2 +586763,2 +586764,2 +586765,2 +586766,2 +586767,2 +586768,2 +586769,2 +586770,2 +586771,2 +586772,2 +586773,2 +586774,2 +586775,2 +586776,2 +586777,2 +586778,2 +586779,2 +586780,2 +586781,0 +586782,0 +586783,0 +586784,0 +586785,0 +586786,0 +586787,0 +586788,0 +586789,0 +586790,0 +586791,0 +586792,0 +586793,0 +586794,0 +586795,0 +586796,0 +586797,0 +586798,0 +586799,0 +586800,0 +586801,0 +586802,0 +586803,0 +586804,0 +586805,0 +586806,0 +586807,0 +586808,0 +586809,0 +586810,0 +586811,0 +586812,0 +586813,0 +586814,29 +586815,29 +586816,29 +586817,33 +586818,33 +586819,33 +586820,33 +586821,33 +586822,33 +586823,33 +586824,33 +586825,33 +586826,33 +586827,29 +586828,29 +586829,29 +586830,24 +586831,29 +586832,25 +586833,25 +586834,25 +586835,25 +586836,25 +586837,25 +586838,25 +586839,25 +586840,25 +586841,25 +586842,25 +586843,25 +586844,2 +586845,2 +586846,2 +586847,2 +586848,2 +586849,2 +586850,2 +586851,2 +586852,2 +586853,2 +586854,2 +586855,2 +586856,2 +586857,2 +586858,2 +586859,2 +586860,31 +586861,31 +586862,31 +586863,31 +586864,31 +586865,31 +586866,31 +586867,31 +586868,31 +586869,30 +586870,13 +586871,13 +586872,13 +586873,13 +586874,13 +586875,13 +586876,13 +586877,26 +586878,26 +586879,26 +586880,26 +586881,26 +586882,26 +586883,26 +586884,26 +586885,26 +586886,26 +586887,26 +586888,26 +586889,26 +586890,26 +586891,26 +586892,5 +586893,5 +586894,5 +586895,5 +586896,14 +586897,14 +586898,14 +586899,14 +586900,27 +586901,27 +586902,27 +586903,40 +586904,40 +586905,40 +586906,40 +586907,6 +586908,14 +586909,14 +586910,14 +586911,14 +586912,10 +586913,10 +586914,10 +586915,14 +586916,0 +586917,0 +586918,0 +586919,0 +586920,0 +586921,0 +586922,0 +586923,0 +586924,0 +586925,0 +586926,0 +586927,0 +586928,36 +586929,36 +586930,40 +586931,40 +586932,40 +586933,40 +586934,40 +586935,40 +586936,40 +586937,40 +586938,8 +586939,8 +586940,8 +586941,8 +586942,8 +586943,8 +586944,8 +586945,8 +586946,8 +586947,8 +586948,12 +586949,12 +586950,12 +586951,12 +586952,12 +586953,12 +586954,12 +586955,12 +586956,12 +586957,12 +586958,12 +586959,31 +586960,31 +586961,31 +586962,31 +586963,31 +586964,5 +586965,5 +586966,5 +586967,5 +586968,5 +586969,5 +586970,5 +586971,8 +586972,8 +586973,8 +586974,8 +586975,8 +586976,8 +586977,8 +586978,5 +586979,5 +586980,5 +586981,5 +586982,5 +586983,5 +586984,5 +586985,5 +586986,5 +586987,5 +586988,5 +586989,33 +586990,33 +586991,33 +586992,33 +586993,1 +586994,1 +586995,40 +586996,28 +586997,28 +586998,28 +586999,28 +587000,28 +587001,28 +587002,28 +587003,28 +587004,39 +587005,39 +587006,39 +587007,39 +587008,39 +587009,39 +587010,39 +587011,39 +587012,39 +587013,39 +587014,39 +587015,39 +587016,19 +587017,19 +587018,19 +587019,19 +587020,19 +587021,19 +587022,19 +587023,27 +587024,27 +587025,27 +587026,27 +587027,27 +587028,2 +587029,2 +587030,2 +587031,2 +587032,2 +587033,2 +587034,2 +587035,2 +587036,2 +587037,2 +587038,2 +587039,2 +587040,2 +587041,2 +587042,39 +587043,39 +587044,39 +587045,39 +587046,39 +587047,39 +587048,39 +587049,39 +587050,39 +587051,39 +587052,39 +587053,39 +587054,39 +587055,39 +587056,39 +587057,39 +587058,39 +587059,39 +587060,39 +587061,39 +587062,39 +587063,39 +587064,39 +587065,39 +587066,39 +587067,39 +587068,39 +587069,39 +587070,0 +587071,0 +587072,0 +587073,0 +587074,0 +587075,0 +587076,0 +587077,0 +587078,0 +587079,0 +587080,0 +587081,0 +587082,0 +587083,0 +587084,0 +587085,0 +587086,0 +587087,0 +587088,0 +587089,0 +587090,0 +587091,0 +587092,0 +587093,0 +587094,0 +587095,0 +587096,0 +587097,0 +587098,0 +587099,0 +587100,0 +587101,0 +587102,0 +587103,0 +587104,0 +587105,0 +587106,0 +587107,0 +587108,0 +587109,0 +587110,0 +587111,0 +587112,0 +587113,0 +587114,0 +587115,0 +587116,0 +587117,0 +587118,0 +587119,0 +587120,0 +587121,0 +587122,0 +587123,29 +587124,29 +587125,27 +587126,27 +587127,27 +587128,27 +587129,27 +587130,27 +587131,27 +587132,27 +587133,27 +587134,2 +587135,2 +587136,2 +587137,2 +587138,2 +587139,2 +587140,2 +587141,2 +587142,2 +587143,2 +587144,2 +587145,2 +587146,2 +587147,2 +587148,2 +587149,28 +587150,28 +587151,28 +587152,28 +587153,28 +587154,28 +587155,28 +587156,34 +587157,34 +587158,34 +587159,34 +587160,40 +587161,40 +587162,40 +587163,40 +587164,40 +587165,40 +587166,40 +587167,40 +587168,30 +587169,30 +587170,30 +587171,30 +587172,30 +587173,30 +587174,30 +587175,30 +587176,30 +587177,2 +587178,2 +587179,2 +587180,2 +587181,2 +587182,2 +587183,27 +587184,27 +587185,27 +587186,27 +587187,27 +587188,27 +587189,5 +587190,5 +587191,5 +587192,5 +587193,5 +587194,5 +587195,5 +587196,5 +587197,5 +587198,31 +587199,31 +587200,31 +587201,31 +587202,31 +587203,31 +587204,31 +587205,31 +587206,31 +587207,31 +587208,31 +587209,31 +587210,36 +587211,36 +587212,36 +587213,36 +587214,36 +587215,36 +587216,23 +587217,23 +587218,23 +587219,23 +587220,23 +587221,23 +587222,23 +587223,23 +587224,23 +587225,23 +587226,23 +587227,23 +587228,23 +587229,23 +587230,23 +587231,23 +587232,23 +587233,23 +587234,32 +587235,32 +587236,23 +587237,0 +587238,0 +587239,0 +587240,0 +587241,0 +587242,0 +587243,0 +587244,0 +587245,0 +587246,0 +587247,0 +587248,0 +587249,0 +587250,0 +587251,0 +587252,0 +587253,0 +587254,0 +587255,0 +587256,0 +587257,0 +587258,0 +587259,0 +587260,0 +587261,0 +587262,0 +587263,0 +587264,0 +587265,0 +587266,0 +587267,0 +587268,0 +587269,0 +587270,0 +587271,0 +587272,0 +587273,0 +587274,0 +587275,0 +587276,0 +587277,0 +587278,0 +587279,0 +587280,0 +587281,0 +587282,0 +587283,0 +587284,0 +587285,0 +587286,0 +587287,0 +587288,0 +587289,0 +587290,0 +587291,0 +587292,0 +587293,0 +587294,0 +587295,0 +587296,0 +587297,0 +587298,0 +587299,0 +587300,0 +587301,0 +587302,0 +587303,0 +587304,0 +587305,0 +587306,0 +587307,11 +587308,11 +587309,11 +587310,11 +587311,11 +587312,11 +587313,11 +587314,11 +587315,11 +587316,11 +587317,11 +587318,11 +587319,27 +587320,27 +587321,27 +587322,27 +587323,27 +587324,39 +587325,7 +587326,3 +587327,3 +587328,3 +587329,3 +587330,3 +587331,3 +587332,3 +587333,3 +587334,3 +587335,3 +587336,3 +587337,3 +587338,3 +587339,22 +587340,22 +587341,19 +587342,19 +587343,19 +587344,19 +587345,19 +587346,23 +587347,23 +587348,23 +587349,23 +587350,23 +587351,23 +587352,23 +587353,2 +587354,2 +587355,23 +587356,2 +587357,2 +587358,2 +587359,10 +587360,10 +587361,10 +587362,10 +587363,10 +587364,10 +587365,10 +587366,10 +587367,10 +587368,10 +587369,10 +587370,10 +587371,10 +587372,10 +587373,5 +587374,5 +587375,5 +587376,5 +587377,13 +587378,13 +587379,13 +587380,13 +587381,4 +587382,4 +587383,4 +587384,4 +587385,4 +587386,4 +587387,14 +587388,14 +587389,14 +587390,14 +587391,3 +587392,3 +587393,3 +587394,14 +587395,14 +587396,27 +587397,14 +587398,14 +587399,14 +587400,14 +587401,28 +587402,28 +587403,28 +587404,28 +587405,28 +587406,28 +587407,28 +587408,28 +587409,28 +587410,28 +587411,28 +587412,28 +587413,28 +587414,28 +587415,28 +587416,28 +587417,28 +587418,28 +587419,28 +587420,28 +587421,28 +587422,28 +587423,5 +587424,0 +587425,5 +587426,0 +587427,0 +587428,0 +587429,0 +587430,0 +587431,0 +587432,0 +587433,0 +587434,0 +587435,0 +587436,0 +587437,0 +587438,0 +587439,0 +587440,0 +587441,2 +587442,2 +587443,2 +587444,2 +587445,2 +587446,2 +587447,2 +587448,2 +587449,2 +587450,2 +587451,2 +587452,2 +587453,2 +587454,2 +587455,4 +587456,4 +587457,4 +587458,4 +587459,4 +587460,4 +587461,37 +587462,37 +587463,37 +587464,37 +587465,37 +587466,37 +587467,37 +587468,37 +587469,37 +587470,37 +587471,37 +587472,37 +587473,37 +587474,37 +587475,26 +587476,26 +587477,26 +587478,6 +587479,6 +587480,6 +587481,6 +587482,6 +587483,6 +587484,6 +587485,6 +587486,31 +587487,31 +587488,31 +587489,31 +587490,31 +587491,31 +587492,31 +587493,31 +587494,15 +587495,15 +587496,15 +587497,15 +587498,15 +587499,15 +587500,15 +587501,30 +587502,30 +587503,30 +587504,30 +587505,30 +587506,30 +587507,30 +587508,30 +587509,30 +587510,30 +587511,30 +587512,30 +587513,30 +587514,30 +587515,30 +587516,30 +587517,30 +587518,30 +587519,30 +587520,30 +587521,30 +587522,30 +587523,30 +587524,30 +587525,30 +587526,30 +587527,30 +587528,30 +587529,30 +587530,30 +587531,0 +587532,0 +587533,0 +587534,0 +587535,0 +587536,0 +587537,0 +587538,0 +587539,0 +587540,0 +587541,0 +587542,0 +587543,0 +587544,0 +587545,0 +587546,0 +587547,0 +587548,0 +587549,0 +587550,0 +587551,0 +587552,0 +587553,0 +587554,0 +587555,0 +587556,0 +587557,0 +587558,0 +587559,0 +587560,0 +587561,0 +587562,0 +587563,0 +587564,0 +587565,0 +587566,0 +587567,0 +587568,0 +587569,0 +587570,0 +587571,0 +587572,0 +587573,0 +587574,0 +587575,0 +587576,0 +587577,0 +587578,0 +587579,0 +587580,0 +587581,0 +587582,0 +587583,0 +587584,0 +587585,0 +587586,0 +587587,0 +587588,0 +587589,0 +587590,0 +587591,0 +587592,0 +587593,0 +587594,0 +587595,0 +587596,0 +587597,0 +587598,0 +587599,0 +587600,0 +587601,0 +587602,0 +587603,0 +587604,0 +587605,0 +587606,0 +587607,0 +587608,36 +587609,36 +587610,36 +587611,36 +587612,36 +587613,36 +587614,36 +587615,36 +587616,36 +587617,5 +587618,5 +587619,19 +587620,5 +587621,5 +587622,5 +587623,5 +587624,2 +587625,2 +587626,2 +587627,2 +587628,2 +587629,2 +587630,2 +587631,2 +587632,2 +587633,31 +587634,31 +587635,31 +587636,31 +587637,31 +587638,31 +587639,31 +587640,31 +587641,5 +587642,5 +587643,5 +587644,5 +587645,5 +587646,5 +587647,5 +587648,5 +587649,5 +587650,5 +587651,5 +587652,5 +587653,5 +587654,5 +587655,5 +587656,30 +587657,30 +587658,26 +587659,26 +587660,26 +587661,26 +587662,26 +587663,10 +587664,10 +587665,10 +587666,10 +587667,10 +587668,10 +587669,10 +587670,10 +587671,10 +587672,10 +587673,10 +587674,10 +587675,10 +587676,10 +587677,10 +587678,10 +587679,10 +587680,14 +587681,14 +587682,40 +587683,40 +587684,14 +587685,27 +587686,27 +587687,27 +587688,27 +587689,27 +587690,27 +587691,27 +587692,5 +587693,5 +587694,5 +587695,5 +587696,5 +587697,5 +587698,27 +587699,27 +587700,27 +587701,27 +587702,27 +587703,27 +587704,27 +587705,27 +587706,27 +587707,27 +587708,27 +587709,5 +587710,5 +587711,5 +587712,5 +587713,5 +587714,5 +587715,35 +587716,35 +587717,35 +587718,35 +587719,35 +587720,35 +587721,35 +587722,35 +587723,35 +587724,27 +587725,27 +587726,27 +587727,27 +587728,27 +587729,27 +587730,27 +587731,27 +587732,5 +587733,5 +587734,5 +587735,5 +587736,5 +587737,5 +587738,5 +587739,5 +587740,5 +587741,5 +587742,5 +587743,5 +587744,5 +587745,5 +587746,5 +587747,0 +587748,0 +587749,0 +587750,0 +587751,0 +587752,0 +587753,0 +587754,0 +587755,0 +587756,0 +587757,0 +587758,0 +587759,0 +587760,0 +587761,0 +587762,0 +587763,0 +587764,0 +587765,0 +587766,0 +587767,0 +587768,0 +587769,0 +587770,0 +587771,11 +587772,11 +587773,11 +587774,11 +587775,11 +587776,11 +587777,11 +587778,11 +587779,11 +587780,11 +587781,11 +587782,11 +587783,11 +587784,27 +587785,27 +587786,31 +587787,31 +587788,22 +587789,22 +587790,15 +587791,15 +587792,15 +587793,15 +587794,15 +587795,15 +587796,15 +587797,15 +587798,39 +587799,39 +587800,39 +587801,39 +587802,39 +587803,39 +587804,39 +587805,39 +587806,39 +587807,39 +587808,39 +587809,39 +587810,35 +587811,35 +587812,35 +587813,35 +587814,35 +587815,35 +587816,36 +587817,36 +587818,36 +587819,36 +587820,36 +587821,36 +587822,36 +587823,36 +587824,5 +587825,5 +587826,5 +587827,19 +587828,19 +587829,19 +587830,19 +587831,19 +587832,19 +587833,27 +587834,27 +587835,27 +587836,27 +587837,25 +587838,19 +587839,19 +587840,19 +587841,19 +587842,37 +587843,37 +587844,37 +587845,37 +587846,37 +587847,37 +587848,37 +587849,9 +587850,9 +587851,9 +587852,31 +587853,9 +587854,9 +587855,9 +587856,9 +587857,23 +587858,23 +587859,25 +587860,25 +587861,37 +587862,25 +587863,25 +587864,18 +587865,18 +587866,18 +587867,18 +587868,18 +587869,4 +587870,4 +587871,27 +587872,27 +587873,27 +587874,27 +587875,27 +587876,27 +587877,6 +587878,6 +587879,6 +587880,6 +587881,6 +587882,6 +587883,6 +587884,6 +587885,6 +587886,6 +587887,6 +587888,34 +587889,34 +587890,34 +587891,36 +587892,36 +587893,36 +587894,36 +587895,36 +587896,36 +587897,36 +587898,36 +587899,36 +587900,32 +587901,32 +587902,32 +587903,32 +587904,32 +587905,32 +587906,32 +587907,4 +587908,4 +587909,4 +587910,4 +587911,31 +587912,31 +587913,31 +587914,31 +587915,31 +587916,31 +587917,5 +587918,5 +587919,5 +587920,5 +587921,5 +587922,5 +587923,5 +587924,5 +587925,5 +587926,23 +587927,23 +587928,23 +587929,23 +587930,23 +587931,23 +587932,23 +587933,23 +587934,23 +587935,37 +587936,37 +587937,37 +587938,37 +587939,37 +587940,26 +587941,26 +587942,26 +587943,26 +587944,34 +587945,34 +587946,34 +587947,34 +587948,34 +587949,33 +587950,33 +587951,33 +587952,30 +587953,30 +587954,30 +587955,30 +587956,30 +587957,26 +587958,26 +587959,26 +587960,26 +587961,26 +587962,26 +587963,26 +587964,26 +587965,26 +587966,5 +587967,5 +587968,5 +587969,5 +587970,5 +587971,5 +587972,5 +587973,5 +587974,5 +587975,13 +587976,13 +587977,13 +587978,13 +587979,13 +587980,13 +587981,0 +587982,0 +587983,0 +587984,0 +587985,0 +587986,0 +587987,0 +587988,0 +587989,0 +587990,0 +587991,0 +587992,0 +587993,0 +587994,0 +587995,0 +587996,0 +587997,0 +587998,0 +587999,0 +588000,0 +588001,0 +588002,0 +588003,0 +588004,0 +588005,0 +588006,16 +588007,16 +588008,16 +588009,16 +588010,16 +588011,16 +588012,3 +588013,3 +588014,3 +588015,3 +588016,3 +588017,3 +588018,2 +588019,2 +588020,2 +588021,2 +588022,2 +588023,2 +588024,2 +588025,2 +588026,2 +588027,2 +588028,2 +588029,2 +588030,2 +588031,2 +588032,36 +588033,36 +588034,36 +588035,36 +588036,36 +588037,36 +588038,36 +588039,36 +588040,10 +588041,30 +588042,19 +588043,5 +588044,5 +588045,31 +588046,31 +588047,31 +588048,31 +588049,31 +588050,31 +588051,31 +588052,2 +588053,2 +588054,2 +588055,2 +588056,2 +588057,2 +588058,2 +588059,2 +588060,2 +588061,8 +588062,23 +588063,23 +588064,23 +588065,23 +588066,23 +588067,23 +588068,10 +588069,10 +588070,10 +588071,10 +588072,10 +588073,10 +588074,26 +588075,26 +588076,26 +588077,29 +588078,29 +588079,29 +588080,29 +588081,29 +588082,29 +588083,31 +588084,31 +588085,27 +588086,31 +588087,6 +588088,6 +588089,32 +588090,32 +588091,32 +588092,32 +588093,32 +588094,6 +588095,32 +588096,32 +588097,32 +588098,32 +588099,30 +588100,30 +588101,30 +588102,30 +588103,37 +588104,27 +588105,27 +588106,27 +588107,27 +588108,27 +588109,27 +588110,27 +588111,13 +588112,13 +588113,13 +588114,13 +588115,13 +588116,13 +588117,13 +588118,13 +588119,8 +588120,8 +588121,8 +588122,8 +588123,8 +588124,31 +588125,31 +588126,31 +588127,31 +588128,31 +588129,24 +588130,24 +588131,24 +588132,24 +588133,24 +588134,24 +588135,24 +588136,35 +588137,35 +588138,35 +588139,35 +588140,35 +588141,27 +588142,27 +588143,27 +588144,27 +588145,27 +588146,8 +588147,8 +588148,8 +588149,8 +588150,8 +588151,8 +588152,8 +588153,2 +588154,2 +588155,2 +588156,2 +588157,32 +588158,32 +588159,32 +588160,32 +588161,32 +588162,32 +588163,32 +588164,32 +588165,32 +588166,32 +588167,32 +588168,32 +588169,32 +588170,26 +588171,26 +588172,26 +588173,26 +588174,26 +588175,26 +588176,26 +588177,37 +588178,37 +588179,37 +588180,37 +588181,37 +588182,37 +588183,35 +588184,35 +588185,35 +588186,35 +588187,35 +588188,35 +588189,39 +588190,39 +588191,39 +588192,39 +588193,39 +588194,39 +588195,39 +588196,39 +588197,39 +588198,39 +588199,39 +588200,39 +588201,39 +588202,39 +588203,39 +588204,39 +588205,39 +588206,39 +588207,39 +588208,39 +588209,39 +588210,39 +588211,39 +588212,39 +588213,39 +588214,0 +588215,0 +588216,0 +588217,0 +588218,0 +588219,0 +588220,0 +588221,0 +588222,0 +588223,0 +588224,0 +588225,0 +588226,0 +588227,0 +588228,0 +588229,0 +588230,0 +588231,0 +588232,0 +588233,0 +588234,0 +588235,0 +588236,0 +588237,0 +588238,0 +588239,0 +588240,0 +588241,0 +588242,0 +588243,0 +588244,0 +588245,0 +588246,0 +588247,0 +588248,0 +588249,0 +588250,36 +588251,36 +588252,36 +588253,36 +588254,36 +588255,36 +588256,36 +588257,36 +588258,36 +588259,36 +588260,36 +588261,36 +588262,36 +588263,36 +588264,36 +588265,36 +588266,36 +588267,36 +588268,36 +588269,36 +588270,36 +588271,36 +588272,36 +588273,36 +588274,36 +588275,36 +588276,36 +588277,5 +588278,5 +588279,5 +588280,5 +588281,5 +588282,19 +588283,19 +588284,19 +588285,19 +588286,19 +588287,29 +588288,29 +588289,29 +588290,29 +588291,29 +588292,29 +588293,29 +588294,29 +588295,29 +588296,39 +588297,39 +588298,39 +588299,39 +588300,39 +588301,39 +588302,39 +588303,39 +588304,39 +588305,39 +588306,39 +588307,39 +588308,39 +588309,39 +588310,31 +588311,31 +588312,31 +588313,31 +588314,31 +588315,31 +588316,31 +588317,31 +588318,31 +588319,29 +588320,29 +588321,29 +588322,29 +588323,29 +588324,29 +588325,29 +588326,29 +588327,25 +588328,25 +588329,25 +588330,25 +588331,25 +588332,35 +588333,35 +588334,35 +588335,35 +588336,35 +588337,36 +588338,36 +588339,36 +588340,34 +588341,34 +588342,34 +588343,34 +588344,36 +588345,26 +588346,36 +588347,36 +588348,36 +588349,36 +588350,36 +588351,36 +588352,36 +588353,32 +588354,32 +588355,32 +588356,32 +588357,32 +588358,2 +588359,2 +588360,2 +588361,2 +588362,2 +588363,2 +588364,2 +588365,2 +588366,2 +588367,2 +588368,11 +588369,22 +588370,22 +588371,22 +588372,31 +588373,31 +588374,31 +588375,31 +588376,15 +588377,15 +588378,15 +588379,15 +588380,15 +588381,15 +588382,15 +588383,39 +588384,39 +588385,39 +588386,39 +588387,39 +588388,32 +588389,32 +588390,32 +588391,32 +588392,32 +588393,32 +588394,32 +588395,32 +588396,32 +588397,21 +588398,32 +588399,30 +588400,30 +588401,30 +588402,30 +588403,30 +588404,27 +588405,27 +588406,27 +588407,27 +588408,27 +588409,27 +588410,32 +588411,32 +588412,32 +588413,32 +588414,32 +588415,32 +588416,32 +588417,39 +588418,39 +588419,39 +588420,39 +588421,39 +588422,39 +588423,5 +588424,19 +588425,19 +588426,19 +588427,19 +588428,19 +588429,19 +588430,25 +588431,25 +588432,25 +588433,27 +588434,27 +588435,27 +588436,29 +588437,29 +588438,29 +588439,31 +588440,31 +588441,31 +588442,27 +588443,27 +588444,27 +588445,35 +588446,35 +588447,35 +588448,35 +588449,35 +588450,35 +588451,35 +588452,35 +588453,35 +588454,36 +588455,36 +588456,36 +588457,36 +588458,36 +588459,36 +588460,36 +588461,36 +588462,5 +588463,5 +588464,5 +588465,5 +588466,5 +588467,5 +588468,2 +588469,8 +588470,8 +588471,31 +588472,31 +588473,24 +588474,24 +588475,24 +588476,24 +588477,24 +588478,31 +588479,31 +588480,31 +588481,31 +588482,31 +588483,31 +588484,21 +588485,21 +588486,21 +588487,21 +588488,21 +588489,21 +588490,21 +588491,21 +588492,21 +588493,21 +588494,21 +588495,21 +588496,21 +588497,33 +588498,25 +588499,25 +588500,25 +588501,26 +588502,26 +588503,26 +588504,26 +588505,26 +588506,9 +588507,37 +588508,26 +588509,37 +588510,37 +588511,37 +588512,37 +588513,37 +588514,19 +588515,19 +588516,19 +588517,19 +588518,19 +588519,39 +588520,39 +588521,39 +588522,39 +588523,39 +588524,39 +588525,39 +588526,39 +588527,39 +588528,39 +588529,39 +588530,39 +588531,39 +588532,31 +588533,31 +588534,31 +588535,31 +588536,31 +588537,31 +588538,5 +588539,5 +588540,13 +588541,13 +588542,5 +588543,13 +588544,13 +588545,13 +588546,13 +588547,13 +588548,13 +588549,13 +588550,5 +588551,5 +588552,0 +588553,0 +588554,0 +588555,0 +588556,0 +588557,0 +588558,0 +588559,0 +588560,0 +588561,0 +588562,0 +588563,0 +588564,0 +588565,0 +588566,0 +588567,0 +588568,0 +588569,0 +588570,0 +588571,0 +588572,0 +588573,0 +588574,0 +588575,0 +588576,0 +588577,0 +588578,0 +588579,0 +588580,0 +588581,0 +588582,0 +588583,0 +588584,0 +588585,0 +588586,0 +588587,23 +588588,23 +588589,24 +588590,24 +588591,24 +588592,24 +588593,24 +588594,24 +588595,29 +588596,29 +588597,24 +588598,14 +588599,14 +588600,14 +588601,14 +588602,14 +588603,14 +588604,14 +588605,14 +588606,14 +588607,5 +588608,5 +588609,5 +588610,27 +588611,27 +588612,27 +588613,40 +588614,40 +588615,40 +588616,2 +588617,2 +588618,2 +588619,2 +588620,2 +588621,2 +588622,2 +588623,2 +588624,2 +588625,2 +588626,2 +588627,2 +588628,2 +588629,2 +588630,2 +588631,26 +588632,26 +588633,26 +588634,26 +588635,26 +588636,26 +588637,26 +588638,26 +588639,37 +588640,37 +588641,37 +588642,37 +588643,37 +588644,4 +588645,4 +588646,4 +588647,4 +588648,4 +588649,25 +588650,25 +588651,25 +588652,37 +588653,37 +588654,37 +588655,37 +588656,25 +588657,25 +588658,25 +588659,25 +588660,25 +588661,25 +588662,39 +588663,39 +588664,39 +588665,39 +588666,39 +588667,39 +588668,39 +588669,39 +588670,39 +588671,39 +588672,39 +588673,39 +588674,39 +588675,0 +588676,0 +588677,0 +588678,0 +588679,0 +588680,0 +588681,0 +588682,0 +588683,0 +588684,0 +588685,0 +588686,0 +588687,0 +588688,0 +588689,0 +588690,0 +588691,0 +588692,0 +588693,0 +588694,0 +588695,33 +588696,33 +588697,33 +588698,33 +588699,33 +588700,33 +588701,33 +588702,33 +588703,30 +588704,30 +588705,30 +588706,30 +588707,32 +588708,32 +588709,32 +588710,32 +588711,32 +588712,32 +588713,32 +588714,31 +588715,31 +588716,31 +588717,31 +588718,5 +588719,5 +588720,5 +588721,5 +588722,5 +588723,5 +588724,39 +588725,39 +588726,27 +588727,27 +588728,28 +588729,28 +588730,5 +588731,5 +588732,5 +588733,5 +588734,5 +588735,5 +588736,5 +588737,7 +588738,7 +588739,7 +588740,7 +588741,7 +588742,7 +588743,3 +588744,3 +588745,3 +588746,3 +588747,3 +588748,12 +588749,12 +588750,12 +588751,12 +588752,3 +588753,3 +588754,3 +588755,3 +588756,3 +588757,3 +588758,3 +588759,3 +588760,3 +588761,3 +588762,3 +588763,3 +588764,3 +588765,3 +588766,3 +588767,3 +588768,3 +588769,3 +588770,3 +588771,28 +588772,28 +588773,28 +588774,28 +588775,0 +588776,5 +588777,0 +588778,0 +588779,0 +588780,0 +588781,0 +588782,0 +588783,0 +588784,0 +588785,36 +588786,36 +588787,36 +588788,36 +588789,36 +588790,5 +588791,5 +588792,19 +588793,19 +588794,19 +588795,19 +588796,31 +588797,31 +588798,31 +588799,31 +588800,31 +588801,31 +588802,31 +588803,30 +588804,30 +588805,30 +588806,30 +588807,30 +588808,30 +588809,30 +588810,34 +588811,34 +588812,34 +588813,34 +588814,34 +588815,34 +588816,34 +588817,34 +588818,34 +588819,34 +588820,34 +588821,34 +588822,34 +588823,34 +588824,34 +588825,31 +588826,31 +588827,31 +588828,31 +588829,33 +588830,32 +588831,32 +588832,32 +588833,32 +588834,32 +588835,32 +588836,32 +588837,32 +588838,32 +588839,32 +588840,32 +588841,32 +588842,32 +588843,32 +588844,32 +588845,32 +588846,36 +588847,36 +588848,36 +588849,36 +588850,36 +588851,36 +588852,36 +588853,36 +588854,36 +588855,36 +588856,36 +588857,36 +588858,2 +588859,2 +588860,2 +588861,2 +588862,2 +588863,2 +588864,2 +588865,2 +588866,2 +588867,2 +588868,2 +588869,27 +588870,27 +588871,27 +588872,27 +588873,27 +588874,27 +588875,18 +588876,18 +588877,18 +588878,18 +588879,18 +588880,18 +588881,18 +588882,18 +588883,18 +588884,16 +588885,18 +588886,18 +588887,18 +588888,16 +588889,11 +588890,11 +588891,0 +588892,0 +588893,0 +588894,0 +588895,0 +588896,0 +588897,0 +588898,0 +588899,0 +588900,0 +588901,0 +588902,0 +588903,0 +588904,0 +588905,0 +588906,0 +588907,0 +588908,0 +588909,0 +588910,0 +588911,0 +588912,0 +588913,0 +588914,0 +588915,0 +588916,0 +588917,0 +588918,0 +588919,0 +588920,0 +588921,0 +588922,0 +588923,0 +588924,0 +588925,0 +588926,0 +588927,0 +588928,0 +588929,0 +588930,0 +588931,0 +588932,0 +588933,0 +588934,0 +588935,0 +588936,0 +588937,0 +588938,0 +588939,15 +588940,15 +588941,15 +588942,30 +588943,30 +588944,30 +588945,30 +588946,30 +588947,30 +588948,36 +588949,36 +588950,36 +588951,36 +588952,36 +588953,36 +588954,36 +588955,36 +588956,36 +588957,36 +588958,6 +588959,6 +588960,6 +588961,6 +588962,6 +588963,6 +588964,6 +588965,6 +588966,6 +588967,31 +588968,31 +588969,31 +588970,31 +588971,31 +588972,31 +588973,31 +588974,31 +588975,5 +588976,5 +588977,5 +588978,5 +588979,5 +588980,5 +588981,19 +588982,19 +588983,19 +588984,19 +588985,19 +588986,40 +588987,40 +588988,40 +588989,40 +588990,40 +588991,40 +588992,40 +588993,4 +588994,4 +588995,4 +588996,4 +588997,4 +588998,25 +588999,25 +589000,25 +589001,25 +589002,25 +589003,25 +589004,25 +589005,25 +589006,25 +589007,25 +589008,37 +589009,25 +589010,25 +589011,25 +589012,25 +589013,25 +589014,25 +589015,25 +589016,25 +589017,25 +589018,25 +589019,25 +589020,0 +589021,0 +589022,0 +589023,0 +589024,0 +589025,0 +589026,0 +589027,0 +589028,0 +589029,0 +589030,0 +589031,0 +589032,0 +589033,0 +589034,0 +589035,0 +589036,0 +589037,0 +589038,0 +589039,0 +589040,0 +589041,0 +589042,0 +589043,0 +589044,0 +589045,15 +589046,15 +589047,31 +589048,31 +589049,31 +589050,31 +589051,31 +589052,31 +589053,31 +589054,4 +589055,4 +589056,4 +589057,33 +589058,30 +589059,30 +589060,30 +589061,34 +589062,34 +589063,34 +589064,34 +589065,34 +589066,34 +589067,30 +589068,30 +589069,30 +589070,30 +589071,30 +589072,30 +589073,30 +589074,6 +589075,6 +589076,6 +589077,6 +589078,6 +589079,6 +589080,6 +589081,31 +589082,31 +589083,31 +589084,31 +589085,28 +589086,28 +589087,28 +589088,28 +589089,28 +589090,28 +589091,40 +589092,40 +589093,40 +589094,5 +589095,5 +589096,5 +589097,5 +589098,5 +589099,5 +589100,5 +589101,5 +589102,5 +589103,31 +589104,31 +589105,31 +589106,31 +589107,31 +589108,31 +589109,31 +589110,31 +589111,31 +589112,23 +589113,23 +589114,23 +589115,23 +589116,23 +589117,23 +589118,4 +589119,4 +589120,4 +589121,4 +589122,4 +589123,4 +589124,4 +589125,4 +589126,4 +589127,31 +589128,31 +589129,27 +589130,27 +589131,31 +589132,31 +589133,31 +589134,31 +589135,31 +589136,31 +589137,31 +589138,31 +589139,31 +589140,31 +589141,23 +589142,23 +589143,23 +589144,23 +589145,23 +589146,23 +589147,23 +589148,23 +589149,23 +589150,23 +589151,23 +589152,10 +589153,10 +589154,10 +589155,10 +589156,10 +589157,10 +589158,10 +589159,10 +589160,10 +589161,10 +589162,10 +589163,10 +589164,37 +589165,37 +589166,37 +589167,37 +589168,37 +589169,37 +589170,37 +589171,37 +589172,37 +589173,25 +589174,35 +589175,25 +589176,25 +589177,25 +589178,25 +589179,25 +589180,25 +589181,25 +589182,25 +589183,25 +589184,25 +589185,8 +589186,8 +589187,8 +589188,8 +589189,8 +589190,8 +589191,8 +589192,8 +589193,8 +589194,8 +589195,8 +589196,8 +589197,8 +589198,2 +589199,2 +589200,2 +589201,2 +589202,2 +589203,2 +589204,2 +589205,0 +589206,0 +589207,0 +589208,0 +589209,0 +589210,0 +589211,0 +589212,0 +589213,0 +589214,0 +589215,0 +589216,0 +589217,0 +589218,0 +589219,0 +589220,0 +589221,0 +589222,0 +589223,0 +589224,0 +589225,0 +589226,0 +589227,0 +589228,0 +589229,0 +589230,0 +589231,0 +589232,0 +589233,0 +589234,0 +589235,0 +589236,0 +589237,0 +589238,0 +589239,0 +589240,0 +589241,0 +589242,0 +589243,0 +589244,0 +589245,0 +589246,0 +589247,0 +589248,36 +589249,36 +589250,36 +589251,36 +589252,5 +589253,5 +589254,5 +589255,5 +589256,19 +589257,19 +589258,19 +589259,5 +589260,2 +589261,2 +589262,2 +589263,2 +589264,2 +589265,2 +589266,2 +589267,2 +589268,16 +589269,16 +589270,16 +589271,16 +589272,16 +589273,16 +589274,16 +589275,16 +589276,16 +589277,16 +589278,16 +589279,27 +589280,27 +589281,27 +589282,27 +589283,27 +589284,27 +589285,27 +589286,27 +589287,23 +589288,23 +589289,23 +589290,23 +589291,23 +589292,23 +589293,23 +589294,23 +589295,23 +589296,23 +589297,23 +589298,23 +589299,23 +589300,23 +589301,23 +589302,23 +589303,23 +589304,23 +589305,40 +589306,40 +589307,40 +589308,40 +589309,40 +589310,31 +589311,31 +589312,40 +589313,1 +589314,27 +589315,40 +589316,40 +589317,28 +589318,28 +589319,28 +589320,28 +589321,28 +589322,28 +589323,28 +589324,28 +589325,28 +589326,28 +589327,28 +589328,28 +589329,28 +589330,28 +589331,0 +589332,0 +589333,0 +589334,0 +589335,0 +589336,0 +589337,31 +589338,31 +589339,31 +589340,31 +589341,31 +589342,31 +589343,31 +589344,24 +589345,24 +589346,24 +589347,24 +589348,24 +589349,24 +589350,24 +589351,24 +589352,9 +589353,9 +589354,31 +589355,9 +589356,9 +589357,9 +589358,9 +589359,9 +589360,9 +589361,9 +589362,9 +589363,9 +589364,9 +589365,9 +589366,9 +589367,9 +589368,9 +589369,9 +589370,9 +589371,9 +589372,9 +589373,9 +589374,9 +589375,9 +589376,30 +589377,30 +589378,30 +589379,30 +589380,30 +589381,30 +589382,30 +589383,29 +589384,29 +589385,29 +589386,29 +589387,29 +589388,29 +589389,29 +589390,29 +589391,25 +589392,25 +589393,25 +589394,25 +589395,25 +589396,25 +589397,25 +589398,25 +589399,25 +589400,25 +589401,25 +589402,37 +589403,37 +589404,37 +589405,37 +589406,25 +589407,25 +589408,25 +589409,40 +589410,40 +589411,40 +589412,27 +589413,27 +589414,27 +589415,16 +589416,16 +589417,16 +589418,16 +589419,16 +589420,16 +589421,16 +589422,16 +589423,16 +589424,16 +589425,16 +589426,16 +589427,16 +589428,16 +589429,16 +589430,27 +589431,31 +589432,27 +589433,27 +589434,27 +589435,27 +589436,27 +589437,27 +589438,31 +589439,19 +589440,19 +589441,8 +589442,8 +589443,8 +589444,2 +589445,2 +589446,2 +589447,8 +589448,8 +589449,8 +589450,8 +589451,8 +589452,8 +589453,2 +589454,2 +589455,2 +589456,2 +589457,2 +589458,2 +589459,2 +589460,2 +589461,2 +589462,2 +589463,2 +589464,2 +589465,2 +589466,2 +589467,0 +589468,0 +589469,0 +589470,0 +589471,0 +589472,0 +589473,0 +589474,0 +589475,0 +589476,0 +589477,0 +589478,0 +589479,0 +589480,0 +589481,0 +589482,0 +589483,0 +589484,0 +589485,0 +589486,0 +589487,0 +589488,0 +589489,0 +589490,0 +589491,0 +589492,0 +589493,0 +589494,0 +589495,0 +589496,0 +589497,0 +589498,0 +589499,0 +589500,36 +589501,36 +589502,36 +589503,36 +589504,36 +589505,36 +589506,36 +589507,5 +589508,5 +589509,5 +589510,5 +589511,19 +589512,19 +589513,19 +589514,19 +589515,19 +589516,19 +589517,9 +589518,9 +589519,9 +589520,9 +589521,9 +589522,9 +589523,9 +589524,9 +589525,9 +589526,9 +589527,9 +589528,9 +589529,9 +589530,9 +589531,9 +589532,9 +589533,9 +589534,9 +589535,9 +589536,30 +589537,30 +589538,30 +589539,30 +589540,30 +589541,29 +589542,29 +589543,29 +589544,29 +589545,29 +589546,29 +589547,31 +589548,31 +589549,31 +589550,31 +589551,31 +589552,31 +589553,31 +589554,4 +589555,4 +589556,4 +589557,4 +589558,4 +589559,4 +589560,4 +589561,4 +589562,4 +589563,4 +589564,37 +589565,37 +589566,37 +589567,37 +589568,39 +589569,39 +589570,39 +589571,39 +589572,39 +589573,39 +589574,39 +589575,8 +589576,8 +589577,2 +589578,2 +589579,2 +589580,2 +589581,2 +589582,2 +589583,2 +589584,2 +589585,27 +589586,27 +589587,27 +589588,27 +589589,27 +589590,27 +589591,27 +589592,2 +589593,2 +589594,2 +589595,2 +589596,2 +589597,2 +589598,2 +589599,2 +589600,4 +589601,4 +589602,4 +589603,4 +589604,4 +589605,4 +589606,4 +589607,27 +589608,27 +589609,27 +589610,27 +589611,27 +589612,4 +589613,4 +589614,19 +589615,19 +589616,35 +589617,35 +589618,35 +589619,35 +589620,35 +589621,35 +589622,35 +589623,27 +589624,27 +589625,27 +589626,27 +589627,27 +589628,27 +589629,27 +589630,10 +589631,10 +589632,10 +589633,10 +589634,36 +589635,36 +589636,36 +589637,36 +589638,28 +589639,28 +589640,28 +589641,28 +589642,28 +589643,28 +589644,28 +589645,28 +589646,28 +589647,28 +589648,28 +589649,28 +589650,28 +589651,28 +589652,0 +589653,0 +589654,0 +589655,0 +589656,0 +589657,0 +589658,0 +589659,0 +589660,0 +589661,0 +589662,0 +589663,0 +589664,0 +589665,0 +589666,0 +589667,0 +589668,0 +589669,0 +589670,0 +589671,0 +589672,0 +589673,0 +589674,0 +589675,0 +589676,0 +589677,0 +589678,0 +589679,0 +589680,0 +589681,0 +589682,0 +589683,0 +589684,0 +589685,0 +589686,0 +589687,0 +589688,0 +589689,0 +589690,0 +589691,0 +589692,0 +589693,0 +589694,0 +589695,0 +589696,0 +589697,0 +589698,0 +589699,0 +589700,0 +589701,0 +589702,0 +589703,0 +589704,0 +589705,0 +589706,0 +589707,31 +589708,31 +589709,31 +589710,36 +589711,19 +589712,21 +589713,19 +589714,19 +589715,19 +589716,19 +589717,19 +589718,19 +589719,19 +589720,36 +589721,36 +589722,36 +589723,36 +589724,36 +589725,36 +589726,36 +589727,36 +589728,36 +589729,36 +589730,40 +589731,36 +589732,36 +589733,36 +589734,19 +589735,19 +589736,19 +589737,19 +589738,19 +589739,19 +589740,19 +589741,19 +589742,19 +589743,19 +589744,19 +589745,19 +589746,19 +589747,19 +589748,19 +589749,26 +589750,26 +589751,26 +589752,26 +589753,26 +589754,26 +589755,26 +589756,26 +589757,31 +589758,32 +589759,32 +589760,32 +589761,32 +589762,32 +589763,4 +589764,4 +589765,27 +589766,40 +589767,40 +589768,25 +589769,25 +589770,25 +589771,25 +589772,25 +589773,25 +589774,25 +589775,37 +589776,37 +589777,25 +589778,25 +589779,25 +589780,25 +589781,25 +589782,25 +589783,25 +589784,25 +589785,25 +589786,25 +589787,25 +589788,25 +589789,25 +589790,25 +589791,25 +589792,25 +589793,15 +589794,15 +589795,15 +589796,15 +589797,15 +589798,15 +589799,15 +589800,15 +589801,15 +589802,40 +589803,40 +589804,40 +589805,40 +589806,40 +589807,40 +589808,31 +589809,31 +589810,5 +589811,28 +589812,28 +589813,26 +589814,26 +589815,26 +589816,26 +589817,26 +589818,26 +589819,26 +589820,26 +589821,26 +589822,5 +589823,5 +589824,5 +589825,5 +589826,5 +589827,5 +589828,5 +589829,37 +589830,37 +589831,37 +589832,37 +589833,37 +589834,37 +589835,37 +589836,37 +589837,37 +589838,37 +589839,14 +589840,14 +589841,14 +589842,14 +589843,14 +589844,14 +589845,14 +589846,14 +589847,14 +589848,14 +589849,14 +589850,14 +589851,14 +589852,6 +589853,6 +589854,6 +589855,6 +589856,6 +589857,2 +589858,2 +589859,2 +589860,2 +589861,2 +589862,32 +589863,32 +589864,32 +589865,32 +589866,32 +589867,32 +589868,32 +589869,26 +589870,26 +589871,26 +589872,26 +589873,26 +589874,31 +589875,31 +589876,31 +589877,31 +589878,31 +589879,31 +589880,31 +589881,31 +589882,28 +589883,28 +589884,28 +589885,28 +589886,28 +589887,28 +589888,28 +589889,31 +589890,28 +589891,27 +589892,31 +589893,31 +589894,5 +589895,5 +589896,5 +589897,5 +589898,5 +589899,5 +589900,4 +589901,4 +589902,4 +589903,4 +589904,4 +589905,2 +589906,2 +589907,2 +589908,2 +589909,2 +589910,2 +589911,2 +589912,2 +589913,2 +589914,2 +589915,2 +589916,2 +589917,2 +589918,2 +589919,2 +589920,2 +589921,2 +589922,2 +589923,2 +589924,2 +589925,2 +589926,8 +589927,8 +589928,2 +589929,2 +589930,2 +589931,2 +589932,2 +589933,8 +589934,8 +589935,27 +589936,27 +589937,27 +589938,27 +589939,27 +589940,27 +589941,8 +589942,8 +589943,8 +589944,8 +589945,8 +589946,8 +589947,8 +589948,8 +589949,31 +589950,31 +589951,31 +589952,31 +589953,31 +589954,31 +589955,18 +589956,18 +589957,18 +589958,18 +589959,16 +589960,16 +589961,16 +589962,16 +589963,16 +589964,16 +589965,25 +589966,25 +589967,25 +589968,25 +589969,25 +589970,25 +589971,38 +589972,38 +589973,38 +589974,38 +589975,38 +589976,38 +589977,38 +589978,38 +589979,38 +589980,38 +589981,27 +589982,27 +589983,27 +589984,40 +589985,40 +589986,40 +589987,37 +589988,37 +589989,37 +589990,37 +589991,37 +589992,37 +589993,37 +589994,37 +589995,39 +589996,39 +589997,7 +589998,7 +589999,7 +590000,7 +590001,7 +590002,7 +590003,7 +590004,7 +590005,27 +590006,27 +590007,7 +590008,7 +590009,7 +590010,7 +590011,3 +590012,3 +590013,3 +590014,3 +590015,3 +590016,3 +590017,3 +590018,3 +590019,3 +590020,3 +590021,12 +590022,12 +590023,12 +590024,12 +590025,12 +590026,12 +590027,12 +590028,12 +590029,12 +590030,12 +590031,27 +590032,27 +590033,27 +590034,27 +590035,38 +590036,38 +590037,38 +590038,27 +590039,27 +590040,27 +590041,27 +590042,27 +590043,27 +590044,5 +590045,5 +590046,5 +590047,5 +590048,5 +590049,5 +590050,5 +590051,5 +590052,5 +590053,5 +590054,5 +590055,5 +590056,5 +590057,5 +590058,5 +590059,5 +590060,5 +590061,5 +590062,5 +590063,5 +590064,5 +590065,5 +590066,5 +590067,28 +590068,28 +590069,28 +590070,28 +590071,0 +590072,0 +590073,0 +590074,0 +590075,0 +590076,0 +590077,0 +590078,0 +590079,0 +590080,0 +590081,0 +590082,0 +590083,0 +590084,0 +590085,0 +590086,0 +590087,0 +590088,0 +590089,0 +590090,0 +590091,0 +590092,0 +590093,0 +590094,0 +590095,0 +590096,0 +590097,0 +590098,0 +590099,0 +590100,0 +590101,0 +590102,0 +590103,0 +590104,0 +590105,0 +590106,0 +590107,0 +590108,0 +590109,0 +590110,0 +590111,0 +590112,0 +590113,0 +590114,0 +590115,0 +590116,0 +590117,0 +590118,0 +590119,0 +590120,0 +590121,0 +590122,0 +590123,0 +590124,0 +590125,0 +590126,0 +590127,0 +590128,0 +590129,0 +590130,0 +590131,0 +590132,0 +590133,0 +590134,0 +590135,0 +590136,31 +590137,36 +590138,36 +590139,36 +590140,36 +590141,31 +590142,5 +590143,5 +590144,5 +590145,28 +590146,28 +590147,28 +590148,28 +590149,34 +590150,34 +590151,34 +590152,34 +590153,34 +590154,33 +590155,33 +590156,33 +590157,30 +590158,30 +590159,10 +590160,10 +590161,10 +590162,10 +590163,10 +590164,10 +590165,10 +590166,11 +590167,11 +590168,11 +590169,11 +590170,11 +590171,11 +590172,11 +590173,11 +590174,11 +590175,11 +590176,11 +590177,11 +590178,11 +590179,11 +590180,11 +590181,22 +590182,22 +590183,22 +590184,22 +590185,22 +590186,19 +590187,19 +590188,19 +590189,19 +590190,35 +590191,35 +590192,4 +590193,35 +590194,35 +590195,35 +590196,39 +590197,39 +590198,39 +590199,39 +590200,39 +590201,39 +590202,39 +590203,24 +590204,24 +590205,24 +590206,24 +590207,24 +590208,24 +590209,24 +590210,40 +590211,40 +590212,40 +590213,40 +590214,40 +590215,31 +590216,31 +590217,5 +590218,5 +590219,5 +590220,5 +590221,5 +590222,5 +590223,5 +590224,16 +590225,11 +590226,16 +590227,18 +590228,18 +590229,18 +590230,18 +590231,16 +590232,16 +590233,16 +590234,25 +590235,25 +590236,22 +590237,22 +590238,22 +590239,19 +590240,19 +590241,19 +590242,19 +590243,19 +590244,19 +590245,35 +590246,35 +590247,35 +590248,35 +590249,35 +590250,35 +590251,35 +590252,35 +590253,35 +590254,35 +590255,35 +590256,33 +590257,33 +590258,33 +590259,33 +590260,33 +590261,33 +590262,33 +590263,33 +590264,33 +590265,33 +590266,32 +590267,32 +590268,32 +590269,32 +590270,32 +590271,32 +590272,32 +590273,38 +590274,38 +590275,38 +590276,29 +590277,31 +590278,31 +590279,31 +590280,31 +590281,31 +590282,16 +590283,16 +590284,16 +590285,4 +590286,4 +590287,4 +590288,11 +590289,11 +590290,11 +590291,11 +590292,16 +590293,16 +590294,16 +590295,39 +590296,39 +590297,39 +590298,39 +590299,39 +590300,37 +590301,12 +590302,12 +590303,12 +590304,12 +590305,12 +590306,12 +590307,37 +590308,22 +590309,37 +590310,4 +590311,4 +590312,19 +590313,4 +590314,19 +590315,30 +590316,30 +590317,30 +590318,30 +590319,30 +590320,30 +590321,30 +590322,31 +590323,31 +590324,31 +590325,31 +590326,31 +590327,24 +590328,24 +590329,24 +590330,24 +590331,24 +590332,24 +590333,35 +590334,35 +590335,35 +590336,35 +590337,35 +590338,35 +590339,27 +590340,27 +590341,27 +590342,27 +590343,27 +590344,27 +590345,28 +590346,28 +590347,28 +590348,28 +590349,28 +590350,28 +590351,5 +590352,5 +590353,5 +590354,28 +590355,5 +590356,5 +590357,5 +590358,34 +590359,34 +590360,34 +590361,34 +590362,34 +590363,34 +590364,34 +590365,34 +590366,34 +590367,34 +590368,34 +590369,34 +590370,34 +590371,34 +590372,34 +590373,34 +590374,34 +590375,34 +590376,34 +590377,34 +590378,34 +590379,34 +590380,34 +590381,34 +590382,30 +590383,30 +590384,30 +590385,30 +590386,30 +590387,30 +590388,30 +590389,30 +590390,30 +590391,30 +590392,30 +590393,30 +590394,30 +590395,30 +590396,30 +590397,30 +590398,0 +590399,0 +590400,30 +590401,0 +590402,0 +590403,0 +590404,0 +590405,0 +590406,0 +590407,0 +590408,0 +590409,0 +590410,0 +590411,0 +590412,0 +590413,0 +590414,0 +590415,0 +590416,0 +590417,0 +590418,0 +590419,0 +590420,0 +590421,0 +590422,0 +590423,0 +590424,0 +590425,0 +590426,0 +590427,0 +590428,0 +590429,0 +590430,0 +590431,0 +590432,0 +590433,0 +590434,0 +590435,0 +590436,0 +590437,0 +590438,0 +590439,0 +590440,0 +590441,0 +590442,0 +590443,0 +590444,36 +590445,36 +590446,36 +590447,36 +590448,36 +590449,36 +590450,36 +590451,36 +590452,36 +590453,36 +590454,40 +590455,40 +590456,36 +590457,36 +590458,36 +590459,36 +590460,36 +590461,36 +590462,36 +590463,5 +590464,5 +590465,5 +590466,5 +590467,5 +590468,5 +590469,5 +590470,5 +590471,5 +590472,5 +590473,5 +590474,5 +590475,19 +590476,19 +590477,19 +590478,19 +590479,19 +590480,19 +590481,19 +590482,40 +590483,40 +590484,40 +590485,40 +590486,40 +590487,40 +590488,40 +590489,40 +590490,40 +590491,40 +590492,40 +590493,40 +590494,5 +590495,5 +590496,5 +590497,5 +590498,5 +590499,5 +590500,5 +590501,5 +590502,5 +590503,5 +590504,5 +590505,5 +590506,18 +590507,11 +590508,11 +590509,11 +590510,11 +590511,11 +590512,11 +590513,11 +590514,11 +590515,18 +590516,18 +590517,18 +590518,17 +590519,17 +590520,12 +590521,12 +590522,12 +590523,12 +590524,12 +590525,12 +590526,12 +590527,12 +590528,12 +590529,30 +590530,30 +590531,30 +590532,30 +590533,30 +590534,30 +590535,30 +590536,30 +590537,30 +590538,30 +590539,0 +590540,33 +590541,33 +590542,33 +590543,0 +590544,0 +590545,0 +590546,0 +590547,0 +590548,0 +590549,0 +590550,0 +590551,0 +590552,0 +590553,0 +590554,0 +590555,0 +590556,0 +590557,0 +590558,0 +590559,0 +590560,0 +590561,0 +590562,0 +590563,0 +590564,0 +590565,0 +590566,0 +590567,0 +590568,0 +590569,0 +590570,0 +590571,0 +590572,0 +590573,0 +590574,0 +590575,0 +590576,0 +590577,0 +590578,0 +590579,0 +590580,0 +590581,0 +590582,0 +590583,0 +590584,0 +590585,0 +590586,0 +590587,0 +590588,0 +590589,0 +590590,0 +590591,0 +590592,0 +590593,0 +590594,0 +590595,0 +590596,0 +590597,0 +590598,0 +590599,0 +590600,0 +590601,0 +590602,0 +590603,0 +590604,0 +590605,0 +590606,0 +590607,0 +590608,0 +590609,0 +590610,0 +590611,0 +590612,0 +590613,0 +590614,0 +590615,0 +590616,0 +590617,0 +590618,0 +590619,0 +590620,0 +590621,0 +590622,0 +590623,0 +590624,0 +590625,0 +590626,0 +590627,0 +590628,0 +590629,0 +590630,0 +590631,21 +590632,21 +590633,21 +590634,21 +590635,21 +590636,21 +590637,21 +590638,19 +590639,19 +590640,19 +590641,19 +590642,19 +590643,25 +590644,25 +590645,25 +590646,25 +590647,25 +590648,25 +590649,37 +590650,37 +590651,37 +590652,37 +590653,37 +590654,37 +590655,39 +590656,39 +590657,39 +590658,39 +590659,39 +590660,39 +590661,39 +590662,39 +590663,39 +590664,39 +590665,39 +590666,39 +590667,40 +590668,40 +590669,40 +590670,40 +590671,40 +590672,40 +590673,37 +590674,37 +590675,37 +590676,37 +590677,37 +590678,37 +590679,37 +590680,37 +590681,37 +590682,37 +590683,37 +590684,37 +590685,37 +590686,37 +590687,37 +590688,25 +590689,25 +590690,25 +590691,25 +590692,25 +590693,19 +590694,28 +590695,28 +590696,28 +590697,28 +590698,28 +590699,28 +590700,28 +590701,28 +590702,28 +590703,28 +590704,28 +590705,28 +590706,14 +590707,14 +590708,14 +590709,14 +590710,14 +590711,14 +590712,14 +590713,14 +590714,4 +590715,4 +590716,4 +590717,4 +590718,4 +590719,4 +590720,4 +590721,4 +590722,4 +590723,2 +590724,2 +590725,2 +590726,2 +590727,2 +590728,2 +590729,12 +590730,12 +590731,12 +590732,12 +590733,27 +590734,27 +590735,27 +590736,27 +590737,27 +590738,27 +590739,2 +590740,2 +590741,8 +590742,2 +590743,2 +590744,2 +590745,2 +590746,2 +590747,2 +590748,2 +590749,11 +590750,11 +590751,11 +590752,40 +590753,40 +590754,36 +590755,36 +590756,31 +590757,31 +590758,31 +590759,31 +590760,40 +590761,31 +590762,15 +590763,15 +590764,15 +590765,15 +590766,15 +590767,15 +590768,15 +590769,30 +590770,30 +590771,30 +590772,30 +590773,30 +590774,30 +590775,30 +590776,39 +590777,39 +590778,39 +590779,39 +590780,39 +590781,39 +590782,39 +590783,39 +590784,39 +590785,14 +590786,14 +590787,14 +590788,14 +590789,14 +590790,14 +590791,39 +590792,14 +590793,14 +590794,14 +590795,14 +590796,14 +590797,14 +590798,14 +590799,39 +590800,39 +590801,39 +590802,39 +590803,39 +590804,0 +590805,0 +590806,0 +590807,0 +590808,0 +590809,0 +590810,0 +590811,0 +590812,0 +590813,0 +590814,0 +590815,0 +590816,0 +590817,0 +590818,0 +590819,0 +590820,0 +590821,0 +590822,0 +590823,0 +590824,0 +590825,0 +590826,0 +590827,0 +590828,36 +590829,36 +590830,36 +590831,36 +590832,36 +590833,36 +590834,36 +590835,5 +590836,5 +590837,5 +590838,5 +590839,5 +590840,5 +590841,5 +590842,2 +590843,2 +590844,2 +590845,2 +590846,2 +590847,2 +590848,2 +590849,2 +590850,2 +590851,2 +590852,2 +590853,2 +590854,36 +590855,10 +590856,36 +590857,40 +590858,40 +590859,40 +590860,40 +590861,40 +590862,16 +590863,16 +590864,16 +590865,16 +590866,16 +590867,4 +590868,4 +590869,4 +590870,4 +590871,4 +590872,4 +590873,4 +590874,4 +590875,4 +590876,4 +590877,4 +590878,4 +590879,6 +590880,6 +590881,6 +590882,6 +590883,6 +590884,12 +590885,12 +590886,12 +590887,12 +590888,12 +590889,12 +590890,12 +590891,12 +590892,26 +590893,26 +590894,26 +590895,26 +590896,26 +590897,26 +590898,26 +590899,5 +590900,5 +590901,5 +590902,4 +590903,4 +590904,4 +590905,4 +590906,4 +590907,4 +590908,4 +590909,4 +590910,27 +590911,27 +590912,27 +590913,19 +590914,19 +590915,19 +590916,19 +590917,19 +590918,4 +590919,39 +590920,39 +590921,39 +590922,39 +590923,39 +590924,39 +590925,39 +590926,39 +590927,39 +590928,39 +590929,39 +590930,39 +590931,39 +590932,39 +590933,8 +590934,8 +590935,2 +590936,2 +590937,2 +590938,2 +590939,2 +590940,2 +590941,2 +590942,2 +590943,40 +590944,40 +590945,31 +590946,31 +590947,31 +590948,31 +590949,4 +590950,4 +590951,4 +590952,4 +590953,4 +590954,4 +590955,29 +590956,29 +590957,29 +590958,39 +590959,14 +590960,14 +590961,14 +590962,14 +590963,14 +590964,14 +590965,14 +590966,12 +590967,12 +590968,12 +590969,12 +590970,12 +590971,12 +590972,12 +590973,25 +590974,25 +590975,37 +590976,25 +590977,25 +590978,11 +590979,25 +590980,25 +590981,11 +590982,11 +590983,11 +590984,11 +590985,11 +590986,11 +590987,11 +590988,11 +590989,11 +590990,11 +590991,11 +590992,11 +590993,11 +590994,31 +590995,31 +590996,31 +590997,31 +590998,31 +590999,31 +591000,31 +591001,31 +591002,31 +591003,24 +591004,24 +591005,24 +591006,24 +591007,24 +591008,30 +591009,30 +591010,30 +591011,30 +591012,30 +591013,30 +591014,30 +591015,30 +591016,30 +591017,30 +591018,4 +591019,19 +591020,19 +591021,19 +591022,19 +591023,31 +591024,31 +591025,31 +591026,31 +591027,31 +591028,31 +591029,31 +591030,31 +591031,31 +591032,31 +591033,31 +591034,31 +591035,31 +591036,32 +591037,32 +591038,32 +591039,32 +591040,32 +591041,32 +591042,32 +591043,32 +591044,32 +591045,32 +591046,32 +591047,32 +591048,32 +591049,32 +591050,32 +591051,32 +591052,32 +591053,32 +591054,32 +591055,32 +591056,25 +591057,0 +591058,0 +591059,0 +591060,0 +591061,0 +591062,0 +591063,0 +591064,0 +591065,0 +591066,0 +591067,0 +591068,0 +591069,0 +591070,0 +591071,0 +591072,0 +591073,0 +591074,0 +591075,0 +591076,0 +591077,0 +591078,0 +591079,0 +591080,0 +591081,0 +591082,0 +591083,0 +591084,0 +591085,0 +591086,0 +591087,0 +591088,0 +591089,0 +591090,0 +591091,0 +591092,0 +591093,0 +591094,0 +591095,0 +591096,0 +591097,0 +591098,0 +591099,0 +591100,0 +591101,0 +591102,0 +591103,0 +591104,0 +591105,0 +591106,0 +591107,0 +591108,0 +591109,0 +591110,0 +591111,0 +591112,0 +591113,0 +591114,0 +591115,0 +591116,0 +591117,0 +591118,0 +591119,0 +591120,0 +591121,0 +591122,0 +591123,35 +591124,35 +591125,35 +591126,27 +591127,27 +591128,27 +591129,27 +591130,27 +591131,27 +591132,27 +591133,27 +591134,27 +591135,27 +591136,27 +591137,27 +591138,27 +591139,27 +591140,27 +591141,27 +591142,27 +591143,3 +591144,3 +591145,2 +591146,2 +591147,2 +591148,2 +591149,2 +591150,2 +591151,2 +591152,2 +591153,2 +591154,2 +591155,2 +591156,2 +591157,2 +591158,40 +591159,40 +591160,40 +591161,40 +591162,40 +591163,40 +591164,40 +591165,19 +591166,19 +591167,19 +591168,19 +591169,19 +591170,19 +591171,29 +591172,29 +591173,29 +591174,31 +591175,31 +591176,27 +591177,27 +591178,31 +591179,4 +591180,4 +591181,4 +591182,4 +591183,4 +591184,4 +591185,29 +591186,29 +591187,29 +591188,31 +591189,31 +591190,31 +591191,31 +591192,31 +591193,31 +591194,2 +591195,2 +591196,2 +591197,2 +591198,2 +591199,2 +591200,2 +591201,2 +591202,2 +591203,2 +591204,28 +591205,28 +591206,28 +591207,28 +591208,28 +591209,28 +591210,36 +591211,36 +591212,36 +591213,36 +591214,36 +591215,36 +591216,36 +591217,36 +591218,36 +591219,36 +591220,36 +591221,36 +591222,36 +591223,36 +591224,30 +591225,30 +591226,30 +591227,30 +591228,30 +591229,30 +591230,30 +591231,30 +591232,30 +591233,30 +591234,30 +591235,30 +591236,30 +591237,8 +591238,8 +591239,8 +591240,8 +591241,8 +591242,8 +591243,8 +591244,8 +591245,8 +591246,8 +591247,8 +591248,8 +591249,2 +591250,2 +591251,0 +591252,0 +591253,0 +591254,0 +591255,0 +591256,0 +591257,0 +591258,0 +591259,0 +591260,0 +591261,0 +591262,0 +591263,0 +591264,0 +591265,0 +591266,0 +591267,0 +591268,0 +591269,0 +591270,0 +591271,28 +591272,28 +591273,28 +591274,28 +591275,28 +591276,28 +591277,28 +591278,28 +591279,28 +591280,14 +591281,14 +591282,14 +591283,14 +591284,14 +591285,14 +591286,14 +591287,14 +591288,14 +591289,14 +591290,15 +591291,15 +591292,15 +591293,15 +591294,15 +591295,15 +591296,15 +591297,39 +591298,39 +591299,39 +591300,39 +591301,39 +591302,39 +591303,39 +591304,39 +591305,39 +591306,39 +591307,6 +591308,6 +591309,6 +591310,6 +591311,6 +591312,6 +591313,6 +591314,6 +591315,6 +591316,6 +591317,5 +591318,5 +591319,5 +591320,5 +591321,5 +591322,5 +591323,5 +591324,5 +591325,13 +591326,2 +591327,2 +591328,2 +591329,2 +591330,2 +591331,2 +591332,2 +591333,2 +591334,2 +591335,2 +591336,40 +591337,40 +591338,40 +591339,40 +591340,27 +591341,27 +591342,4 +591343,4 +591344,4 +591345,4 +591346,37 +591347,37 +591348,37 +591349,25 +591350,25 +591351,4 +591352,4 +591353,4 +591354,4 +591355,4 +591356,27 +591357,27 +591358,27 +591359,27 +591360,27 +591361,27 +591362,27 +591363,8 +591364,8 +591365,8 +591366,8 +591367,8 +591368,33 +591369,33 +591370,33 +591371,33 +591372,33 +591373,33 +591374,33 +591375,30 +591376,30 +591377,30 +591378,30 +591379,30 +591380,30 +591381,30 +591382,30 +591383,33 +591384,33 +591385,33 +591386,33 +591387,33 +591388,33 +591389,33 +591390,33 +591391,33 +591392,33 +591393,6 +591394,6 +591395,6 +591396,6 +591397,6 +591398,6 +591399,6 +591400,12 +591401,31 +591402,12 +591403,33 +591404,33 +591405,33 +591406,27 +591407,2 +591408,2 +591409,2 +591410,2 +591411,2 +591412,2 +591413,2 +591414,2 +591415,2 +591416,2 +591417,2 +591418,32 +591419,32 +591420,32 +591421,32 +591422,32 +591423,32 +591424,32 +591425,39 +591426,39 +591427,39 +591428,39 +591429,39 +591430,39 +591431,39 +591432,35 +591433,35 +591434,35 +591435,35 +591436,35 +591437,35 +591438,35 +591439,35 +591440,35 +591441,35 +591442,35 +591443,35 +591444,39 +591445,39 +591446,39 +591447,39 +591448,39 +591449,39 +591450,39 +591451,39 +591452,39 +591453,39 +591454,39 +591455,2 +591456,8 +591457,2 +591458,2 +591459,2 +591460,2 +591461,2 +591462,2 +591463,2 +591464,2 +591465,2 +591466,2 +591467,2 +591468,2 +591469,2 +591470,0 +591471,0 +591472,0 +591473,0 +591474,0 +591475,0 +591476,0 +591477,0 +591478,0 +591479,0 +591480,0 +591481,0 +591482,0 +591483,0 +591484,0 +591485,0 +591486,0 +591487,0 +591488,0 +591489,0 +591490,0 +591491,0 +591492,0 +591493,0 +591494,0 +591495,0 +591496,0 +591497,0 +591498,0 +591499,0 +591500,0 +591501,0 +591502,0 +591503,0 +591504,0 +591505,0 +591506,0 +591507,0 +591508,0 +591509,0 +591510,0 +591511,0 +591512,0 +591513,32 +591514,32 +591515,27 +591516,35 +591517,27 +591518,27 +591519,27 +591520,6 +591521,6 +591522,6 +591523,6 +591524,6 +591525,6 +591526,31 +591527,31 +591528,31 +591529,31 +591530,31 +591531,31 +591532,31 +591533,8 +591534,8 +591535,8 +591536,8 +591537,8 +591538,8 +591539,27 +591540,27 +591541,27 +591542,27 +591543,27 +591544,19 +591545,19 +591546,19 +591547,19 +591548,19 +591549,27 +591550,27 +591551,27 +591552,27 +591553,27 +591554,27 +591555,27 +591556,8 +591557,8 +591558,8 +591559,8 +591560,8 +591561,8 +591562,27 +591563,27 +591564,27 +591565,27 +591566,27 +591567,21 +591568,21 +591569,21 +591570,21 +591571,21 +591572,21 +591573,21 +591574,21 +591575,21 +591576,21 +591577,21 +591578,3 +591579,3 +591580,3 +591581,3 +591582,3 +591583,3 +591584,3 +591585,3 +591586,3 +591587,3 +591588,6 +591589,21 +591590,21 +591591,21 +591592,21 +591593,21 +591594,21 +591595,21 +591596,26 +591597,26 +591598,26 +591599,26 +591600,26 +591601,26 +591602,26 +591603,26 +591604,26 +591605,26 +591606,26 +591607,26 +591608,26 +591609,26 +591610,26 +591611,26 +591612,26 +591613,26 +591614,26 +591615,26 +591616,26 +591617,26 +591618,26 +591619,26 +591620,26 +591621,26 +591622,26 +591623,26 +591624,26 +591625,26 +591626,0 +591627,0 +591628,0 +591629,0 +591630,0 +591631,0 +591632,0 +591633,0 +591634,0 +591635,0 +591636,0 +591637,0 +591638,0 +591639,0 +591640,0 +591641,0 +591642,0 +591643,0 +591644,0 +591645,0 +591646,0 +591647,0 +591648,0 +591649,0 +591650,0 +591651,0 +591652,0 +591653,0 +591654,0 +591655,0 +591656,0 +591657,0 +591658,0 +591659,0 +591660,0 +591661,0 +591662,0 +591663,0 +591664,0 +591665,0 +591666,0 +591667,0 +591668,0 +591669,0 +591670,0 +591671,0 +591672,0 +591673,0 +591674,0 +591675,0 +591676,0 +591677,0 +591678,0 +591679,0 +591680,10 +591681,10 +591682,26 +591683,26 +591684,26 +591685,26 +591686,26 +591687,26 +591688,26 +591689,26 +591690,26 +591691,26 +591692,26 +591693,26 +591694,26 +591695,26 +591696,26 +591697,26 +591698,26 +591699,10 +591700,26 +591701,26 +591702,26 +591703,26 +591704,26 +591705,26 +591706,26 +591707,10 +591708,10 +591709,10 +591710,10 +591711,10 +591712,10 +591713,26 +591714,26 +591715,26 +591716,10 +591717,10 +591718,0 +591719,0 +591720,7 +591721,7 +591722,7 +591723,7 +591724,39 +591725,39 +591726,39 +591727,7 +591728,7 +591729,7 +591730,7 +591731,7 +591732,7 +591733,7 +591734,7 +591735,7 +591736,7 +591737,7 +591738,3 +591739,3 +591740,3 +591741,3 +591742,3 +591743,3 +591744,3 +591745,3 +591746,3 +591747,3 +591748,3 +591749,3 +591750,3 +591751,3 +591752,3 +591753,3 +591754,3 +591755,3 +591756,3 +591757,3 +591758,4 +591759,33 +591760,9 +591761,9 +591762,37 +591763,37 +591764,37 +591765,37 +591766,37 +591767,37 +591768,37 +591769,29 +591770,29 +591771,29 +591772,29 +591773,31 +591774,31 +591775,31 +591776,31 +591777,31 +591778,31 +591779,28 +591780,28 +591781,28 +591782,28 +591783,28 +591784,10 +591785,28 +591786,14 +591787,10 +591788,10 +591789,10 +591790,36 +591791,10 +591792,10 +591793,10 +591794,10 +591795,5 +591796,14 +591797,4 +591798,4 +591799,4 +591800,4 +591801,4 +591802,4 +591803,4 +591804,4 +591805,4 +591806,4 +591807,14 +591808,14 +591809,14 +591810,14 +591811,14 +591812,14 +591813,5 +591814,5 +591815,5 +591816,5 +591817,5 +591818,5 +591819,2 +591820,2 +591821,2 +591822,2 +591823,2 +591824,2 +591825,2 +591826,2 +591827,2 +591828,40 +591829,40 +591830,40 +591831,40 +591832,40 +591833,40 +591834,19 +591835,19 +591836,19 +591837,16 +591838,16 +591839,16 +591840,16 +591841,16 +591842,16 +591843,4 +591844,4 +591845,16 +591846,16 +591847,16 +591848,25 +591849,25 +591850,37 +591851,37 +591852,37 +591853,37 +591854,37 +591855,37 +591856,37 +591857,37 +591858,37 +591859,39 +591860,39 +591861,39 +591862,39 +591863,39 +591864,39 +591865,39 +591866,39 +591867,39 +591868,39 +591869,39 +591870,39 +591871,39 +591872,39 +591873,39 +591874,39 +591875,39 +591876,39 +591877,39 +591878,39 +591879,39 +591880,39 +591881,0 +591882,0 +591883,0 +591884,0 +591885,0 +591886,0 +591887,0 +591888,0 +591889,0 +591890,0 +591891,0 +591892,0 +591893,0 +591894,0 +591895,0 +591896,0 +591897,0 +591898,0 +591899,0 +591900,0 +591901,0 +591902,0 +591903,0 +591904,0 +591905,0 +591906,0 +591907,0 +591908,0 +591909,12 +591910,12 +591911,12 +591912,12 +591913,12 +591914,40 +591915,40 +591916,40 +591917,40 +591918,40 +591919,40 +591920,40 +591921,30 +591922,30 +591923,30 +591924,30 +591925,30 +591926,30 +591927,30 +591928,30 +591929,30 +591930,30 +591931,30 +591932,12 +591933,12 +591934,12 +591935,12 +591936,12 +591937,12 +591938,12 +591939,40 +591940,40 +591941,40 +591942,40 +591943,40 +591944,38 +591945,38 +591946,38 +591947,38 +591948,0 +591949,31 +591950,38 +591951,38 +591952,38 +591953,38 +591954,4 +591955,4 +591956,4 +591957,4 +591958,4 +591959,4 +591960,29 +591961,29 +591962,29 +591963,29 +591964,36 +591965,36 +591966,36 +591967,40 +591968,40 +591969,36 +591970,36 +591971,40 +591972,40 +591973,36 +591974,36 +591975,36 +591976,5 +591977,5 +591978,5 +591979,5 +591980,5 +591981,5 +591982,5 +591983,5 +591984,5 +591985,5 +591986,5 +591987,5 +591988,5 +591989,5 +591990,5 +591991,5 +591992,5 +591993,5 +591994,5 +591995,5 +591996,5 +591997,0 +591998,0 +591999,0 +592000,0 +592001,0 +592002,0 +592003,0 +592004,0 +592005,0 +592006,0 +592007,0 +592008,0 +592009,0 +592010,0 +592011,0 +592012,0 +592013,0 +592014,0 +592015,0 +592016,0 +592017,0 +592018,0 +592019,0 +592020,0 +592021,0 +592022,0 +592023,0 +592024,0 +592025,0 +592026,0 +592027,0 +592028,0 +592029,0 +592030,0 +592031,0 +592032,0 +592033,0 +592034,0 +592035,0 +592036,0 +592037,0 +592038,0 +592039,0 +592040,0 +592041,0 +592042,0 +592043,0 +592044,0 +592045,0 +592046,36 +592047,36 +592048,36 +592049,36 +592050,36 +592051,36 +592052,36 +592053,5 +592054,5 +592055,19 +592056,19 +592057,5 +592058,12 +592059,12 +592060,12 +592061,12 +592062,12 +592063,12 +592064,12 +592065,14 +592066,14 +592067,14 +592068,14 +592069,14 +592070,14 +592071,14 +592072,14 +592073,14 +592074,14 +592075,14 +592076,31 +592077,31 +592078,24 +592079,24 +592080,24 +592081,15 +592082,24 +592083,29 +592084,29 +592085,29 +592086,29 +592087,29 +592088,40 +592089,40 +592090,40 +592091,40 +592092,5 +592093,5 +592094,5 +592095,5 +592096,27 +592097,27 +592098,27 +592099,27 +592100,27 +592101,27 +592102,8 +592103,8 +592104,8 +592105,8 +592106,8 +592107,2 +592108,2 +592109,2 +592110,2 +592111,2 +592112,2 +592113,2 +592114,32 +592115,32 +592116,32 +592117,32 +592118,32 +592119,32 +592120,32 +592121,3 +592122,3 +592123,3 +592124,3 +592125,3 +592126,3 +592127,3 +592128,3 +592129,3 +592130,3 +592131,3 +592132,3 +592133,3 +592134,3 +592135,3 +592136,3 +592137,3 +592138,27 +592139,11 +592140,11 +592141,11 +592142,11 +592143,11 +592144,11 +592145,11 +592146,11 +592147,11 +592148,11 +592149,11 +592150,11 +592151,27 +592152,27 +592153,27 +592154,27 +592155,27 +592156,27 +592157,8 +592158,8 +592159,8 +592160,8 +592161,8 +592162,8 +592163,8 +592164,8 +592165,39 +592166,39 +592167,39 +592168,39 +592169,39 +592170,7 +592171,7 +592172,7 +592173,7 +592174,7 +592175,7 +592176,3 +592177,3 +592178,3 +592179,3 +592180,3 +592181,3 +592182,3 +592183,3 +592184,3 +592185,3 +592186,3 +592187,3 +592188,3 +592189,3 +592190,3 +592191,3 +592192,3 +592193,3 +592194,3 +592195,3 +592196,3 +592197,3 +592198,3 +592199,3 +592200,3 +592201,3 +592202,3 +592203,3 +592204,3 +592205,0 +592206,0 +592207,0 +592208,0 +592209,0 +592210,0 +592211,0 +592212,0 +592213,7 +592214,7 +592215,0 +592216,0 +592217,0 +592218,0 +592219,0 +592220,0 +592221,0 +592222,0 +592223,0 +592224,0 +592225,0 +592226,0 +592227,0 +592228,0 +592229,10 +592230,10 +592231,10 +592232,10 +592233,10 +592234,10 +592235,10 +592236,10 +592237,10 +592238,10 +592239,10 +592240,10 +592241,10 +592242,40 +592243,40 +592244,40 +592245,24 +592246,24 +592247,24 +592248,24 +592249,24 +592250,24 +592251,31 +592252,31 +592253,31 +592254,25 +592255,25 +592256,25 +592257,25 +592258,25 +592259,25 +592260,25 +592261,28 +592262,32 +592263,32 +592264,32 +592265,32 +592266,32 +592267,32 +592268,37 +592269,37 +592270,37 +592271,37 +592272,36 +592273,36 +592274,36 +592275,36 +592276,36 +592277,36 +592278,36 +592279,36 +592280,36 +592281,36 +592282,6 +592283,6 +592284,6 +592285,6 +592286,6 +592287,6 +592288,31 +592289,31 +592290,31 +592291,31 +592292,27 +592293,27 +592294,27 +592295,2 +592296,2 +592297,2 +592298,2 +592299,2 +592300,2 +592301,2 +592302,2 +592303,2 +592304,2 +592305,27 +592306,27 +592307,27 +592308,27 +592309,27 +592310,27 +592311,13 +592312,13 +592313,13 +592314,13 +592315,13 +592316,13 +592317,13 +592318,28 +592319,28 +592320,28 +592321,28 +592322,28 +592323,28 +592324,28 +592325,28 +592326,31 +592327,31 +592328,31 +592329,31 +592330,31 +592331,31 +592332,31 +592333,31 +592334,31 +592335,2 +592336,2 +592337,2 +592338,2 +592339,2 +592340,4 +592341,4 +592342,4 +592343,4 +592344,31 +592345,31 +592346,31 +592347,28 +592348,28 +592349,28 +592350,13 +592351,6 +592352,6 +592353,6 +592354,6 +592355,6 +592356,6 +592357,6 +592358,6 +592359,6 +592360,6 +592361,6 +592362,25 +592363,25 +592364,25 +592365,25 +592366,25 +592367,25 +592368,25 +592369,25 +592370,25 +592371,25 +592372,25 +592373,25 +592374,25 +592375,25 +592376,25 +592377,25 +592378,4 +592379,4 +592380,4 +592381,6 +592382,6 +592383,6 +592384,27 +592385,27 +592386,27 +592387,27 +592388,27 +592389,13 +592390,13 +592391,13 +592392,13 +592393,13 +592394,13 +592395,35 +592396,35 +592397,35 +592398,35 +592399,35 +592400,35 +592401,35 +592402,35 +592403,35 +592404,35 +592405,34 +592406,34 +592407,34 +592408,34 +592409,34 +592410,34 +592411,34 +592412,34 +592413,34 +592414,34 +592415,34 +592416,34 +592417,34 +592418,34 +592419,34 +592420,31 +592421,31 +592422,31 +592423,31 +592424,31 +592425,30 +592426,30 +592427,30 +592428,30 +592429,30 +592430,30 +592431,30 +592432,30 +592433,30 +592434,30 +592435,30 +592436,30 +592437,30 +592438,30 +592439,30 +592440,30 +592441,30 +592442,0 +592443,0 +592444,0 +592445,0 +592446,0 +592447,0 +592448,0 +592449,0 +592450,0 +592451,0 +592452,0 +592453,0 +592454,0 +592455,0 +592456,0 +592457,0 +592458,0 +592459,0 +592460,0 +592461,0 +592462,0 +592463,0 +592464,0 +592465,0 +592466,0 +592467,0 +592468,0 +592469,35 +592470,35 +592471,35 +592472,35 +592473,35 +592474,35 +592475,27 +592476,27 +592477,27 +592478,27 +592479,27 +592480,32 +592481,32 +592482,32 +592483,32 +592484,32 +592485,15 +592486,24 +592487,24 +592488,24 +592489,24 +592490,39 +592491,39 +592492,39 +592493,39 +592494,39 +592495,39 +592496,39 +592497,39 +592498,39 +592499,39 +592500,39 +592501,39 +592502,39 +592503,39 +592504,39 +592505,39 +592506,39 +592507,39 +592508,39 +592509,39 +592510,39 +592511,39 +592512,19 +592513,19 +592514,19 +592515,19 +592516,19 +592517,19 +592518,19 +592519,19 +592520,14 +592521,14 +592522,14 +592523,14 +592524,14 +592525,14 +592526,14 +592527,14 +592528,14 +592529,14 +592530,14 +592531,14 +592532,14 +592533,14 +592534,14 +592535,24 +592536,24 +592537,24 +592538,24 +592539,24 +592540,27 +592541,27 +592542,27 +592543,27 +592544,27 +592545,27 +592546,27 +592547,27 +592548,27 +592549,4 +592550,4 +592551,4 +592552,4 +592553,4 +592554,4 +592555,4 +592556,4 +592557,36 +592558,36 +592559,36 +592560,36 +592561,36 +592562,36 +592563,36 +592564,36 +592565,5 +592566,5 +592567,5 +592568,5 +592569,5 +592570,19 +592571,19 +592572,19 +592573,19 +592574,37 +592575,37 +592576,37 +592577,37 +592578,37 +592579,37 +592580,37 +592581,37 +592582,40 +592583,40 +592584,40 +592585,40 +592586,40 +592587,40 +592588,40 +592589,40 +592590,19 +592591,19 +592592,19 +592593,19 +592594,19 +592595,39 +592596,39 +592597,39 +592598,39 +592599,39 +592600,39 +592601,39 +592602,39 +592603,39 +592604,35 +592605,35 +592606,35 +592607,35 +592608,35 +592609,36 +592610,36 +592611,36 +592612,36 +592613,24 +592614,24 +592615,24 +592616,24 +592617,24 +592618,27 +592619,27 +592620,27 +592621,27 +592622,5 +592623,5 +592624,5 +592625,5 +592626,5 +592627,5 +592628,3 +592629,3 +592630,3 +592631,3 +592632,3 +592633,3 +592634,12 +592635,12 +592636,12 +592637,12 +592638,12 +592639,12 +592640,12 +592641,12 +592642,12 +592643,12 +592644,12 +592645,12 +592646,12 +592647,31 +592648,31 +592649,31 +592650,31 +592651,31 +592652,5 +592653,5 +592654,5 +592655,5 +592656,5 +592657,5 +592658,16 +592659,16 +592660,16 +592661,16 +592662,16 +592663,16 +592664,16 +592665,16 +592666,16 +592667,16 +592668,16 +592669,16 +592670,40 +592671,40 +592672,40 +592673,40 +592674,3 +592675,3 +592676,3 +592677,40 +592678,37 +592679,27 +592680,40 +592681,40 +592682,3 +592683,3 +592684,3 +592685,3 +592686,3 +592687,3 +592688,3 +592689,3 +592690,3 +592691,3 +592692,3 +592693,3 +592694,3 +592695,3 +592696,3 +592697,3 +592698,13 +592699,13 +592700,13 +592701,3 +592702,0 +592703,0 +592704,0 +592705,0 +592706,0 +592707,0 +592708,0 +592709,0 +592710,0 +592711,0 +592712,0 +592713,0 +592714,0 +592715,0 +592716,0 +592717,0 +592718,0 +592719,0 +592720,0 +592721,0 +592722,0 +592723,0 +592724,0 +592725,0 +592726,0 +592727,0 +592728,0 +592729,0 +592730,0 +592731,0 +592732,0 +592733,0 +592734,0 +592735,0 +592736,0 +592737,0 +592738,0 +592739,0 +592740,0 +592741,0 +592742,0 +592743,0 +592744,0 +592745,37 +592746,37 +592747,37 +592748,37 +592749,37 +592750,37 +592751,37 +592752,40 +592753,40 +592754,40 +592755,40 +592756,40 +592757,19 +592758,19 +592759,4 +592760,4 +592761,4 +592762,39 +592763,39 +592764,39 +592765,39 +592766,39 +592767,39 +592768,39 +592769,39 +592770,2 +592771,2 +592772,2 +592773,2 +592774,2 +592775,2 +592776,2 +592777,2 +592778,2 +592779,2 +592780,40 +592781,40 +592782,40 +592783,40 +592784,40 +592785,40 +592786,40 +592787,40 +592788,8 +592789,8 +592790,8 +592791,8 +592792,8 +592793,8 +592794,27 +592795,27 +592796,27 +592797,27 +592798,27 +592799,27 +592800,27 +592801,38 +592802,2 +592803,38 +592804,38 +592805,8 +592806,38 +592807,38 +592808,8 +592809,8 +592810,8 +592811,28 +592812,28 +592813,28 +592814,28 +592815,28 +592816,28 +592817,28 +592818,28 +592819,28 +592820,28 +592821,28 +592822,28 +592823,28 +592824,36 +592825,26 +592826,26 +592827,26 +592828,26 +592829,26 +592830,26 +592831,26 +592832,26 +592833,37 +592834,37 +592835,37 +592836,37 +592837,37 +592838,23 +592839,23 +592840,24 +592841,24 +592842,25 +592843,25 +592844,25 +592845,30 +592846,30 +592847,30 +592848,30 +592849,30 +592850,30 +592851,27 +592852,31 +592853,31 +592854,31 +592855,31 +592856,2 +592857,2 +592858,2 +592859,2 +592860,2 +592861,2 +592862,2 +592863,2 +592864,2 +592865,2 +592866,2 +592867,2 +592868,30 +592869,30 +592870,30 +592871,30 +592872,30 +592873,30 +592874,30 +592875,30 +592876,39 +592877,39 +592878,39 +592879,39 +592880,39 +592881,39 +592882,39 +592883,39 +592884,39 +592885,39 +592886,14 +592887,6 +592888,6 +592889,6 +592890,6 +592891,6 +592892,6 +592893,6 +592894,6 +592895,2 +592896,2 +592897,2 +592898,2 +592899,2 +592900,2 +592901,4 +592902,4 +592903,4 +592904,4 +592905,4 +592906,4 +592907,4 +592908,9 +592909,9 +592910,9 +592911,9 +592912,9 +592913,9 +592914,37 +592915,37 +592916,37 +592917,37 +592918,37 +592919,4 +592920,4 +592921,4 +592922,4 +592923,25 +592924,25 +592925,25 +592926,25 +592927,31 +592928,5 +592929,5 +592930,5 +592931,5 +592932,5 +592933,5 +592934,5 +592935,40 +592936,40 +592937,40 +592938,40 +592939,40 +592940,14 +592941,40 +592942,37 +592943,37 +592944,37 +592945,37 +592946,37 +592947,37 +592948,37 +592949,37 +592950,37 +592951,37 +592952,37 +592953,39 +592954,39 +592955,39 +592956,39 +592957,39 +592958,39 +592959,39 +592960,39 +592961,39 +592962,39 +592963,39 +592964,31 +592965,31 +592966,31 +592967,36 +592968,5 +592969,5 +592970,5 +592971,5 +592972,31 +592973,31 +592974,31 +592975,31 +592976,31 +592977,31 +592978,32 +592979,32 +592980,32 +592981,32 +592982,32 +592983,32 +592984,32 +592985,35 +592986,32 +592987,32 +592988,32 +592989,32 +592990,32 +592991,32 +592992,35 +592993,35 +592994,35 +592995,35 +592996,26 +592997,26 +592998,26 +592999,26 +593000,26 +593001,26 +593002,30 +593003,30 +593004,30 +593005,30 +593006,30 +593007,31 +593008,9 +593009,13 +593010,13 +593011,13 +593012,13 +593013,13 +593014,13 +593015,13 +593016,13 +593017,13 +593018,13 +593019,5 +593020,30 +593021,30 +593022,30 +593023,30 +593024,39 +593025,39 +593026,39 +593027,39 +593028,39 +593029,39 +593030,21 +593031,21 +593032,21 +593033,21 +593034,21 +593035,21 +593036,21 +593037,21 +593038,37 +593039,37 +593040,37 +593041,37 +593042,37 +593043,37 +593044,37 +593045,37 +593046,14 +593047,14 +593048,14 +593049,14 +593050,14 +593051,14 +593052,14 +593053,14 +593054,14 +593055,14 +593056,14 +593057,14 +593058,4 +593059,4 +593060,4 +593061,4 +593062,4 +593063,4 +593064,4 +593065,4 +593066,4 +593067,4 +593068,0 +593069,0 +593070,0 +593071,0 +593072,0 +593073,0 +593074,0 +593075,0 +593076,0 +593077,0 +593078,0 +593079,0 +593080,0 +593081,0 +593082,0 +593083,0 +593084,0 +593085,0 +593086,0 +593087,0 +593088,0 +593089,0 +593090,0 +593091,0 +593092,0 +593093,0 +593094,0 +593095,0 +593096,0 +593097,0 +593098,0 +593099,0 +593100,0 +593101,0 +593102,0 +593103,0 +593104,0 +593105,0 +593106,0 +593107,0 +593108,0 +593109,0 +593110,0 +593111,12 +593112,12 +593113,12 +593114,31 +593115,31 +593116,31 +593117,8 +593118,8 +593119,8 +593120,8 +593121,8 +593122,8 +593123,8 +593124,8 +593125,15 +593126,15 +593127,15 +593128,15 +593129,15 +593130,15 +593131,15 +593132,15 +593133,24 +593134,27 +593135,27 +593136,27 +593137,27 +593138,27 +593139,27 +593140,27 +593141,2 +593142,8 +593143,8 +593144,8 +593145,35 +593146,35 +593147,39 +593148,39 +593149,39 +593150,39 +593151,39 +593152,39 +593153,39 +593154,39 +593155,21 +593156,21 +593157,21 +593158,21 +593159,21 +593160,21 +593161,21 +593162,21 +593163,21 +593164,37 +593165,37 +593166,37 +593167,37 +593168,37 +593169,37 +593170,37 +593171,27 +593172,27 +593173,3 +593174,27 +593175,25 +593176,25 +593177,28 +593178,28 +593179,28 +593180,28 +593181,28 +593182,27 +593183,27 +593184,27 +593185,27 +593186,13 +593187,13 +593188,13 +593189,13 +593190,13 +593191,13 +593192,13 +593193,13 +593194,13 +593195,13 +593196,29 +593197,29 +593198,29 +593199,29 +593200,31 +593201,31 +593202,31 +593203,31 +593204,31 +593205,31 +593206,31 +593207,28 +593208,28 +593209,28 +593210,28 +593211,28 +593212,28 +593213,28 +593214,28 +593215,28 +593216,28 +593217,28 +593218,28 +593219,0 +593220,0 +593221,0 +593222,0 +593223,0 +593224,0 +593225,0 +593226,0 +593227,0 +593228,0 +593229,0 +593230,0 +593231,0 +593232,0 +593233,0 +593234,0 +593235,0 +593236,0 +593237,31 +593238,31 +593239,31 +593240,0 +593241,0 +593242,36 +593243,36 +593244,36 +593245,31 +593246,31 +593247,5 +593248,19 +593249,19 +593250,19 +593251,5 +593252,5 +593253,31 +593254,31 +593255,31 +593256,31 +593257,40 +593258,31 +593259,31 +593260,19 +593261,19 +593262,19 +593263,19 +593264,19 +593265,9 +593266,9 +593267,0 +593268,0 +593269,0 +593270,0 +593271,0 +593272,0 +593273,9 +593274,9 +593275,9 +593276,9 +593277,9 +593278,9 +593279,9 +593280,9 +593281,9 +593282,37 +593283,37 +593284,37 +593285,37 +593286,37 +593287,37 +593288,37 +593289,37 +593290,37 +593291,37 +593292,37 +593293,31 +593294,31 +593295,40 +593296,40 +593297,19 +593298,19 +593299,4 +593300,4 +593301,39 +593302,39 +593303,39 +593304,39 +593305,39 +593306,39 +593307,39 +593308,27 +593309,39 +593310,39 +593311,39 +593312,23 +593313,23 +593314,23 +593315,23 +593316,23 +593317,23 +593318,23 +593319,23 +593320,23 +593321,23 +593322,23 +593323,23 +593324,40 +593325,40 +593326,40 +593327,40 +593328,40 +593329,5 +593330,5 +593331,5 +593332,5 +593333,27 +593334,31 +593335,31 +593336,31 +593337,31 +593338,31 +593339,11 +593340,11 +593341,11 +593342,11 +593343,11 +593344,11 +593345,11 +593346,11 +593347,11 +593348,11 +593349,11 +593350,16 +593351,16 +593352,16 +593353,16 +593354,16 +593355,16 +593356,16 +593357,16 +593358,16 +593359,16 +593360,16 +593361,4 +593362,4 +593363,4 +593364,4 +593365,4 +593366,4 +593367,4 +593368,4 +593369,4 +593370,4 +593371,4 +593372,4 +593373,4 +593374,4 +593375,3 +593376,3 +593377,3 +593378,3 +593379,3 +593380,14 +593381,14 +593382,27 +593383,27 +593384,27 +593385,3 +593386,3 +593387,3 +593388,3 +593389,3 +593390,3 +593391,3 +593392,3 +593393,3 +593394,30 +593395,30 +593396,30 +593397,33 +593398,30 +593399,0 +593400,0 +593401,30 +593402,0 +593403,0 +593404,0 +593405,0 +593406,0 +593407,0 +593408,0 +593409,0 +593410,0 +593411,0 +593412,0 +593413,0 +593414,0 +593415,9 +593416,9 +593417,9 +593418,4 +593419,4 +593420,0 +593421,0 +593422,19 +593423,0 +593424,0 +593425,0 +593426,0 +593427,0 +593428,0 +593429,0 +593430,0 +593431,0 +593432,0 +593433,0 +593434,0 +593435,0 +593436,0 +593437,0 +593438,0 +593439,0 +593440,0 +593441,0 +593442,0 +593443,0 +593444,0 +593445,0 +593446,0 +593447,0 +593448,0 +593449,0 +593450,0 +593451,0 +593452,0 +593453,0 +593454,0 +593455,0 +593456,0 +593457,0 +593458,0 +593459,0 +593460,0 +593461,0 +593462,0 +593463,0 +593464,0 +593465,0 +593466,0 +593467,0 +593468,0 +593469,0 +593470,0 +593471,0 +593472,0 +593473,0 +593474,0 +593475,0 +593476,0 +593477,0 +593478,0 +593479,0 +593480,0 +593481,29 +593482,29 +593483,29 +593484,29 +593485,29 +593486,31 +593487,31 +593488,31 +593489,32 +593490,32 +593491,32 +593492,32 +593493,32 +593494,32 +593495,32 +593496,32 +593497,14 +593498,14 +593499,14 +593500,14 +593501,14 +593502,14 +593503,14 +593504,14 +593505,14 +593506,14 +593507,14 +593508,14 +593509,4 +593510,4 +593511,4 +593512,4 +593513,4 +593514,4 +593515,4 +593516,4 +593517,4 +593518,4 +593519,4 +593520,37 +593521,37 +593522,37 +593523,37 +593524,37 +593525,27 +593526,27 +593527,27 +593528,27 +593529,27 +593530,27 +593531,27 +593532,27 +593533,27 +593534,27 +593535,27 +593536,2 +593537,2 +593538,2 +593539,2 +593540,2 +593541,2 +593542,2 +593543,2 +593544,2 +593545,2 +593546,23 +593547,23 +593548,4 +593549,4 +593550,4 +593551,4 +593552,4 +593553,34 +593554,26 +593555,26 +593556,34 +593557,34 +593558,34 +593559,26 +593560,26 +593561,26 +593562,26 +593563,32 +593564,32 +593565,32 +593566,32 +593567,32 +593568,32 +593569,32 +593570,4 +593571,4 +593572,2 +593573,2 +593574,4 +593575,4 +593576,4 +593577,4 +593578,4 +593579,4 +593580,2 +593581,4 +593582,4 +593583,4 +593584,4 +593585,4 +593586,4 +593587,4 +593588,4 +593589,4 +593590,4 +593591,4 +593592,4 +593593,4 +593594,31 +593595,31 +593596,31 +593597,31 +593598,31 +593599,31 +593600,4 +593601,4 +593602,4 +593603,4 +593604,4 +593605,4 +593606,4 +593607,4 +593608,4 +593609,4 +593610,14 +593611,14 +593612,14 +593613,14 +593614,14 +593615,14 +593616,14 +593617,14 +593618,14 +593619,14 +593620,6 +593621,6 +593622,6 +593623,6 +593624,6 +593625,6 +593626,6 +593627,6 +593628,6 +593629,6 +593630,14 +593631,14 +593632,14 +593633,14 +593634,14 +593635,14 +593636,14 +593637,28 +593638,28 +593639,28 +593640,28 +593641,28 +593642,28 +593643,28 +593644,28 +593645,32 +593646,32 +593647,32 +593648,32 +593649,32 +593650,32 +593651,32 +593652,32 +593653,32 +593654,32 +593655,32 +593656,36 +593657,36 +593658,36 +593659,36 +593660,36 +593661,36 +593662,36 +593663,36 +593664,36 +593665,36 +593666,36 +593667,2 +593668,2 +593669,2 +593670,2 +593671,2 +593672,2 +593673,2 +593674,2 +593675,2 +593676,2 +593677,2 +593678,31 +593679,31 +593680,31 +593681,5 +593682,5 +593683,5 +593684,5 +593685,5 +593686,18 +593687,18 +593688,18 +593689,18 +593690,18 +593691,18 +593692,18 +593693,25 +593694,25 +593695,25 +593696,25 +593697,25 +593698,25 +593699,25 +593700,25 +593701,25 +593702,25 +593703,25 +593704,25 +593705,25 +593706,25 +593707,8 +593708,8 +593709,8 +593710,8 +593711,8 +593712,8 +593713,8 +593714,8 +593715,8 +593716,8 +593717,8 +593718,8 +593719,8 +593720,8 +593721,8 +593722,8 +593723,8 +593724,8 +593725,8 +593726,0 +593727,0 +593728,0 +593729,0 +593730,0 +593731,0 +593732,0 +593733,0 +593734,0 +593735,0 +593736,0 +593737,0 +593738,0 +593739,0 +593740,0 +593741,0 +593742,0 +593743,0 +593744,0 +593745,31 +593746,31 +593747,36 +593748,36 +593749,36 +593750,36 +593751,36 +593752,36 +593753,36 +593754,36 +593755,2 +593756,2 +593757,2 +593758,2 +593759,2 +593760,2 +593761,2 +593762,2 +593763,2 +593764,2 +593765,2 +593766,4 +593767,4 +593768,4 +593769,4 +593770,4 +593771,27 +593772,27 +593773,27 +593774,27 +593775,27 +593776,30 +593777,30 +593778,30 +593779,30 +593780,30 +593781,30 +593782,30 +593783,30 +593784,28 +593785,28 +593786,28 +593787,28 +593788,28 +593789,28 +593790,22 +593791,33 +593792,33 +593793,33 +593794,33 +593795,33 +593796,33 +593797,33 +593798,33 +593799,30 +593800,30 +593801,30 +593802,30 +593803,2 +593804,2 +593805,2 +593806,2 +593807,2 +593808,2 +593809,2 +593810,2 +593811,2 +593812,2 +593813,2 +593814,2 +593815,2 +593816,4 +593817,4 +593818,4 +593819,4 +593820,4 +593821,39 +593822,39 +593823,39 +593824,39 +593825,39 +593826,39 +593827,39 +593828,39 +593829,39 +593830,39 +593831,39 +593832,28 +593833,28 +593834,28 +593835,28 +593836,28 +593837,12 +593838,12 +593839,12 +593840,12 +593841,12 +593842,31 +593843,31 +593844,31 +593845,8 +593846,8 +593847,8 +593848,8 +593849,2 +593850,2 +593851,2 +593852,32 +593853,32 +593854,32 +593855,32 +593856,32 +593857,32 +593858,32 +593859,32 +593860,32 +593861,32 +593862,32 +593863,25 +593864,25 +593865,25 +593866,28 +593867,28 +593868,28 +593869,28 +593870,28 +593871,28 +593872,40 +593873,40 +593874,40 +593875,40 +593876,40 +593877,27 +593878,27 +593879,27 +593880,27 +593881,27 +593882,27 +593883,27 +593884,27 +593885,19 +593886,19 +593887,19 +593888,19 +593889,32 +593890,19 +593891,32 +593892,4 +593893,4 +593894,4 +593895,4 +593896,4 +593897,4 +593898,3 +593899,3 +593900,3 +593901,3 +593902,3 +593903,3 +593904,3 +593905,31 +593906,31 +593907,31 +593908,31 +593909,2 +593910,2 +593911,2 +593912,2 +593913,2 +593914,2 +593915,2 +593916,2 +593917,2 +593918,2 +593919,2 +593920,2 +593921,2 +593922,6 +593923,6 +593924,6 +593925,6 +593926,6 +593927,6 +593928,14 +593929,14 +593930,14 +593931,14 +593932,14 +593933,31 +593934,31 +593935,27 +593936,27 +593937,27 +593938,14 +593939,27 +593940,27 +593941,27 +593942,27 +593943,4 +593944,4 +593945,4 +593946,4 +593947,4 +593948,4 +593949,4 +593950,4 +593951,4 +593952,19 +593953,0 +593954,0 +593955,0 +593956,0 +593957,0 +593958,0 +593959,0 +593960,0 +593961,0 +593962,0 +593963,0 +593964,0 +593965,0 +593966,0 +593967,0 +593968,0 +593969,0 +593970,0 +593971,0 +593972,0 +593973,0 +593974,0 +593975,0 +593976,0 +593977,0 +593978,0 +593979,0 +593980,0 +593981,0 +593982,0 +593983,0 +593984,0 +593985,0 +593986,0 +593987,0 +593988,0 +593989,0 +593990,0 +593991,0 +593992,0 +593993,0 +593994,0 +593995,0 +593996,0 +593997,0 +593998,0 +593999,0 +594000,0 +594001,0 +594002,0 +594003,0 +594004,0 +594005,0 +594006,0 +594007,0 +594008,0 +594009,0 +594010,0 +594011,0 +594012,0 +594013,0 +594014,0 +594015,0 +594016,0 +594017,0 +594018,0 +594019,0 +594020,0 +594021,0 +594022,0 +594023,0 +594024,0 +594025,0 +594026,0 +594027,0 +594028,0 +594029,0 +594030,0 +594031,0 +594032,0 +594033,0 +594034,0 +594035,0 +594036,0 +594037,0 +594038,0 +594039,28 +594040,28 +594041,28 +594042,28 +594043,28 +594044,28 +594045,27 +594046,27 +594047,27 +594048,27 +594049,27 +594050,27 +594051,27 +594052,2 +594053,2 +594054,2 +594055,2 +594056,2 +594057,2 +594058,2 +594059,2 +594060,2 +594061,2 +594062,2 +594063,4 +594064,4 +594065,4 +594066,4 +594067,4 +594068,4 +594069,4 +594070,16 +594071,16 +594072,16 +594073,16 +594074,25 +594075,25 +594076,25 +594077,25 +594078,25 +594079,25 +594080,25 +594081,25 +594082,27 +594083,25 +594084,16 +594085,16 +594086,16 +594087,16 +594088,16 +594089,16 +594090,16 +594091,16 +594092,16 +594093,16 +594094,16 +594095,16 +594096,16 +594097,16 +594098,27 +594099,33 +594100,33 +594101,33 +594102,33 +594103,33 +594104,33 +594105,31 +594106,31 +594107,31 +594108,35 +594109,35 +594110,35 +594111,35 +594112,35 +594113,35 +594114,35 +594115,35 +594116,35 +594117,35 +594118,35 +594119,34 +594120,34 +594121,34 +594122,34 +594123,34 +594124,34 +594125,34 +594126,34 +594127,34 +594128,34 +594129,34 +594130,34 +594131,34 +594132,34 +594133,34 +594134,25 +594135,25 +594136,25 +594137,25 +594138,25 +594139,25 +594140,25 +594141,40 +594142,40 +594143,24 +594144,24 +594145,24 +594146,24 +594147,24 +594148,24 +594149,24 +594150,24 +594151,25 +594152,25 +594153,25 +594154,25 +594155,25 +594156,25 +594157,25 +594158,37 +594159,37 +594160,15 +594161,15 +594162,15 +594163,15 +594164,15 +594165,15 +594166,15 +594167,15 +594168,39 +594169,39 +594170,39 +594171,39 +594172,39 +594173,39 +594174,39 +594175,39 +594176,39 +594177,39 +594178,39 +594179,39 +594180,39 +594181,39 +594182,39 +594183,39 +594184,5 +594185,5 +594186,5 +594187,5 +594188,31 +594189,31 +594190,31 +594191,31 +594192,31 +594193,31 +594194,31 +594195,31 +594196,31 +594197,31 +594198,24 +594199,24 +594200,24 +594201,24 +594202,24 +594203,24 +594204,24 +594205,14 +594206,14 +594207,14 +594208,14 +594209,14 +594210,14 +594211,14 +594212,14 +594213,14 +594214,14 +594215,14 +594216,14 +594217,14 +594218,14 +594219,14 +594220,14 +594221,14 +594222,14 +594223,14 +594224,14 +594225,14 +594226,14 +594227,14 +594228,14 +594229,14 +594230,14 +594231,14 +594232,14 +594233,14 +594234,14 +594235,14 +594236,14 +594237,39 +594238,39 +594239,16 +594240,16 +594241,16 +594242,16 +594243,16 +594244,16 +594245,16 +594246,16 +594247,18 +594248,18 +594249,11 +594250,40 +594251,40 +594252,40 +594253,40 +594254,40 +594255,40 +594256,40 +594257,5 +594258,5 +594259,5 +594260,5 +594261,5 +594262,5 +594263,5 +594264,5 +594265,12 +594266,12 +594267,12 +594268,12 +594269,12 +594270,12 +594271,27 +594272,27 +594273,27 +594274,27 +594275,27 +594276,38 +594277,38 +594278,38 +594279,38 +594280,38 +594281,4 +594282,38 +594283,32 +594284,32 +594285,25 +594286,31 +594287,31 +594288,31 +594289,31 +594290,31 +594291,23 +594292,23 +594293,23 +594294,23 +594295,23 +594296,23 +594297,23 +594298,23 +594299,23 +594300,23 +594301,23 +594302,23 +594303,23 +594304,23 +594305,23 +594306,23 +594307,22 +594308,22 +594309,22 +594310,22 +594311,22 +594312,9 +594313,26 +594314,26 +594315,30 +594316,30 +594317,30 +594318,30 +594319,22 +594320,22 +594321,22 +594322,22 +594323,22 +594324,22 +594325,30 +594326,30 +594327,30 +594328,6 +594329,6 +594330,6 +594331,6 +594332,6 +594333,6 +594334,6 +594335,6 +594336,6 +594337,6 +594338,31 +594339,31 +594340,31 +594341,31 +594342,31 +594343,31 +594344,28 +594345,28 +594346,28 +594347,28 +594348,28 +594349,28 +594350,28 +594351,28 +594352,28 +594353,28 +594354,28 +594355,36 +594356,40 +594357,40 +594358,40 +594359,40 +594360,40 +594361,40 +594362,40 +594363,40 +594364,40 +594365,40 +594366,40 +594367,5 +594368,5 +594369,5 +594370,5 +594371,5 +594372,5 +594373,5 +594374,4 +594375,4 +594376,4 +594377,31 +594378,31 +594379,31 +594380,31 +594381,31 +594382,31 +594383,24 +594384,24 +594385,24 +594386,24 +594387,24 +594388,24 +594389,35 +594390,35 +594391,35 +594392,35 +594393,35 +594394,35 +594395,25 +594396,25 +594397,25 +594398,25 +594399,25 +594400,25 +594401,25 +594402,25 +594403,23 +594404,23 +594405,23 +594406,23 +594407,23 +594408,23 +594409,23 +594410,23 +594411,23 +594412,23 +594413,23 +594414,23 +594415,23 +594416,9 +594417,9 +594418,9 +594419,9 +594420,9 +594421,37 +594422,37 +594423,37 +594424,37 +594425,37 +594426,37 +594427,37 +594428,37 +594429,16 +594430,16 +594431,16 +594432,16 +594433,16 +594434,16 +594435,16 +594436,16 +594437,11 +594438,11 +594439,11 +594440,16 +594441,16 +594442,16 +594443,16 +594444,11 +594445,11 +594446,31 +594447,31 +594448,31 +594449,31 +594450,31 +594451,31 +594452,31 +594453,31 +594454,31 +594455,5 +594456,5 +594457,5 +594458,5 +594459,5 +594460,5 +594461,5 +594462,5 +594463,5 +594464,5 +594465,5 +594466,0 +594467,0 +594468,0 +594469,0 +594470,0 +594471,0 +594472,0 +594473,0 +594474,0 +594475,0 +594476,0 +594477,0 +594478,0 +594479,0 +594480,0 +594481,0 +594482,0 +594483,0 +594484,0 +594485,0 +594486,0 +594487,0 +594488,0 +594489,0 +594490,0 +594491,0 +594492,0 +594493,0 +594494,0 +594495,0 +594496,0 +594497,0 +594498,0 +594499,0 +594500,0 +594501,0 +594502,0 +594503,0 +594504,0 +594505,0 +594506,29 +594507,29 +594508,29 +594509,29 +594510,29 +594511,29 +594512,29 +594513,9 +594514,9 +594515,25 +594516,25 +594517,37 +594518,37 +594519,37 +594520,37 +594521,37 +594522,37 +594523,37 +594524,37 +594525,37 +594526,37 +594527,37 +594528,25 +594529,35 +594530,35 +594531,35 +594532,35 +594533,35 +594534,35 +594535,35 +594536,35 +594537,35 +594538,35 +594539,25 +594540,25 +594541,25 +594542,25 +594543,25 +594544,25 +594545,25 +594546,25 +594547,23 +594548,23 +594549,23 +594550,23 +594551,23 +594552,23 +594553,23 +594554,23 +594555,23 +594556,23 +594557,23 +594558,23 +594559,23 +594560,23 +594561,23 +594562,9 +594563,9 +594564,9 +594565,9 +594566,37 +594567,37 +594568,37 +594569,25 +594570,25 +594571,25 +594572,37 +594573,37 +594574,37 +594575,16 +594576,16 +594577,16 +594578,16 +594579,16 +594580,16 +594581,16 +594582,16 +594583,11 +594584,11 +594585,11 +594586,11 +594587,11 +594588,11 +594589,11 +594590,11 +594591,11 +594592,31 +594593,31 +594594,31 +594595,31 +594596,31 +594597,31 +594598,31 +594599,31 +594600,31 +594601,31 +594602,31 +594603,5 +594604,5 +594605,5 +594606,5 +594607,5 +594608,5 +594609,5 +594610,5 +594611,5 +594612,5 +594613,5 +594614,5 +594615,5 +594616,5 +594617,5 +594618,5 +594619,5 +594620,13 +594621,15 +594622,15 +594623,15 +594624,15 +594625,15 +594626,15 +594627,15 +594628,15 +594629,15 +594630,9 +594631,9 +594632,9 +594633,9 +594634,9 +594635,9 +594636,9 +594637,9 +594638,9 +594639,9 +594640,9 +594641,9 +594642,37 +594643,37 +594644,37 +594645,37 +594646,37 +594647,31 +594648,31 +594649,31 +594650,31 +594651,5 +594652,5 +594653,5 +594654,5 +594655,5 +594656,5 +594657,5 +594658,5 +594659,5 +594660,5 +594661,5 +594662,5 +594663,5 +594664,33 +594665,33 +594666,33 +594667,33 +594668,33 +594669,33 +594670,33 +594671,33 +594672,33 +594673,33 +594674,33 +594675,33 +594676,33 +594677,33 +594678,33 +594679,33 +594680,33 +594681,33 +594682,33 +594683,33 +594684,33 +594685,33 +594686,33 +594687,33 +594688,32 +594689,32 +594690,32 +594691,32 +594692,32 +594693,32 +594694,32 +594695,32 +594696,32 +594697,32 +594698,32 +594699,32 +594700,32 +594701,32 +594702,25 +594703,25 +594704,25 +594705,25 +594706,25 +594707,25 +594708,25 +594709,37 +594710,0 +594711,0 +594712,6 +594713,6 +594714,32 +594715,32 +594716,32 +594717,35 +594718,35 +594719,35 +594720,35 +594721,23 +594722,23 +594723,23 +594724,9 +594725,9 +594726,9 +594727,9 +594728,9 +594729,9 +594730,9 +594731,9 +594732,37 +594733,37 +594734,37 +594735,37 +594736,37 +594737,37 +594738,37 +594739,11 +594740,11 +594741,11 +594742,11 +594743,11 +594744,11 +594745,11 +594746,11 +594747,11 +594748,11 +594749,11 +594750,11 +594751,11 +594752,11 +594753,11 +594754,31 +594755,31 +594756,31 +594757,5 +594758,5 +594759,5 +594760,5 +594761,5 +594762,5 +594763,5 +594764,5 +594765,5 +594766,4 +594767,4 +594768,4 +594769,4 +594770,4 +594771,4 +594772,31 +594773,31 +594774,31 +594775,31 +594776,29 +594777,29 +594778,29 +594779,29 +594780,31 +594781,31 +594782,31 +594783,31 +594784,31 +594785,31 +594786,31 +594787,31 +594788,23 +594789,23 +594790,23 +594791,23 +594792,23 +594793,23 +594794,23 +594795,23 +594796,23 +594797,23 +594798,23 +594799,23 +594800,23 +594801,40 +594802,40 +594803,40 +594804,40 +594805,40 +594806,40 +594807,40 +594808,40 +594809,40 +594810,40 +594811,40 +594812,40 +594813,40 +594814,40 +594815,28 +594816,28 +594817,28 +594818,28 +594819,28 +594820,28 +594821,28 +594822,28 +594823,28 +594824,30 +594825,30 +594826,30 +594827,39 +594828,39 +594829,39 +594830,39 +594831,39 +594832,39 +594833,39 +594834,39 +594835,14 +594836,14 +594837,14 +594838,14 +594839,14 +594840,14 +594841,14 +594842,2 +594843,2 +594844,2 +594845,2 +594846,2 +594847,2 +594848,2 +594849,2 +594850,2 +594851,2 +594852,2 +594853,2 +594854,2 +594855,2 +594856,2 +594857,2 +594858,2 +594859,2 +594860,2 +594861,2 +594862,4 +594863,4 +594864,4 +594865,4 +594866,4 +594867,4 +594868,14 +594869,14 +594870,14 +594871,14 +594872,14 +594873,14 +594874,14 +594875,14 +594876,14 +594877,14 +594878,14 +594879,14 +594880,14 +594881,14 +594882,14 +594883,14 +594884,14 +594885,14 +594886,14 +594887,14 +594888,14 +594889,14 +594890,39 +594891,39 +594892,39 +594893,39 +594894,39 +594895,39 +594896,0 +594897,0 +594898,0 +594899,0 +594900,0 +594901,0 +594902,0 +594903,0 +594904,0 +594905,0 +594906,0 +594907,0 +594908,0 +594909,0 +594910,0 +594911,0 +594912,0 +594913,0 +594914,0 +594915,0 +594916,0 +594917,0 +594918,0 +594919,0 +594920,0 +594921,0 +594922,0 +594923,0 +594924,0 +594925,0 +594926,0 +594927,0 +594928,0 +594929,0 +594930,0 +594931,30 +594932,30 +594933,30 +594934,30 +594935,30 +594936,30 +594937,30 +594938,30 +594939,9 +594940,9 +594941,9 +594942,9 +594943,9 +594944,9 +594945,9 +594946,9 +594947,9 +594948,9 +594949,9 +594950,9 +594951,9 +594952,9 +594953,9 +594954,9 +594955,9 +594956,9 +594957,13 +594958,13 +594959,13 +594960,13 +594961,13 +594962,13 +594963,13 +594964,13 +594965,13 +594966,5 +594967,5 +594968,28 +594969,28 +594970,5 +594971,5 +594972,5 +594973,5 +594974,5 +594975,5 +594976,5 +594977,5 +594978,5 +594979,5 +594980,39 +594981,3 +594982,3 +594983,23 +594984,23 +594985,23 +594986,23 +594987,23 +594988,23 +594989,23 +594990,23 +594991,23 +594992,23 +594993,23 +594994,9 +594995,9 +594996,9 +594997,9 +594998,9 +594999,9 +595000,37 +595001,37 +595002,37 +595003,37 +595004,37 +595005,35 +595006,35 +595007,35 +595008,35 +595009,35 +595010,35 +595011,25 +595012,25 +595013,25 +595014,25 +595015,25 +595016,25 +595017,25 +595018,25 +595019,6 +595020,6 +595021,6 +595022,6 +595023,6 +595024,6 +595025,6 +595026,6 +595027,6 +595028,6 +595029,6 +595030,12 +595031,12 +595032,12 +595033,12 +595034,12 +595035,12 +595036,27 +595037,27 +595038,27 +595039,4 +595040,4 +595041,4 +595042,6 +595043,6 +595044,27 +595045,27 +595046,27 +595047,27 +595048,27 +595049,13 +595050,13 +595051,13 +595052,13 +595053,13 +595054,13 +595055,13 +595056,13 +595057,13 +595058,5 +595059,5 +595060,15 +595061,15 +595062,15 +595063,15 +595064,15 +595065,15 +595066,36 +595067,36 +595068,36 +595069,36 +595070,36 +595071,36 +595072,40 +595073,40 +595074,40 +595075,40 +595076,40 +595077,40 +595078,40 +595079,40 +595080,40 +595081,40 +595082,40 +595083,40 +595084,40 +595085,40 +595086,40 +595087,40 +595088,40 +595089,40 +595090,40 +595091,38 +595092,38 +595093,38 +595094,38 +595095,38 +595096,0 +595097,0 +595098,0 +595099,0 +595100,0 +595101,0 +595102,23 +595103,0 +595104,0 +595105,0 +595106,0 +595107,0 +595108,0 +595109,0 +595110,0 +595111,0 +595112,0 +595113,0 +595114,0 +595115,0 +595116,0 +595117,0 +595118,0 +595119,0 +595120,0 +595121,0 +595122,0 +595123,0 +595124,0 +595125,0 +595126,0 +595127,0 +595128,0 +595129,0 +595130,0 +595131,0 +595132,0 +595133,0 +595134,0 +595135,0 +595136,0 +595137,0 +595138,0 +595139,0 +595140,0 +595141,0 +595142,0 +595143,0 +595144,0 +595145,0 +595146,0 +595147,36 +595148,36 +595149,36 +595150,36 +595151,5 +595152,19 +595153,19 +595154,19 +595155,19 +595156,19 +595157,27 +595158,27 +595159,27 +595160,27 +595161,27 +595162,4 +595163,4 +595164,4 +595165,4 +595166,4 +595167,4 +595168,4 +595169,2 +595170,2 +595171,2 +595172,2 +595173,2 +595174,2 +595175,2 +595176,2 +595177,2 +595178,2 +595179,39 +595180,39 +595181,39 +595182,39 +595183,39 +595184,39 +595185,39 +595186,39 +595187,39 +595188,39 +595189,39 +595190,39 +595191,3 +595192,3 +595193,3 +595194,3 +595195,27 +595196,5 +595197,5 +595198,5 +595199,5 +595200,5 +595201,5 +595202,5 +595203,5 +595204,5 +595205,5 +595206,5 +595207,27 +595208,27 +595209,27 +595210,27 +595211,27 +595212,8 +595213,8 +595214,8 +595215,8 +595216,8 +595217,8 +595218,8 +595219,8 +595220,27 +595221,27 +595222,27 +595223,27 +595224,27 +595225,23 +595226,23 +595227,24 +595228,24 +595229,23 +595230,23 +595231,23 +595232,23 +595233,23 +595234,23 +595235,23 +595236,29 +595237,31 +595238,31 +595239,31 +595240,31 +595241,31 +595242,30 +595243,35 +595244,35 +595245,32 +595246,35 +595247,35 +595248,35 +595249,35 +595250,35 +595251,35 +595252,35 +595253,33 +595254,33 +595255,33 +595256,33 +595257,33 +595258,33 +595259,30 +595260,30 +595261,30 +595262,30 +595263,30 +595264,30 +595265,30 +595266,30 +595267,30 +595268,30 +595269,30 +595270,30 +595271,30 +595272,30 +595273,30 +595274,30 +595275,30 +595276,30 +595277,30 +595278,30 +595279,30 +595280,30 +595281,30 +595282,30 +595283,30 +595284,30 +595285,30 +595286,30 +595287,30 +595288,28 +595289,28 +595290,28 +595291,28 +595292,28 +595293,28 +595294,28 +595295,28 +595296,28 +595297,10 +595298,10 +595299,10 +595300,10 +595301,10 +595302,10 +595303,10 +595304,10 +595305,10 +595306,10 +595307,10 +595308,6 +595309,21 +595310,21 +595311,21 +595312,15 +595313,15 +595314,15 +595315,15 +595316,32 +595317,15 +595318,15 +595319,27 +595320,27 +595321,27 +595322,39 +595323,39 +595324,39 +595325,39 +595326,39 +595327,4 +595328,4 +595329,4 +595330,4 +595331,4 +595332,4 +595333,4 +595334,4 +595335,4 +595336,4 +595337,4 +595338,4 +595339,4 +595340,37 +595341,37 +595342,37 +595343,37 +595344,14 +595345,14 +595346,14 +595347,14 +595348,14 +595349,14 +595350,14 +595351,14 +595352,14 +595353,14 +595354,14 +595355,14 +595356,14 +595357,14 +595358,14 +595359,14 +595360,2 +595361,2 +595362,2 +595363,2 +595364,2 +595365,2 +595366,2 +595367,2 +595368,4 +595369,4 +595370,4 +595371,4 +595372,4 +595373,4 +595374,4 +595375,4 +595376,25 +595377,25 +595378,25 +595379,29 +595380,29 +595381,29 +595382,29 +595383,39 +595384,39 +595385,39 +595386,39 +595387,39 +595388,39 +595389,39 +595390,39 +595391,39 +595392,39 +595393,27 +595394,39 +595395,39 +595396,39 +595397,27 +595398,27 +595399,27 +595400,27 +595401,27 +595402,27 +595403,28 +595404,28 +595405,28 +595406,28 +595407,28 +595408,28 +595409,3 +595410,23 +595411,23 +595412,23 +595413,23 +595414,23 +595415,23 +595416,23 +595417,30 +595418,30 +595419,30 +595420,30 +595421,30 +595422,17 +595423,17 +595424,17 +595425,17 +595426,17 +595427,17 +595428,17 +595429,17 +595430,33 +595431,17 +595432,17 +595433,17 +595434,17 +595435,17 +595436,17 +595437,17 +595438,17 +595439,5 +595440,5 +595441,5 +595442,5 +595443,5 +595444,5 +595445,5 +595446,5 +595447,2 +595448,2 +595449,2 +595450,2 +595451,2 +595452,2 +595453,2 +595454,2 +595455,2 +595456,2 +595457,2 +595458,31 +595459,31 +595460,31 +595461,31 +595462,31 +595463,24 +595464,24 +595465,24 +595466,24 +595467,24 +595468,24 +595469,24 +595470,24 +595471,15 +595472,15 +595473,15 +595474,15 +595475,15 +595476,36 +595477,36 +595478,36 +595479,36 +595480,36 +595481,36 +595482,36 +595483,36 +595484,36 +595485,36 +595486,36 +595487,36 +595488,36 +595489,36 +595490,4 +595491,4 +595492,4 +595493,4 +595494,4 +595495,4 +595496,4 +595497,4 +595498,4 +595499,4 +595500,0 +595501,0 +595502,0 +595503,0 +595504,0 +595505,0 +595506,0 +595507,0 +595508,0 +595509,0 +595510,0 +595511,0 +595512,8 +595513,8 +595514,8 +595515,8 +595516,8 +595517,8 +595518,8 +595519,8 +595520,2 +595521,2 +595522,2 +595523,2 +595524,2 +595525,2 +595526,2 +595527,2 +595528,2 +595529,2 +595530,2 +595531,2 +595532,2 +595533,9 +595534,9 +595535,9 +595536,9 +595537,9 +595538,9 +595539,9 +595540,9 +595541,9 +595542,9 +595543,9 +595544,37 +595545,37 +595546,37 +595547,37 +595548,37 +595549,35 +595550,35 +595551,35 +595552,31 +595553,31 +595554,31 +595555,31 +595556,31 +595557,31 +595558,31 +595559,31 +595560,31 +595561,24 +595562,24 +595563,24 +595564,24 +595565,24 +595566,24 +595567,24 +595568,24 +595569,24 +595570,37 +595571,37 +595572,37 +595573,37 +595574,37 +595575,37 +595576,37 +595577,37 +595578,37 +595579,39 +595580,39 +595581,39 +595582,39 +595583,39 +595584,39 +595585,39 +595586,39 +595587,39 +595588,39 +595589,39 +595590,39 +595591,39 +595592,19 +595593,19 +595594,19 +595595,4 +595596,27 +595597,27 +595598,27 +595599,27 +595600,27 +595601,27 +595602,27 +595603,27 +595604,13 +595605,13 +595606,13 +595607,5 +595608,13 +595609,13 +595610,13 +595611,13 +595612,13 +595613,13 +595614,13 +595615,5 +595616,5 +595617,5 +595618,5 +595619,5 +595620,5 +595621,0 +595622,0 +595623,0 +595624,0 +595625,0 +595626,0 +595627,0 +595628,0 +595629,0 +595630,0 +595631,0 +595632,0 +595633,0 +595634,0 +595635,0 +595636,0 +595637,0 +595638,0 +595639,0 +595640,0 +595641,0 +595642,0 +595643,0 +595644,0 +595645,0 +595646,0 +595647,0 +595648,0 +595649,0 +595650,0 +595651,0 +595652,0 +595653,0 +595654,0 +595655,0 +595656,0 +595657,0 +595658,0 +595659,0 +595660,0 +595661,0 +595662,0 +595663,0 +595664,0 +595665,0 +595666,0 +595667,0 +595668,0 +595669,0 +595670,0 +595671,0 +595672,0 +595673,0 +595674,0 +595675,0 +595676,0 +595677,0 +595678,0 +595679,0 +595680,0 +595681,0 +595682,0 +595683,12 +595684,12 +595685,12 +595686,12 +595687,12 +595688,27 +595689,27 +595690,27 +595691,27 +595692,16 +595693,16 +595694,16 +595695,16 +595696,16 +595697,16 +595698,16 +595699,11 +595700,16 +595701,16 +595702,16 +595703,16 +595704,16 +595705,11 +595706,11 +595707,14 +595708,14 +595709,14 +595710,39 +595711,39 +595712,39 +595713,39 +595714,39 +595715,39 +595716,39 +595717,35 +595718,35 +595719,35 +595720,35 +595721,35 +595722,35 +595723,35 +595724,35 +595725,36 +595726,36 +595727,36 +595728,36 +595729,19 +595730,19 +595731,19 +595732,19 +595733,19 +595734,19 +595735,19 +595736,19 +595737,19 +595738,29 +595739,29 +595740,29 +595741,40 +595742,40 +595743,40 +595744,40 +595745,40 +595746,40 +595747,40 +595748,40 +595749,40 +595750,40 +595751,40 +595752,37 +595753,37 +595754,37 +595755,37 +595756,37 +595757,37 +595758,37 +595759,37 +595760,25 +595761,25 +595762,25 +595763,25 +595764,5 +595765,5 +595766,5 +595767,5 +595768,5 +595769,5 +595770,5 +595771,19 +595772,19 +595773,19 +595774,19 +595775,19 +595776,19 +595777,19 +595778,26 +595779,26 +595780,26 +595781,40 +595782,40 +595783,40 +595784,30 +595785,30 +595786,30 +595787,30 +595788,30 +595789,30 +595790,30 +595791,30 +595792,9 +595793,9 +595794,30 +595795,30 +595796,30 +595797,30 +595798,30 +595799,30 +595800,30 +595801,30 +595802,30 +595803,30 +595804,31 +595805,18 +595806,18 +595807,19 +595808,19 +595809,19 +595810,19 +595811,18 +595812,19 +595813,19 +595814,4 +595815,4 +595816,4 +595817,4 +595818,4 +595819,4 +595820,4 +595821,4 +595822,4 +595823,4 +595824,4 +595825,4 +595826,4 +595827,4 +595828,4 +595829,4 +595830,4 +595831,0 +595832,0 +595833,0 +595834,0 +595835,0 +595836,0 +595837,0 +595838,0 +595839,0 +595840,0 +595841,0 +595842,0 +595843,0 +595844,0 +595845,0 +595846,0 +595847,0 +595848,0 +595849,0 +595850,0 +595851,0 +595852,0 +595853,0 +595854,0 +595855,0 +595856,0 +595857,0 +595858,0 +595859,0 +595860,0 +595861,0 +595862,0 +595863,0 +595864,0 +595865,0 +595866,0 +595867,0 +595868,0 +595869,0 +595870,0 +595871,0 +595872,0 +595873,0 +595874,0 +595875,0 +595876,0 +595877,0 +595878,0 +595879,0 +595880,0 +595881,0 +595882,0 +595883,0 +595884,0 +595885,0 +595886,0 +595887,0 +595888,0 +595889,0 +595890,0 +595891,36 +595892,36 +595893,36 +595894,36 +595895,36 +595896,36 +595897,36 +595898,36 +595899,36 +595900,36 +595901,36 +595902,5 +595903,5 +595904,5 +595905,5 +595906,5 +595907,5 +595908,5 +595909,5 +595910,5 +595911,5 +595912,5 +595913,5 +595914,39 +595915,39 +595916,39 +595917,39 +595918,39 +595919,39 +595920,39 +595921,31 +595922,31 +595923,26 +595924,26 +595925,31 +595926,31 +595927,31 +595928,31 +595929,10 +595930,10 +595931,0 +595932,0 +595933,0 +595934,31 +595935,31 +595936,31 +595937,0 +595938,0 +595939,0 +595940,10 +595941,10 +595942,10 +595943,10 +595944,10 +595945,10 +595946,10 +595947,31 +595948,10 +595949,10 +595950,10 +595951,31 +595952,5 +595953,5 +595954,5 +595955,5 +595956,5 +595957,39 +595958,39 +595959,39 +595960,39 +595961,39 +595962,39 +595963,39 +595964,39 +595965,39 +595966,39 +595967,39 +595968,6 +595969,6 +595970,6 +595971,6 +595972,31 +595973,31 +595974,31 +595975,31 +595976,31 +595977,31 +595978,31 +595979,30 +595980,30 +595981,30 +595982,30 +595983,30 +595984,4 +595985,4 +595986,4 +595987,4 +595988,4 +595989,4 +595990,4 +595991,4 +595992,4 +595993,1 +595994,1 +595995,31 +595996,27 +595997,31 +595998,31 +595999,31 +596000,31 +596001,31 +596002,31 +596003,5 +596004,5 +596005,5 +596006,5 +596007,5 +596008,5 +596009,36 +596010,36 +596011,36 +596012,36 +596013,36 +596014,36 +596015,36 +596016,36 +596017,36 +596018,36 +596019,36 +596020,36 +596021,36 +596022,36 +596023,5 +596024,5 +596025,5 +596026,5 +596027,5 +596028,2 +596029,2 +596030,2 +596031,2 +596032,2 +596033,2 +596034,2 +596035,2 +596036,2 +596037,2 +596038,28 +596039,5 +596040,5 +596041,5 +596042,5 +596043,5 +596044,5 +596045,5 +596046,27 +596047,27 +596048,27 +596049,27 +596050,3 +596051,3 +596052,3 +596053,3 +596054,3 +596055,32 +596056,32 +596057,32 +596058,32 +596059,32 +596060,32 +596061,23 +596062,23 +596063,23 +596064,23 +596065,23 +596066,23 +596067,23 +596068,23 +596069,26 +596070,26 +596071,26 +596072,26 +596073,9 +596074,9 +596075,9 +596076,30 +596077,30 +596078,9 +596079,30 +596080,30 +596081,30 +596082,30 +596083,30 +596084,30 +596085,2 +596086,2 +596087,2 +596088,2 +596089,2 +596090,2 +596091,2 +596092,2 +596093,2 +596094,2 +596095,2 +596096,2 +596097,2 +596098,2 +596099,25 +596100,25 +596101,40 +596102,40 +596103,25 +596104,25 +596105,25 +596106,25 +596107,22 +596108,25 +596109,19 +596110,19 +596111,19 +596112,19 +596113,19 +596114,19 +596115,19 +596116,19 +596117,19 +596118,19 +596119,5 +596120,5 +596121,5 +596122,0 +596123,0 +596124,0 +596125,0 +596126,0 +596127,0 +596128,0 +596129,0 +596130,0 +596131,0 +596132,0 +596133,0 +596134,0 +596135,0 +596136,0 +596137,0 +596138,0 +596139,0 +596140,0 +596141,0 +596142,0 +596143,0 +596144,0 +596145,0 +596146,0 +596147,0 +596148,0 +596149,31 +596150,31 +596151,31 +596152,31 +596153,31 +596154,31 +596155,31 +596156,31 +596157,31 +596158,31 +596159,31 +596160,5 +596161,5 +596162,5 +596163,19 +596164,19 +596165,19 +596166,19 +596167,19 +596168,19 +596169,29 +596170,29 +596171,29 +596172,5 +596173,40 +596174,40 +596175,40 +596176,40 +596177,40 +596178,40 +596179,40 +596180,40 +596181,40 +596182,40 +596183,37 +596184,37 +596185,37 +596186,37 +596187,37 +596188,37 +596189,37 +596190,37 +596191,37 +596192,37 +596193,37 +596194,37 +596195,37 +596196,37 +596197,37 +596198,37 +596199,37 +596200,37 +596201,37 +596202,33 +596203,12 +596204,12 +596205,12 +596206,12 +596207,31 +596208,31 +596209,31 +596210,31 +596211,31 +596212,31 +596213,31 +596214,31 +596215,8 +596216,8 +596217,8 +596218,8 +596219,8 +596220,8 +596221,8 +596222,35 +596223,35 +596224,35 +596225,35 +596226,36 +596227,36 +596228,36 +596229,40 +596230,36 +596231,36 +596232,36 +596233,4 +596234,4 +596235,4 +596236,4 +596237,4 +596238,4 +596239,32 +596240,32 +596241,32 +596242,32 +596243,32 +596244,32 +596245,32 +596246,32 +596247,32 +596248,26 +596249,26 +596250,26 +596251,26 +596252,31 +596253,31 +596254,31 +596255,31 +596256,31 +596257,13 +596258,13 +596259,13 +596260,13 +596261,13 +596262,32 +596263,32 +596264,32 +596265,32 +596266,32 +596267,32 +596268,32 +596269,39 +596270,39 +596271,39 +596272,39 +596273,39 +596274,39 +596275,39 +596276,39 +596277,39 +596278,39 +596279,4 +596280,4 +596281,4 +596282,4 +596283,4 +596284,4 +596285,4 +596286,4 +596287,4 +596288,4 +596289,4 +596290,3 +596291,22 +596292,22 +596293,22 +596294,22 +596295,22 +596296,22 +596297,31 +596298,6 +596299,6 +596300,4 +596301,4 +596302,6 +596303,38 +596304,29 +596305,29 +596306,29 +596307,29 +596308,29 +596309,31 +596310,31 +596311,31 +596312,31 +596313,31 +596314,2 +596315,2 +596316,2 +596317,2 +596318,2 +596319,2 +596320,2 +596321,2 +596322,2 +596323,2 +596324,2 +596325,2 +596326,2 +596327,27 +596328,27 +596329,27 +596330,27 +596331,27 +596332,27 +596333,4 +596334,4 +596335,4 +596336,4 +596337,4 +596338,4 +596339,4 +596340,39 +596341,39 +596342,39 +596343,39 +596344,39 +596345,39 +596346,39 +596347,39 +596348,39 +596349,39 +596350,39 +596351,39 +596352,39 +596353,39 +596354,39 +596355,39 +596356,39 +596357,39 +596358,39 +596359,0 +596360,0 +596361,0 +596362,0 +596363,0 +596364,0 +596365,0 +596366,0 +596367,0 +596368,0 +596369,0 +596370,0 +596371,0 +596372,0 +596373,0 +596374,0 +596375,0 +596376,0 +596377,0 +596378,0 +596379,0 +596380,0 +596381,0 +596382,0 +596383,0 +596384,0 +596385,0 +596386,0 +596387,0 +596388,0 +596389,0 +596390,0 +596391,0 +596392,0 +596393,0 +596394,0 +596395,0 +596396,0 +596397,0 +596398,0 +596399,0 +596400,2 +596401,2 +596402,2 +596403,2 +596404,2 +596405,2 +596406,2 +596407,2 +596408,2 +596409,2 +596410,2 +596411,2 +596412,2 +596413,2 +596414,2 +596415,2 +596416,2 +596417,33 +596418,33 +596419,33 +596420,33 +596421,33 +596422,33 +596423,33 +596424,35 +596425,35 +596426,35 +596427,35 +596428,35 +596429,39 +596430,39 +596431,39 +596432,39 +596433,39 +596434,39 +596435,39 +596436,39 +596437,39 +596438,32 +596439,32 +596440,32 +596441,32 +596442,32 +596443,32 +596444,32 +596445,32 +596446,32 +596447,32 +596448,26 +596449,26 +596450,17 +596451,26 +596452,26 +596453,26 +596454,26 +596455,26 +596456,26 +596457,37 +596458,37 +596459,37 +596460,37 +596461,37 +596462,35 +596463,35 +596464,35 +596465,2 +596466,2 +596467,2 +596468,2 +596469,2 +596470,27 +596471,27 +596472,27 +596473,27 +596474,27 +596475,27 +596476,15 +596477,15 +596478,15 +596479,15 +596480,15 +596481,15 +596482,29 +596483,31 +596484,31 +596485,31 +596486,31 +596487,31 +596488,12 +596489,12 +596490,12 +596491,12 +596492,12 +596493,12 +596494,12 +596495,12 +596496,12 +596497,12 +596498,12 +596499,12 +596500,12 +596501,12 +596502,25 +596503,25 +596504,25 +596505,25 +596506,37 +596507,37 +596508,37 +596509,37 +596510,37 +596511,25 +596512,6 +596513,6 +596514,6 +596515,6 +596516,6 +596517,6 +596518,31 +596519,31 +596520,31 +596521,28 +596522,28 +596523,28 +596524,28 +596525,28 +596526,28 +596527,28 +596528,28 +596529,28 +596530,9 +596531,9 +596532,9 +596533,9 +596534,9 +596535,9 +596536,13 +596537,13 +596538,13 +596539,13 +596540,13 +596541,13 +596542,13 +596543,13 +596544,13 +596545,13 +596546,13 +596547,13 +596548,29 +596549,15 +596550,15 +596551,15 +596552,27 +596553,27 +596554,39 +596555,39 +596556,39 +596557,39 +596558,39 +596559,39 +596560,39 +596561,9 +596562,9 +596563,26 +596564,26 +596565,26 +596566,26 +596567,26 +596568,26 +596569,26 +596570,26 +596571,26 +596572,26 +596573,26 +596574,26 +596575,37 +596576,37 +596577,37 +596578,37 +596579,37 +596580,37 +596581,37 +596582,28 +596583,28 +596584,28 +596585,28 +596586,28 +596587,39 +596588,39 +596589,39 +596590,39 +596591,39 +596592,39 +596593,39 +596594,39 +596595,39 +596596,39 +596597,39 +596598,39 +596599,39 +596600,39 +596601,39 +596602,39 +596603,39 +596604,39 +596605,39 +596606,39 +596607,4 +596608,4 +596609,39 +596610,39 +596611,36 +596612,36 +596613,36 +596614,36 +596615,36 +596616,36 +596617,36 +596618,36 +596619,5 +596620,5 +596621,5 +596622,5 +596623,5 +596624,19 +596625,19 +596626,19 +596627,4 +596628,4 +596629,31 +596630,31 +596631,31 +596632,31 +596633,31 +596634,28 +596635,28 +596636,28 +596637,28 +596638,28 +596639,28 +596640,28 +596641,28 +596642,26 +596643,26 +596644,26 +596645,26 +596646,26 +596647,26 +596648,26 +596649,26 +596650,26 +596651,26 +596652,26 +596653,30 +596654,30 +596655,30 +596656,30 +596657,30 +596658,31 +596659,31 +596660,31 +596661,31 +596662,31 +596663,31 +596664,27 +596665,2 +596666,2 +596667,2 +596668,2 +596669,2 +596670,2 +596671,2 +596672,2 +596673,2 +596674,2 +596675,2 +596676,2 +596677,2 +596678,2 +596679,4 +596680,4 +596681,29 +596682,29 +596683,29 +596684,31 +596685,31 +596686,31 +596687,31 +596688,31 +596689,31 +596690,2 +596691,2 +596692,2 +596693,2 +596694,2 +596695,2 +596696,2 +596697,2 +596698,2 +596699,2 +596700,2 +596701,2 +596702,31 +596703,2 +596704,31 +596705,31 +596706,31 +596707,31 +596708,31 +596709,31 +596710,31 +596711,24 +596712,24 +596713,24 +596714,29 +596715,29 +596716,29 +596717,25 +596718,25 +596719,25 +596720,25 +596721,25 +596722,25 +596723,25 +596724,25 +596725,25 +596726,25 +596727,25 +596728,25 +596729,25 +596730,25 +596731,25 +596732,25 +596733,25 +596734,25 +596735,25 +596736,19 +596737,19 +596738,19 +596739,19 +596740,19 +596741,19 +596742,19 +596743,8 +596744,8 +596745,8 +596746,8 +596747,8 +596748,2 +596749,2 +596750,2 +596751,2 +596752,2 +596753,2 +596754,2 +596755,2 +596756,2 +596757,2 +596758,2 +596759,2 +596760,2 +596761,2 +596762,0 +596763,0 +596764,0 +596765,0 +596766,0 +596767,0 +596768,0 +596769,0 +596770,0 +596771,0 +596772,0 +596773,0 +596774,0 +596775,0 +596776,0 +596777,0 +596778,0 +596779,0 +596780,0 +596781,0 +596782,0 +596783,0 +596784,0 +596785,0 +596786,0 +596787,0 +596788,0 +596789,0 +596790,0 +596791,0 +596792,0 +596793,0 +596794,0 +596795,0 +596796,0 +596797,0 +596798,0 +596799,0 +596800,0 +596801,0 +596802,0 +596803,0 +596804,0 +596805,0 +596806,0 +596807,0 +596808,0 +596809,0 +596810,0 +596811,0 +596812,0 +596813,0 +596814,0 +596815,0 +596816,35 +596817,35 +596818,35 +596819,35 +596820,39 +596821,39 +596822,39 +596823,39 +596824,37 +596825,37 +596826,37 +596827,37 +596828,37 +596829,37 +596830,37 +596831,37 +596832,39 +596833,39 +596834,39 +596835,39 +596836,39 +596837,39 +596838,39 +596839,16 +596840,16 +596841,16 +596842,16 +596843,16 +596844,2 +596845,2 +596846,16 +596847,18 +596848,18 +596849,18 +596850,18 +596851,4 +596852,4 +596853,4 +596854,4 +596855,4 +596856,4 +596857,34 +596858,34 +596859,34 +596860,34 +596861,34 +596862,34 +596863,34 +596864,34 +596865,34 +596866,34 +596867,34 +596868,34 +596869,34 +596870,34 +596871,4 +596872,4 +596873,4 +596874,4 +596875,4 +596876,4 +596877,4 +596878,4 +596879,0 +596880,5 +596881,5 +596882,5 +596883,5 +596884,5 +596885,0 +596886,0 +596887,0 +596888,0 +596889,0 +596890,0 +596891,0 +596892,0 +596893,0 +596894,0 +596895,0 +596896,2 +596897,2 +596898,2 +596899,2 +596900,2 +596901,40 +596902,40 +596903,40 +596904,40 +596905,40 +596906,40 +596907,40 +596908,40 +596909,16 +596910,16 +596911,16 +596912,4 +596913,4 +596914,4 +596915,2 +596916,2 +596917,16 +596918,16 +596919,16 +596920,2 +596921,16 +596922,4 +596923,4 +596924,4 +596925,16 +596926,16 +596927,16 +596928,28 +596929,28 +596930,28 +596931,28 +596932,14 +596933,14 +596934,14 +596935,14 +596936,14 +596937,14 +596938,14 +596939,14 +596940,14 +596941,28 +596942,13 +596943,13 +596944,13 +596945,13 +596946,13 +596947,13 +596948,39 +596949,39 +596950,0 +596951,0 +596952,0 +596953,0 +596954,0 +596955,0 +596956,0 +596957,0 +596958,0 +596959,0 +596960,0 +596961,0 +596962,0 +596963,0 +596964,0 +596965,0 +596966,0 +596967,0 +596968,0 +596969,0 +596970,0 +596971,0 +596972,0 +596973,0 +596974,0 +596975,0 +596976,0 +596977,0 +596978,0 +596979,0 +596980,0 +596981,0 +596982,0 +596983,0 +596984,0 +596985,0 +596986,0 +596987,0 +596988,0 +596989,0 +596990,0 +596991,0 +596992,0 +596993,0 +596994,0 +596995,0 +596996,0 +596997,0 +596998,0 +596999,0 +597000,0 +597001,0 +597002,0 +597003,0 +597004,0 +597005,0 +597006,0 +597007,0 +597008,0 +597009,0 +597010,0 +597011,0 +597012,0 +597013,0 +597014,0 +597015,0 +597016,0 +597017,0 +597018,0 +597019,0 +597020,0 +597021,0 +597022,27 +597023,27 +597024,27 +597025,7 +597026,7 +597027,22 +597028,22 +597029,22 +597030,22 +597031,37 +597032,37 +597033,37 +597034,37 +597035,37 +597036,25 +597037,25 +597038,40 +597039,40 +597040,40 +597041,40 +597042,10 +597043,10 +597044,10 +597045,10 +597046,10 +597047,10 +597048,19 +597049,19 +597050,19 +597051,12 +597052,12 +597053,24 +597054,9 +597055,9 +597056,9 +597057,9 +597058,31 +597059,31 +597060,31 +597061,26 +597062,30 +597063,30 +597064,30 +597065,30 +597066,30 +597067,30 +597068,30 +597069,4 +597070,4 +597071,4 +597072,4 +597073,4 +597074,4 +597075,31 +597076,31 +597077,27 +597078,24 +597079,24 +597080,24 +597081,24 +597082,25 +597083,25 +597084,25 +597085,37 +597086,37 +597087,39 +597088,39 +597089,39 +597090,39 +597091,39 +597092,39 +597093,21 +597094,21 +597095,21 +597096,21 +597097,21 +597098,21 +597099,21 +597100,21 +597101,21 +597102,21 +597103,39 +597104,21 +597105,32 +597106,32 +597107,32 +597108,32 +597109,32 +597110,37 +597111,37 +597112,37 +597113,37 +597114,14 +597115,27 +597116,27 +597117,27 +597118,27 +597119,27 +597120,27 +597121,27 +597122,27 +597123,27 +597124,5 +597125,5 +597126,5 +597127,5 +597128,5 +597129,5 +597130,5 +597131,5 +597132,5 +597133,5 +597134,5 +597135,5 +597136,5 +597137,5 +597138,5 +597139,4 +597140,4 +597141,4 +597142,4 +597143,4 +597144,4 +597145,4 +597146,4 +597147,4 +597148,4 +597149,4 +597150,4 +597151,4 +597152,4 +597153,4 +597154,4 +597155,0 +597156,0 +597157,0 +597158,0 +597159,0 +597160,27 +597161,27 +597162,27 +597163,27 +597164,27 +597165,27 +597166,27 +597167,27 +597168,19 +597169,19 +597170,19 +597171,19 +597172,19 +597173,19 +597174,19 +597175,19 +597176,19 +597177,19 +597178,19 +597179,19 +597180,19 +597181,19 +597182,19 +597183,19 +597184,31 +597185,31 +597186,31 +597187,31 +597188,31 +597189,31 +597190,31 +597191,31 +597192,40 +597193,40 +597194,40 +597195,40 +597196,40 +597197,40 +597198,40 +597199,40 +597200,40 +597201,40 +597202,40 +597203,40 +597204,40 +597205,40 +597206,40 +597207,40 +597208,31 +597209,31 +597210,8 +597211,8 +597212,8 +597213,8 +597214,8 +597215,8 +597216,8 +597217,8 +597218,8 +597219,8 +597220,8 +597221,8 +597222,8 +597223,8 +597224,8 +597225,8 +597226,8 +597227,8 +597228,0 +597229,0 +597230,0 +597231,0 +597232,0 +597233,0 +597234,0 +597235,0 +597236,0 +597237,0 +597238,0 +597239,0 +597240,0 +597241,0 +597242,0 +597243,0 +597244,0 +597245,0 +597246,0 +597247,0 +597248,0 +597249,0 +597250,0 +597251,0 +597252,0 +597253,0 +597254,0 +597255,0 +597256,0 +597257,0 +597258,0 +597259,0 +597260,0 +597261,2 +597262,2 +597263,2 +597264,2 +597265,2 +597266,2 +597267,2 +597268,2 +597269,2 +597270,2 +597271,2 +597272,2 +597273,2 +597274,2 +597275,2 +597276,2 +597277,2 +597278,2 +597279,2 +597280,2 +597281,2 +597282,39 +597283,39 +597284,39 +597285,39 +597286,39 +597287,39 +597288,39 +597289,39 +597290,28 +597291,28 +597292,28 +597293,28 +597294,28 +597295,13 +597296,13 +597297,13 +597298,30 +597299,30 +597300,28 +597301,10 +597302,10 +597303,10 +597304,10 +597305,10 +597306,10 +597307,10 +597308,10 +597309,10 +597310,10 +597311,4 +597312,4 +597313,4 +597314,4 +597315,4 +597316,4 +597317,4 +597318,4 +597319,4 +597320,4 +597321,6 +597322,6 +597323,6 +597324,6 +597325,6 +597326,6 +597327,6 +597328,6 +597329,40 +597330,40 +597331,40 +597332,40 +597333,40 +597334,40 +597335,37 +597336,37 +597337,37 +597338,37 +597339,37 +597340,37 +597341,37 +597342,37 +597343,37 +597344,27 +597345,27 +597346,27 +597347,27 +597348,27 +597349,27 +597350,27 +597351,13 +597352,13 +597353,13 +597354,13 +597355,13 +597356,13 +597357,13 +597358,13 +597359,13 +597360,19 +597361,19 +597362,37 +597363,37 +597364,6 +597365,6 +597366,6 +597367,6 +597368,6 +597369,35 +597370,6 +597371,6 +597372,35 +597373,33 +597374,9 +597375,9 +597376,33 +597377,33 +597378,33 +597379,33 +597380,33 +597381,33 +597382,33 +597383,33 +597384,30 +597385,30 +597386,30 +597387,30 +597388,30 +597389,30 +597390,33 +597391,30 +597392,30 +597393,30 +597394,33 +597395,30 +597396,30 +597397,30 +597398,30 +597399,30 +597400,30 +597401,30 +597402,30 +597403,30 +597404,30 +597405,30 +597406,8 +597407,8 +597408,8 +597409,8 +597410,8 +597411,8 +597412,8 +597413,8 +597414,8 +597415,8 +597416,2 +597417,8 +597418,2 +597419,2 +597420,2 +597421,2 +597422,2 +597423,2 +597424,2 +597425,2 +597426,2 +597427,8 +597428,4 +597429,4 +597430,4 +597431,4 +597432,4 +597433,4 +597434,23 +597435,23 +597436,23 +597437,23 +597438,23 +597439,0 +597440,0 +597441,0 +597442,0 +597443,0 +597444,0 +597445,0 +597446,0 +597447,0 +597448,0 +597449,0 +597450,0 +597451,0 +597452,0 +597453,0 +597454,0 +597455,0 +597456,0 +597457,0 +597458,0 +597459,0 +597460,0 +597461,0 +597462,0 +597463,0 +597464,0 +597465,0 +597466,0 +597467,0 +597468,0 +597469,0 +597470,0 +597471,0 +597472,0 +597473,0 +597474,0 +597475,0 +597476,0 +597477,0 +597478,0 +597479,0 +597480,0 +597481,0 +597482,0 +597483,0 +597484,0 +597485,0 +597486,0 +597487,0 +597488,0 +597489,0 +597490,0 +597491,0 +597492,0 +597493,0 +597494,0 +597495,0 +597496,0 +597497,0 +597498,4 +597499,4 +597500,4 +597501,4 +597502,27 +597503,27 +597504,27 +597505,5 +597506,5 +597507,5 +597508,5 +597509,5 +597510,5 +597511,5 +597512,5 +597513,3 +597514,3 +597515,3 +597516,3 +597517,3 +597518,3 +597519,3 +597520,3 +597521,3 +597522,3 +597523,6 +597524,6 +597525,6 +597526,6 +597527,6 +597528,6 +597529,6 +597530,36 +597531,36 +597532,36 +597533,36 +597534,36 +597535,36 +597536,36 +597537,36 +597538,36 +597539,36 +597540,36 +597541,36 +597542,36 +597543,36 +597544,2 +597545,2 +597546,2 +597547,2 +597548,2 +597549,2 +597550,2 +597551,2 +597552,2 +597553,2 +597554,2 +597555,30 +597556,30 +597557,30 +597558,30 +597559,30 +597560,30 +597561,30 +597562,30 +597563,30 +597564,35 +597565,35 +597566,35 +597567,35 +597568,35 +597569,35 +597570,35 +597571,35 +597572,35 +597573,35 +597574,35 +597575,35 +597576,35 +597577,35 +597578,35 +597579,0 +597580,0 +597581,0 +597582,0 +597583,0 +597584,0 +597585,23 +597586,23 +597587,23 +597588,23 +597589,0 +597590,0 +597591,0 +597592,0 +597593,0 +597594,0 +597595,0 +597596,0 +597597,0 +597598,0 +597599,0 +597600,0 +597601,0 +597602,0 +597603,0 +597604,0 +597605,0 +597606,0 +597607,0 +597608,0 +597609,0 +597610,0 +597611,0 +597612,0 +597613,0 +597614,0 +597615,0 +597616,0 +597617,0 +597618,0 +597619,0 +597620,0 +597621,0 +597622,0 +597623,0 +597624,0 +597625,0 +597626,0 +597627,0 +597628,0 +597629,0 +597630,0 +597631,0 +597632,0 +597633,0 +597634,0 +597635,0 +597636,0 +597637,0 +597638,2 +597639,2 +597640,2 +597641,2 +597642,2 +597643,2 +597644,2 +597645,2 +597646,2 +597647,2 +597648,33 +597649,33 +597650,33 +597651,33 +597652,33 +597653,33 +597654,33 +597655,33 +597656,33 +597657,33 +597658,40 +597659,40 +597660,10 +597661,10 +597662,10 +597663,31 +597664,31 +597665,31 +597666,31 +597667,31 +597668,2 +597669,2 +597670,2 +597671,2 +597672,2 +597673,2 +597674,2 +597675,2 +597676,2 +597677,2 +597678,2 +597679,2 +597680,31 +597681,31 +597682,31 +597683,31 +597684,15 +597685,15 +597686,15 +597687,15 +597688,15 +597689,15 +597690,24 +597691,24 +597692,24 +597693,39 +597694,39 +597695,39 +597696,39 +597697,39 +597698,39 +597699,39 +597700,39 +597701,39 +597702,39 +597703,39 +597704,39 +597705,39 +597706,39 +597707,39 +597708,39 +597709,39 +597710,39 +597711,39 +597712,39 +597713,39 +597714,39 +597715,39 +597716,39 +597717,39 +597718,39 +597719,39 +597720,39 +597721,27 +597722,27 +597723,27 +597724,27 +597725,27 +597726,14 +597727,14 +597728,14 +597729,14 +597730,14 +597731,14 +597732,14 +597733,15 +597734,15 +597735,15 +597736,15 +597737,15 +597738,15 +597739,15 +597740,15 +597741,31 +597742,31 +597743,30 +597744,30 +597745,30 +597746,30 +597747,30 +597748,30 +597749,30 +597750,4 +597751,4 +597752,4 +597753,4 +597754,4 +597755,4 +597756,4 +597757,4 +597758,27 +597759,27 +597760,27 +597761,27 +597762,27 +597763,31 +597764,2 +597765,2 +597766,2 +597767,2 +597768,2 +597769,2 +597770,2 +597771,2 +597772,2 +597773,2 +597774,2 +597775,2 +597776,2 +597777,2 +597778,2 +597779,2 +597780,2 +597781,39 +597782,39 +597783,39 +597784,39 +597785,39 +597786,39 +597787,39 +597788,39 +597789,39 +597790,39 +597791,39 +597792,39 +597793,35 +597794,35 +597795,36 +597796,36 +597797,36 +597798,27 +597799,4 +597800,4 +597801,4 +597802,4 +597803,4 +597804,4 +597805,4 +597806,4 +597807,4 +597808,2 +597809,2 +597810,2 +597811,2 +597812,2 +597813,2 +597814,2 +597815,2 +597816,2 +597817,4 +597818,4 +597819,4 +597820,4 +597821,4 +597822,4 +597823,27 +597824,27 +597825,27 +597826,27 +597827,30 +597828,30 +597829,30 +597830,30 +597831,30 +597832,30 +597833,30 +597834,30 +597835,28 +597836,28 +597837,28 +597838,28 +597839,28 +597840,28 +597841,28 +597842,28 +597843,28 +597844,28 +597845,9 +597846,9 +597847,9 +597848,9 +597849,9 +597850,9 +597851,9 +597852,37 +597853,37 +597854,37 +597855,37 +597856,37 +597857,37 +597858,39 +597859,39 +597860,39 +597861,7 +597862,7 +597863,7 +597864,7 +597865,39 +597866,39 +597867,39 +597868,39 +597869,39 +597870,39 +597871,39 +597872,39 +597873,8 +597874,8 +597875,8 +597876,8 +597877,8 +597878,8 +597879,8 +597880,8 +597881,31 +597882,31 +597883,31 +597884,31 +597885,31 +597886,30 +597887,30 +597888,30 +597889,30 +597890,30 +597891,30 +597892,30 +597893,30 +597894,30 +597895,30 +597896,39 +597897,39 +597898,39 +597899,39 +597900,39 +597901,39 +597902,39 +597903,39 +597904,39 +597905,39 +597906,39 +597907,39 +597908,39 +597909,39 +597910,0 +597911,0 +597912,0 +597913,0 +597914,0 +597915,0 +597916,9 +597917,9 +597918,9 +597919,9 +597920,9 +597921,9 +597922,9 +597923,9 +597924,9 +597925,5 +597926,5 +597927,5 +597928,5 +597929,28 +597930,28 +597931,28 +597932,29 +597933,29 +597934,31 +597935,31 +597936,31 +597937,31 +597938,31 +597939,12 +597940,12 +597941,12 +597942,12 +597943,12 +597944,12 +597945,12 +597946,12 +597947,12 +597948,12 +597949,14 +597950,14 +597951,14 +597952,14 +597953,14 +597954,14 +597955,14 +597956,14 +597957,5 +597958,5 +597959,29 +597960,29 +597961,29 +597962,29 +597963,15 +597964,15 +597965,15 +597966,15 +597967,36 +597968,36 +597969,36 +597970,36 +597971,36 +597972,36 +597973,36 +597974,36 +597975,36 +597976,36 +597977,36 +597978,36 +597979,36 +597980,36 +597981,36 +597982,36 +597983,36 +597984,36 +597985,36 +597986,36 +597987,34 +597988,34 +597989,34 +597990,6 +597991,6 +597992,6 +597993,6 +597994,25 +597995,0 +597996,0 +597997,0 +597998,0 +597999,0 +598000,0 +598001,0 +598002,0 +598003,0 +598004,0 +598005,0 +598006,0 +598007,0 +598008,0 +598009,0 +598010,0 +598011,0 +598012,0 +598013,0 +598014,6 +598015,6 +598016,0 +598017,0 +598018,0 +598019,0 +598020,0 +598021,0 +598022,0 +598023,0 +598024,0 +598025,0 +598026,0 +598027,0 +598028,0 +598029,0 +598030,0 +598031,0 +598032,0 +598033,0 +598034,0 +598035,0 +598036,0 +598037,0 +598038,0 +598039,0 +598040,0 +598041,0 +598042,0 +598043,0 +598044,0 +598045,0 +598046,0 +598047,0 +598048,0 +598049,0 +598050,0 +598051,0 +598052,0 +598053,0 +598054,0 +598055,0 +598056,0 +598057,0 +598058,0 +598059,0 +598060,0 +598061,0 +598062,0 +598063,0 +598064,0 +598065,0 +598066,0 +598067,0 +598068,0 +598069,0 +598070,0 +598071,0 +598072,0 +598073,0 +598074,0 +598075,0 +598076,0 +598077,0 +598078,0 +598079,0 +598080,0 +598081,0 +598082,0 +598083,0 +598084,0 +598085,0 +598086,0 +598087,0 +598088,0 +598089,0 +598090,0 +598091,0 +598092,0 +598093,0 +598094,0 +598095,0 +598096,0 +598097,0 +598098,0 +598099,0 +598100,0 +598101,0 +598102,0 +598103,0 +598104,0 +598105,0 +598106,0 +598107,0 +598108,36 +598109,36 +598110,36 +598111,19 +598112,5 +598113,5 +598114,5 +598115,5 +598116,26 +598117,10 +598118,10 +598119,36 +598120,36 +598121,36 +598122,36 +598123,36 +598124,36 +598125,24 +598126,24 +598127,24 +598128,24 +598129,24 +598130,24 +598131,24 +598132,24 +598133,2 +598134,2 +598135,2 +598136,2 +598137,2 +598138,2 +598139,2 +598140,2 +598141,2 +598142,25 +598143,25 +598144,25 +598145,25 +598146,24 +598147,24 +598148,24 +598149,24 +598150,24 +598151,24 +598152,27 +598153,27 +598154,37 +598155,37 +598156,27 +598157,14 +598158,14 +598159,14 +598160,14 +598161,14 +598162,14 +598163,14 +598164,14 +598165,14 +598166,14 +598167,11 +598168,11 +598169,11 +598170,11 +598171,11 +598172,11 +598173,11 +598174,11 +598175,11 +598176,11 +598177,11 +598178,11 +598179,11 +598180,11 +598181,31 +598182,31 +598183,31 +598184,31 +598185,31 +598186,5 +598187,39 +598188,39 +598189,39 +598190,39 +598191,12 +598192,12 +598193,12 +598194,12 +598195,12 +598196,12 +598197,12 +598198,12 +598199,12 +598200,12 +598201,39 +598202,39 +598203,39 +598204,39 +598205,39 +598206,35 +598207,35 +598208,35 +598209,35 +598210,35 +598211,35 +598212,36 +598213,36 +598214,36 +598215,36 +598216,36 +598217,4 +598218,19 +598219,19 +598220,4 +598221,4 +598222,4 +598223,4 +598224,6 +598225,6 +598226,6 +598227,6 +598228,6 +598229,31 +598230,31 +598231,31 +598232,5 +598233,5 +598234,5 +598235,5 +598236,5 +598237,5 +598238,5 +598239,4 +598240,4 +598241,4 +598242,4 +598243,4 +598244,4 +598245,4 +598246,4 +598247,37 +598248,37 +598249,37 +598250,37 +598251,37 +598252,37 +598253,37 +598254,10 +598255,10 +598256,10 +598257,10 +598258,10 +598259,10 +598260,10 +598261,10 +598262,10 +598263,10 +598264,10 +598265,10 +598266,10 +598267,10 +598268,10 +598269,10 +598270,10 +598271,10 +598272,10 +598273,10 +598274,23 +598275,23 +598276,23 +598277,23 +598278,23 +598279,23 +598280,23 +598281,4 +598282,4 +598283,4 +598284,4 +598285,4 +598286,31 +598287,31 +598288,31 +598289,31 +598290,31 +598291,31 +598292,4 +598293,4 +598294,4 +598295,4 +598296,4 +598297,4 +598298,4 +598299,4 +598300,4 +598301,4 +598302,14 +598303,14 +598304,14 +598305,14 +598306,14 +598307,14 +598308,14 +598309,14 +598310,14 +598311,14 +598312,14 +598313,6 +598314,6 +598315,6 +598316,6 +598317,6 +598318,6 +598319,6 +598320,6 +598321,6 +598322,6 +598323,6 +598324,6 +598325,12 +598326,12 +598327,12 +598328,12 +598329,12 +598330,12 +598331,12 +598332,10 +598333,10 +598334,26 +598335,26 +598336,26 +598337,34 +598338,34 +598339,34 +598340,34 +598341,34 +598342,34 +598343,34 +598344,34 +598345,34 +598346,34 +598347,34 +598348,34 +598349,30 +598350,30 +598351,31 +598352,31 +598353,31 +598354,31 +598355,31 +598356,31 +598357,31 +598358,12 +598359,12 +598360,12 +598361,12 +598362,12 +598363,12 +598364,12 +598365,12 +598366,12 +598367,12 +598368,12 +598369,25 +598370,25 +598371,25 +598372,25 +598373,25 +598374,25 +598375,37 +598376,25 +598377,6 +598378,6 +598379,6 +598380,6 +598381,6 +598382,6 +598383,6 +598384,12 +598385,12 +598386,12 +598387,12 +598388,31 +598389,31 +598390,31 +598391,31 +598392,8 +598393,8 +598394,8 +598395,8 +598396,8 +598397,8 +598398,8 +598399,27 +598400,27 +598401,27 +598402,27 +598403,27 +598404,28 +598405,28 +598406,28 +598407,28 +598408,28 +598409,28 +598410,28 +598411,28 +598412,32 +598413,32 +598414,32 +598415,32 +598416,32 +598417,32 +598418,37 +598419,37 +598420,37 +598421,37 +598422,37 +598423,37 +598424,37 +598425,10 +598426,10 +598427,10 +598428,10 +598429,26 +598430,26 +598431,26 +598432,26 +598433,26 +598434,26 +598435,26 +598436,26 +598437,26 +598438,31 +598439,31 +598440,21 +598441,21 +598442,21 +598443,21 +598444,21 +598445,21 +598446,37 +598447,37 +598448,37 +598449,37 +598450,37 +598451,37 +598452,37 +598453,37 +598454,40 +598455,40 +598456,40 +598457,40 +598458,40 +598459,40 +598460,40 +598461,40 +598462,2 +598463,2 +598464,2 +598465,2 +598466,2 +598467,2 +598468,2 +598469,2 +598470,2 +598471,2 +598472,2 +598473,2 +598474,2 +598475,2 +598476,2 +598477,2 +598478,2 +598479,2 +598480,2 +598481,2 +598482,2 +598483,0 +598484,0 +598485,0 +598486,0 +598487,0 +598488,0 +598489,0 +598490,0 +598491,0 +598492,0 +598493,0 +598494,0 +598495,0 +598496,0 +598497,0 +598498,0 +598499,0 +598500,0 +598501,0 +598502,0 +598503,0 +598504,0 +598505,0 +598506,0 +598507,0 +598508,0 +598509,0 +598510,0 +598511,0 +598512,0 +598513,0 +598514,0 +598515,0 +598516,0 +598517,0 +598518,0 +598519,0 +598520,0 +598521,0 +598522,0 +598523,0 +598524,0 +598525,0 +598526,0 +598527,0 +598528,0 +598529,0 +598530,0 +598531,0 +598532,0 +598533,0 +598534,0 +598535,0 +598536,0 +598537,0 +598538,0 +598539,0 +598540,0 +598541,0 +598542,0 +598543,0 +598544,0 +598545,0 +598546,12 +598547,12 +598548,12 +598549,12 +598550,12 +598551,12 +598552,12 +598553,12 +598554,12 +598555,12 +598556,12 +598557,12 +598558,12 +598559,12 +598560,12 +598561,27 +598562,27 +598563,27 +598564,27 +598565,27 +598566,30 +598567,30 +598568,30 +598569,30 +598570,39 +598571,39 +598572,39 +598573,14 +598574,14 +598575,14 +598576,14 +598577,14 +598578,14 +598579,14 +598580,38 +598581,38 +598582,38 +598583,38 +598584,38 +598585,38 +598586,38 +598587,38 +598588,38 +598589,38 +598590,38 +598591,27 +598592,27 +598593,27 +598594,27 +598595,27 +598596,27 +598597,27 +598598,13 +598599,13 +598600,13 +598601,13 +598602,13 +598603,13 +598604,13 +598605,13 +598606,6 +598607,6 +598608,6 +598609,6 +598610,6 +598611,6 +598612,2 +598613,2 +598614,2 +598615,2 +598616,2 +598617,2 +598618,2 +598619,2 +598620,2 +598621,2 +598622,2 +598623,2 +598624,40 +598625,40 +598626,40 +598627,40 +598628,40 +598629,40 +598630,40 +598631,30 +598632,30 +598633,30 +598634,31 +598635,12 +598636,30 +598637,30 +598638,30 +598639,33 +598640,33 +598641,33 +598642,33 +598643,24 +598644,24 +598645,24 +598646,24 +598647,24 +598648,24 +598649,40 +598650,40 +598651,40 +598652,5 +598653,5 +598654,5 +598655,5 +598656,5 +598657,7 +598658,39 +598659,7 +598660,39 +598661,39 +598662,39 +598663,39 +598664,39 +598665,39 +598666,39 +598667,39 +598668,39 +598669,35 +598670,35 +598671,35 +598672,35 +598673,35 +598674,35 +598675,35 +598676,39 +598677,39 +598678,39 +598679,39 +598680,27 +598681,27 +598682,27 +598683,27 +598684,27 +598685,37 +598686,25 +598687,22 +598688,22 +598689,22 +598690,37 +598691,27 +598692,37 +598693,27 +598694,25 +598695,8 +598696,8 +598697,8 +598698,8 +598699,8 +598700,8 +598701,8 +598702,2 +598703,2 +598704,31 +598705,31 +598706,31 +598707,24 +598708,24 +598709,24 +598710,24 +598711,24 +598712,27 +598713,27 +598714,27 +598715,27 +598716,27 +598717,27 +598718,8 +598719,8 +598720,8 +598721,8 +598722,8 +598723,8 +598724,8 +598725,8 +598726,21 +598727,21 +598728,21 +598729,21 +598730,21 +598731,21 +598732,21 +598733,21 +598734,12 +598735,12 +598736,12 +598737,12 +598738,12 +598739,12 +598740,12 +598741,14 +598742,14 +598743,14 +598744,14 +598745,14 +598746,14 +598747,14 +598748,14 +598749,14 +598750,14 +598751,14 +598752,14 +598753,27 +598754,27 +598755,8 +598756,8 +598757,8 +598758,8 +598759,8 +598760,8 +598761,8 +598762,8 +598763,8 +598764,8 +598765,8 +598766,8 +598767,8 +598768,8 +598769,40 +598770,40 +598771,40 +598772,40 +598773,40 +598774,40 +598775,40 +598776,40 +598777,40 +598778,5 +598779,5 +598780,5 +598781,5 +598782,5 +598783,5 +598784,27 +598785,40 +598786,40 +598787,40 +598788,40 +598789,40 +598790,28 +598791,28 +598792,28 +598793,28 +598794,28 +598795,28 +598796,28 +598797,39 +598798,39 +598799,39 +598800,39 +598801,39 +598802,39 +598803,39 +598804,39 +598805,39 +598806,39 +598807,31 +598808,31 +598809,31 +598810,31 +598811,31 +598812,31 +598813,2 +598814,2 +598815,2 +598816,2 +598817,8 +598818,8 +598819,2 +598820,2 +598821,8 +598822,2 +598823,0 +598824,0 +598825,0 +598826,0 +598827,29 +598828,29 +598829,29 +598830,29 +598831,23 +598832,29 +598833,40 +598834,40 +598835,40 +598836,40 +598837,40 +598838,40 +598839,40 +598840,40 +598841,40 +598842,40 +598843,40 +598844,40 +598845,40 +598846,40 +598847,40 +598848,19 +598849,19 +598850,19 +598851,19 +598852,19 +598853,31 +598854,31 +598855,31 +598856,31 +598857,5 +598858,5 +598859,5 +598860,5 +598861,5 +598862,5 +598863,29 +598864,29 +598865,29 +598866,39 +598867,31 +598868,31 +598869,6 +598870,6 +598871,6 +598872,6 +598873,6 +598874,6 +598875,6 +598876,6 +598877,6 +598878,6 +598879,6 +598880,6 +598881,6 +598882,6 +598883,6 +598884,6 +598885,6 +598886,36 +598887,36 +598888,36 +598889,36 +598890,36 +598891,36 +598892,36 +598893,36 +598894,36 +598895,36 +598896,36 +598897,36 +598898,28 +598899,28 +598900,32 +598901,32 +598902,32 +598903,32 +598904,32 +598905,32 +598906,31 +598907,31 +598908,31 +598909,31 +598910,31 +598911,31 +598912,31 +598913,24 +598914,24 +598915,24 +598916,24 +598917,24 +598918,24 +598919,27 +598920,27 +598921,27 +598922,27 +598923,27 +598924,27 +598925,27 +598926,2 +598927,2 +598928,2 +598929,8 +598930,8 +598931,8 +598932,8 +598933,16 +598934,16 +598935,16 +598936,16 +598937,16 +598938,16 +598939,2 +598940,16 +598941,16 +598942,16 +598943,16 +598944,16 +598945,16 +598946,16 +598947,7 +598948,7 +598949,9 +598950,9 +598951,9 +598952,9 +598953,9 +598954,9 +598955,9 +598956,9 +598957,37 +598958,37 +598959,37 +598960,37 +598961,37 +598962,37 +598963,37 +598964,37 +598965,37 +598966,37 +598967,37 +598968,31 +598969,31 +598970,31 +598971,31 +598972,31 +598973,31 +598974,31 +598975,5 +598976,28 +598977,28 +598978,28 +598979,28 +598980,28 +598981,28 +598982,28 +598983,28 +598984,28 +598985,28 +598986,5 +598987,5 +598988,28 +598989,5 +598990,0 +598991,0 +598992,0 +598993,0 +598994,0 +598995,0 +598996,0 +598997,0 +598998,0 +598999,0 +599000,0 +599001,0 +599002,0 +599003,0 +599004,0 +599005,0 +599006,0 +599007,0 +599008,0 +599009,0 +599010,0 +599011,0 +599012,0 +599013,0 +599014,0 +599015,0 +599016,0 +599017,0 +599018,0 +599019,0 +599020,0 +599021,0 +599022,0 +599023,0 +599024,0 +599025,0 +599026,0 +599027,0 +599028,0 +599029,0 +599030,0 +599031,0 +599032,0 +599033,0 +599034,0 +599035,0 +599036,0 +599037,0 +599038,0 +599039,0 +599040,0 +599041,0 +599042,0 +599043,0 +599044,0 +599045,0 +599046,0 +599047,0 +599048,0 +599049,0 +599050,0 +599051,0 +599052,0 +599053,0 +599054,0 +599055,0 +599056,0 +599057,0 +599058,0 +599059,0 +599060,11 +599061,11 +599062,11 +599063,11 +599064,11 +599065,11 +599066,11 +599067,11 +599068,11 +599069,11 +599070,11 +599071,11 +599072,11 +599073,11 +599074,11 +599075,36 +599076,26 +599077,26 +599078,36 +599079,36 +599080,26 +599081,26 +599082,34 +599083,34 +599084,34 +599085,34 +599086,4 +599087,4 +599088,31 +599089,31 +599090,31 +599091,31 +599092,31 +599093,31 +599094,15 +599095,19 +599096,19 +599097,15 +599098,15 +599099,27 +599100,27 +599101,27 +599102,27 +599103,37 +599104,37 +599105,37 +599106,37 +599107,37 +599108,37 +599109,37 +599110,33 +599111,33 +599112,33 +599113,33 +599114,33 +599115,33 +599116,33 +599117,33 +599118,33 +599119,2 +599120,2 +599121,2 +599122,2 +599123,2 +599124,2 +599125,2 +599126,6 +599127,6 +599128,6 +599129,9 +599130,9 +599131,9 +599132,9 +599133,9 +599134,9 +599135,9 +599136,9 +599137,9 +599138,9 +599139,9 +599140,9 +599141,26 +599142,26 +599143,26 +599144,32 +599145,4 +599146,4 +599147,4 +599148,0 +599149,0 +599150,0 +599151,13 +599152,13 +599153,0 +599154,0 +599155,0 +599156,0 +599157,0 +599158,0 +599159,0 +599160,0 +599161,0 +599162,0 +599163,0 +599164,0 +599165,0 +599166,0 +599167,0 +599168,0 +599169,0 +599170,0 +599171,0 +599172,0 +599173,0 +599174,0 +599175,0 +599176,0 +599177,0 +599178,0 +599179,0 +599180,40 +599181,40 +599182,40 +599183,40 +599184,40 +599185,40 +599186,40 +599187,40 +599188,28 +599189,28 +599190,28 +599191,28 +599192,28 +599193,28 +599194,28 +599195,28 +599196,27 +599197,27 +599198,27 +599199,27 +599200,13 +599201,13 +599202,13 +599203,13 +599204,13 +599205,13 +599206,13 +599207,40 +599208,40 +599209,40 +599210,40 +599211,40 +599212,40 +599213,32 +599214,32 +599215,32 +599216,32 +599217,32 +599218,32 +599219,32 +599220,4 +599221,4 +599222,4 +599223,4 +599224,4 +599225,29 +599226,29 +599227,29 +599228,29 +599229,29 +599230,29 +599231,29 +599232,31 +599233,31 +599234,31 +599235,31 +599236,31 +599237,6 +599238,6 +599239,6 +599240,6 +599241,6 +599242,6 +599243,6 +599244,6 +599245,6 +599246,37 +599247,37 +599248,37 +599249,37 +599250,37 +599251,37 +599252,34 +599253,34 +599254,34 +599255,34 +599256,34 +599257,34 +599258,26 +599259,26 +599260,26 +599261,26 +599262,4 +599263,4 +599264,4 +599265,37 +599266,37 +599267,37 +599268,27 +599269,31 +599270,31 +599271,31 +599272,23 +599273,23 +599274,32 +599275,32 +599276,32 +599277,3 +599278,3 +599279,3 +599280,24 +599281,32 +599282,32 +599283,32 +599284,32 +599285,32 +599286,37 +599287,25 +599288,27 +599289,25 +599290,25 +599291,25 +599292,4 +599293,4 +599294,4 +599295,4 +599296,4 +599297,6 +599298,2 +599299,2 +599300,2 +599301,2 +599302,2 +599303,2 +599304,4 +599305,4 +599306,4 +599307,4 +599308,4 +599309,36 +599310,36 +599311,36 +599312,36 +599313,36 +599314,36 +599315,36 +599316,36 +599317,40 +599318,40 +599319,2 +599320,2 +599321,2 +599322,2 +599323,2 +599324,2 +599325,2 +599326,2 +599327,2 +599328,2 +599329,2 +599330,2 +599331,2 +599332,2 +599333,2 +599334,2 +599335,2 +599336,2 +599337,2 +599338,2 +599339,2 +599340,2 +599341,2 +599342,2 +599343,32 +599344,0 +599345,0 +599346,0 +599347,0 +599348,0 +599349,0 +599350,0 +599351,0 +599352,0 +599353,0 +599354,0 +599355,0 +599356,0 +599357,0 +599358,0 +599359,0 +599360,0 +599361,0 +599362,0 +599363,0 +599364,0 +599365,0 +599366,0 +599367,0 +599368,0 +599369,0 +599370,0 +599371,0 +599372,0 +599373,0 +599374,0 +599375,0 +599376,0 +599377,0 +599378,0 +599379,0 +599380,0 +599381,0 +599382,0 +599383,0 +599384,0 +599385,0 +599386,0 +599387,0 +599388,0 +599389,0 +599390,0 +599391,0 +599392,0 +599393,0 +599394,0 +599395,0 +599396,0 +599397,0 +599398,0 +599399,0 +599400,0 +599401,0 +599402,0 +599403,0 +599404,0 +599405,0 +599406,0 +599407,0 +599408,27 +599409,29 +599410,29 +599411,29 +599412,1 +599413,1 +599414,1 +599415,1 +599416,1 +599417,1 +599418,1 +599419,1 +599420,1 +599421,14 +599422,39 +599423,39 +599424,39 +599425,14 +599426,17 +599427,17 +599428,17 +599429,10 +599430,10 +599431,30 +599432,30 +599433,30 +599434,30 +599435,30 +599436,30 +599437,30 +599438,30 +599439,30 +599440,30 +599441,30 +599442,30 +599443,19 +599444,19 +599445,19 +599446,19 +599447,19 +599448,25 +599449,25 +599450,25 +599451,25 +599452,25 +599453,25 +599454,25 +599455,25 +599456,37 +599457,37 +599458,37 +599459,37 +599460,37 +599461,25 +599462,25 +599463,25 +599464,25 +599465,25 +599466,25 +599467,25 +599468,5 +599469,5 +599470,0 +599471,0 +599472,0 +599473,0 +599474,0 +599475,0 +599476,0 +599477,0 +599478,0 +599479,0 +599480,0 +599481,0 +599482,0 +599483,0 +599484,0 +599485,0 +599486,0 +599487,0 +599488,0 +599489,0 +599490,0 +599491,0 +599492,0 +599493,0 +599494,0 +599495,0 +599496,0 +599497,0 +599498,0 +599499,0 +599500,0 +599501,0 +599502,0 +599503,0 +599504,0 +599505,0 +599506,0 +599507,0 +599508,0 +599509,0 +599510,0 +599511,0 +599512,0 +599513,0 +599514,0 +599515,0 +599516,0 +599517,0 +599518,7 +599519,7 +599520,7 +599521,27 +599522,3 +599523,3 +599524,21 +599525,21 +599526,21 +599527,21 +599528,21 +599529,21 +599530,21 +599531,21 +599532,21 +599533,21 +599534,21 +599535,14 +599536,14 +599537,14 +599538,14 +599539,5 +599540,5 +599541,21 +599542,21 +599543,13 +599544,13 +599545,18 +599546,21 +599547,1 +599548,4 +599549,4 +599550,4 +599551,4 +599552,4 +599553,4 +599554,4 +599555,4 +599556,27 +599557,27 +599558,27 +599559,27 +599560,27 +599561,13 +599562,13 +599563,13 +599564,27 +599565,27 +599566,5 +599567,39 +599568,39 +599569,39 +599570,5 +599571,5 +599572,13 +599573,13 +599574,5 +599575,5 +599576,13 +599577,13 +599578,29 +599579,29 +599580,29 +599581,29 +599582,31 +599583,31 +599584,31 +599585,31 +599586,31 +599587,31 +599588,31 +599589,31 +599590,2 +599591,2 +599592,2 +599593,2 +599594,2 +599595,2 +599596,2 +599597,2 +599598,2 +599599,2 +599600,2 +599601,2 +599602,2 +599603,2 +599604,2 +599605,2 +599606,2 +599607,25 +599608,25 +599609,25 +599610,25 +599611,25 +599612,25 +599613,25 +599614,25 +599615,25 +599616,25 +599617,16 +599618,16 +599619,16 +599620,16 +599621,16 +599622,16 +599623,16 +599624,16 +599625,16 +599626,16 +599627,16 +599628,23 +599629,11 +599630,4 +599631,16 +599632,16 +599633,16 +599634,16 +599635,16 +599636,25 +599637,25 +599638,25 +599639,25 +599640,25 +599641,25 +599642,25 +599643,25 +599644,25 +599645,27 +599646,27 +599647,27 +599648,27 +599649,27 +599650,27 +599651,8 +599652,8 +599653,8 +599654,8 +599655,8 +599656,8 +599657,8 +599658,8 +599659,8 +599660,8 +599661,8 +599662,2 +599663,23 +599664,23 +599665,23 +599666,23 +599667,23 +599668,23 +599669,23 +599670,10 +599671,10 +599672,10 +599673,10 +599674,26 +599675,26 +599676,26 +599677,26 +599678,26 +599679,26 +599680,26 +599681,26 +599682,26 +599683,26 +599684,26 +599685,29 +599686,29 +599687,29 +599688,29 +599689,29 +599690,29 +599691,10 +599692,10 +599693,10 +599694,25 +599695,25 +599696,25 +599697,25 +599698,25 +599699,25 +599700,25 +599701,25 +599702,25 +599703,25 +599704,25 +599705,25 +599706,25 +599707,25 +599708,25 +599709,25 +599710,0 +599711,0 +599712,0 +599713,0 +599714,0 +599715,0 +599716,0 +599717,0 +599718,0 +599719,0 +599720,0 +599721,0 +599722,0 +599723,0 +599724,0 +599725,0 +599726,0 +599727,0 +599728,0 +599729,0 +599730,0 +599731,0 +599732,0 +599733,0 +599734,0 +599735,0 +599736,0 +599737,0 +599738,0 +599739,0 +599740,0 +599741,0 +599742,0 +599743,0 +599744,0 +599745,0 +599746,0 +599747,0 +599748,0 +599749,0 +599750,0 +599751,0 +599752,0 +599753,0 +599754,0 +599755,0 +599756,0 +599757,0 +599758,0 +599759,0 +599760,0 +599761,0 +599762,0 +599763,0 +599764,0 +599765,0 +599766,0 +599767,0 +599768,0 +599769,0 +599770,0 +599771,0 +599772,0 +599773,0 +599774,0 +599775,0 +599776,0 +599777,0 +599778,0 +599779,0 +599780,0 +599781,0 +599782,0 +599783,0 +599784,0 +599785,0 +599786,0 +599787,0 +599788,0 +599789,0 +599790,0 +599791,35 +599792,35 +599793,35 +599794,35 +599795,35 +599796,35 +599797,27 +599798,27 +599799,27 +599800,27 +599801,27 +599802,27 +599803,27 +599804,27 +599805,2 +599806,2 +599807,8 +599808,8 +599809,8 +599810,8 +599811,8 +599812,8 +599813,8 +599814,8 +599815,8 +599816,8 +599817,30 +599818,30 +599819,30 +599820,30 +599821,30 +599822,30 +599823,30 +599824,30 +599825,10 +599826,10 +599827,10 +599828,10 +599829,10 +599830,10 +599831,10 +599832,10 +599833,10 +599834,10 +599835,10 +599836,10 +599837,10 +599838,10 +599839,10 +599840,23 +599841,23 +599842,23 +599843,24 +599844,24 +599845,24 +599846,23 +599847,23 +599848,35 +599849,35 +599850,35 +599851,14 +599852,14 +599853,14 +599854,14 +599855,14 +599856,14 +599857,36 +599858,19 +599859,19 +599860,19 +599861,19 +599862,19 +599863,19 +599864,19 +599865,19 +599866,14 +599867,14 +599868,14 +599869,14 +599870,14 +599871,14 +599872,40 +599873,40 +599874,40 +599875,40 +599876,14 +599877,40 +599878,24 +599879,24 +599880,24 +599881,24 +599882,24 +599883,24 +599884,24 +599885,24 +599886,25 +599887,25 +599888,25 +599889,25 +599890,25 +599891,25 +599892,25 +599893,5 +599894,5 +599895,5 +599896,5 +599897,5 +599898,5 +599899,5 +599900,5 +599901,5 +599902,5 +599903,5 +599904,33 +599905,33 +599906,33 +599907,33 +599908,33 +599909,33 +599910,33 +599911,33 +599912,33 +599913,33 +599914,33 +599915,33 +599916,33 +599917,33 +599918,33 +599919,33 +599920,33 +599921,33 +599922,33 +599923,5 +599924,5 +599925,5 +599926,5 +599927,5 +599928,5 +599929,5 +599930,5 +599931,28 +599932,28 +599933,28 +599934,28 +599935,28 +599936,28 +599937,28 +599938,28 +599939,28 +599940,28 +599941,9 +599942,9 +599943,9 +599944,9 +599945,9 +599946,9 +599947,9 +599948,9 +599949,9 +599950,9 +599951,9 +599952,9 +599953,9 +599954,37 +599955,37 +599956,37 +599957,37 +599958,37 +599959,37 +599960,29 +599961,29 +599962,29 +599963,29 +599964,24 +599965,24 +599966,29 +599967,29 +599968,29 +599969,31 +599970,31 +599971,31 +599972,31 +599973,31 +599974,5 +599975,5 +599976,5 +599977,5 +599978,5 +599979,5 +599980,19 +599981,29 +599982,29 +599983,31 +599984,31 +599985,31 +599986,36 +599987,36 +599988,36 +599989,31 +599990,5 +599991,5 +599992,5 +599993,5 +599994,5 +599995,5 +599996,5 +599997,5 +599998,5 +599999,36 +600000,36 +600001,36 +600002,36 +600003,36 +600004,36 +600005,36 +600006,36 +600007,36 +600008,36 +600009,36 +600010,36 +600011,36 +600012,36 +600013,16 +600014,16 +600015,16 +600016,16 +600017,16 +600018,16 +600019,16 +600020,16 +600021,16 +600022,11 +600023,11 +600024,16 +600025,16 +600026,31 +600027,31 +600028,31 +600029,31 +600030,30 +600031,30 +600032,30 +600033,30 +600034,30 +600035,30 +600036,30 +600037,30 +600038,30 +600039,30 +600040,31 +600041,31 +600042,31 +600043,31 +600044,31 +600045,24 +600046,24 +600047,24 +600048,24 +600049,24 +600050,24 +600051,24 +600052,24 +600053,24 +600054,24 +600055,24 +600056,24 +600057,24 +600058,25 +600059,40 +600060,25 +600061,25 +600062,25 +600063,25 +600064,25 +600065,25 +600066,25 +600067,25 +600068,25 +600069,25 +600070,25 +600071,25 +600072,25 +600073,25 +600074,25 +600075,25 +600076,25 +600077,25 +600078,25 +600079,25 +600080,9 +600081,9 +600082,9 +600083,9 +600084,9 +600085,9 +600086,9 +600087,31 +600088,31 +600089,30 +600090,30 +600091,30 +600092,30 +600093,30 +600094,30 +600095,30 +600096,30 +600097,30 +600098,30 +600099,30 +600100,30 +600101,14 +600102,14 +600103,27 +600104,27 +600105,27 +600106,27 +600107,27 +600108,27 +600109,27 +600110,27 +600111,27 +600112,27 +600113,27 +600114,28 +600115,28 +600116,28 +600117,28 +600118,28 +600119,28 +600120,28 +600121,28 +600122,28 +600123,32 +600124,32 +600125,32 +600126,32 +600127,32 +600128,32 +600129,32 +600130,35 +600131,35 +600132,35 +600133,35 +600134,9 +600135,9 +600136,9 +600137,9 +600138,9 +600139,9 +600140,9 +600141,30 +600142,30 +600143,30 +600144,30 +600145,30 +600146,30 +600147,30 +600148,30 +600149,30 +600150,24 +600151,24 +600152,24 +600153,24 +600154,24 +600155,24 +600156,2 +600157,2 +600158,2 +600159,2 +600160,2 +600161,2 +600162,2 +600163,2 +600164,2 +600165,2 +600166,2 +600167,2 +600168,2 +600169,2 +600170,2 +600171,2 +600172,2 +600173,2 +600174,2 +600175,2 +600176,2 +600177,2 +600178,2 +600179,2 +600180,2 +600181,2 +600182,2 +600183,0 +600184,0 +600185,0 +600186,0 +600187,0 +600188,0 +600189,0 +600190,0 +600191,0 +600192,0 +600193,0 +600194,0 +600195,0 +600196,0 +600197,0 +600198,0 +600199,0 +600200,0 +600201,0 +600202,0 +600203,0 +600204,0 +600205,0 +600206,0 +600207,0 +600208,0 +600209,0 +600210,0 +600211,0 +600212,0 +600213,0 +600214,0 +600215,0 +600216,0 +600217,0 +600218,0 +600219,0 +600220,0 +600221,0 +600222,0 +600223,31 +600224,31 +600225,31 +600226,31 +600227,31 +600228,31 +600229,36 +600230,36 +600231,5 +600232,5 +600233,5 +600234,5 +600235,5 +600236,5 +600237,29 +600238,29 +600239,29 +600240,33 +600241,33 +600242,33 +600243,33 +600244,33 +600245,33 +600246,33 +600247,33 +600248,17 +600249,17 +600250,9 +600251,9 +600252,9 +600253,9 +600254,9 +600255,9 +600256,9 +600257,9 +600258,9 +600259,37 +600260,37 +600261,37 +600262,37 +600263,37 +600264,37 +600265,37 +600266,37 +600267,37 +600268,5 +600269,5 +600270,5 +600271,5 +600272,5 +600273,5 +600274,5 +600275,5 +600276,5 +600277,5 +600278,5 +600279,5 +600280,5 +600281,40 +600282,40 +600283,40 +600284,40 +600285,40 +600286,37 +600287,37 +600288,37 +600289,37 +600290,37 +600291,37 +600292,37 +600293,37 +600294,39 +600295,39 +600296,39 +600297,39 +600298,39 +600299,39 +600300,39 +600301,39 +600302,39 +600303,39 +600304,30 +600305,5 +600306,5 +600307,5 +600308,5 +600309,5 +600310,5 +600311,3 +600312,3 +600313,3 +600314,3 +600315,3 +600316,3 +600317,3 +600318,3 +600319,3 +600320,29 +600321,29 +600322,29 +600323,29 +600324,4 +600325,4 +600326,31 +600327,31 +600328,31 +600329,31 +600330,31 +600331,31 +600332,30 +600333,30 +600334,30 +600335,30 +600336,30 +600337,30 +600338,12 +600339,12 +600340,12 +600341,12 +600342,12 +600343,30 +600344,30 +600345,30 +600346,30 +600347,30 +600348,30 +600349,30 +600350,30 +600351,31 +600352,31 +600353,31 +600354,31 +600355,31 +600356,31 +600357,24 +600358,24 +600359,24 +600360,24 +600361,24 +600362,24 +600363,24 +600364,29 +600365,29 +600366,31 +600367,31 +600368,31 +600369,31 +600370,31 +600371,31 +600372,31 +600373,31 +600374,31 +600375,31 +600376,31 +600377,23 +600378,23 +600379,23 +600380,23 +600381,23 +600382,23 +600383,23 +600384,23 +600385,23 +600386,40 +600387,40 +600388,40 +600389,40 +600390,40 +600391,40 +600392,40 +600393,40 +600394,40 +600395,40 +600396,40 +600397,37 +600398,37 +600399,37 +600400,37 +600401,37 +600402,37 +600403,37 +600404,37 +600405,12 +600406,12 +600407,12 +600408,12 +600409,12 +600410,12 +600411,12 +600412,12 +600413,27 +600414,27 +600415,27 +600416,27 +600417,38 +600418,38 +600419,38 +600420,38 +600421,38 +600422,38 +600423,31 +600424,31 +600425,31 +600426,31 +600427,31 +600428,31 +600429,31 +600430,31 +600431,31 +600432,31 +600433,28 +600434,28 +600435,28 +600436,28 +600437,28 +600438,28 +600439,28 +600440,28 +600441,28 +600442,28 +600443,28 +600444,28 +600445,26 +600446,26 +600447,26 +600448,26 +600449,26 +600450,26 +600451,26 +600452,26 +600453,26 +600454,26 +600455,9 +600456,9 +600457,26 +600458,26 +600459,26 +600460,30 +600461,30 +600462,30 +600463,33 +600464,33 +600465,33 +600466,33 +600467,33 +600468,33 +600469,33 +600470,30 +600471,30 +600472,30 +600473,30 +600474,30 +600475,30 +600476,30 +600477,30 +600478,30 +600479,30 +600480,30 +600481,30 +600482,30 +600483,30 +600484,30 +600485,30 +600486,30 +600487,30 +600488,30 +600489,30 +600490,30 +600491,30 +600492,30 +600493,30 +600494,30 +600495,30 +600496,30 +600497,0 +600498,0 +600499,0 +600500,0 +600501,0 +600502,0 +600503,0 +600504,0 +600505,0 +600506,0 +600507,0 +600508,0 +600509,0 +600510,0 +600511,0 +600512,0 +600513,0 +600514,0 +600515,0 +600516,0 +600517,0 +600518,0 +600519,0 +600520,0 +600521,0 +600522,0 +600523,0 +600524,0 +600525,0 +600526,0 +600527,0 +600528,0 +600529,0 +600530,0 +600531,0 +600532,0 +600533,0 +600534,0 +600535,0 +600536,0 +600537,0 +600538,0 +600539,0 +600540,0 +600541,0 +600542,0 +600543,0 +600544,0 +600545,0 +600546,0 +600547,0 +600548,0 +600549,0 +600550,0 +600551,0 +600552,0 +600553,0 +600554,0 +600555,0 +600556,0 +600557,0 +600558,0 +600559,0 +600560,29 +600561,29 +600562,29 +600563,29 +600564,29 +600565,29 +600566,29 +600567,29 +600568,29 +600569,29 +600570,29 +600571,39 +600572,39 +600573,39 +600574,39 +600575,39 +600576,39 +600577,39 +600578,39 +600579,39 +600580,39 +600581,38 +600582,38 +600583,38 +600584,38 +600585,38 +600586,38 +600587,38 +600588,38 +600589,38 +600590,28 +600591,28 +600592,28 +600593,28 +600594,28 +600595,39 +600596,39 +600597,39 +600598,39 +600599,39 +600600,39 +600601,39 +600602,39 +600603,39 +600604,39 +600605,39 +600606,39 +600607,39 +600608,39 +600609,39 +600610,39 +600611,0 +600612,0 +600613,0 +600614,0 +600615,0 +600616,0 +600617,0 +600618,0 +600619,0 +600620,0 +600621,0 +600622,0 +600623,0 +600624,0 +600625,0 +600626,0 +600627,0 +600628,0 +600629,0 +600630,0 +600631,0 +600632,0 +600633,0 +600634,0 +600635,0 +600636,0 +600637,0 +600638,0 +600639,0 +600640,0 +600641,0 +600642,0 +600643,0 +600644,0 +600645,0 +600646,0 +600647,0 +600648,0 +600649,0 +600650,0 +600651,0 +600652,0 +600653,0 +600654,0 +600655,0 +600656,0 +600657,0 +600658,0 +600659,29 +600660,29 +600661,29 +600662,29 +600663,29 +600664,29 +600665,29 +600666,29 +600667,29 +600668,39 +600669,39 +600670,39 +600671,39 +600672,39 +600673,39 +600674,39 +600675,39 +600676,39 +600677,24 +600678,24 +600679,24 +600680,24 +600681,24 +600682,24 +600683,24 +600684,24 +600685,24 +600686,24 +600687,24 +600688,14 +600689,14 +600690,14 +600691,14 +600692,39 +600693,39 +600694,39 +600695,39 +600696,39 +600697,39 +600698,39 +600699,26 +600700,10 +600701,10 +600702,10 +600703,10 +600704,10 +600705,10 +600706,10 +600707,10 +600708,36 +600709,23 +600710,23 +600711,23 +600712,23 +600713,23 +600714,23 +600715,23 +600716,23 +600717,23 +600718,23 +600719,39 +600720,39 +600721,39 +600722,39 +600723,39 +600724,39 +600725,39 +600726,30 +600727,30 +600728,30 +600729,30 +600730,30 +600731,30 +600732,30 +600733,36 +600734,36 +600735,36 +600736,10 +600737,10 +600738,10 +600739,10 +600740,10 +600741,10 +600742,10 +600743,10 +600744,10 +600745,10 +600746,28 +600747,28 +600748,28 +600749,28 +600750,28 +600751,28 +600752,15 +600753,15 +600754,15 +600755,39 +600756,39 +600757,39 +600758,39 +600759,39 +600760,39 +600761,21 +600762,21 +600763,21 +600764,21 +600765,21 +600766,21 +600767,21 +600768,21 +600769,21 +600770,21 +600771,40 +600772,36 +600773,36 +600774,36 +600775,36 +600776,40 +600777,5 +600778,5 +600779,5 +600780,27 +600781,27 +600782,27 +600783,27 +600784,27 +600785,27 +600786,27 +600787,13 +600788,13 +600789,13 +600790,13 +600791,13 +600792,13 +600793,13 +600794,13 +600795,13 +600796,13 +600797,13 +600798,5 +600799,12 +600800,12 +600801,12 +600802,12 +600803,5 +600804,28 +600805,28 +600806,37 +600807,0 +600808,0 +600809,0 +600810,0 +600811,0 +600812,0 +600813,0 +600814,0 +600815,0 +600816,0 +600817,0 +600818,0 +600819,9 +600820,9 +600821,9 +600822,9 +600823,9 +600824,9 +600825,9 +600826,9 +600827,37 +600828,37 +600829,9 +600830,9 +600831,37 +600832,37 +600833,37 +600834,37 +600835,37 +600836,37 +600837,37 +600838,37 +600839,37 +600840,37 +600841,37 +600842,37 +600843,40 +600844,40 +600845,40 +600846,40 +600847,19 +600848,19 +600849,19 +600850,4 +600851,4 +600852,39 +600853,39 +600854,39 +600855,39 +600856,39 +600857,39 +600858,39 +600859,39 +600860,39 +600861,4 +600862,4 +600863,4 +600864,4 +600865,4 +600866,4 +600867,3 +600868,3 +600869,15 +600870,15 +600871,15 +600872,15 +600873,15 +600874,15 +600875,15 +600876,15 +600877,39 +600878,39 +600879,39 +600880,39 +600881,39 +600882,39 +600883,39 +600884,39 +600885,28 +600886,13 +600887,5 +600888,28 +600889,5 +600890,28 +600891,28 +600892,5 +600893,13 +600894,5 +600895,26 +600896,26 +600897,26 +600898,26 +600899,26 +600900,26 +600901,26 +600902,4 +600903,4 +600904,4 +600905,2 +600906,2 +600907,2 +600908,2 +600909,2 +600910,2 +600911,16 +600912,6 +600913,6 +600914,6 +600915,6 +600916,6 +600917,6 +600918,6 +600919,6 +600920,6 +600921,31 +600922,31 +600923,31 +600924,31 +600925,31 +600926,31 +600927,31 +600928,31 +600929,31 +600930,31 +600931,31 +600932,23 +600933,23 +600934,19 +600935,19 +600936,19 +600937,19 +600938,19 +600939,19 +600940,19 +600941,19 +600942,4 +600943,31 +600944,31 +600945,31 +600946,27 +600947,27 +600948,27 +600949,27 +600950,27 +600951,19 +600952,19 +600953,19 +600954,19 +600955,19 +600956,19 +600957,19 +600958,19 +600959,19 +600960,15 +600961,15 +600962,15 +600963,15 +600964,15 +600965,15 +600966,10 +600967,10 +600968,10 +600969,10 +600970,10 +600971,10 +600972,10 +600973,10 +600974,10 +600975,10 +600976,10 +600977,28 +600978,28 +600979,28 +600980,28 +600981,28 +600982,28 +600983,28 +600984,10 +600985,10 +600986,10 +600987,10 +600988,10 +600989,10 +600990,10 +600991,10 +600992,28 +600993,28 +600994,28 +600995,28 +600996,28 +600997,28 +600998,28 +600999,28 +601000,40 +601001,40 +601002,40 +601003,40 +601004,40 +601005,40 +601006,19 +601007,19 +601008,31 +601009,31 +601010,31 +601011,31 +601012,31 +601013,31 +601014,31 +601015,16 +601016,4 +601017,4 +601018,4 +601019,4 +601020,4 +601021,4 +601022,16 +601023,16 +601024,4 +601025,14 +601026,14 +601027,14 +601028,14 +601029,14 +601030,14 +601031,14 +601032,14 +601033,14 +601034,11 +601035,11 +601036,11 +601037,11 +601038,11 +601039,11 +601040,11 +601041,11 +601042,11 +601043,11 +601044,31 +601045,31 +601046,31 +601047,31 +601048,31 +601049,31 +601050,5 +601051,5 +601052,5 +601053,5 +601054,5 +601055,5 +601056,5 +601057,2 +601058,2 +601059,2 +601060,2 +601061,2 +601062,2 +601063,2 +601064,2 +601065,2 +601066,2 +601067,2 +601068,2 +601069,2 +601070,2 +601071,2 +601072,2 +601073,2 +601074,2 +601075,2 +601076,2 +601077,2 +601078,2 +601079,2 +601080,2 +601081,2 +601082,2 +601083,2 +601084,2 +601085,2 +601086,2 +601087,2 +601088,2 +601089,2 +601090,2 +601091,33 +601092,33 +601093,33 +601094,33 +601095,33 +601096,33 +601097,33 +601098,33 +601099,19 +601100,19 +601101,19 +601102,19 +601103,19 +601104,19 +601105,19 +601106,19 +601107,19 +601108,19 +601109,19 +601110,19 +601111,19 +601112,19 +601113,19 +601114,19 +601115,3 +601116,3 +601117,3 +601118,3 +601119,3 +601120,3 +601121,3 +601122,3 +601123,3 +601124,5 +601125,5 +601126,5 +601127,26 +601128,26 +601129,26 +601130,26 +601131,26 +601132,26 +601133,26 +601134,26 +601135,4 +601136,4 +601137,4 +601138,4 +601139,27 +601140,40 +601141,40 +601142,40 +601143,40 +601144,40 +601145,40 +601146,19 +601147,19 +601148,19 +601149,19 +601150,19 +601151,19 +601152,19 +601153,19 +601154,19 +601155,25 +601156,25 +601157,25 +601158,25 +601159,25 +601160,25 +601161,25 +601162,25 +601163,25 +601164,37 +601165,37 +601166,37 +601167,37 +601168,40 +601169,31 +601170,31 +601171,31 +601172,31 +601173,31 +601174,32 +601175,32 +601176,32 +601177,32 +601178,32 +601179,32 +601180,32 +601181,32 +601182,32 +601183,28 +601184,28 +601185,28 +601186,28 +601187,28 +601188,28 +601189,28 +601190,28 +601191,39 +601192,39 +601193,39 +601194,39 +601195,39 +601196,39 +601197,39 +601198,39 +601199,39 +601200,39 +601201,39 +601202,39 +601203,39 +601204,39 +601205,39 +601206,0 +601207,0 +601208,0 +601209,0 +601210,39 +601211,0 +601212,0 +601213,0 +601214,0 +601215,0 +601216,0 +601217,0 +601218,0 +601219,0 +601220,0 +601221,0 +601222,0 +601223,0 +601224,0 +601225,0 +601226,0 +601227,0 +601228,0 +601229,0 +601230,0 +601231,0 +601232,0 +601233,0 +601234,0 +601235,0 +601236,0 +601237,0 +601238,0 +601239,0 +601240,0 +601241,0 +601242,0 +601243,0 +601244,0 +601245,0 +601246,0 +601247,0 +601248,0 +601249,0 +601250,0 +601251,0 +601252,0 +601253,0 +601254,0 +601255,0 +601256,0 +601257,0 +601258,0 +601259,0 +601260,0 +601261,0 +601262,0 +601263,0 +601264,0 +601265,0 +601266,0 +601267,0 +601268,0 +601269,0 +601270,0 +601271,0 +601272,0 +601273,0 +601274,0 +601275,0 +601276,0 +601277,0 +601278,0 +601279,0 +601280,0 +601281,0 +601282,0 +601283,0 +601284,0 +601285,0 +601286,0 +601287,0 +601288,0 +601289,0 +601290,0 +601291,0 +601292,0 +601293,15 +601294,15 +601295,15 +601296,15 +601297,15 +601298,27 +601299,27 +601300,27 +601301,27 +601302,27 +601303,27 +601304,27 +601305,11 +601306,11 +601307,11 +601308,11 +601309,11 +601310,11 +601311,11 +601312,11 +601313,11 +601314,11 +601315,11 +601316,11 +601317,11 +601318,40 +601319,40 +601320,40 +601321,40 +601322,40 +601323,40 +601324,40 +601325,40 +601326,37 +601327,37 +601328,37 +601329,37 +601330,37 +601331,40 +601332,40 +601333,37 +601334,27 +601335,27 +601336,27 +601337,27 +601338,27 +601339,27 +601340,31 +601341,31 +601342,31 +601343,31 +601344,31 +601345,31 +601346,31 +601347,31 +601348,38 +601349,38 +601350,38 +601351,38 +601352,38 +601353,38 +601354,38 +601355,38 +601356,38 +601357,38 +601358,38 +601359,38 +601360,38 +601361,38 +601362,2 +601363,2 +601364,0 +601365,0 +601366,0 +601367,0 +601368,0 +601369,0 +601370,0 +601371,0 +601372,0 +601373,0 +601374,10 +601375,10 +601376,36 +601377,36 +601378,36 +601379,36 +601380,36 +601381,36 +601382,36 +601383,36 +601384,36 +601385,36 +601386,36 +601387,36 +601388,23 +601389,23 +601390,23 +601391,23 +601392,23 +601393,23 +601394,11 +601395,11 +601396,11 +601397,11 +601398,11 +601399,11 +601400,16 +601401,25 +601402,25 +601403,25 +601404,40 +601405,40 +601406,40 +601407,40 +601408,40 +601409,32 +601410,32 +601411,32 +601412,32 +601413,32 +601414,32 +601415,32 +601416,32 +601417,32 +601418,32 +601419,32 +601420,32 +601421,32 +601422,32 +601423,26 +601424,26 +601425,26 +601426,26 +601427,26 +601428,26 +601429,26 +601430,26 +601431,9 +601432,9 +601433,26 +601434,26 +601435,26 +601436,26 +601437,26 +601438,26 +601439,26 +601440,26 +601441,26 +601442,26 +601443,26 +601444,26 +601445,26 +601446,26 +601447,1 +601448,26 +601449,26 +601450,31 +601451,31 +601452,31 +601453,31 +601454,31 +601455,31 +601456,8 +601457,8 +601458,8 +601459,8 +601460,2 +601461,2 +601462,8 +601463,8 +601464,8 +601465,8 +601466,2 +601467,2 +601468,2 +601469,2 +601470,2 +601471,2 +601472,2 +601473,2 +601474,2 +601475,2 +601476,2 +601477,2 +601478,2 +601479,2 +601480,2 +601481,2 +601482,0 +601483,0 +601484,0 +601485,0 +601486,0 +601487,0 +601488,0 +601489,32 +601490,37 +601491,37 +601492,37 +601493,37 +601494,37 +601495,37 +601496,37 +601497,37 +601498,27 +601499,27 +601500,27 +601501,39 +601502,27 +601503,27 +601504,8 +601505,8 +601506,8 +601507,8 +601508,8 +601509,8 +601510,8 +601511,8 +601512,8 +601513,8 +601514,3 +601515,3 +601516,3 +601517,3 +601518,3 +601519,3 +601520,3 +601521,3 +601522,3 +601523,3 +601524,3 +601525,3 +601526,3 +601527,3 +601528,3 +601529,3 +601530,3 +601531,3 +601532,3 +601533,3 +601534,28 +601535,28 +601536,28 +601537,28 +601538,28 +601539,28 +601540,28 +601541,28 +601542,28 +601543,28 +601544,28 +601545,28 +601546,28 +601547,28 +601548,28 +601549,19 +601550,19 +601551,19 +601552,19 +601553,19 +601554,19 +601555,19 +601556,0 +601557,0 +601558,0 +601559,0 +601560,0 +601561,0 +601562,0 +601563,0 +601564,0 +601565,0 +601566,0 +601567,0 +601568,0 +601569,0 +601570,0 +601571,0 +601572,0 +601573,0 +601574,0 +601575,0 +601576,0 +601577,0 +601578,0 +601579,0 +601580,0 +601581,0 +601582,0 +601583,0 +601584,0 +601585,0 +601586,0 +601587,0 +601588,0 +601589,0 +601590,0 +601591,0 +601592,0 +601593,0 +601594,0 +601595,0 +601596,0 +601597,0 +601598,0 +601599,0 +601600,0 +601601,0 +601602,0 +601603,0 +601604,0 +601605,0 +601606,0 +601607,0 +601608,0 +601609,0 +601610,0 +601611,0 +601612,0 +601613,0 +601614,0 +601615,0 +601616,0 +601617,0 +601618,0 +601619,0 +601620,0 +601621,0 +601622,0 +601623,0 +601624,2 +601625,2 +601626,2 +601627,0 +601628,0 +601629,23 +601630,23 +601631,32 +601632,32 +601633,0 +601634,0 +601635,0 +601636,0 +601637,32 +601638,32 +601639,32 +601640,32 +601641,32 +601642,32 +601643,32 +601644,27 +601645,27 +601646,27 +601647,27 +601648,27 +601649,27 +601650,27 +601651,6 +601652,6 +601653,6 +601654,6 +601655,6 +601656,6 +601657,6 +601658,6 +601659,6 +601660,23 +601661,23 +601662,29 +601663,29 +601664,23 +601665,29 +601666,29 +601667,29 +601668,31 +601669,31 +601670,31 +601671,5 +601672,28 +601673,28 +601674,28 +601675,28 +601676,28 +601677,28 +601678,28 +601679,28 +601680,27 +601681,27 +601682,27 +601683,27 +601684,27 +601685,14 +601686,27 +601687,14 +601688,14 +601689,14 +601690,4 +601691,4 +601692,4 +601693,4 +601694,4 +601695,23 +601696,23 +601697,23 +601698,23 +601699,23 +601700,23 +601701,23 +601702,23 +601703,23 +601704,23 +601705,37 +601706,37 +601707,37 +601708,31 +601709,31 +601710,31 +601711,31 +601712,5 +601713,5 +601714,5 +601715,5 +601716,5 +601717,5 +601718,5 +601719,5 +601720,5 +601721,5 +601722,31 +601723,31 +601724,31 +601725,31 +601726,30 +601727,30 +601728,30 +601729,30 +601730,30 +601731,30 +601732,30 +601733,30 +601734,30 +601735,30 +601736,30 +601737,30 +601738,30 +601739,26 +601740,26 +601741,26 +601742,26 +601743,26 +601744,26 +601745,26 +601746,26 +601747,26 +601748,26 +601749,26 +601750,26 +601751,26 +601752,26 +601753,32 +601754,32 +601755,32 +601756,32 +601757,32 +601758,32 +601759,32 +601760,32 +601761,2 +601762,2 +601763,2 +601764,2 +601765,2 +601766,2 +601767,2 +601768,2 +601769,2 +601770,2 +601771,4 +601772,4 +601773,4 +601774,4 +601775,4 +601776,4 +601777,4 +601778,4 +601779,25 +601780,25 +601781,25 +601782,25 +601783,25 +601784,25 +601785,25 +601786,25 +601787,25 +601788,25 +601789,25 +601790,25 +601791,25 +601792,25 +601793,8 +601794,2 +601795,8 +601796,2 +601797,8 +601798,8 +601799,2 +601800,2 +601801,2 +601802,2 +601803,8 +601804,8 +601805,0 +601806,0 +601807,0 +601808,0 +601809,0 +601810,0 +601811,0 +601812,0 +601813,0 +601814,0 +601815,0 +601816,0 +601817,0 +601818,0 +601819,0 +601820,0 +601821,0 +601822,0 +601823,0 +601824,0 +601825,0 +601826,0 +601827,0 +601828,0 +601829,0 +601830,0 +601831,0 +601832,0 +601833,0 +601834,0 +601835,0 +601836,0 +601837,0 +601838,0 +601839,0 +601840,0 +601841,0 +601842,0 +601843,0 +601844,0 +601845,0 +601846,0 +601847,0 +601848,0 +601849,0 +601850,0 +601851,0 +601852,0 +601853,0 +601854,0 +601855,0 +601856,0 +601857,0 +601858,0 +601859,0 +601860,0 +601861,0 +601862,11 +601863,11 +601864,11 +601865,11 +601866,11 +601867,11 +601868,11 +601869,11 +601870,11 +601871,11 +601872,11 +601873,11 +601874,39 +601875,39 +601876,39 +601877,39 +601878,39 +601879,39 +601880,3 +601881,3 +601882,3 +601883,3 +601884,3 +601885,3 +601886,3 +601887,3 +601888,31 +601889,31 +601890,31 +601891,31 +601892,31 +601893,31 +601894,31 +601895,8 +601896,8 +601897,8 +601898,8 +601899,8 +601900,8 +601901,4 +601902,4 +601903,4 +601904,4 +601905,4 +601906,27 +601907,27 +601908,27 +601909,27 +601910,27 +601911,6 +601912,6 +601913,6 +601914,6 +601915,6 +601916,6 +601917,6 +601918,6 +601919,6 +601920,6 +601921,6 +601922,6 +601923,6 +601924,6 +601925,30 +601926,30 +601927,30 +601928,30 +601929,30 +601930,40 +601931,40 +601932,40 +601933,40 +601934,40 +601935,40 +601936,25 +601937,25 +601938,25 +601939,25 +601940,25 +601941,37 +601942,37 +601943,37 +601944,37 +601945,37 +601946,19 +601947,19 +601948,19 +601949,27 +601950,27 +601951,27 +601952,27 +601953,27 +601954,27 +601955,5 +601956,5 +601957,5 +601958,5 +601959,5 +601960,26 +601961,26 +601962,26 +601963,26 +601964,26 +601965,26 +601966,26 +601967,26 +601968,26 +601969,26 +601970,37 +601971,37 +601972,37 +601973,37 +601974,37 +601975,37 +601976,37 +601977,23 +601978,23 +601979,23 +601980,23 +601981,23 +601982,23 +601983,23 +601984,38 +601985,23 +601986,23 +601987,23 +601988,31 +601989,31 +601990,31 +601991,31 +601992,31 +601993,31 +601994,31 +601995,5 +601996,5 +601997,5 +601998,5 +601999,5 +602000,5 +602001,5 +602002,5 +602003,5 +602004,5 +602005,5 +602006,5 +602007,5 +602008,5 +602009,5 +602010,5 +602011,0 +602012,0 +602013,0 +602014,0 +602015,0 +602016,15 +602017,15 +602018,32 +602019,15 +602020,32 +602021,32 +602022,33 +602023,33 +602024,33 +602025,33 +602026,33 +602027,33 +602028,33 +602029,33 +602030,33 +602031,33 +602032,23 +602033,23 +602034,23 +602035,23 +602036,23 +602037,23 +602038,23 +602039,23 +602040,23 +602041,23 +602042,23 +602043,23 +602044,23 +602045,23 +602046,23 +602047,23 +602048,23 +602049,26 +602050,26 +602051,26 +602052,26 +602053,26 +602054,26 +602055,26 +602056,26 +602057,26 +602058,26 +602059,26 +602060,26 +602061,26 +602062,26 +602063,29 +602064,29 +602065,29 +602066,29 +602067,29 +602068,29 +602069,29 +602070,25 +602071,25 +602072,25 +602073,25 +602074,37 +602075,37 +602076,37 +602077,27 +602078,27 +602079,27 +602080,27 +602081,27 +602082,27 +602083,5 +602084,5 +602085,5 +602086,28 +602087,28 +602088,28 +602089,28 +602090,28 +602091,28 +602092,28 +602093,28 +602094,28 +602095,31 +602096,31 +602097,31 +602098,31 +602099,31 +602100,31 +602101,29 +602102,29 +602103,29 +602104,29 +602105,29 +602106,29 +602107,29 +602108,29 +602109,25 +602110,25 +602111,40 +602112,37 +602113,25 +602114,25 +602115,25 +602116,15 +602117,15 +602118,15 +602119,15 +602120,15 +602121,15 +602122,15 +602123,39 +602124,39 +602125,39 +602126,39 +602127,39 +602128,39 +602129,39 +602130,39 +602131,39 +602132,39 +602133,39 +602134,39 +602135,39 +602136,39 +602137,39 +602138,39 +602139,39 +602140,5 +602141,5 +602142,5 +602143,5 +602144,5 +602145,5 +602146,5 +602147,13 +602148,13 +602149,13 +602150,5 +602151,19 +602152,19 +602153,19 +602154,19 +602155,19 +602156,19 +602157,40 +602158,40 +602159,40 +602160,40 +602161,40 +602162,40 +602163,40 +602164,40 +602165,40 +602166,40 +602167,40 +602168,40 +602169,40 +602170,40 +602171,40 +602172,40 +602173,40 +602174,40 +602175,40 +602176,19 +602177,19 +602178,19 +602179,19 +602180,19 +602181,19 +602182,19 +602183,19 +602184,19 +602185,19 +602186,19 +602187,19 +602188,19 +602189,0 +602190,0 +602191,0 +602192,19 +602193,0 +602194,0 +602195,0 +602196,0 +602197,0 +602198,0 +602199,0 +602200,0 +602201,0 +602202,0 +602203,0 +602204,0 +602205,0 +602206,0 +602207,0 +602208,0 +602209,0 +602210,0 +602211,0 +602212,0 +602213,0 +602214,0 +602215,0 +602216,0 +602217,0 +602218,0 +602219,0 +602220,0 +602221,0 +602222,0 +602223,0 +602224,0 +602225,0 +602226,15 +602227,15 +602228,31 +602229,31 +602230,31 +602231,31 +602232,31 +602233,30 +602234,30 +602235,30 +602236,30 +602237,30 +602238,30 +602239,30 +602240,30 +602241,30 +602242,30 +602243,30 +602244,30 +602245,30 +602246,30 +602247,10 +602248,10 +602249,10 +602250,10 +602251,10 +602252,10 +602253,10 +602254,10 +602255,10 +602256,10 +602257,23 +602258,23 +602259,23 +602260,23 +602261,23 +602262,23 +602263,23 +602264,23 +602265,23 +602266,23 +602267,23 +602268,23 +602269,23 +602270,23 +602271,23 +602272,30 +602273,30 +602274,30 +602275,30 +602276,27 +602277,27 +602278,31 +602279,31 +602280,31 +602281,2 +602282,2 +602283,2 +602284,2 +602285,2 +602286,2 +602287,2 +602288,2 +602289,2 +602290,2 +602291,2 +602292,2 +602293,2 +602294,21 +602295,21 +602296,21 +602297,21 +602298,21 +602299,21 +602300,21 +602301,21 +602302,22 +602303,21 +602304,33 +602305,33 +602306,33 +602307,33 +602308,30 +602309,3 +602310,3 +602311,3 +602312,3 +602313,3 +602314,3 +602315,3 +602316,3 +602317,2 +602318,2 +602319,2 +602320,2 +602321,2 +602322,2 +602323,2 +602324,2 +602325,2 +602326,2 +602327,2 +602328,2 +602329,2 +602330,2 +602331,2 +602332,2 +602333,2 +602334,2 +602335,2 +602336,2 +602337,2 +602338,2 +602339,2 +602340,2 +602341,2 +602342,2 +602343,2 +602344,2 +602345,2 +602346,2 +602347,2 +602348,0 +602349,0 +602350,0 +602351,0 +602352,0 +602353,0 +602354,0 +602355,0 +602356,0 +602357,0 +602358,0 +602359,0 +602360,0 +602361,0 +602362,0 +602363,0 +602364,0 +602365,0 +602366,6 +602367,6 +602368,6 +602369,6 +602370,6 +602371,6 +602372,6 +602373,6 +602374,14 +602375,14 +602376,14 +602377,14 +602378,14 +602379,14 +602380,14 +602381,14 +602382,5 +602383,5 +602384,5 +602385,5 +602386,5 +602387,5 +602388,5 +602389,5 +602390,5 +602391,5 +602392,23 +602393,23 +602394,23 +602395,23 +602396,23 +602397,23 +602398,23 +602399,23 +602400,23 +602401,23 +602402,23 +602403,23 +602404,23 +602405,23 +602406,23 +602407,23 +602408,23 +602409,23 +602410,30 +602411,30 +602412,30 +602413,30 +602414,30 +602415,30 +602416,26 +602417,26 +602418,26 +602419,26 +602420,9 +602421,26 +602422,26 +602423,26 +602424,6 +602425,6 +602426,6 +602427,6 +602428,6 +602429,6 +602430,6 +602431,6 +602432,6 +602433,6 +602434,27 +602435,14 +602436,14 +602437,14 +602438,27 +602439,14 +602440,14 +602441,14 +602442,14 +602443,13 +602444,13 +602445,5 +602446,5 +602447,13 +602448,13 +602449,13 +602450,13 +602451,13 +602452,13 +602453,5 +602454,13 +602455,5 +602456,5 +602457,5 +602458,5 +602459,13 +602460,39 +602461,39 +602462,39 +602463,39 +602464,39 +602465,39 +602466,39 +602467,39 +602468,0 +602469,0 +602470,0 +602471,0 +602472,0 +602473,0 +602474,0 +602475,0 +602476,0 +602477,0 +602478,0 +602479,0 +602480,0 +602481,0 +602482,0 +602483,0 +602484,0 +602485,0 +602486,0 +602487,0 +602488,0 +602489,0 +602490,0 +602491,0 +602492,0 +602493,0 +602494,0 +602495,0 +602496,0 +602497,0 +602498,0 +602499,0 +602500,0 +602501,0 +602502,0 +602503,0 +602504,0 +602505,0 +602506,0 +602507,0 +602508,36 +602509,36 +602510,36 +602511,36 +602512,36 +602513,36 +602514,36 +602515,36 +602516,36 +602517,36 +602518,5 +602519,5 +602520,5 +602521,19 +602522,19 +602523,19 +602524,19 +602525,19 +602526,36 +602527,36 +602528,36 +602529,36 +602530,36 +602531,36 +602532,36 +602533,36 +602534,36 +602535,36 +602536,36 +602537,36 +602538,36 +602539,36 +602540,36 +602541,36 +602542,36 +602543,8 +602544,8 +602545,8 +602546,29 +602547,29 +602548,29 +602549,29 +602550,29 +602551,29 +602552,29 +602553,14 +602554,14 +602555,14 +602556,14 +602557,14 +602558,14 +602559,14 +602560,14 +602561,14 +602562,14 +602563,14 +602564,14 +602565,14 +602566,14 +602567,35 +602568,35 +602569,35 +602570,35 +602571,32 +602572,32 +602573,32 +602574,32 +602575,32 +602576,35 +602577,35 +602578,25 +602579,25 +602580,25 +602581,25 +602582,25 +602583,25 +602584,25 +602585,25 +602586,25 +602587,25 +602588,25 +602589,25 +602590,25 +602591,25 +602592,19 +602593,19 +602594,19 +602595,19 +602596,19 +602597,19 +602598,19 +602599,19 +602600,29 +602601,29 +602602,29 +602603,29 +602604,29 +602605,14 +602606,14 +602607,14 +602608,14 +602609,14 +602610,14 +602611,14 +602612,14 +602613,14 +602614,12 +602615,12 +602616,12 +602617,12 +602618,12 +602619,12 +602620,12 +602621,12 +602622,12 +602623,12 +602624,12 +602625,40 +602626,40 +602627,40 +602628,40 +602629,40 +602630,40 +602631,40 +602632,40 +602633,40 +602634,36 +602635,36 +602636,36 +602637,6 +602638,6 +602639,6 +602640,6 +602641,6 +602642,6 +602643,6 +602644,6 +602645,6 +602646,6 +602647,6 +602648,6 +602649,6 +602650,4 +602651,4 +602652,4 +602653,4 +602654,4 +602655,4 +602656,4 +602657,4 +602658,4 +602659,2 +602660,2 +602661,2 +602662,2 +602663,2 +602664,0 +602665,0 +602666,0 +602667,0 +602668,0 +602669,0 +602670,0 +602671,0 +602672,0 +602673,0 +602674,0 +602675,0 +602676,0 +602677,0 +602678,0 +602679,0 +602680,0 +602681,0 +602682,0 +602683,0 +602684,0 +602685,0 +602686,0 +602687,0 +602688,0 +602689,0 +602690,0 +602691,0 +602692,0 +602693,0 +602694,0 +602695,0 +602696,0 +602697,0 +602698,0 +602699,0 +602700,0 +602701,0 +602702,0 +602703,0 +602704,0 +602705,0 +602706,0 +602707,0 +602708,0 +602709,0 +602710,0 +602711,4 +602712,4 +602713,4 +602714,4 +602715,4 +602716,4 +602717,4 +602718,4 +602719,4 +602720,4 +602721,4 +602722,40 +602723,40 +602724,40 +602725,36 +602726,36 +602727,36 +602728,36 +602729,36 +602730,36 +602731,36 +602732,36 +602733,5 +602734,5 +602735,5 +602736,4 +602737,4 +602738,4 +602739,4 +602740,4 +602741,31 +602742,27 +602743,30 +602744,30 +602745,30 +602746,30 +602747,30 +602748,30 +602749,30 +602750,30 +602751,30 +602752,31 +602753,31 +602754,31 +602755,31 +602756,31 +602757,31 +602758,2 +602759,2 +602760,2 +602761,2 +602762,2 +602763,2 +602764,2 +602765,2 +602766,2 +602767,23 +602768,23 +602769,23 +602770,23 +602771,23 +602772,23 +602773,23 +602774,25 +602775,25 +602776,25 +602777,25 +602778,25 +602779,25 +602780,21 +602781,21 +602782,21 +602783,21 +602784,26 +602785,26 +602786,26 +602787,26 +602788,26 +602789,26 +602790,10 +602791,10 +602792,10 +602793,10 +602794,35 +602795,35 +602796,35 +602797,35 +602798,35 +602799,35 +602800,35 +602801,35 +602802,27 +602803,27 +602804,27 +602805,27 +602806,8 +602807,8 +602808,8 +602809,8 +602810,8 +602811,8 +602812,8 +602813,35 +602814,35 +602815,35 +602816,35 +602817,35 +602818,35 +602819,35 +602820,35 +602821,26 +602822,26 +602823,31 +602824,13 +602825,13 +602826,13 +602827,13 +602828,13 +602829,13 +602830,13 +602831,13 +602832,13 +602833,13 +602834,13 +602835,13 +602836,21 +602837,21 +602838,21 +602839,21 +602840,37 +602841,37 +602842,37 +602843,12 +602844,25 +602845,25 +602846,25 +602847,25 +602848,27 +602849,27 +602850,27 +602851,27 +602852,5 +602853,5 +602854,5 +602855,5 +602856,5 +602857,5 +602858,5 +602859,23 +602860,23 +602861,23 +602862,23 +602863,23 +602864,23 +602865,23 +602866,23 +602867,23 +602868,23 +602869,23 +602870,38 +602871,38 +602872,38 +602873,38 +602874,25 +602875,25 +602876,25 +602877,25 +602878,25 +602879,25 +602880,25 +602881,25 +602882,25 +602883,25 +602884,25 +602885,25 +602886,25 +602887,25 +602888,25 +602889,25 +602890,2 +602891,2 +602892,2 +602893,2 +602894,2 +602895,2 +602896,2 +602897,2 +602898,32 +602899,32 +602900,4 +602901,4 +602902,4 +602903,4 +602904,4 +602905,4 +602906,0 +602907,0 +602908,0 +602909,0 +602910,0 +602911,0 +602912,0 +602913,0 +602914,0 +602915,0 +602916,0 +602917,0 +602918,0 +602919,0 +602920,0 +602921,0 +602922,0 +602923,0 +602924,0 +602925,0 +602926,0 +602927,0 +602928,0 +602929,0 +602930,0 +602931,0 +602932,0 +602933,0 +602934,0 +602935,0 +602936,0 +602937,0 +602938,0 +602939,0 +602940,0 +602941,0 +602942,0 +602943,0 +602944,0 +602945,0 +602946,0 +602947,0 +602948,0 +602949,0 +602950,0 +602951,0 +602952,2 +602953,2 +602954,2 +602955,0 +602956,23 +602957,23 +602958,23 +602959,23 +602960,23 +602961,23 +602962,23 +602963,23 +602964,23 +602965,23 +602966,9 +602967,9 +602968,37 +602969,37 +602970,25 +602971,25 +602972,25 +602973,35 +602974,35 +602975,35 +602976,35 +602977,35 +602978,35 +602979,35 +602980,35 +602981,35 +602982,35 +602983,39 +602984,39 +602985,39 +602986,39 +602987,39 +602988,39 +602989,28 +602990,28 +602991,28 +602992,28 +602993,28 +602994,28 +602995,28 +602996,14 +602997,14 +602998,14 +602999,14 +603000,14 +603001,40 +603002,40 +603003,40 +603004,19 +603005,4 +603006,19 +603007,4 +603008,27 +603009,27 +603010,27 +603011,27 +603012,27 +603013,21 +603014,21 +603015,21 +603016,21 +603017,21 +603018,21 +603019,3 +603020,22 +603021,22 +603022,22 +603023,3 +603024,3 +603025,3 +603026,3 +603027,18 +603028,18 +603029,18 +603030,18 +603031,18 +603032,18 +603033,18 +603034,18 +603035,18 +603036,18 +603037,18 +603038,18 +603039,18 +603040,18 +603041,18 +603042,33 +603043,33 +603044,31 +603045,33 +603046,33 +603047,33 +603048,31 +603049,31 +603050,31 +603051,31 +603052,27 +603053,33 +603054,5 +603055,5 +603056,5 +603057,5 +603058,5 +603059,5 +603060,5 +603061,5 +603062,25 +603063,25 +603064,25 +603065,25 +603066,25 +603067,25 +603068,25 +603069,25 +603070,25 +603071,25 +603072,25 +603073,25 +603074,25 +603075,25 +603076,25 +603077,25 +603078,25 +603079,25 +603080,25 +603081,25 +603082,25 +603083,25 +603084,25 +603085,25 +603086,25 +603087,25 +603088,0 +603089,0 +603090,0 +603091,10 +603092,36 +603093,36 +603094,36 +603095,36 +603096,36 +603097,36 +603098,36 +603099,36 +603100,36 +603101,5 +603102,5 +603103,5 +603104,5 +603105,5 +603106,5 +603107,5 +603108,19 +603109,19 +603110,19 +603111,19 +603112,19 +603113,19 +603114,27 +603115,27 +603116,27 +603117,31 +603118,6 +603119,6 +603120,6 +603121,6 +603122,6 +603123,6 +603124,6 +603125,6 +603126,14 +603127,14 +603128,14 +603129,14 +603130,14 +603131,14 +603132,14 +603133,14 +603134,14 +603135,14 +603136,14 +603137,14 +603138,14 +603139,14 +603140,14 +603141,14 +603142,28 +603143,28 +603144,28 +603145,31 +603146,31 +603147,31 +603148,31 +603149,31 +603150,31 +603151,24 +603152,24 +603153,24 +603154,24 +603155,24 +603156,24 +603157,24 +603158,24 +603159,29 +603160,29 +603161,40 +603162,40 +603163,40 +603164,40 +603165,40 +603166,37 +603167,37 +603168,37 +603169,37 +603170,37 +603171,37 +603172,37 +603173,37 +603174,37 +603175,37 +603176,39 +603177,39 +603178,39 +603179,39 +603180,39 +603181,39 +603182,9 +603183,9 +603184,9 +603185,9 +603186,9 +603187,26 +603188,26 +603189,9 +603190,26 +603191,9 +603192,9 +603193,26 +603194,26 +603195,26 +603196,5 +603197,5 +603198,5 +603199,5 +603200,31 +603201,31 +603202,31 +603203,31 +603204,31 +603205,31 +603206,8 +603207,2 +603208,2 +603209,2 +603210,2 +603211,2 +603212,2 +603213,2 +603214,2 +603215,2 +603216,28 +603217,28 +603218,28 +603219,28 +603220,28 +603221,28 +603222,28 +603223,28 +603224,28 +603225,28 +603226,36 +603227,36 +603228,36 +603229,36 +603230,36 +603231,36 +603232,36 +603233,36 +603234,36 +603235,36 +603236,36 +603237,36 +603238,36 +603239,36 +603240,36 +603241,36 +603242,36 +603243,36 +603244,36 +603245,36 +603246,36 +603247,36 +603248,5 +603249,5 +603250,19 +603251,19 +603252,19 +603253,19 +603254,19 +603255,19 +603256,19 +603257,19 +603258,5 +603259,5 +603260,5 +603261,5 +603262,5 +603263,0 +603264,0 +603265,0 +603266,0 +603267,0 +603268,0 +603269,0 +603270,0 +603271,0 +603272,0 +603273,0 +603274,0 +603275,0 +603276,0 +603277,0 +603278,0 +603279,0 +603280,0 +603281,0 +603282,0 +603283,0 +603284,0 +603285,0 +603286,0 +603287,0 +603288,0 +603289,0 +603290,0 +603291,0 +603292,0 +603293,0 +603294,0 +603295,0 +603296,0 +603297,0 +603298,0 +603299,0 +603300,0 +603301,0 +603302,0 +603303,0 +603304,0 +603305,0 +603306,0 +603307,0 +603308,0 +603309,0 +603310,0 +603311,0 +603312,0 +603313,0 +603314,0 +603315,0 +603316,0 +603317,0 +603318,0 +603319,0 +603320,0 +603321,0 +603322,0 +603323,0 +603324,0 +603325,0 +603326,0 +603327,0 +603328,0 +603329,0 +603330,0 +603331,0 +603332,0 +603333,0 +603334,0 +603335,0 +603336,0 +603337,0 +603338,0 +603339,0 +603340,0 +603341,0 +603342,0 +603343,0 +603344,0 +603345,0 +603346,0 +603347,0 +603348,0 +603349,0 +603350,0 +603351,0 +603352,0 +603353,0 +603354,0 +603355,0 +603356,0 +603357,0 +603358,0 +603359,0 +603360,0 +603361,10 +603362,10 +603363,10 +603364,10 +603365,10 +603366,10 +603367,10 +603368,10 +603369,10 +603370,10 +603371,10 +603372,10 +603373,10 +603374,10 +603375,10 +603376,10 +603377,10 +603378,10 +603379,10 +603380,10 +603381,10 +603382,10 +603383,10 +603384,10 +603385,10 +603386,15 +603387,15 +603388,15 +603389,15 +603390,15 +603391,39 +603392,39 +603393,39 +603394,39 +603395,39 +603396,39 +603397,39 +603398,39 +603399,27 +603400,39 +603401,39 +603402,39 +603403,27 +603404,27 +603405,27 +603406,31 +603407,27 +603408,27 +603409,27 +603410,5 +603411,5 +603412,5 +603413,5 +603414,5 +603415,19 +603416,19 +603417,19 +603418,19 +603419,19 +603420,27 +603421,27 +603422,27 +603423,23 +603424,23 +603425,23 +603426,23 +603427,23 +603428,23 +603429,23 +603430,23 +603431,23 +603432,27 +603433,27 +603434,27 +603435,27 +603436,27 +603437,27 +603438,13 +603439,13 +603440,13 +603441,13 +603442,13 +603443,13 +603444,13 +603445,2 +603446,2 +603447,2 +603448,2 +603449,2 +603450,2 +603451,2 +603452,2 +603453,2 +603454,2 +603455,2 +603456,2 +603457,2 +603458,33 +603459,33 +603460,33 +603461,33 +603462,33 +603463,33 +603464,33 +603465,33 +603466,33 +603467,33 +603468,33 +603469,33 +603470,28 +603471,28 +603472,28 +603473,28 +603474,28 +603475,28 +603476,28 +603477,28 +603478,28 +603479,10 +603480,10 +603481,10 +603482,10 +603483,10 +603484,10 +603485,10 +603486,10 +603487,10 +603488,10 +603489,10 +603490,10 +603491,10 +603492,2 +603493,2 +603494,2 +603495,2 +603496,2 +603497,2 +603498,2 +603499,2 +603500,2 +603501,2 +603502,40 +603503,40 +603504,40 +603505,40 +603506,40 +603507,40 +603508,40 +603509,40 +603510,40 +603511,30 +603512,30 +603513,30 +603514,30 +603515,30 +603516,30 +603517,30 +603518,30 +603519,30 +603520,30 +603521,30 +603522,30 +603523,23 +603524,23 +603525,23 +603526,0 +603527,0 +603528,0 +603529,0 +603530,0 +603531,0 +603532,0 +603533,0 +603534,0 +603535,0 +603536,0 +603537,0 +603538,2 +603539,2 +603540,2 +603541,2 +603542,2 +603543,2 +603544,2 +603545,2 +603546,2 +603547,2 +603548,2 +603549,2 +603550,2 +603551,27 +603552,27 +603553,27 +603554,27 +603555,31 +603556,24 +603557,4 +603558,32 +603559,32 +603560,32 +603561,32 +603562,32 +603563,32 +603564,32 +603565,32 +603566,32 +603567,32 +603568,32 +603569,32 +603570,32 +603571,35 +603572,35 +603573,35 +603574,35 +603575,35 +603576,35 +603577,35 +603578,35 +603579,39 +603580,39 +603581,39 +603582,39 +603583,39 +603584,39 +603585,10 +603586,10 +603587,14 +603588,39 +603589,39 +603590,39 +603591,39 +603592,39 +603593,39 +603594,39 +603595,39 +603596,39 +603597,0 +603598,0 +603599,0 +603600,0 +603601,0 +603602,0 +603603,0 +603604,0 +603605,0 +603606,0 +603607,0 +603608,0 +603609,0 +603610,0 +603611,0 +603612,0 +603613,0 +603614,0 +603615,0 +603616,0 +603617,0 +603618,0 +603619,0 +603620,0 +603621,0 +603622,0 +603623,0 +603624,0 +603625,0 +603626,0 +603627,0 +603628,0 +603629,0 +603630,0 +603631,0 +603632,0 +603633,0 +603634,0 +603635,0 +603636,0 +603637,0 +603638,0 +603639,0 +603640,0 +603641,0 +603642,0 +603643,0 +603644,0 +603645,0 +603646,0 +603647,0 +603648,0 +603649,0 +603650,0 +603651,0 +603652,0 +603653,0 +603654,0 +603655,0 +603656,0 +603657,0 +603658,0 +603659,0 +603660,0 +603661,0 +603662,0 +603663,0 +603664,0 +603665,0 +603666,0 +603667,0 +603668,0 +603669,0 +603670,0 +603671,0 +603672,0 +603673,0 +603674,0 +603675,0 +603676,0 +603677,0 +603678,0 +603679,29 +603680,29 +603681,29 +603682,31 +603683,31 +603684,31 +603685,4 +603686,4 +603687,4 +603688,4 +603689,4 +603690,40 +603691,40 +603692,40 +603693,40 +603694,40 +603695,40 +603696,40 +603697,6 +603698,6 +603699,6 +603700,6 +603701,6 +603702,6 +603703,6 +603704,2 +603705,2 +603706,2 +603707,2 +603708,2 +603709,2 +603710,2 +603711,2 +603712,2 +603713,2 +603714,28 +603715,28 +603716,28 +603717,28 +603718,28 +603719,9 +603720,9 +603721,9 +603722,9 +603723,9 +603724,9 +603725,9 +603726,9 +603727,37 +603728,37 +603729,37 +603730,37 +603731,5 +603732,5 +603733,5 +603734,5 +603735,27 +603736,27 +603737,27 +603738,27 +603739,27 +603740,13 +603741,13 +603742,13 +603743,13 +603744,13 +603745,13 +603746,13 +603747,3 +603748,31 +603749,8 +603750,8 +603751,8 +603752,8 +603753,8 +603754,8 +603755,2 +603756,2 +603757,2 +603758,2 +603759,28 +603760,28 +603761,28 +603762,28 +603763,28 +603764,28 +603765,40 +603766,40 +603767,40 +603768,40 +603769,40 +603770,14 +603771,14 +603772,14 +603773,14 +603774,14 +603775,14 +603776,14 +603777,14 +603778,14 +603779,14 +603780,14 +603781,14 +603782,30 +603783,30 +603784,30 +603785,30 +603786,30 +603787,30 +603788,30 +603789,34 +603790,34 +603791,34 +603792,34 +603793,34 +603794,34 +603795,34 +603796,30 +603797,30 +603798,30 +603799,30 +603800,30 +603801,30 +603802,0 +603803,0 +603804,0 +603805,0 +603806,0 +603807,0 +603808,0 +603809,0 +603810,0 +603811,0 +603812,0 +603813,0 +603814,0 +603815,0 +603816,15 +603817,15 +603818,15 +603819,15 +603820,15 +603821,15 +603822,15 +603823,15 +603824,15 +603825,15 +603826,15 +603827,37 +603828,37 +603829,37 +603830,37 +603831,37 +603832,9 +603833,9 +603834,9 +603835,9 +603836,9 +603837,9 +603838,9 +603839,9 +603840,9 +603841,9 +603842,9 +603843,9 +603844,9 +603845,4 +603846,4 +603847,4 +603848,4 +603849,4 +603850,4 +603851,4 +603852,4 +603853,4 +603854,0 +603855,0 +603856,0 +603857,0 +603858,0 +603859,31 +603860,31 +603861,0 +603862,31 +603863,31 +603864,31 +603865,31 +603866,31 +603867,31 +603868,31 +603869,28 +603870,28 +603871,28 +603872,28 +603873,28 +603874,32 +603875,15 +603876,15 +603877,15 +603878,15 +603879,15 +603880,15 +603881,15 +603882,15 +603883,15 +603884,31 +603885,31 +603886,31 +603887,31 +603888,31 +603889,31 +603890,31 +603891,5 +603892,5 +603893,5 +603894,5 +603895,16 +603896,16 +603897,16 +603898,16 +603899,16 +603900,1 +603901,16 +603902,16 +603903,18 +603904,31 +603905,25 +603906,31 +603907,31 +603908,25 +603909,25 +603910,25 +603911,15 +603912,15 +603913,15 +603914,15 +603915,15 +603916,15 +603917,15 +603918,15 +603919,15 +603920,15 +603921,15 +603922,10 +603923,10 +603924,10 +603925,10 +603926,10 +603927,10 +603928,10 +603929,10 +603930,10 +603931,17 +603932,34 +603933,10 +603934,10 +603935,10 +603936,10 +603937,10 +603938,10 +603939,10 +603940,17 +603941,30 +603942,30 +603943,30 +603944,30 +603945,30 +603946,30 +603947,30 +603948,30 +603949,30 +603950,27 +603951,27 +603952,27 +603953,27 +603954,27 +603955,27 +603956,27 +603957,27 +603958,27 +603959,4 +603960,4 +603961,4 +603962,4 +603963,4 +603964,4 +603965,4 +603966,4 +603967,4 +603968,2 +603969,2 +603970,2 +603971,2 +603972,2 +603973,2 +603974,2 +603975,2 +603976,2 +603977,2 +603978,2 +603979,2 +603980,2 +603981,2 +603982,2 +603983,2 +603984,2 +603985,0 +603986,0 +603987,0 +603988,0 +603989,0 +603990,0 +603991,0 +603992,0 +603993,0 +603994,0 +603995,0 +603996,0 +603997,0 +603998,0 +603999,0 +604000,0 +604001,0 +604002,0 +604003,0 +604004,0 +604005,0 +604006,0 +604007,0 +604008,0 +604009,0 +604010,0 +604011,0 +604012,0 +604013,0 +604014,0 +604015,0 +604016,0 +604017,0 +604018,0 +604019,0 +604020,0 +604021,0 +604022,0 +604023,0 +604024,0 +604025,0 +604026,0 +604027,0 +604028,0 +604029,0 +604030,36 +604031,36 +604032,36 +604033,36 +604034,31 +604035,31 +604036,31 +604037,31 +604038,31 +604039,31 +604040,31 +604041,31 +604042,31 +604043,5 +604044,5 +604045,5 +604046,5 +604047,31 +604048,31 +604049,31 +604050,31 +604051,31 +604052,31 +604053,31 +604054,32 +604055,32 +604056,32 +604057,32 +604058,32 +604059,32 +604060,32 +604061,32 +604062,32 +604063,32 +604064,32 +604065,32 +604066,32 +604067,33 +604068,33 +604069,33 +604070,33 +604071,26 +604072,30 +604073,30 +604074,30 +604075,30 +604076,30 +604077,30 +604078,30 +604079,30 +604080,30 +604081,27 +604082,27 +604083,27 +604084,18 +604085,18 +604086,18 +604087,18 +604088,18 +604089,18 +604090,18 +604091,18 +604092,18 +604093,18 +604094,18 +604095,39 +604096,39 +604097,39 +604098,39 +604099,39 +604100,39 +604101,39 +604102,39 +604103,39 +604104,39 +604105,39 +604106,39 +604107,23 +604108,23 +604109,23 +604110,23 +604111,23 +604112,23 +604113,23 +604114,23 +604115,23 +604116,37 +604117,37 +604118,37 +604119,37 +604120,27 +604121,13 +604122,13 +604123,13 +604124,13 +604125,6 +604126,6 +604127,6 +604128,6 +604129,6 +604130,6 +604131,6 +604132,6 +604133,6 +604134,6 +604135,14 +604136,14 +604137,14 +604138,14 +604139,14 +604140,14 +604141,14 +604142,14 +604143,14 +604144,14 +604145,14 +604146,23 +604147,23 +604148,23 +604149,23 +604150,23 +604151,23 +604152,23 +604153,23 +604154,23 +604155,23 +604156,23 +604157,40 +604158,40 +604159,40 +604160,40 +604161,40 +604162,40 +604163,37 +604164,37 +604165,37 +604166,37 +604167,37 +604168,25 +604169,37 +604170,37 +604171,37 +604172,37 +604173,37 +604174,37 +604175,25 +604176,25 +604177,25 +604178,25 +604179,25 +604180,25 +604181,31 +604182,31 +604183,25 +604184,2 +604185,2 +604186,2 +604187,2 +604188,2 +604189,2 +604190,2 +604191,2 +604192,2 +604193,2 +604194,2 +604195,2 +604196,2 +604197,2 +604198,2 +604199,2 +604200,2 +604201,2 +604202,2 +604203,2 +604204,2 +604205,2 +604206,2 +604207,2 +604208,0 +604209,0 +604210,0 +604211,0 +604212,0 +604213,0 +604214,0 +604215,0 +604216,0 +604217,0 +604218,0 +604219,0 +604220,0 +604221,0 +604222,0 +604223,0 +604224,0 +604225,0 +604226,0 +604227,0 +604228,0 +604229,0 +604230,0 +604231,0 +604232,0 +604233,0 +604234,0 +604235,0 +604236,0 +604237,0 +604238,0 +604239,0 +604240,0 +604241,0 +604242,0 +604243,0 +604244,0 +604245,0 +604246,0 +604247,0 +604248,0 +604249,0 +604250,0 +604251,0 +604252,0 +604253,0 +604254,0 +604255,0 +604256,0 +604257,0 +604258,36 +604259,36 +604260,36 +604261,36 +604262,36 +604263,5 +604264,5 +604265,5 +604266,19 +604267,19 +604268,19 +604269,19 +604270,19 +604271,2 +604272,2 +604273,2 +604274,2 +604275,2 +604276,2 +604277,2 +604278,2 +604279,2 +604280,2 +604281,2 +604282,40 +604283,40 +604284,40 +604285,40 +604286,40 +604287,40 +604288,40 +604289,19 +604290,19 +604291,19 +604292,27 +604293,27 +604294,39 +604295,39 +604296,35 +604297,27 +604298,27 +604299,27 +604300,27 +604301,5 +604302,13 +604303,13 +604304,39 +604305,35 +604306,35 +604307,35 +604308,35 +604309,35 +604310,35 +604311,35 +604312,35 +604313,35 +604314,27 +604315,27 +604316,27 +604317,27 +604318,27 +604319,27 +604320,27 +604321,27 +604322,28 +604323,28 +604324,28 +604325,28 +604326,28 +604327,28 +604328,28 +604329,28 +604330,40 +604331,40 +604332,40 +604333,40 +604334,27 +604335,27 +604336,27 +604337,27 +604338,27 +604339,27 +604340,28 +604341,28 +604342,28 +604343,28 +604344,28 +604345,31 +604346,31 +604347,31 +604348,31 +604349,31 +604350,28 +604351,28 +604352,28 +604353,28 +604354,28 +604355,28 +604356,28 +604357,28 +604358,28 +604359,28 +604360,27 +604361,27 +604362,27 +604363,27 +604364,27 +604365,27 +604366,4 +604367,4 +604368,4 +604369,4 +604370,4 +604371,4 +604372,4 +604373,4 +604374,2 +604375,2 +604376,2 +604377,2 +604378,2 +604379,2 +604380,2 +604381,4 +604382,4 +604383,4 +604384,4 +604385,4 +604386,31 +604387,31 +604388,31 +604389,31 +604390,31 +604391,31 +604392,31 +604393,31 +604394,24 +604395,24 +604396,24 +604397,24 +604398,29 +604399,29 +604400,29 +604401,29 +604402,29 +604403,31 +604404,31 +604405,31 +604406,31 +604407,31 +604408,31 +604409,32 +604410,32 +604411,32 +604412,32 +604413,32 +604414,32 +604415,32 +604416,32 +604417,32 +604418,32 +604419,32 +604420,32 +604421,32 +604422,32 +604423,39 +604424,39 +604425,39 +604426,39 +604427,39 +604428,39 +604429,39 +604430,39 +604431,39 +604432,39 +604433,32 +604434,32 +604435,32 +604436,32 +604437,32 +604438,32 +604439,32 +604440,32 +604441,32 +604442,31 +604443,31 +604444,31 +604445,31 +604446,31 +604447,31 +604448,30 +604449,30 +604450,30 +604451,30 +604452,30 +604453,30 +604454,30 +604455,30 +604456,30 +604457,30 +604458,30 +604459,30 +604460,30 +604461,30 +604462,30 +604463,30 +604464,30 +604465,0 +604466,0 +604467,0 +604468,0 +604469,0 +604470,0 +604471,0 +604472,0 +604473,0 +604474,0 +604475,0 +604476,0 +604477,0 +604478,0 +604479,0 +604480,0 +604481,0 +604482,0 +604483,0 +604484,0 +604485,0 +604486,0 +604487,0 +604488,0 +604489,0 +604490,0 +604491,0 +604492,0 +604493,0 +604494,0 +604495,0 +604496,0 +604497,0 +604498,0 +604499,6 +604500,6 +604501,6 +604502,6 +604503,36 +604504,36 +604505,36 +604506,36 +604507,36 +604508,36 +604509,36 +604510,36 +604511,36 +604512,36 +604513,36 +604514,36 +604515,36 +604516,2 +604517,2 +604518,2 +604519,2 +604520,2 +604521,2 +604522,2 +604523,2 +604524,2 +604525,2 +604526,2 +604527,2 +604528,4 +604529,4 +604530,4 +604531,4 +604532,4 +604533,4 +604534,4 +604535,4 +604536,4 +604537,4 +604538,4 +604539,4 +604540,4 +604541,35 +604542,34 +604543,34 +604544,34 +604545,31 +604546,31 +604547,31 +604548,31 +604549,31 +604550,31 +604551,28 +604552,28 +604553,28 +604554,28 +604555,28 +604556,28 +604557,28 +604558,28 +604559,28 +604560,28 +604561,28 +604562,28 +604563,28 +604564,28 +604565,0 +604566,0 +604567,0 +604568,0 +604569,0 +604570,0 +604571,0 +604572,0 +604573,0 +604574,0 +604575,0 +604576,0 +604577,0 +604578,0 +604579,0 +604580,0 +604581,0 +604582,0 +604583,0 +604584,0 +604585,0 +604586,0 +604587,0 +604588,0 +604589,0 +604590,0 +604591,0 +604592,0 +604593,0 +604594,0 +604595,0 +604596,0 +604597,31 +604598,31 +604599,31 +604600,31 +604601,31 +604602,31 +604603,31 +604604,31 +604605,31 +604606,5 +604607,5 +604608,19 +604609,19 +604610,19 +604611,19 +604612,19 +604613,29 +604614,29 +604615,31 +604616,31 +604617,31 +604618,31 +604619,31 +604620,31 +604621,2 +604622,2 +604623,2 +604624,2 +604625,2 +604626,2 +604627,2 +604628,2 +604629,2 +604630,2 +604631,2 +604632,2 +604633,2 +604634,2 +604635,31 +604636,31 +604637,31 +604638,31 +604639,31 +604640,31 +604641,15 +604642,15 +604643,15 +604644,15 +604645,15 +604646,15 +604647,2 +604648,2 +604649,2 +604650,2 +604651,2 +604652,2 +604653,2 +604654,31 +604655,31 +604656,31 +604657,31 +604658,6 +604659,6 +604660,6 +604661,6 +604662,6 +604663,6 +604664,6 +604665,6 +604666,6 +604667,6 +604668,32 +604669,25 +604670,25 +604671,25 +604672,25 +604673,25 +604674,25 +604675,5 +604676,5 +604677,5 +604678,5 +604679,5 +604680,23 +604681,23 +604682,23 +604683,23 +604684,23 +604685,23 +604686,23 +604687,23 +604688,23 +604689,23 +604690,23 +604691,10 +604692,10 +604693,10 +604694,10 +604695,10 +604696,10 +604697,10 +604698,10 +604699,10 +604700,10 +604701,10 +604702,5 +604703,5 +604704,5 +604705,5 +604706,5 +604707,5 +604708,19 +604709,19 +604710,19 +604711,27 +604712,27 +604713,27 +604714,27 +604715,27 +604716,27 +604717,27 +604718,13 +604719,13 +604720,13 +604721,13 +604722,13 +604723,13 +604724,5 +604725,5 +604726,5 +604727,0 +604728,0 +604729,0 +604730,31 +604731,31 +604732,31 +604733,31 +604734,31 +604735,31 +604736,31 +604737,31 +604738,24 +604739,24 +604740,24 +604741,24 +604742,24 +604743,24 +604744,24 +604745,29 +604746,29 +604747,31 +604748,31 +604749,31 +604750,31 +604751,31 +604752,12 +604753,12 +604754,12 +604755,12 +604756,12 +604757,12 +604758,12 +604759,12 +604760,12 +604761,12 +604762,40 +604763,40 +604764,40 +604765,40 +604766,40 +604767,40 +604768,40 +604769,40 +604770,40 +604771,30 +604772,30 +604773,30 +604774,30 +604775,30 +604776,30 +604777,30 +604778,30 +604779,30 +604780,30 +604781,30 +604782,30 +604783,30 +604784,30 +604785,30 +604786,30 +604787,0 +604788,0 +604789,0 +604790,0 +604791,0 +604792,0 +604793,0 +604794,0 +604795,0 +604796,0 +604797,0 +604798,0 +604799,0 +604800,0 +604801,0 +604802,0 +604803,0 +604804,0 +604805,0 +604806,0 +604807,0 +604808,0 +604809,0 +604810,0 +604811,0 +604812,0 +604813,0 +604814,0 +604815,0 +604816,0 +604817,0 +604818,0 +604819,0 +604820,0 +604821,0 +604822,0 +604823,0 +604824,0 +604825,0 +604826,0 +604827,0 +604828,0 +604829,0 +604830,0 +604831,0 +604832,0 +604833,0 +604834,0 +604835,0 +604836,0 +604837,0 +604838,0 +604839,0 +604840,0 +604841,0 +604842,0 +604843,0 +604844,0 +604845,0 +604846,0 +604847,29 +604848,29 +604849,29 +604850,29 +604851,39 +604852,39 +604853,39 +604854,35 +604855,35 +604856,35 +604857,39 +604858,39 +604859,39 +604860,27 +604861,39 +604862,39 +604863,39 +604864,30 +604865,30 +604866,30 +604867,30 +604868,30 +604869,30 +604870,8 +604871,8 +604872,8 +604873,8 +604874,8 +604875,8 +604876,27 +604877,40 +604878,40 +604879,2 +604880,2 +604881,2 +604882,2 +604883,2 +604884,2 +604885,11 +604886,11 +604887,11 +604888,11 +604889,11 +604890,11 +604891,4 +604892,4 +604893,4 +604894,4 +604895,4 +604896,19 +604897,19 +604898,14 +604899,14 +604900,14 +604901,14 +604902,14 +604903,14 +604904,39 +604905,14 +604906,39 +604907,39 +604908,32 +604909,39 +604910,0 +604911,0 +604912,0 +604913,0 +604914,0 +604915,0 +604916,0 +604917,0 +604918,0 +604919,0 +604920,0 +604921,0 +604922,0 +604923,0 +604924,0 +604925,0 +604926,29 +604927,29 +604928,29 +604929,31 +604930,31 +604931,12 +604932,12 +604933,31 +604934,24 +604935,24 +604936,24 +604937,12 +604938,12 +604939,12 +604940,12 +604941,12 +604942,12 +604943,12 +604944,12 +604945,22 +604946,22 +604947,22 +604948,22 +604949,22 +604950,22 +604951,22 +604952,19 +604953,19 +604954,19 +604955,19 +604956,19 +604957,19 +604958,19 +604959,19 +604960,19 +604961,19 +604962,2 +604963,2 +604964,2 +604965,2 +604966,2 +604967,2 +604968,2 +604969,2 +604970,2 +604971,2 +604972,2 +604973,2 +604974,2 +604975,2 +604976,2 +604977,2 +604978,2 +604979,2 +604980,2 +604981,2 +604982,2 +604983,39 +604984,39 +604985,39 +604986,39 +604987,39 +604988,39 +604989,39 +604990,39 +604991,28 +604992,28 +604993,28 +604994,28 +604995,28 +604996,28 +604997,28 +604998,28 +604999,28 +605000,28 +605001,23 +605002,23 +605003,23 +605004,23 +605005,23 +605006,23 +605007,15 +605008,15 +605009,31 +605010,31 +605011,31 +605012,22 +605013,22 +605014,30 +605015,30 +605016,30 +605017,30 +605018,30 +605019,30 +605020,30 +605021,30 +605022,30 +605023,30 +605024,30 +605025,31 +605026,31 +605027,31 +605028,31 +605029,31 +605030,24 +605031,24 +605032,24 +605033,24 +605034,23 +605035,23 +605036,23 +605037,23 +605038,23 +605039,23 +605040,23 +605041,23 +605042,23 +605043,23 +605044,23 +605045,10 +605046,10 +605047,10 +605048,10 +605049,10 +605050,10 +605051,10 +605052,10 +605053,10 +605054,10 +605055,10 +605056,5 +605057,5 +605058,5 +605059,5 +605060,5 +605061,5 +605062,5 +605063,5 +605064,4 +605065,4 +605066,4 +605067,4 +605068,4 +605069,4 +605070,4 +605071,4 +605072,4 +605073,27 +605074,27 +605075,27 +605076,27 +605077,27 +605078,27 +605079,28 +605080,28 +605081,28 +605082,28 +605083,28 +605084,25 +605085,25 +605086,25 +605087,25 +605088,25 +605089,25 +605090,25 +605091,25 +605092,25 +605093,25 +605094,25 +605095,25 +605096,25 +605097,25 +605098,25 +605099,25 +605100,25 +605101,25 +605102,25 +605103,25 +605104,0 +605105,0 +605106,0 +605107,0 +605108,0 +605109,0 +605110,0 +605111,0 +605112,0 +605113,0 +605114,0 +605115,0 +605116,0 +605117,0 +605118,0 +605119,0 +605120,0 +605121,0 +605122,0 +605123,0 +605124,0 +605125,0 +605126,0 +605127,0 +605128,0 +605129,0 +605130,0 +605131,0 +605132,0 +605133,0 +605134,0 +605135,0 +605136,0 +605137,0 +605138,0 +605139,0 +605140,0 +605141,0 +605142,0 +605143,0 +605144,0 +605145,0 +605146,0 +605147,0 +605148,0 +605149,0 +605150,0 +605151,0 +605152,0 +605153,0 +605154,0 +605155,0 +605156,0 +605157,0 +605158,0 +605159,0 +605160,0 +605161,0 +605162,0 +605163,0 +605164,36 +605165,36 +605166,36 +605167,36 +605168,36 +605169,36 +605170,36 +605171,40 +605172,40 +605173,5 +605174,5 +605175,5 +605176,5 +605177,39 +605178,39 +605179,39 +605180,39 +605181,14 +605182,14 +605183,14 +605184,5 +605185,5 +605186,5 +605187,5 +605188,5 +605189,27 +605190,31 +605191,27 +605192,27 +605193,8 +605194,8 +605195,8 +605196,8 +605197,8 +605198,8 +605199,8 +605200,8 +605201,8 +605202,8 +605203,6 +605204,6 +605205,6 +605206,6 +605207,27 +605208,27 +605209,27 +605210,27 +605211,27 +605212,27 +605213,27 +605214,27 +605215,23 +605216,23 +605217,23 +605218,23 +605219,23 +605220,23 +605221,11 +605222,11 +605223,11 +605224,11 +605225,16 +605226,11 +605227,31 +605228,31 +605229,31 +605230,31 +605231,31 +605232,31 +605233,31 +605234,5 +605235,5 +605236,5 +605237,5 +605238,5 +605239,5 +605240,29 +605241,29 +605242,29 +605243,36 +605244,36 +605245,36 +605246,36 +605247,36 +605248,36 +605249,36 +605250,36 +605251,36 +605252,36 +605253,36 +605254,36 +605255,36 +605256,36 +605257,36 +605258,36 +605259,36 +605260,28 +605261,28 +605262,28 +605263,28 +605264,28 +605265,28 +605266,28 +605267,10 +605268,10 +605269,10 +605270,10 +605271,10 +605272,10 +605273,10 +605274,10 +605275,10 +605276,10 +605277,31 +605278,31 +605279,31 +605280,31 +605281,31 +605282,31 +605283,31 +605284,31 +605285,31 +605286,31 +605287,31 +605288,31 +605289,31 +605290,31 +605291,31 +605292,4 +605293,4 +605294,4 +605295,4 +605296,4 +605297,4 +605298,4 +605299,4 +605300,4 +605301,4 +605302,40 +605303,40 +605304,40 +605305,40 +605306,28 +605307,28 +605308,28 +605309,28 +605310,28 +605311,28 +605312,28 +605313,4 +605314,4 +605315,4 +605316,4 +605317,4 +605318,4 +605319,27 +605320,27 +605321,27 +605322,27 +605323,27 +605324,29 +605325,29 +605326,29 +605327,29 +605328,29 +605329,29 +605330,31 +605331,31 +605332,31 +605333,31 +605334,31 +605335,31 +605336,31 +605337,23 +605338,23 +605339,23 +605340,23 +605341,23 +605342,23 +605343,23 +605344,23 +605345,23 +605346,23 +605347,36 +605348,36 +605349,36 +605350,36 +605351,36 +605352,36 +605353,36 +605354,36 +605355,36 +605356,36 +605357,36 +605358,10 +605359,28 +605360,28 +605361,28 +605362,28 +605363,28 +605364,28 +605365,30 +605366,30 +605367,30 +605368,30 +605369,30 +605370,39 +605371,39 +605372,39 +605373,30 +605374,30 +605375,30 +605376,30 +605377,30 +605378,30 +605379,30 +605380,3 +605381,3 +605382,10 +605383,10 +605384,10 +605385,10 +605386,10 +605387,10 +605388,10 +605389,10 +605390,10 +605391,10 +605392,10 +605393,23 +605394,23 +605395,23 +605396,23 +605397,23 +605398,23 +605399,23 +605400,23 +605401,27 +605402,27 +605403,31 +605404,31 +605405,4 +605406,4 +605407,4 +605408,4 +605409,4 +605410,4 +605411,4 +605412,4 +605413,19 +605414,2 +605415,2 +605416,2 +605417,2 +605418,2 +605419,2 +605420,2 +605421,2 +605422,4 +605423,4 +605424,4 +605425,4 +605426,4 +605427,4 +605428,39 +605429,39 +605430,39 +605431,39 +605432,39 +605433,39 +605434,39 +605435,24 +605436,24 +605437,27 +605438,31 +605439,31 +605440,31 +605441,27 +605442,27 +605443,27 +605444,19 +605445,19 +605446,19 +605447,19 +605448,19 +605449,19 +605450,19 +605451,4 +605452,4 +605453,4 +605454,4 +605455,4 +605456,4 +605457,4 +605458,4 +605459,31 +605460,31 +605461,31 +605462,31 +605463,31 +605464,31 +605465,31 +605466,31 +605467,5 +605468,5 +605469,5 +605470,5 +605471,5 +605472,5 +605473,5 +605474,5 +605475,5 +605476,5 +605477,5 +605478,5 +605479,5 +605480,5 +605481,5 +605482,5 +605483,5 +605484,5 +605485,5 +605486,0 +605487,0 +605488,0 +605489,0 +605490,0 +605491,0 +605492,0 +605493,0 +605494,0 +605495,0 +605496,0 +605497,12 +605498,12 +605499,12 +605500,27 +605501,27 +605502,39 +605503,39 +605504,39 +605505,39 +605506,16 +605507,16 +605508,16 +605509,16 +605510,16 +605511,16 +605512,16 +605513,16 +605514,16 +605515,16 +605516,16 +605517,6 +605518,6 +605519,6 +605520,6 +605521,6 +605522,6 +605523,6 +605524,6 +605525,6 +605526,6 +605527,30 +605528,30 +605529,30 +605530,30 +605531,33 +605532,33 +605533,33 +605534,33 +605535,33 +605536,33 +605537,33 +605538,33 +605539,33 +605540,8 +605541,8 +605542,8 +605543,8 +605544,2 +605545,2 +605546,2 +605547,2 +605548,2 +605549,2 +605550,2 +605551,2 +605552,2 +605553,2 +605554,2 +605555,2 +605556,2 +605557,2 +605558,2 +605559,2 +605560,2 +605561,2 +605562,2 +605563,3 +605564,3 +605565,3 +605566,3 +605567,3 +605568,3 +605569,3 +605570,3 +605571,3 +605572,3 +605573,3 +605574,3 +605575,5 +605576,5 +605577,5 +605578,5 +605579,34 +605580,26 +605581,26 +605582,10 +605583,10 +605584,10 +605585,10 +605586,10 +605587,10 +605588,10 +605589,10 +605590,36 +605591,23 +605592,23 +605593,23 +605594,23 +605595,23 +605596,23 +605597,23 +605598,4 +605599,4 +605600,4 +605601,4 +605602,4 +605603,4 +605604,4 +605605,25 +605606,25 +605607,25 +605608,25 +605609,25 +605610,25 +605611,34 +605612,34 +605613,34 +605614,25 +605615,33 +605616,33 +605617,33 +605618,3 +605619,3 +605620,12 +605621,12 +605622,12 +605623,12 +605624,12 +605625,12 +605626,31 +605627,31 +605628,31 +605629,31 +605630,31 +605631,8 +605632,8 +605633,8 +605634,8 +605635,8 +605636,8 +605637,8 +605638,24 +605639,24 +605640,24 +605641,24 +605642,24 +605643,24 +605644,24 +605645,15 +605646,15 +605647,24 +605648,9 +605649,9 +605650,9 +605651,9 +605652,9 +605653,9 +605654,9 +605655,9 +605656,9 +605657,9 +605658,9 +605659,37 +605660,37 +605661,37 +605662,37 +605663,37 +605664,37 +605665,37 +605666,37 +605667,37 +605668,37 +605669,37 +605670,0 +605671,0 +605672,0 +605673,0 +605674,0 +605675,0 +605676,0 +605677,0 +605678,0 +605679,0 +605680,0 +605681,0 +605682,0 +605683,0 +605684,0 +605685,0 +605686,0 +605687,0 +605688,0 +605689,0 +605690,0 +605691,0 +605692,0 +605693,0 +605694,0 +605695,0 +605696,0 +605697,0 +605698,0 +605699,0 +605700,0 +605701,0 +605702,0 +605703,0 +605704,0 +605705,0 +605706,0 +605707,0 +605708,0 +605709,0 +605710,0 +605711,0 +605712,0 +605713,0 +605714,0 +605715,0 +605716,0 +605717,0 +605718,0 +605719,0 +605720,0 +605721,0 +605722,0 +605723,0 +605724,0 +605725,6 +605726,6 +605727,6 +605728,6 +605729,22 +605730,22 +605731,22 +605732,22 +605733,22 +605734,19 +605735,19 +605736,19 +605737,19 +605738,19 +605739,19 +605740,19 +605741,19 +605742,19 +605743,19 +605744,39 +605745,39 +605746,39 +605747,39 +605748,39 +605749,39 +605750,39 +605751,30 +605752,30 +605753,30 +605754,30 +605755,30 +605756,30 +605757,30 +605758,30 +605759,30 +605760,27 +605761,27 +605762,27 +605763,27 +605764,27 +605765,27 +605766,27 +605767,31 +605768,31 +605769,31 +605770,30 +605771,30 +605772,30 +605773,30 +605774,30 +605775,30 +605776,30 +605777,30 +605778,30 +605779,30 +605780,30 +605781,30 +605782,15 +605783,15 +605784,15 +605785,15 +605786,15 +605787,15 +605788,15 +605789,15 +605790,15 +605791,15 +605792,36 +605793,36 +605794,36 +605795,36 +605796,36 +605797,36 +605798,36 +605799,4 +605800,4 +605801,4 +605802,4 +605803,4 +605804,4 +605805,4 +605806,25 +605807,25 +605808,25 +605809,25 +605810,25 +605811,25 +605812,25 +605813,25 +605814,25 +605815,25 +605816,31 +605817,25 +605818,25 +605819,19 +605820,19 +605821,19 +605822,19 +605823,19 +605824,19 +605825,29 +605826,19 +605827,27 +605828,27 +605829,27 +605830,27 +605831,27 +605832,5 +605833,5 +605834,5 +605835,5 +605836,5 +605837,5 +605838,27 +605839,27 +605840,27 +605841,27 +605842,27 +605843,27 +605844,23 +605845,23 +605846,23 +605847,23 +605848,23 +605849,23 +605850,23 +605851,23 +605852,23 +605853,23 +605854,23 +605855,36 +605856,36 +605857,36 +605858,36 +605859,36 +605860,36 +605861,36 +605862,40 +605863,40 +605864,40 +605865,40 +605866,36 +605867,36 +605868,36 +605869,5 +605870,5 +605871,5 +605872,5 +605873,5 +605874,5 +605875,5 +605876,5 +605877,5 +605878,2 +605879,2 +605880,2 +605881,2 +605882,2 +605883,2 +605884,2 +605885,2 +605886,2 +605887,39 +605888,39 +605889,39 +605890,39 +605891,39 +605892,39 +605893,39 +605894,32 +605895,32 +605896,32 +605897,32 +605898,32 +605899,32 +605900,32 +605901,32 +605902,39 +605903,39 +605904,39 +605905,39 +605906,39 +605907,39 +605908,39 +605909,39 +605910,39 +605911,39 +605912,39 +605913,39 +605914,39 +605915,39 +605916,39 +605917,39 +605918,39 +605919,2 +605920,2 +605921,2 +605922,2 +605923,2 +605924,2 +605925,2 +605926,2 +605927,2 +605928,2 +605929,2 +605930,2 +605931,2 +605932,2 +605933,2 +605934,2 +605935,2 +605936,2 +605937,2 +605938,2 +605939,2 +605940,2 +605941,2 +605942,2 +605943,2 +605944,2 +605945,0 +605946,0 +605947,0 +605948,0 +605949,0 +605950,0 +605951,0 +605952,0 +605953,0 +605954,0 +605955,0 +605956,0 +605957,0 +605958,0 +605959,0 +605960,0 +605961,0 +605962,0 +605963,0 +605964,0 +605965,0 +605966,0 +605967,0 +605968,0 +605969,0 +605970,0 +605971,0 +605972,0 +605973,0 +605974,0 +605975,0 +605976,0 +605977,29 +605978,29 +605979,29 +605980,31 +605981,31 +605982,31 +605983,31 +605984,31 +605985,32 +605986,32 +605987,32 +605988,32 +605989,32 +605990,32 +605991,32 +605992,32 +605993,32 +605994,32 +605995,32 +605996,37 +605997,37 +605998,37 +605999,37 +606000,37 +606001,37 +606002,37 +606003,14 +606004,14 +606005,14 +606006,14 +606007,14 +606008,14 +606009,14 +606010,14 +606011,14 +606012,14 +606013,30 +606014,30 +606015,30 +606016,30 +606017,30 +606018,30 +606019,30 +606020,3 +606021,3 +606022,3 +606023,3 +606024,3 +606025,3 +606026,3 +606027,3 +606028,3 +606029,3 +606030,3 +606031,3 +606032,3 +606033,3 +606034,3 +606035,3 +606036,3 +606037,19 +606038,19 +606039,19 +606040,19 +606041,19 +606042,19 +606043,4 +606044,4 +606045,2 +606046,8 +606047,8 +606048,8 +606049,8 +606050,8 +606051,8 +606052,8 +606053,8 +606054,2 +606055,2 +606056,2 +606057,2 +606058,2 +606059,2 +606060,2 +606061,2 +606062,0 +606063,0 +606064,0 +606065,0 +606066,0 +606067,0 +606068,0 +606069,0 +606070,0 +606071,0 +606072,5 +606073,28 +606074,28 +606075,28 +606076,28 +606077,28 +606078,28 +606079,28 +606080,28 +606081,28 +606082,28 +606083,3 +606084,3 +606085,3 +606086,3 +606087,3 +606088,3 +606089,3 +606090,3 +606091,3 +606092,3 +606093,28 +606094,28 +606095,3 +606096,3 +606097,3 +606098,5 +606099,5 +606100,5 +606101,5 +606102,5 +606103,5 +606104,5 +606105,5 +606106,5 +606107,8 +606108,8 +606109,8 +606110,8 +606111,8 +606112,8 +606113,8 +606114,27 +606115,27 +606116,27 +606117,27 +606118,27 +606119,27 +606120,27 +606121,27 +606122,27 +606123,27 +606124,27 +606125,27 +606126,27 +606127,27 +606128,27 +606129,27 +606130,27 +606131,5 +606132,5 +606133,5 +606134,5 +606135,13 +606136,5 +606137,5 +606138,5 +606139,5 +606140,5 +606141,5 +606142,5 +606143,5 +606144,29 +606145,28 +606146,28 +606147,27 +606148,27 +606149,27 +606150,27 +606151,27 +606152,5 +606153,5 +606154,5 +606155,5 +606156,5 +606157,27 +606158,27 +606159,27 +606160,27 +606161,27 +606162,27 +606163,27 +606164,27 +606165,27 +606166,16 +606167,16 +606168,16 +606169,16 +606170,16 +606171,16 +606172,16 +606173,16 +606174,16 +606175,16 +606176,16 +606177,16 +606178,16 +606179,25 +606180,25 +606181,25 +606182,25 +606183,25 +606184,25 +606185,25 +606186,25 +606187,25 +606188,25 +606189,25 +606190,25 +606191,0 +606192,0 +606193,0 +606194,0 +606195,0 +606196,0 +606197,0 +606198,0 +606199,0 +606200,0 +606201,0 +606202,0 +606203,0 +606204,0 +606205,28 +606206,28 +606207,28 +606208,29 +606209,29 +606210,31 +606211,31 +606212,31 +606213,31 +606214,5 +606215,5 +606216,5 +606217,5 +606218,5 +606219,5 +606220,5 +606221,5 +606222,26 +606223,26 +606224,26 +606225,26 +606226,26 +606227,26 +606228,26 +606229,26 +606230,26 +606231,26 +606232,26 +606233,6 +606234,6 +606235,6 +606236,6 +606237,6 +606238,6 +606239,4 +606240,4 +606241,4 +606242,4 +606243,4 +606244,4 +606245,4 +606246,4 +606247,4 +606248,4 +606249,4 +606250,4 +606251,4 +606252,4 +606253,25 +606254,25 +606255,37 +606256,37 +606257,37 +606258,37 +606259,37 +606260,37 +606261,37 +606262,25 +606263,25 +606264,25 +606265,27 +606266,27 +606267,27 +606268,27 +606269,25 +606270,25 +606271,5 +606272,5 +606273,5 +606274,5 +606275,5 +606276,5 +606277,5 +606278,5 +606279,5 +606280,8 +606281,8 +606282,8 +606283,8 +606284,8 +606285,8 +606286,8 +606287,8 +606288,8 +606289,8 +606290,8 +606291,8 +606292,8 +606293,2 +606294,8 +606295,8 +606296,0 +606297,0 +606298,0 +606299,0 +606300,0 +606301,0 +606302,0 +606303,5 +606304,5 +606305,5 +606306,5 +606307,5 +606308,5 +606309,5 +606310,5 +606311,5 +606312,5 +606313,5 +606314,5 +606315,5 +606316,5 +606317,5 +606318,5 +606319,26 +606320,10 +606321,10 +606322,10 +606323,10 +606324,10 +606325,10 +606326,10 +606327,10 +606328,10 +606329,10 +606330,10 +606331,10 +606332,10 +606333,10 +606334,10 +606335,10 +606336,5 +606337,5 +606338,5 +606339,5 +606340,5 +606341,4 +606342,4 +606343,4 +606344,4 +606345,4 +606346,4 +606347,4 +606348,4 +606349,4 +606350,4 +606351,4 +606352,4 +606353,4 +606354,4 +606355,2 +606356,2 +606357,2 +606358,4 +606359,4 +606360,4 +606361,4 +606362,4 +606363,4 +606364,4 +606365,4 +606366,0 +606367,0 +606368,0 +606369,0 +606370,0 +606371,0 +606372,0 +606373,36 +606374,36 +606375,36 +606376,36 +606377,36 +606378,36 +606379,36 +606380,36 +606381,36 +606382,36 +606383,36 +606384,36 +606385,19 +606386,19 +606387,19 +606388,19 +606389,19 +606390,19 +606391,27 +606392,27 +606393,27 +606394,27 +606395,27 +606396,27 +606397,4 +606398,4 +606399,4 +606400,4 +606401,4 +606402,2 +606403,2 +606404,2 +606405,8 +606406,2 +606407,8 +606408,8 +606409,5 +606410,5 +606411,5 +606412,5 +606413,5 +606414,5 +606415,5 +606416,5 +606417,40 +606418,40 +606419,40 +606420,40 +606421,40 +606422,30 +606423,30 +606424,30 +606425,30 +606426,30 +606427,30 +606428,30 +606429,30 +606430,30 +606431,27 +606432,13 +606433,13 +606434,13 +606435,13 +606436,5 +606437,5 +606438,5 +606439,6 +606440,6 +606441,6 +606442,6 +606443,6 +606444,6 +606445,6 +606446,9 +606447,26 +606448,26 +606449,9 +606450,9 +606451,9 +606452,9 +606453,26 +606454,26 +606455,30 +606456,30 +606457,30 +606458,30 +606459,30 +606460,27 +606461,27 +606462,27 +606463,27 +606464,27 +606465,27 +606466,5 +606467,5 +606468,5 +606469,5 +606470,5 +606471,5 +606472,5 +606473,31 +606474,27 +606475,27 +606476,27 +606477,27 +606478,27 +606479,27 +606480,27 +606481,2 +606482,2 +606483,2 +606484,2 +606485,2 +606486,2 +606487,2 +606488,2 +606489,4 +606490,4 +606491,4 +606492,4 +606493,4 +606494,4 +606495,37 +606496,37 +606497,37 +606498,37 +606499,39 +606500,39 +606501,39 +606502,39 +606503,39 +606504,39 +606505,39 +606506,39 +606507,39 +606508,39 +606509,39 +606510,39 +606511,8 +606512,8 +606513,8 +606514,8 +606515,8 +606516,8 +606517,8 +606518,8 +606519,8 +606520,8 +606521,8 +606522,2 +606523,2 +606524,2 +606525,0 +606526,0 +606527,0 +606528,0 +606529,0 +606530,0 +606531,0 +606532,0 +606533,0 +606534,0 +606535,0 +606536,0 +606537,0 +606538,0 +606539,0 +606540,0 +606541,0 +606542,0 +606543,0 +606544,0 +606545,0 +606546,0 +606547,0 +606548,0 +606549,0 +606550,0 +606551,0 +606552,0 +606553,0 +606554,0 +606555,0 +606556,0 +606557,0 +606558,0 +606559,0 +606560,0 +606561,0 +606562,0 +606563,0 +606564,0 +606565,0 +606566,0 +606567,0 +606568,0 +606569,0 +606570,0 +606571,0 +606572,0 +606573,0 +606574,0 +606575,0 +606576,0 +606577,5 +606578,5 +606579,5 +606580,5 +606581,5 +606582,5 +606583,5 +606584,26 +606585,26 +606586,26 +606587,26 +606588,26 +606589,26 +606590,26 +606591,26 +606592,19 +606593,19 +606594,19 +606595,19 +606596,19 +606597,19 +606598,27 +606599,27 +606600,27 +606601,39 +606602,39 +606603,27 +606604,6 +606605,6 +606606,6 +606607,6 +606608,6 +606609,6 +606610,6 +606611,6 +606612,6 +606613,6 +606614,31 +606615,32 +606616,32 +606617,32 +606618,32 +606619,32 +606620,32 +606621,32 +606622,32 +606623,25 +606624,25 +606625,25 +606626,25 +606627,31 +606628,25 +606629,25 +606630,25 +606631,25 +606632,28 +606633,5 +606634,5 +606635,5 +606636,5 +606637,5 +606638,5 +606639,5 +606640,5 +606641,5 +606642,2 +606643,2 +606644,2 +606645,2 +606646,2 +606647,2 +606648,2 +606649,2 +606650,2 +606651,2 +606652,2 +606653,2 +606654,2 +606655,2 +606656,2 +606657,2 +606658,2 +606659,2 +606660,2 +606661,2 +606662,2 +606663,2 +606664,2 +606665,2 +606666,2 +606667,0 +606668,0 +606669,0 +606670,0 +606671,0 +606672,0 +606673,0 +606674,0 +606675,0 +606676,0 +606677,0 +606678,0 +606679,0 +606680,0 +606681,0 +606682,0 +606683,0 +606684,0 +606685,0 +606686,0 +606687,0 +606688,0 +606689,0 +606690,0 +606691,0 +606692,0 +606693,0 +606694,0 +606695,0 +606696,0 +606697,0 +606698,0 +606699,0 +606700,0 +606701,0 +606702,0 +606703,0 +606704,0 +606705,35 +606706,35 +606707,35 +606708,25 +606709,25 +606710,25 +606711,2 +606712,2 +606713,2 +606714,2 +606715,2 +606716,2 +606717,4 +606718,2 +606719,2 +606720,16 +606721,16 +606722,16 +606723,35 +606724,35 +606725,4 +606726,4 +606727,4 +606728,4 +606729,4 +606730,4 +606731,4 +606732,37 +606733,25 +606734,25 +606735,37 +606736,37 +606737,37 +606738,39 +606739,39 +606740,39 +606741,39 +606742,39 +606743,39 +606744,39 +606745,39 +606746,39 +606747,39 +606748,28 +606749,28 +606750,28 +606751,28 +606752,28 +606753,28 +606754,31 +606755,31 +606756,31 +606757,12 +606758,12 +606759,12 +606760,12 +606761,12 +606762,12 +606763,12 +606764,12 +606765,12 +606766,12 +606767,12 +606768,12 +606769,12 +606770,12 +606771,12 +606772,12 +606773,14 +606774,14 +606775,14 +606776,14 +606777,14 +606778,14 +606779,14 +606780,14 +606781,6 +606782,6 +606783,6 +606784,6 +606785,6 +606786,6 +606787,6 +606788,31 +606789,31 +606790,31 +606791,31 +606792,31 +606793,14 +606794,5 +606795,5 +606796,5 +606797,5 +606798,5 +606799,5 +606800,5 +606801,5 +606802,31 +606803,27 +606804,27 +606805,27 +606806,27 +606807,27 +606808,27 +606809,27 +606810,5 +606811,5 +606812,5 +606813,5 +606814,5 +606815,5 +606816,5 +606817,5 +606818,5 +606819,5 +606820,5 +606821,5 +606822,5 +606823,0 +606824,0 +606825,0 +606826,0 +606827,0 +606828,0 +606829,0 +606830,0 +606831,0 +606832,0 +606833,0 +606834,0 +606835,0 +606836,0 +606837,0 +606838,0 +606839,0 +606840,0 +606841,0 +606842,0 +606843,0 +606844,0 +606845,0 +606846,0 +606847,0 +606848,0 +606849,0 +606850,0 +606851,0 +606852,0 +606853,0 +606854,0 +606855,0 +606856,0 +606857,0 +606858,0 +606859,0 +606860,0 +606861,0 +606862,0 +606863,0 +606864,0 +606865,0 +606866,27 +606867,27 +606868,27 +606869,27 +606870,27 +606871,27 +606872,4 +606873,4 +606874,4 +606875,4 +606876,4 +606877,2 +606878,2 +606879,2 +606880,2 +606881,2 +606882,2 +606883,2 +606884,32 +606885,32 +606886,32 +606887,6 +606888,6 +606889,26 +606890,37 +606891,37 +606892,37 +606893,37 +606894,40 +606895,40 +606896,40 +606897,40 +606898,8 +606899,8 +606900,8 +606901,8 +606902,8 +606903,8 +606904,8 +606905,8 +606906,29 +606907,29 +606908,29 +606909,29 +606910,29 +606911,31 +606912,27 +606913,27 +606914,27 +606915,27 +606916,5 +606917,5 +606918,5 +606919,5 +606920,5 +606921,0 +606922,0 +606923,0 +606924,0 +606925,0 +606926,0 +606927,0 +606928,0 +606929,0 +606930,0 +606931,40 +606932,40 +606933,40 +606934,40 +606935,40 +606936,40 +606937,5 +606938,5 +606939,5 +606940,5 +606941,5 +606942,39 +606943,39 +606944,39 +606945,39 +606946,39 +606947,39 +606948,38 +606949,38 +606950,38 +606951,38 +606952,38 +606953,38 +606954,38 +606955,38 +606956,38 +606957,39 +606958,39 +606959,39 +606960,39 +606961,7 +606962,7 +606963,7 +606964,7 +606965,7 +606966,7 +606967,7 +606968,3 +606969,3 +606970,3 +606971,3 +606972,3 +606973,3 +606974,3 +606975,4 +606976,4 +606977,4 +606978,6 +606979,6 +606980,6 +606981,31 +606982,27 +606983,27 +606984,27 +606985,27 +606986,27 +606987,27 +606988,27 +606989,28 +606990,28 +606991,28 +606992,28 +606993,28 +606994,28 +606995,28 +606996,28 +606997,28 +606998,28 +606999,28 +607000,28 +607001,28 +607002,28 +607003,36 +607004,36 +607005,36 +607006,36 +607007,36 +607008,36 +607009,36 +607010,34 +607011,34 +607012,34 +607013,5 +607014,5 +607015,5 +607016,5 +607017,16 +607018,16 +607019,16 +607020,16 +607021,16 +607022,16 +607023,11 +607024,31 +607025,31 +607026,31 +607027,31 +607028,31 +607029,31 +607030,31 +607031,5 +607032,5 +607033,5 +607034,5 +607035,5 +607036,5 +607037,5 +607038,5 +607039,5 +607040,5 +607041,5 +607042,5 +607043,5 +607044,5 +607045,0 +607046,0 +607047,0 +607048,0 +607049,0 +607050,0 +607051,0 +607052,0 +607053,0 +607054,0 +607055,0 +607056,0 +607057,0 +607058,0 +607059,0 +607060,0 +607061,0 +607062,0 +607063,0 +607064,0 +607065,0 +607066,0 +607067,0 +607068,0 +607069,0 +607070,0 +607071,0 +607072,0 +607073,0 +607074,0 +607075,0 +607076,0 +607077,0 +607078,0 +607079,0 +607080,28 +607081,0 +607082,0 +607083,28 +607084,28 +607085,28 +607086,28 +607087,28 +607088,28 +607089,28 +607090,28 +607091,27 +607092,27 +607093,27 +607094,27 +607095,2 +607096,2 +607097,2 +607098,2 +607099,2 +607100,2 +607101,27 +607102,27 +607103,27 +607104,27 +607105,27 +607106,2 +607107,2 +607108,2 +607109,2 +607110,2 +607111,2 +607112,2 +607113,2 +607114,2 +607115,2 +607116,32 +607117,32 +607118,32 +607119,32 +607120,32 +607121,32 +607122,40 +607123,40 +607124,40 +607125,40 +607126,5 +607127,5 +607128,5 +607129,5 +607130,5 +607131,5 +607132,5 +607133,4 +607134,4 +607135,4 +607136,4 +607137,4 +607138,4 +607139,4 +607140,25 +607141,25 +607142,25 +607143,25 +607144,25 +607145,2 +607146,2 +607147,2 +607148,2 +607149,2 +607150,2 +607151,2 +607152,2 +607153,27 +607154,27 +607155,27 +607156,27 +607157,27 +607158,27 +607159,27 +607160,27 +607161,27 +607162,4 +607163,4 +607164,4 +607165,4 +607166,12 +607167,12 +607168,12 +607169,12 +607170,31 +607171,31 +607172,8 +607173,8 +607174,8 +607175,8 +607176,8 +607177,8 +607178,8 +607179,8 +607180,12 +607181,12 +607182,12 +607183,12 +607184,12 +607185,12 +607186,27 +607187,27 +607188,27 +607189,27 +607190,21 +607191,21 +607192,21 +607193,21 +607194,21 +607195,21 +607196,21 +607197,22 +607198,22 +607199,19 +607200,19 +607201,19 +607202,27 +607203,27 +607204,39 +607205,32 +607206,32 +607207,32 +607208,32 +607209,32 +607210,32 +607211,32 +607212,15 +607213,15 +607214,15 +607215,15 +607216,39 +607217,39 +607218,39 +607219,39 +607220,39 +607221,4 +607222,4 +607223,4 +607224,4 +607225,4 +607226,31 +607227,31 +607228,31 +607229,31 +607230,31 +607231,4 +607232,4 +607233,4 +607234,4 +607235,4 +607236,4 +607237,4 +607238,4 +607239,4 +607240,4 +607241,4 +607242,26 +607243,26 +607244,26 +607245,26 +607246,26 +607247,26 +607248,26 +607249,26 +607250,32 +607251,32 +607252,32 +607253,32 +607254,4 +607255,4 +607256,4 +607257,4 +607258,30 +607259,30 +607260,15 +607261,30 +607262,30 +607263,30 +607264,10 +607265,10 +607266,10 +607267,10 +607268,10 +607269,10 +607270,10 +607271,6 +607272,6 +607273,6 +607274,6 +607275,6 +607276,6 +607277,6 +607278,6 +607279,6 +607280,6 +607281,29 +607282,29 +607283,29 +607284,36 +607285,36 +607286,36 +607287,36 +607288,36 +607289,36 +607290,36 +607291,36 +607292,36 +607293,36 +607294,36 +607295,4 +607296,4 +607297,4 +607298,4 +607299,4 +607300,4 +607301,4 +607302,0 +607303,0 +607304,0 +607305,0 +607306,0 +607307,0 +607308,0 +607309,0 +607310,0 +607311,0 +607312,0 +607313,0 +607314,0 +607315,0 +607316,0 +607317,0 +607318,0 +607319,0 +607320,0 +607321,0 +607322,0 +607323,0 +607324,0 +607325,0 +607326,0 +607327,0 +607328,0 +607329,0 +607330,0 +607331,0 +607332,0 +607333,0 +607334,0 +607335,0 +607336,0 +607337,0 +607338,0 +607339,0 +607340,0 +607341,0 +607342,0 +607343,0 +607344,0 +607345,0 +607346,0 +607347,0 +607348,0 +607349,0 +607350,0 +607351,0 +607352,0 +607353,0 +607354,0 +607355,6 +607356,6 +607357,6 +607358,6 +607359,12 +607360,12 +607361,12 +607362,12 +607363,9 +607364,9 +607365,9 +607366,5 +607367,5 +607368,3 +607369,3 +607370,19 +607371,19 +607372,19 +607373,19 +607374,19 +607375,19 +607376,19 +607377,19 +607378,32 +607379,32 +607380,32 +607381,19 +607382,19 +607383,30 +607384,38 +607385,9 +607386,30 +607387,30 +607388,30 +607389,10 +607390,10 +607391,10 +607392,10 +607393,10 +607394,10 +607395,10 +607396,10 +607397,10 +607398,10 +607399,26 +607400,26 +607401,26 +607402,26 +607403,26 +607404,26 +607405,7 +607406,7 +607407,7 +607408,7 +607409,7 +607410,7 +607411,7 +607412,7 +607413,7 +607414,39 +607415,39 +607416,39 +607417,31 +607418,31 +607419,31 +607420,31 +607421,31 +607422,31 +607423,31 +607424,31 +607425,31 +607426,15 +607427,15 +607428,15 +607429,37 +607430,37 +607431,37 +607432,37 +607433,37 +607434,37 +607435,17 +607436,17 +607437,17 +607438,17 +607439,17 +607440,17 +607441,17 +607442,17 +607443,17 +607444,17 +607445,17 +607446,17 +607447,17 +607448,17 +607449,17 +607450,17 +607451,17 +607452,17 +607453,17 +607454,17 +607455,30 +607456,30 +607457,30 +607458,30 +607459,30 +607460,30 +607461,30 +607462,30 +607463,9 +607464,9 +607465,9 +607466,9 +607467,9 +607468,9 +607469,9 +607470,9 +607471,34 +607472,34 +607473,34 +607474,34 +607475,34 +607476,34 +607477,34 +607478,34 +607479,34 +607480,10 +607481,10 +607482,10 +607483,5 +607484,5 +607485,5 +607486,5 +607487,5 +607488,27 +607489,27 +607490,27 +607491,27 +607492,27 +607493,27 +607494,27 +607495,27 +607496,27 +607497,27 +607498,27 +607499,2 +607500,2 +607501,2 +607502,2 +607503,2 +607504,2 +607505,2 +607506,2 +607507,2 +607508,2 +607509,2 +607510,2 +607511,2 +607512,2 +607513,2 +607514,2 +607515,2 +607516,2 +607517,2 +607518,2 +607519,2 +607520,2 +607521,2 +607522,2 +607523,2 +607524,2 +607525,2 +607526,0 +607527,0 +607528,0 +607529,0 +607530,0 +607531,0 +607532,0 +607533,0 +607534,0 +607535,0 +607536,0 +607537,0 +607538,0 +607539,0 +607540,0 +607541,0 +607542,0 +607543,0 +607544,0 +607545,0 +607546,0 +607547,0 +607548,0 +607549,0 +607550,0 +607551,0 +607552,0 +607553,0 +607554,0 +607555,0 +607556,0 +607557,0 +607558,0 +607559,0 +607560,0 +607561,0 +607562,0 +607563,0 +607564,0 +607565,0 +607566,0 +607567,0 +607568,0 +607569,0 +607570,0 +607571,0 +607572,0 +607573,0 +607574,0 +607575,0 +607576,0 +607577,0 +607578,0 +607579,0 +607580,0 +607581,0 +607582,0 +607583,0 +607584,0 +607585,0 +607586,0 +607587,0 +607588,0 +607589,0 +607590,0 +607591,0 +607592,0 +607593,15 +607594,15 +607595,15 +607596,31 +607597,31 +607598,31 +607599,31 +607600,31 +607601,31 +607602,31 +607603,24 +607604,24 +607605,24 +607606,24 +607607,24 +607608,24 +607609,24 +607610,24 +607611,10 +607612,10 +607613,10 +607614,10 +607615,10 +607616,10 +607617,10 +607618,10 +607619,10 +607620,10 +607621,10 +607622,10 +607623,10 +607624,10 +607625,10 +607626,4 +607627,4 +607628,4 +607629,4 +607630,27 +607631,27 +607632,27 +607633,27 +607634,27 +607635,27 +607636,27 +607637,27 +607638,27 +607639,27 +607640,27 +607641,27 +607642,27 +607643,19 +607644,19 +607645,19 +607646,19 +607647,19 +607648,19 +607649,19 +607650,19 +607651,19 +607652,19 +607653,19 +607654,19 +607655,19 +607656,19 +607657,19 +607658,19 +607659,19 +607660,0 +607661,0 +607662,0 +607663,0 +607664,0 +607665,0 +607666,0 +607667,0 +607668,0 +607669,0 +607670,0 +607671,39 +607672,39 +607673,39 +607674,39 +607675,39 +607676,39 +607677,39 +607678,39 +607679,39 +607680,39 +607681,39 +607682,39 +607683,39 +607684,39 +607685,39 +607686,7 +607687,7 +607688,7 +607689,7 +607690,3 +607691,3 +607692,3 +607693,3 +607694,3 +607695,3 +607696,3 +607697,3 +607698,3 +607699,3 +607700,3 +607701,23 +607702,23 +607703,23 +607704,23 +607705,23 +607706,23 +607707,23 +607708,23 +607709,23 +607710,23 +607711,23 +607712,23 +607713,23 +607714,25 +607715,25 +607716,25 +607717,25 +607718,25 +607719,25 +607720,25 +607721,25 +607722,25 +607723,25 +607724,27 +607725,27 +607726,27 +607727,2 +607728,2 +607729,2 +607730,2 +607731,2 +607732,2 +607733,2 +607734,4 +607735,4 +607736,4 +607737,4 +607738,4 +607739,31 +607740,31 +607741,31 +607742,24 +607743,24 +607744,24 +607745,24 +607746,24 +607747,24 +607748,24 +607749,24 +607750,9 +607751,9 +607752,9 +607753,9 +607754,9 +607755,9 +607756,9 +607757,9 +607758,9 +607759,9 +607760,9 +607761,9 +607762,9 +607763,9 +607764,9 +607765,9 +607766,9 +607767,9 +607768,9 +607769,9 +607770,9 +607771,12 +607772,12 +607773,37 +607774,37 +607775,19 +607776,19 +607777,19 +607778,19 +607779,24 +607780,12 +607781,12 +607782,3 +607783,37 +607784,39 +607785,39 +607786,39 +607787,39 +607788,39 +607789,39 +607790,2 +607791,2 +607792,2 +607793,2 +607794,2 +607795,2 +607796,2 +607797,2 +607798,2 +607799,2 +607800,2 +607801,2 +607802,2 +607803,4 +607804,4 +607805,4 +607806,4 +607807,4 +607808,4 +607809,4 +607810,4 +607811,9 +607812,9 +607813,9 +607814,9 +607815,9 +607816,9 +607817,9 +607818,9 +607819,9 +607820,9 +607821,9 +607822,9 +607823,37 +607824,37 +607825,37 +607826,37 +607827,37 +607828,37 +607829,37 +607830,37 +607831,37 +607832,37 +607833,37 +607834,37 +607835,37 +607836,37 +607837,37 +607838,4 +607839,37 +607840,25 +607841,4 +607842,4 +607843,4 +607844,4 +607845,4 +607846,4 +607847,4 +607848,4 +607849,4 +607850,4 +607851,4 +607852,4 +607853,4 +607854,4 +607855,4 +607856,4 +607857,4 +607858,4 +607859,4 +607860,27 +607861,3 +607862,39 +607863,28 +607864,28 +607865,28 +607866,28 +607867,28 +607868,28 +607869,28 +607870,28 +607871,28 +607872,28 +607873,39 +607874,39 +607875,39 +607876,39 +607877,39 +607878,39 +607879,39 +607880,39 +607881,39 +607882,39 +607883,39 +607884,39 +607885,39 +607886,39 +607887,39 +607888,39 +607889,39 +607890,39 +607891,39 +607892,39 +607893,28 +607894,28 +607895,28 +607896,28 +607897,28 +607898,28 +607899,28 +607900,28 +607901,28 +607902,28 +607903,34 +607904,34 +607905,34 +607906,34 +607907,10 +607908,10 +607909,10 +607910,10 +607911,10 +607912,10 +607913,10 +607914,10 +607915,10 +607916,10 +607917,10 +607918,10 +607919,10 +607920,10 +607921,2 +607922,2 +607923,2 +607924,2 +607925,2 +607926,2 +607927,2 +607928,2 +607929,2 +607930,2 +607931,2 +607932,2 +607933,2 +607934,2 +607935,2 +607936,2 +607937,2 +607938,2 +607939,10 +607940,10 +607941,31 +607942,31 +607943,31 +607944,31 +607945,31 +607946,31 +607947,31 +607948,31 +607949,31 +607950,31 +607951,5 +607952,5 +607953,5 +607954,5 +607955,5 +607956,5 +607957,5 +607958,5 +607959,5 +607960,5 +607961,5 +607962,5 +607963,5 +607964,5 +607965,5 +607966,5 +607967,5 +607968,5 +607969,19 +607970,0 +607971,0 +607972,0 +607973,0 +607974,0 +607975,0 +607976,0 +607977,0 +607978,0 +607979,0 +607980,0 +607981,0 +607982,0 +607983,0 +607984,0 +607985,0 +607986,0 +607987,0 +607988,0 +607989,0 +607990,0 +607991,0 +607992,0 +607993,0 +607994,0 +607995,0 +607996,0 +607997,0 +607998,0 +607999,0 +608000,0 +608001,0 +608002,0 +608003,0 +608004,0 +608005,0 +608006,0 +608007,0 +608008,0 +608009,0 +608010,0 +608011,0 +608012,0 +608013,0 +608014,0 +608015,0 +608016,0 +608017,0 +608018,0 +608019,0 +608020,0 +608021,0 +608022,0 +608023,0 +608024,0 +608025,0 +608026,0 +608027,0 +608028,0 +608029,0 +608030,0 +608031,0 +608032,0 +608033,0 +608034,0 +608035,0 +608036,0 +608037,0 +608038,0 +608039,0 +608040,0 +608041,0 +608042,0 +608043,0 +608044,0 +608045,0 +608046,0 +608047,0 +608048,0 +608049,0 +608050,0 +608051,28 +608052,28 +608053,28 +608054,27 +608055,27 +608056,27 +608057,27 +608058,27 +608059,27 +608060,8 +608061,8 +608062,8 +608063,8 +608064,8 +608065,8 +608066,8 +608067,27 +608068,27 +608069,27 +608070,27 +608071,27 +608072,27 +608073,27 +608074,2 +608075,2 +608076,2 +608077,2 +608078,2 +608079,2 +608080,2 +608081,2 +608082,2 +608083,2 +608084,2 +608085,2 +608086,40 +608087,40 +608088,40 +608089,40 +608090,5 +608091,5 +608092,5 +608093,5 +608094,5 +608095,5 +608096,5 +608097,5 +608098,4 +608099,4 +608100,4 +608101,4 +608102,4 +608103,27 +608104,27 +608105,27 +608106,39 +608107,39 +608108,39 +608109,31 +608110,31 +608111,31 +608112,31 +608113,31 +608114,31 +608115,31 +608116,6 +608117,6 +608118,6 +608119,6 +608120,6 +608121,6 +608122,6 +608123,6 +608124,6 +608125,6 +608126,6 +608127,33 +608128,33 +608129,33 +608130,33 +608131,26 +608132,26 +608133,26 +608134,26 +608135,33 +608136,33 +608137,33 +608138,33 +608139,33 +608140,33 +608141,33 +608142,33 +608143,33 +608144,33 +608145,33 +608146,33 +608147,5 +608148,5 +608149,5 +608150,5 +608151,5 +608152,5 +608153,5 +608154,5 +608155,5 +608156,5 +608157,5 +608158,5 +608159,5 +608160,5 +608161,5 +608162,5 +608163,5 +608164,5 +608165,5 +608166,5 +608167,5 +608168,5 +608169,5 +608170,0 +608171,0 +608172,0 +608173,0 +608174,0 +608175,0 +608176,0 +608177,0 +608178,0 +608179,0 +608180,0 +608181,0 +608182,0 +608183,0 +608184,0 +608185,0 +608186,0 +608187,0 +608188,0 +608189,0 +608190,0 +608191,0 +608192,0 +608193,0 +608194,0 +608195,0 +608196,0 +608197,0 +608198,0 +608199,0 +608200,0 +608201,0 +608202,28 +608203,28 +608204,28 +608205,28 +608206,28 +608207,28 +608208,28 +608209,28 +608210,27 +608211,27 +608212,27 +608213,27 +608214,27 +608215,27 +608216,27 +608217,27 +608218,2 +608219,2 +608220,2 +608221,2 +608222,2 +608223,2 +608224,2 +608225,2 +608226,2 +608227,2 +608228,2 +608229,2 +608230,2 +608231,2 +608232,2 +608233,2 +608234,2 +608235,2 +608236,40 +608237,40 +608238,40 +608239,40 +608240,40 +608241,40 +608242,36 +608243,40 +608244,40 +608245,40 +608246,40 +608247,40 +608248,36 +608249,40 +608250,28 +608251,28 +608252,28 +608253,28 +608254,28 +608255,28 +608256,28 +608257,28 +608258,28 +608259,28 +608260,28 +608261,28 +608262,28 +608263,28 +608264,28 +608265,28 +608266,28 +608267,28 +608268,28 +608269,28 +608270,28 +608271,28 +608272,28 +608273,0 +608274,4 +608275,4 +608276,4 +608277,4 +608278,4 +608279,4 +608280,4 +608281,4 +608282,4 +608283,4 +608284,4 +608285,4 +608286,4 +608287,4 +608288,27 +608289,27 +608290,27 +608291,27 +608292,27 +608293,30 +608294,30 +608295,30 +608296,30 +608297,30 +608298,30 +608299,30 +608300,30 +608301,30 +608302,19 +608303,19 +608304,19 +608305,19 +608306,19 +608307,27 +608308,27 +608309,27 +608310,27 +608311,27 +608312,31 +608313,5 +608314,5 +608315,5 +608316,5 +608317,5 +608318,5 +608319,5 +608320,5 +608321,5 +608322,5 +608323,5 +608324,15 +608325,15 +608326,15 +608327,15 +608328,15 +608329,15 +608330,15 +608331,15 +608332,25 +608333,25 +608334,25 +608335,25 +608336,25 +608337,25 +608338,25 +608339,25 +608340,25 +608341,25 +608342,25 +608343,37 +608344,37 +608345,37 +608346,27 +608347,27 +608348,27 +608349,27 +608350,27 +608351,27 +608352,27 +608353,27 +608354,4 +608355,4 +608356,4 +608357,4 +608358,4 +608359,4 +608360,4 +608361,4 +608362,4 +608363,4 +608364,4 +608365,4 +608366,4 +608367,4 +608368,4 +608369,4 +608370,0 +608371,0 +608372,0 +608373,0 +608374,0 +608375,0 +608376,0 +608377,0 +608378,0 +608379,0 +608380,0 +608381,0 +608382,0 +608383,0 +608384,0 +608385,0 +608386,0 +608387,0 +608388,0 +608389,0 +608390,0 +608391,0 +608392,0 +608393,0 +608394,0 +608395,0 +608396,0 +608397,0 +608398,0 +608399,0 +608400,0 +608401,0 +608402,0 +608403,0 +608404,0 +608405,0 +608406,0 +608407,0 +608408,0 +608409,0 +608410,0 +608411,0 +608412,29 +608413,29 +608414,29 +608415,29 +608416,29 +608417,39 +608418,39 +608419,39 +608420,39 +608421,40 +608422,40 +608423,40 +608424,40 +608425,40 +608426,36 +608427,36 +608428,5 +608429,5 +608430,5 +608431,5 +608432,5 +608433,5 +608434,2 +608435,2 +608436,2 +608437,2 +608438,2 +608439,2 +608440,2 +608441,2 +608442,2 +608443,2 +608444,2 +608445,2 +608446,2 +608447,2 +608448,2 +608449,2 +608450,2 +608451,2 +608452,2 +608453,25 +608454,25 +608455,25 +608456,25 +608457,25 +608458,25 +608459,25 +608460,4 +608461,4 +608462,4 +608463,4 +608464,4 +608465,4 +608466,4 +608467,31 +608468,31 +608469,31 +608470,31 +608471,28 +608472,28 +608473,28 +608474,28 +608475,4 +608476,4 +608477,4 +608478,4 +608479,4 +608480,4 +608481,4 +608482,4 +608483,4 +608484,29 +608485,14 +608486,39 +608487,39 +608488,39 +608489,39 +608490,39 +608491,39 +608492,39 +608493,39 +608494,39 +608495,31 +608496,31 +608497,31 +608498,31 +608499,31 +608500,31 +608501,24 +608502,24 +608503,24 +608504,24 +608505,24 +608506,24 +608507,6 +608508,6 +608509,6 +608510,6 +608511,6 +608512,6 +608513,6 +608514,6 +608515,37 +608516,37 +608517,37 +608518,3 +608519,3 +608520,3 +608521,3 +608522,3 +608523,3 +608524,3 +608525,3 +608526,8 +608527,8 +608528,8 +608529,2 +608530,2 +608531,2 +608532,2 +608533,8 +608534,8 +608535,8 +608536,8 +608537,8 +608538,2 +608539,2 +608540,2 +608541,2 +608542,23 +608543,23 +608544,23 +608545,23 +608546,23 +608547,23 +608548,23 +608549,23 +608550,23 +608551,23 +608552,23 +608553,14 +608554,14 +608555,14 +608556,14 +608557,14 +608558,14 +608559,14 +608560,14 +608561,14 +608562,14 +608563,14 +608564,14 +608565,14 +608566,14 +608567,14 +608568,14 +608569,14 +608570,39 +608571,9 +608572,39 +608573,39 +608574,12 +608575,12 +608576,12 +608577,12 +608578,12 +608579,12 +608580,12 +608581,31 +608582,31 +608583,31 +608584,8 +608585,8 +608586,8 +608587,8 +608588,8 +608589,8 +608590,8 +608591,8 +608592,31 +608593,27 +608594,27 +608595,27 +608596,27 +608597,6 +608598,32 +608599,32 +608600,32 +608601,6 +608602,6 +608603,6 +608604,6 +608605,6 +608606,32 +608607,32 +608608,32 +608609,6 +608610,6 +608611,6 +608612,6 +608613,6 +608614,32 +608615,32 +608616,6 +608617,6 +608618,32 +608619,27 +608620,27 +608621,27 +608622,27 +608623,27 +608624,30 +608625,30 +608626,30 +608627,30 +608628,30 +608629,30 +608630,30 +608631,30 +608632,27 +608633,27 +608634,27 +608635,27 +608636,27 +608637,13 +608638,13 +608639,13 +608640,13 +608641,13 +608642,13 +608643,13 +608644,13 +608645,31 +608646,31 +608647,31 +608648,31 +608649,31 +608650,31 +608651,31 +608652,23 +608653,23 +608654,23 +608655,23 +608656,23 +608657,23 +608658,23 +608659,23 +608660,23 +608661,23 +608662,23 +608663,30 +608664,30 +608665,30 +608666,27 +608667,27 +608668,27 +608669,27 +608670,6 +608671,6 +608672,6 +608673,6 +608674,6 +608675,6 +608676,6 +608677,6 +608678,6 +608679,11 +608680,11 +608681,11 +608682,11 +608683,11 +608684,11 +608685,11 +608686,11 +608687,11 +608688,11 +608689,11 +608690,31 +608691,31 +608692,31 +608693,31 +608694,31 +608695,31 +608696,5 +608697,5 +608698,5 +608699,5 +608700,5 +608701,5 +608702,5 +608703,5 +608704,5 +608705,5 +608706,5 +608707,5 +608708,5 +608709,5 +608710,5 +608711,5 +608712,5 +608713,0 +608714,0 +608715,0 +608716,0 +608717,0 +608718,0 +608719,0 +608720,0 +608721,0 +608722,0 +608723,0 +608724,0 +608725,0 +608726,0 +608727,0 +608728,0 +608729,0 +608730,0 +608731,0 +608732,0 +608733,0 +608734,0 +608735,0 +608736,0 +608737,0 +608738,0 +608739,0 +608740,0 +608741,0 +608742,0 +608743,0 +608744,0 +608745,0 +608746,0 +608747,0 +608748,0 +608749,0 +608750,0 +608751,0 +608752,0 +608753,0 +608754,0 +608755,0 +608756,0 +608757,29 +608758,29 +608759,29 +608760,29 +608761,40 +608762,40 +608763,40 +608764,40 +608765,37 +608766,37 +608767,9 +608768,9 +608769,9 +608770,9 +608771,9 +608772,9 +608773,37 +608774,37 +608775,37 +608776,37 +608777,37 +608778,37 +608779,2 +608780,2 +608781,2 +608782,2 +608783,2 +608784,2 +608785,2 +608786,2 +608787,2 +608788,2 +608789,2 +608790,2 +608791,2 +608792,2 +608793,2 +608794,2 +608795,2 +608796,2 +608797,6 +608798,6 +608799,6 +608800,6 +608801,6 +608802,6 +608803,6 +608804,6 +608805,40 +608806,40 +608807,40 +608808,40 +608809,40 +608810,40 +608811,40 +608812,37 +608813,37 +608814,37 +608815,37 +608816,37 +608817,37 +608818,2 +608819,2 +608820,2 +608821,2 +608822,2 +608823,2 +608824,2 +608825,2 +608826,2 +608827,2 +608828,2 +608829,30 +608830,30 +608831,30 +608832,30 +608833,30 +608834,14 +608835,17 +608836,14 +608837,14 +608838,14 +608839,27 +608840,27 +608841,27 +608842,27 +608843,27 +608844,27 +608845,27 +608846,28 +608847,28 +608848,28 +608849,28 +608850,28 +608851,28 +608852,28 +608853,28 +608854,28 +608855,9 +608856,9 +608857,9 +608858,9 +608859,9 +608860,9 +608861,9 +608862,30 +608863,30 +608864,33 +608865,33 +608866,33 +608867,33 +608868,28 +608869,28 +608870,28 +608871,28 +608872,28 +608873,28 +608874,28 +608875,27 +608876,27 +608877,27 +608878,27 +608879,27 +608880,27 +608881,19 +608882,19 +608883,19 +608884,19 +608885,19 +608886,19 +608887,19 +608888,19 +608889,27 +608890,27 +608891,27 +608892,27 +608893,27 +608894,27 +608895,27 +608896,27 +608897,5 +608898,5 +608899,5 +608900,28 +608901,5 +608902,35 +608903,35 +608904,35 +608905,35 +608906,35 +608907,35 +608908,35 +608909,35 +608910,12 +608911,12 +608912,12 +608913,27 +608914,27 +608915,27 +608916,27 +608917,27 +608918,16 +608919,16 +608920,19 +608921,19 +608922,19 +608923,19 +608924,11 +608925,11 +608926,11 +608927,11 +608928,11 +608929,11 +608930,11 +608931,11 +608932,11 +608933,11 +608934,11 +608935,11 +608936,11 +608937,11 +608938,11 +608939,11 +608940,39 +608941,39 +608942,39 +608943,39 +608944,39 +608945,39 +608946,39 +608947,39 +608948,39 +608949,39 +608950,4 +608951,4 +608952,4 +608953,4 +608954,4 +608955,4 +608956,4 +608957,27 +608958,27 +608959,27 +608960,27 +608961,27 +608962,27 +608963,6 +608964,32 +608965,32 +608966,32 +608967,19 +608968,19 +608969,19 +608970,19 +608971,19 +608972,5 +608973,5 +608974,5 +608975,5 +608976,5 +608977,5 +608978,5 +608979,5 +608980,5 +608981,5 +608982,26 +608983,26 +608984,26 +608985,26 +608986,26 +608987,26 +608988,26 +608989,26 +608990,26 +608991,26 +608992,26 +608993,26 +608994,26 +608995,26 +608996,26 +608997,32 +608998,32 +608999,32 +609000,32 +609001,32 +609002,32 +609003,32 +609004,30 +609005,30 +609006,30 +609007,30 +609008,30 +609009,30 +609010,30 +609011,30 +609012,30 +609013,30 +609014,27 +609015,27 +609016,27 +609017,31 +609018,31 +609019,28 +609020,28 +609021,28 +609022,28 +609023,28 +609024,28 +609025,28 +609026,28 +609027,28 +609028,28 +609029,40 +609030,40 +609031,40 +609032,40 +609033,40 +609034,40 +609035,36 +609036,5 +609037,5 +609038,5 +609039,5 +609040,5 +609041,5 +609042,19 +609043,4 +609044,4 +609045,4 +609046,4 +609047,4 +609048,4 +609049,4 +609050,4 +609051,4 +609052,4 +609053,27 +609054,27 +609055,27 +609056,27 +609057,27 +609058,27 +609059,27 +609060,27 +609061,27 +609062,27 +609063,27 +609064,28 +609065,28 +609066,28 +609067,28 +609068,28 +609069,28 +609070,28 +609071,28 +609072,28 +609073,28 +609074,28 +609075,28 +609076,28 +609077,28 +609078,28 +609079,28 +609080,28 +609081,28 +609082,5 +609083,28 +609084,28 +609085,28 +609086,5 +609087,25 +609088,0 +609089,0 +609090,0 +609091,0 +609092,0 +609093,0 +609094,0 +609095,0 +609096,0 +609097,0 +609098,0 +609099,0 +609100,0 +609101,0 +609102,0 +609103,0 +609104,0 +609105,0 +609106,0 +609107,0 +609108,0 +609109,0 +609110,0 +609111,0 +609112,0 +609113,0 +609114,0 +609115,0 +609116,0 +609117,0 +609118,0 +609119,0 +609120,0 +609121,0 +609122,0 +609123,0 +609124,0 +609125,0 +609126,0 +609127,36 +609128,36 +609129,36 +609130,36 +609131,36 +609132,31 +609133,31 +609134,36 +609135,31 +609136,31 +609137,5 +609138,5 +609139,5 +609140,35 +609141,35 +609142,35 +609143,35 +609144,35 +609145,35 +609146,35 +609147,36 +609148,36 +609149,36 +609150,36 +609151,36 +609152,36 +609153,36 +609154,36 +609155,8 +609156,8 +609157,8 +609158,8 +609159,8 +609160,8 +609161,5 +609162,5 +609163,5 +609164,5 +609165,5 +609166,27 +609167,22 +609168,22 +609169,27 +609170,27 +609171,27 +609172,27 +609173,22 +609174,22 +609175,19 +609176,19 +609177,19 +609178,19 +609179,19 +609180,19 +609181,19 +609182,19 +609183,19 +609184,19 +609185,19 +609186,39 +609187,39 +609188,39 +609189,39 +609190,39 +609191,39 +609192,39 +609193,39 +609194,32 +609195,32 +609196,32 +609197,32 +609198,32 +609199,32 +609200,32 +609201,32 +609202,22 +609203,22 +609204,22 +609205,22 +609206,22 +609207,22 +609208,22 +609209,6 +609210,6 +609211,6 +609212,6 +609213,6 +609214,6 +609215,6 +609216,6 +609217,6 +609218,36 +609219,36 +609220,36 +609221,36 +609222,36 +609223,36 +609224,36 +609225,36 +609226,36 +609227,36 +609228,36 +609229,36 +609230,36 +609231,36 +609232,36 +609233,36 +609234,36 +609235,36 +609236,27 +609237,5 +609238,5 +609239,5 +609240,5 +609241,5 +609242,26 +609243,26 +609244,9 +609245,9 +609246,9 +609247,9 +609248,9 +609249,9 +609250,9 +609251,9 +609252,9 +609253,9 +609254,9 +609255,9 +609256,9 +609257,9 +609258,9 +609259,9 +609260,9 +609261,9 +609262,9 +609263,30 +609264,30 +609265,30 +609266,30 +609267,30 +609268,30 +609269,29 +609270,29 +609271,29 +609272,29 +609273,29 +609274,29 +609275,29 +609276,31 +609277,31 +609278,31 +609279,31 +609280,5 +609281,5 +609282,5 +609283,5 +609284,5 +609285,5 +609286,5 +609287,5 +609288,5 +609289,5 +609290,33 +609291,33 +609292,33 +609293,33 +609294,33 +609295,33 +609296,33 +609297,33 +609298,33 +609299,33 +609300,33 +609301,33 +609302,5 +609303,5 +609304,5 +609305,5 +609306,5 +609307,5 +609308,12 +609309,12 +609310,12 +609311,12 +609312,12 +609313,37 +609314,12 +609315,12 +609316,12 +609317,25 +609318,37 +609319,37 +609320,37 +609321,37 +609322,37 +609323,9 +609324,9 +609325,30 +609326,30 +609327,9 +609328,9 +609329,9 +609330,30 +609331,30 +609332,30 +609333,30 +609334,30 +609335,30 +609336,30 +609337,19 +609338,19 +609339,19 +609340,19 +609341,19 +609342,19 +609343,19 +609344,32 +609345,32 +609346,32 +609347,32 +609348,32 +609349,32 +609350,32 +609351,32 +609352,0 +609353,0 +609354,0 +609355,0 +609356,0 +609357,0 +609358,0 +609359,0 +609360,0 +609361,0 +609362,0 +609363,0 +609364,0 +609365,0 +609366,0 +609367,0 +609368,0 +609369,0 +609370,0 +609371,0 +609372,0 +609373,0 +609374,0 +609375,0 +609376,0 +609377,0 +609378,0 +609379,0 +609380,0 +609381,0 +609382,0 +609383,0 +609384,0 +609385,0 +609386,0 +609387,0 +609388,0 +609389,0 +609390,0 +609391,0 +609392,29 +609393,29 +609394,29 +609395,29 +609396,29 +609397,31 +609398,31 +609399,31 +609400,31 +609401,6 +609402,6 +609403,6 +609404,6 +609405,6 +609406,6 +609407,6 +609408,40 +609409,40 +609410,40 +609411,40 +609412,40 +609413,40 +609414,40 +609415,37 +609416,37 +609417,37 +609418,37 +609419,25 +609420,25 +609421,25 +609422,25 +609423,25 +609424,25 +609425,25 +609426,25 +609427,25 +609428,25 +609429,25 +609430,6 +609431,6 +609432,6 +609433,6 +609434,6 +609435,6 +609436,4 +609437,4 +609438,4 +609439,4 +609440,4 +609441,25 +609442,25 +609443,25 +609444,25 +609445,25 +609446,25 +609447,25 +609448,25 +609449,25 +609450,2 +609451,2 +609452,8 +609453,8 +609454,8 +609455,2 +609456,2 +609457,15 +609458,15 +609459,32 +609460,32 +609461,32 +609462,27 +609463,27 +609464,27 +609465,27 +609466,27 +609467,27 +609468,27 +609469,27 +609470,13 +609471,13 +609472,13 +609473,5 +609474,5 +609475,5 +609476,5 +609477,5 +609478,5 +609479,4 +609480,4 +609481,4 +609482,4 +609483,4 +609484,4 +609485,4 +609486,4 +609487,4 +609488,14 +609489,14 +609490,14 +609491,14 +609492,14 +609493,14 +609494,14 +609495,14 +609496,14 +609497,14 +609498,6 +609499,6 +609500,6 +609501,6 +609502,6 +609503,6 +609504,6 +609505,31 +609506,31 +609507,31 +609508,31 +609509,31 +609510,5 +609511,5 +609512,5 +609513,5 +609514,5 +609515,5 +609516,16 +609517,16 +609518,4 +609519,4 +609520,4 +609521,4 +609522,4 +609523,4 +609524,18 +609525,18 +609526,3 +609527,3 +609528,3 +609529,27 +609530,27 +609531,3 +609532,3 +609533,3 +609534,3 +609535,3 +609536,3 +609537,3 +609538,5 +609539,5 +609540,5 +609541,5 +609542,5 +609543,5 +609544,4 +609545,4 +609546,4 +609547,4 +609548,4 +609549,4 +609550,4 +609551,4 +609552,4 +609553,4 +609554,4 +609555,4 +609556,4 +609557,4 +609558,4 +609559,10 +609560,10 +609561,10 +609562,10 +609563,10 +609564,10 +609565,10 +609566,10 +609567,10 +609568,10 +609569,10 +609570,25 +609571,25 +609572,25 +609573,25 +609574,25 +609575,37 +609576,3 +609577,37 +609578,37 +609579,37 +609580,25 +609581,25 +609582,30 +609583,30 +609584,30 +609585,30 +609586,30 +609587,30 +609588,30 +609589,30 +609590,39 +609591,39 +609592,39 +609593,39 +609594,39 +609595,39 +609596,39 +609597,1 +609598,1 +609599,1 +609600,1 +609601,1 +609602,1 +609603,1 +609604,1 +609605,7 +609606,7 +609607,7 +609608,7 +609609,7 +609610,7 +609611,7 +609612,7 +609613,3 +609614,3 +609615,3 +609616,3 +609617,3 +609618,3 +609619,3 +609620,3 +609621,3 +609622,3 +609623,3 +609624,3 +609625,3 +609626,2 +609627,2 +609628,2 +609629,2 +609630,2 +609631,2 +609632,2 +609633,2 +609634,2 +609635,2 +609636,2 +609637,2 +609638,2 +609639,2 +609640,2 +609641,2 +609642,2 +609643,39 +609644,39 +609645,39 +609646,39 +609647,39 +609648,39 +609649,39 +609650,39 +609651,39 +609652,39 +609653,39 +609654,39 +609655,14 +609656,39 +609657,39 +609658,39 +609659,39 +609660,39 +609661,39 +609662,39 +609663,5 +609664,5 +609665,5 +609666,5 +609667,5 +609668,5 +609669,5 +609670,5 +609671,5 +609672,5 +609673,5 +609674,5 +609675,5 +609676,5 +609677,5 +609678,5 +609679,2 +609680,2 +609681,2 +609682,2 +609683,2 +609684,8 +609685,8 +609686,2 +609687,2 +609688,8 +609689,2 +609690,2 +609691,2 +609692,2 +609693,2 +609694,0 +609695,0 +609696,0 +609697,0 +609698,0 +609699,0 +609700,0 +609701,0 +609702,0 +609703,0 +609704,0 +609705,0 +609706,0 +609707,0 +609708,0 +609709,0 +609710,0 +609711,0 +609712,0 +609713,0 +609714,0 +609715,0 +609716,0 +609717,0 +609718,0 +609719,0 +609720,0 +609721,0 +609722,0 +609723,0 +609724,0 +609725,0 +609726,0 +609727,0 +609728,0 +609729,0 +609730,0 +609731,0 +609732,0 +609733,0 +609734,0 +609735,0 +609736,0 +609737,0 +609738,0 +609739,0 +609740,0 +609741,0 +609742,0 +609743,29 +609744,29 +609745,25 +609746,37 +609747,37 +609748,37 +609749,37 +609750,37 +609751,37 +609752,37 +609753,37 +609754,37 +609755,29 +609756,40 +609757,40 +609758,40 +609759,27 +609760,27 +609761,27 +609762,27 +609763,27 +609764,27 +609765,27 +609766,3 +609767,3 +609768,3 +609769,3 +609770,3 +609771,3 +609772,3 +609773,3 +609774,3 +609775,3 +609776,3 +609777,39 +609778,39 +609779,39 +609780,39 +609781,27 +609782,27 +609783,27 +609784,31 +609785,31 +609786,31 +609787,31 +609788,31 +609789,31 +609790,2 +609791,2 +609792,2 +609793,2 +609794,2 +609795,2 +609796,2 +609797,8 +609798,23 +609799,23 +609800,23 +609801,23 +609802,23 +609803,23 +609804,23 +609805,23 +609806,23 +609807,23 +609808,9 +609809,9 +609810,9 +609811,9 +609812,9 +609813,9 +609814,9 +609815,37 +609816,37 +609817,37 +609818,37 +609819,37 +609820,37 +609821,31 +609822,31 +609823,31 +609824,31 +609825,31 +609826,31 +609827,5 +609828,5 +609829,5 +609830,5 +609831,5 +609832,5 +609833,5 +609834,5 +609835,22 +609836,22 +609837,22 +609838,22 +609839,22 +609840,22 +609841,22 +609842,22 +609843,30 +609844,6 +609845,6 +609846,6 +609847,6 +609848,6 +609849,6 +609850,6 +609851,6 +609852,6 +609853,6 +609854,6 +609855,6 +609856,36 +609857,36 +609858,35 +609859,36 +609860,36 +609861,36 +609862,34 +609863,34 +609864,34 +609865,36 +609866,36 +609867,30 +609868,30 +609869,30 +609870,30 +609871,30 +609872,30 +609873,30 +609874,30 +609875,30 +609876,30 +609877,31 +609878,27 +609879,27 +609880,27 +609881,27 +609882,27 +609883,27 +609884,4 +609885,4 +609886,4 +609887,4 +609888,39 +609889,39 +609890,39 +609891,39 +609892,39 +609893,39 +609894,39 +609895,39 +609896,39 +609897,39 +609898,39 +609899,39 +609900,39 +609901,39 +609902,8 +609903,8 +609904,8 +609905,8 +609906,8 +609907,8 +609908,8 +609909,8 +609910,8 +609911,8 +609912,0 +609913,0 +609914,0 +609915,0 +609916,0 +609917,0 +609918,0 +609919,0 +609920,0 +609921,0 +609922,0 +609923,0 +609924,0 +609925,0 +609926,0 +609927,0 +609928,0 +609929,0 +609930,26 +609931,37 +609932,37 +609933,37 +609934,37 +609935,37 +609936,37 +609937,37 +609938,37 +609939,25 +609940,25 +609941,25 +609942,25 +609943,25 +609944,25 +609945,25 +609946,36 +609947,36 +609948,36 +609949,36 +609950,36 +609951,36 +609952,36 +609953,36 +609954,36 +609955,36 +609956,36 +609957,36 +609958,36 +609959,36 +609960,36 +609961,36 +609962,36 +609963,36 +609964,6 +609965,6 +609966,6 +609967,6 +609968,6 +609969,6 +609970,6 +609971,6 +609972,6 +609973,6 +609974,6 +609975,40 +609976,40 +609977,40 +609978,40 +609979,37 +609980,37 +609981,37 +609982,25 +609983,25 +609984,37 +609985,37 +609986,25 +609987,25 +609988,4 +609989,4 +609990,4 +609991,4 +609992,4 +609993,4 +609994,4 +609995,30 +609996,30 +609997,30 +609998,30 +609999,30 +610000,30 +610001,30 +610002,30 +610003,39 +610004,39 +610005,39 +610006,39 +610007,39 +610008,39 +610009,19 +610010,19 +610011,19 +610012,19 +610013,19 +610014,19 +610015,27 +610016,27 +610017,27 +610018,27 +610019,27 +610020,2 +610021,2 +610022,2 +610023,2 +610024,2 +610025,2 +610026,2 +610027,2 +610028,2 +610029,2 +610030,6 +610031,6 +610032,6 +610033,6 +610034,6 +610035,6 +610036,37 +610037,37 +610038,37 +610039,37 +610040,37 +610041,37 +610042,37 +610043,37 +610044,37 +610045,37 +610046,37 +610047,10 +610048,10 +610049,10 +610050,10 +610051,10 +610052,10 +610053,10 +610054,10 +610055,10 +610056,10 +610057,10 +610058,10 +610059,10 +610060,10 +610061,10 +610062,10 +610063,10 +610064,10 +610065,10 +610066,19 +610067,4 +610068,4 +610069,4 +610070,4 +610071,4 +610072,19 +610073,19 +610074,0 +610075,0 +610076,0 +610077,0 +610078,0 +610079,0 +610080,0 +610081,0 +610082,0 +610083,0 +610084,0 +610085,0 +610086,0 +610087,0 +610088,0 +610089,0 +610090,0 +610091,0 +610092,0 +610093,0 +610094,0 +610095,0 +610096,0 +610097,0 +610098,0 +610099,0 +610100,0 +610101,0 +610102,0 +610103,0 +610104,0 +610105,0 +610106,0 +610107,0 +610108,0 +610109,0 +610110,0 +610111,0 +610112,0 +610113,0 +610114,0 +610115,0 +610116,0 +610117,0 +610118,0 +610119,0 +610120,0 +610121,0 +610122,0 +610123,0 +610124,0 +610125,0 +610126,0 +610127,0 +610128,0 +610129,0 +610130,0 +610131,0 +610132,0 +610133,0 +610134,0 +610135,0 +610136,0 +610137,0 +610138,0 +610139,0 +610140,0 +610141,27 +610142,27 +610143,27 +610144,27 +610145,27 +610146,27 +610147,27 +610148,27 +610149,27 +610150,5 +610151,5 +610152,5 +610153,5 +610154,5 +610155,5 +610156,5 +610157,5 +610158,3 +610159,3 +610160,3 +610161,3 +610162,3 +610163,3 +610164,6 +610165,6 +610166,6 +610167,6 +610168,6 +610169,6 +610170,6 +610171,6 +610172,31 +610173,31 +610174,31 +610175,31 +610176,31 +610177,31 +610178,31 +610179,5 +610180,5 +610181,5 +610182,5 +610183,5 +610184,5 +610185,2 +610186,2 +610187,2 +610188,2 +610189,2 +610190,2 +610191,2 +610192,2 +610193,2 +610194,2 +610195,2 +610196,27 +610197,27 +610198,27 +610199,27 +610200,27 +610201,27 +610202,27 +610203,27 +610204,19 +610205,19 +610206,19 +610207,19 +610208,19 +610209,19 +610210,19 +610211,19 +610212,19 +610213,37 +610214,37 +610215,37 +610216,37 +610217,37 +610218,37 +610219,37 +610220,37 +610221,31 +610222,31 +610223,31 +610224,31 +610225,31 +610226,5 +610227,1 +610228,5 +610229,5 +610230,5 +610231,5 +610232,29 +610233,29 +610234,29 +610235,29 +610236,29 +610237,29 +610238,39 +610239,39 +610240,39 +610241,35 +610242,39 +610243,39 +610244,39 +610245,39 +610246,27 +610247,14 +610248,14 +610249,14 +610250,14 +610251,39 +610252,39 +610253,39 +610254,39 +610255,39 +610256,39 +610257,27 +610258,31 +610259,31 +610260,31 +610261,31 +610262,31 +610263,31 +610264,6 +610265,6 +610266,6 +610267,6 +610268,6 +610269,6 +610270,6 +610271,6 +610272,2 +610273,2 +610274,2 +610275,2 +610276,2 +610277,2 +610278,2 +610279,2 +610280,2 +610281,2 +610282,40 +610283,40 +610284,40 +610285,40 +610286,40 +610287,40 +610288,40 +610289,40 +610290,32 +610291,32 +610292,32 +610293,32 +610294,32 +610295,6 +610296,6 +610297,6 +610298,4 +610299,4 +610300,4 +610301,4 +610302,4 +610303,4 +610304,4 +610305,4 +610306,19 +610307,19 +610308,19 +610309,19 +610310,19 +610311,27 +610312,27 +610313,27 +610314,27 +610315,27 +610316,27 +610317,27 +610318,27 +610319,27 +610320,27 +610321,13 +610322,13 +610323,13 +610324,13 +610325,13 +610326,13 +610327,13 +610328,13 +610329,13 +610330,13 +610331,13 +610332,28 +610333,35 +610334,35 +610335,19 +610336,19 +610337,19 +610338,19 +610339,19 +610340,19 +610341,19 +610342,19 +610343,19 +610344,19 +610345,5 +610346,5 +610347,5 +610348,5 +610349,19 +610350,19 +610351,21 +610352,21 +610353,21 +610354,21 +610355,21 +610356,21 +610357,26 +610358,26 +610359,26 +610360,26 +610361,26 +610362,26 +610363,26 +610364,34 +610365,34 +610366,34 +610367,34 +610368,34 +610369,34 +610370,34 +610371,34 +610372,29 +610373,29 +610374,29 +610375,29 +610376,29 +610377,29 +610378,29 +610379,25 +610380,25 +610381,31 +610382,31 +610383,37 +610384,37 +610385,37 +610386,37 +610387,37 +610388,37 +610389,27 +610390,27 +610391,27 +610392,27 +610393,27 +610394,27 +610395,27 +610396,13 +610397,13 +610398,13 +610399,13 +610400,13 +610401,13 +610402,13 +610403,13 +610404,13 +610405,13 +610406,4 +610407,4 +610408,4 +610409,4 +610410,4 +610411,4 +610412,4 +610413,4 +610414,4 +610415,27 +610416,31 +610417,31 +610418,31 +610419,31 +610420,21 +610421,21 +610422,21 +610423,21 +610424,21 +610425,21 +610426,21 +610427,21 +610428,40 +610429,40 +610430,40 +610431,40 +610432,40 +610433,40 +610434,40 +610435,40 +610436,40 +610437,40 +610438,40 +610439,29 +610440,29 +610441,29 +610442,29 +610443,29 +610444,29 +610445,29 +610446,25 +610447,25 +610448,25 +610449,25 +610450,25 +610451,25 +610452,25 +610453,25 +610454,25 +610455,25 +610456,25 +610457,25 +610458,36 +610459,36 +610460,36 +610461,36 +610462,36 +610463,40 +610464,5 +610465,5 +610466,5 +610467,5 +610468,5 +610469,4 +610470,4 +610471,4 +610472,4 +610473,31 +610474,31 +610475,31 +610476,31 +610477,31 +610478,6 +610479,6 +610480,6 +610481,6 +610482,6 +610483,6 +610484,6 +610485,6 +610486,6 +610487,6 +610488,6 +610489,6 +610490,6 +610491,6 +610492,6 +610493,7 +610494,7 +610495,11 +610496,11 +610497,7 +610498,7 +610499,3 +610500,3 +610501,3 +610502,3 +610503,3 +610504,3 +610505,3 +610506,28 +610507,28 +610508,28 +610509,28 +610510,28 +610511,28 +610512,28 +610513,31 +610514,31 +610515,31 +610516,5 +610517,5 +610518,5 +610519,30 +610520,30 +610521,30 +610522,30 +610523,14 +610524,14 +610525,14 +610526,14 +610527,14 +610528,14 +610529,14 +610530,14 +610531,14 +610532,14 +610533,14 +610534,14 +610535,4 +610536,4 +610537,4 +610538,4 +610539,4 +610540,4 +610541,4 +610542,4 +610543,27 +610544,27 +610545,39 +610546,39 +610547,39 +610548,39 +610549,39 +610550,39 +610551,39 +610552,39 +610553,39 +610554,39 +610555,39 +610556,0 +610557,0 +610558,0 +610559,0 +610560,0 +610561,0 +610562,0 +610563,40 +610564,40 +610565,40 +610566,40 +610567,40 +610568,40 +610569,40 +610570,40 +610571,40 +610572,40 +610573,37 +610574,24 +610575,24 +610576,24 +610577,24 +610578,24 +610579,24 +610580,24 +610581,24 +610582,37 +610583,37 +610584,37 +610585,37 +610586,37 +610587,37 +610588,37 +610589,39 +610590,39 +610591,39 +610592,39 +610593,39 +610594,39 +610595,39 +610596,39 +610597,23 +610598,38 +610599,38 +610600,38 +610601,38 +610602,38 +610603,38 +610604,38 +610605,38 +610606,38 +610607,27 +610608,27 +610609,27 +610610,27 +610611,27 +610612,27 +610613,27 +610614,27 +610615,27 +610616,13 +610617,13 +610618,13 +610619,13 +610620,13 +610621,13 +610622,13 +610623,13 +610624,13 +610625,13 +610626,13 +610627,29 +610628,29 +610629,29 +610630,29 +610631,29 +610632,29 +610633,29 +610634,36 +610635,36 +610636,36 +610637,36 +610638,36 +610639,36 +610640,36 +610641,36 +610642,36 +610643,32 +610644,32 +610645,32 +610646,32 +610647,4 +610648,4 +610649,27 +610650,27 +610651,27 +610652,27 +610653,27 +610654,27 +610655,27 +610656,8 +610657,8 +610658,8 +610659,8 +610660,8 +610661,8 +610662,8 +610663,8 +610664,8 +610665,8 +610666,8 +610667,8 +610668,8 +610669,8 +610670,2 +610671,5 +610672,5 +610673,5 +610674,5 +610675,5 +610676,5 +610677,28 +610678,28 +610679,7 +610680,7 +610681,7 +610682,7 +610683,7 +610684,7 +610685,7 +610686,3 +610687,3 +610688,3 +610689,3 +610690,3 +610691,3 +610692,3 +610693,3 +610694,3 +610695,3 +610696,3 +610697,3 +610698,3 +610699,3 +610700,3 +610701,3 +610702,3 +610703,3 +610704,3 +610705,3 +610706,3 +610707,3 +610708,3 +610709,3 +610710,3 +610711,3 +610712,0 +610713,0 +610714,0 +610715,0 +610716,0 +610717,0 +610718,0 +610719,0 +610720,0 +610721,0 +610722,0 +610723,0 +610724,0 +610725,0 +610726,0 +610727,0 +610728,0 +610729,0 +610730,0 +610731,0 +610732,0 +610733,0 +610734,0 +610735,0 +610736,0 +610737,0 +610738,0 +610739,0 +610740,0 +610741,0 +610742,0 +610743,0 +610744,0 +610745,0 +610746,0 +610747,0 +610748,0 +610749,0 +610750,0 +610751,0 +610752,0 +610753,0 +610754,0 +610755,37 +610756,37 +610757,37 +610758,37 +610759,37 +610760,37 +610761,37 +610762,37 +610763,39 +610764,39 +610765,39 +610766,39 +610767,21 +610768,21 +610769,21 +610770,21 +610771,21 +610772,21 +610773,21 +610774,21 +610775,21 +610776,21 +610777,26 +610778,26 +610779,26 +610780,26 +610781,26 +610782,26 +610783,26 +610784,26 +610785,26 +610786,26 +610787,26 +610788,26 +610789,26 +610790,26 +610791,26 +610792,4 +610793,4 +610794,4 +610795,4 +610796,27 +610797,27 +610798,27 +610799,30 +610800,39 +610801,39 +610802,39 +610803,39 +610804,39 +610805,3 +610806,39 +610807,39 +610808,39 +610809,9 +610810,9 +610811,9 +610812,9 +610813,9 +610814,9 +610815,9 +610816,9 +610817,9 +610818,9 +610819,9 +610820,30 +610821,30 +610822,30 +610823,34 +610824,34 +610825,34 +610826,30 +610827,30 +610828,30 +610829,9 +610830,9 +610831,9 +610832,9 +610833,9 +610834,9 +610835,9 +610836,37 +610837,37 +610838,37 +610839,37 +610840,37 +610841,37 +610842,37 +610843,37 +610844,37 +610845,37 +610846,37 +610847,37 +610848,37 +610849,37 +610850,39 +610851,39 +610852,39 +610853,39 +610854,39 +610855,39 +610856,39 +610857,39 +610858,32 +610859,32 +610860,32 +610861,32 +610862,32 +610863,32 +610864,32 +610865,32 +610866,32 +610867,32 +610868,9 +610869,9 +610870,9 +610871,9 +610872,9 +610873,9 +610874,9 +610875,9 +610876,9 +610877,9 +610878,9 +610879,9 +610880,9 +610881,9 +610882,9 +610883,9 +610884,9 +610885,9 +610886,9 +610887,4 +610888,4 +610889,4 +610890,30 +610891,30 +610892,2 +610893,2 +610894,2 +610895,2 +610896,2 +610897,2 +610898,2 +610899,40 +610900,40 +610901,40 +610902,40 +610903,40 +610904,40 +610905,40 +610906,40 +610907,40 +610908,40 +610909,40 +610910,40 +610911,40 +610912,40 +610913,36 +610914,36 +610915,36 +610916,36 +610917,2 +610918,2 +610919,2 +610920,2 +610921,2 +610922,2 +610923,2 +610924,2 +610925,2 +610926,2 +610927,4 +610928,4 +610929,4 +610930,4 +610931,4 +610932,4 +610933,4 +610934,4 +610935,4 +610936,4 +610937,3 +610938,3 +610939,3 +610940,3 +610941,3 +610942,3 +610943,3 +610944,3 +610945,3 +610946,3 +610947,3 +610948,3 +610949,3 +610950,3 +610951,3 +610952,3 +610953,3 +610954,3 +610955,3 +610956,3 +610957,3 +610958,3 +610959,3 +610960,3 +610961,3 +610962,3 +610963,3 +610964,3 +610965,3 +610966,3 +610967,3 +610968,3 +610969,3 +610970,3 +610971,3 +610972,0 +610973,0 +610974,0 +610975,0 +610976,0 +610977,0 +610978,0 +610979,0 +610980,0 +610981,0 +610982,0 +610983,0 +610984,0 +610985,0 +610986,0 +610987,0 +610988,0 +610989,0 +610990,0 +610991,0 +610992,0 +610993,0 +610994,0 +610995,0 +610996,0 +610997,0 +610998,0 +610999,0 +611000,0 +611001,0 +611002,0 +611003,29 +611004,29 +611005,29 +611006,31 +611007,31 +611008,31 +611009,31 +611010,4 +611011,4 +611012,4 +611013,4 +611014,19 +611015,19 +611016,19 +611017,19 +611018,19 +611019,19 +611020,34 +611021,34 +611022,34 +611023,34 +611024,34 +611025,34 +611026,34 +611027,30 +611028,30 +611029,30 +611030,30 +611031,30 +611032,30 +611033,30 +611034,39 +611035,27 +611036,27 +611037,27 +611038,6 +611039,6 +611040,6 +611041,6 +611042,6 +611043,6 +611044,10 +611045,10 +611046,10 +611047,10 +611048,10 +611049,19 +611050,31 +611051,4 +611052,4 +611053,4 +611054,4 +611055,4 +611056,4 +611057,4 +611058,4 +611059,6 +611060,6 +611061,4 +611062,4 +611063,4 +611064,4 +611065,4 +611066,14 +611067,27 +611068,27 +611069,27 +611070,27 +611071,27 +611072,27 +611073,40 +611074,40 +611075,27 +611076,27 +611077,5 +611078,5 +611079,5 +611080,5 +611081,5 +611082,5 +611083,5 +611084,5 +611085,2 +611086,2 +611087,2 +611088,2 +611089,2 +611090,2 +611091,2 +611092,2 +611093,2 +611094,31 +611095,31 +611096,31 +611097,31 +611098,31 +611099,31 +611100,31 +611101,31 +611102,24 +611103,24 +611104,24 +611105,24 +611106,24 +611107,24 +611108,24 +611109,24 +611110,29 +611111,29 +611112,31 +611113,31 +611114,31 +611115,31 +611116,5 +611117,5 +611118,5 +611119,5 +611120,5 +611121,5 +611122,5 +611123,5 +611124,5 +611125,40 +611126,40 +611127,40 +611128,40 +611129,40 +611130,40 +611131,40 +611132,40 +611133,40 +611134,40 +611135,6 +611136,6 +611137,6 +611138,6 +611139,6 +611140,6 +611141,6 +611142,6 +611143,6 +611144,6 +611145,27 +611146,27 +611147,27 +611148,27 +611149,27 +611150,27 +611151,40 +611152,40 +611153,40 +611154,40 +611155,40 +611156,40 +611157,36 +611158,36 +611159,36 +611160,36 +611161,36 +611162,36 +611163,36 +611164,5 +611165,5 +611166,5 +611167,5 +611168,5 +611169,19 +611170,19 +611171,19 +611172,19 +611173,19 +611174,26 +611175,26 +611176,26 +611177,26 +611178,26 +611179,26 +611180,26 +611181,26 +611182,26 +611183,26 +611184,26 +611185,26 +611186,26 +611187,26 +611188,26 +611189,26 +611190,26 +611191,26 +611192,26 +611193,37 +611194,37 +611195,37 +611196,37 +611197,37 +611198,37 +611199,28 +611200,28 +611201,28 +611202,28 +611203,28 +611204,8 +611205,2 +611206,2 +611207,2 +611208,8 +611209,8 +611210,2 +611211,2 +611212,2 +611213,2 +611214,2 +611215,2 +611216,2 +611217,2 +611218,12 +611219,12 +611220,0 +611221,0 +611222,12 +611223,12 +611224,12 +611225,12 +611226,12 +611227,12 +611228,12 +611229,12 +611230,12 +611231,12 +611232,12 +611233,12 +611234,12 +611235,12 +611236,25 +611237,25 +611238,12 +611239,12 +611240,12 +611241,12 +611242,37 +611243,37 +611244,37 +611245,37 +611246,37 +611247,39 +611248,39 +611249,39 +611250,39 +611251,39 +611252,39 +611253,39 +611254,39 +611255,39 +611256,32 +611257,32 +611258,32 +611259,32 +611260,32 +611261,32 +611262,37 +611263,37 +611264,39 +611265,27 +611266,27 +611267,39 +611268,39 +611269,19 +611270,19 +611271,19 +611272,19 +611273,19 +611274,19 +611275,19 +611276,19 +611277,3 +611278,3 +611279,3 +611280,3 +611281,3 +611282,3 +611283,3 +611284,3 +611285,3 +611286,3 +611287,3 +611288,3 +611289,31 +611290,31 +611291,27 +611292,27 +611293,8 +611294,8 +611295,2 +611296,2 +611297,8 +611298,8 +611299,2 +611300,2 +611301,2 +611302,2 +611303,2 +611304,4 +611305,4 +611306,4 +611307,4 +611308,4 +611309,4 +611310,4 +611311,4 +611312,19 +611313,19 +611314,19 +611315,12 +611316,12 +611317,12 +611318,12 +611319,27 +611320,27 +611321,27 +611322,27 +611323,27 +611324,29 +611325,29 +611326,29 +611327,29 +611328,29 +611329,27 +611330,27 +611331,31 +611332,27 +611333,2 +611334,2 +611335,2 +611336,2 +611337,2 +611338,2 +611339,2 +611340,2 +611341,2 +611342,2 +611343,2 +611344,2 +611345,2 +611346,2 +611347,6 +611348,6 +611349,6 +611350,6 +611351,27 +611352,27 +611353,27 +611354,27 +611355,27 +611356,27 +611357,27 +611358,27 +611359,27 +611360,27 +611361,30 +611362,30 +611363,30 +611364,30 +611365,30 +611366,30 +611367,30 +611368,30 +611369,30 +611370,19 +611371,19 +611372,19 +611373,29 +611374,29 +611375,29 +611376,29 +611377,31 +611378,31 +611379,31 +611380,31 +611381,31 +611382,31 +611383,4 +611384,4 +611385,4 +611386,15 +611387,4 +611388,15 +611389,15 +611390,15 +611391,15 +611392,15 +611393,15 +611394,39 +611395,39 +611396,39 +611397,39 +611398,39 +611399,39 +611400,39 +611401,4 +611402,4 +611403,4 +611404,4 +611405,4 +611406,4 +611407,4 +611408,4 +611409,4 +611410,4 +611411,4 +611412,37 +611413,37 +611414,37 +611415,37 +611416,37 +611417,14 +611418,14 +611419,14 +611420,14 +611421,14 +611422,14 +611423,14 +611424,14 +611425,19 +611426,19 +611427,19 +611428,19 +611429,19 +611430,19 +611431,29 +611432,29 +611433,29 +611434,31 +611435,31 +611436,31 +611437,28 +611438,28 +611439,28 +611440,28 +611441,28 +611442,28 +611443,28 +611444,28 +611445,28 +611446,28 +611447,36 +611448,36 +611449,36 +611450,36 +611451,36 +611452,36 +611453,36 +611454,36 +611455,36 +611456,36 +611457,36 +611458,36 +611459,36 +611460,2 +611461,2 +611462,2 +611463,2 +611464,2 +611465,2 +611466,2 +611467,2 +611468,2 +611469,4 +611470,4 +611471,4 +611472,4 +611473,4 +611474,4 +611475,4 +611476,4 +611477,4 +611478,25 +611479,25 +611480,25 +611481,25 +611482,25 +611483,25 +611484,25 +611485,14 +611486,39 +611487,35 +611488,35 +611489,35 +611490,35 +611491,35 +611492,35 +611493,35 +611494,36 +611495,14 +611496,14 +611497,36 +611498,36 +611499,36 +611500,36 +611501,36 +611502,36 +611503,14 +611504,14 +611505,14 +611506,14 +611507,36 +611508,36 +611509,36 +611510,36 +611511,36 +611512,36 +611513,36 +611514,36 +611515,36 +611516,36 +611517,36 +611518,5 +611519,5 +611520,5 +611521,5 +611522,5 +611523,5 +611524,5 +611525,5 +611526,19 +611527,19 +611528,19 +611529,19 +611530,19 +611531,19 +611532,19 +611533,19 +611534,19 +611535,19 +611536,19 +611537,19 +611538,0 +611539,0 +611540,0 +611541,0 +611542,0 +611543,0 +611544,0 +611545,0 +611546,0 +611547,0 +611548,0 +611549,0 +611550,0 +611551,0 +611552,0 +611553,0 +611554,0 +611555,0 +611556,0 +611557,0 +611558,0 +611559,0 +611560,0 +611561,0 +611562,0 +611563,0 +611564,36 +611565,36 +611566,36 +611567,36 +611568,36 +611569,31 +611570,31 +611571,19 +611572,19 +611573,19 +611574,19 +611575,19 +611576,19 +611577,19 +611578,11 +611579,11 +611580,11 +611581,11 +611582,11 +611583,11 +611584,11 +611585,11 +611586,11 +611587,11 +611588,11 +611589,11 +611590,16 +611591,16 +611592,25 +611593,25 +611594,25 +611595,25 +611596,25 +611597,25 +611598,25 +611599,27 +611600,27 +611601,27 +611602,25 +611603,25 +611604,5 +611605,5 +611606,5 +611607,5 +611608,5 +611609,35 +611610,35 +611611,35 +611612,35 +611613,35 +611614,35 +611615,35 +611616,35 +611617,35 +611618,35 +611619,35 +611620,35 +611621,35 +611622,35 +611623,35 +611624,35 +611625,35 +611626,35 +611627,35 +611628,35 +611629,35 +611630,35 +611631,35 +611632,35 +611633,35 +611634,35 +611635,34 +611636,34 +611637,36 +611638,36 +611639,36 +611640,30 +611641,30 +611642,30 +611643,30 +611644,30 +611645,30 +611646,30 +611647,9 +611648,9 +611649,9 +611650,9 +611651,9 +611652,9 +611653,9 +611654,2 +611655,2 +611656,2 +611657,2 +611658,2 +611659,2 +611660,2 +611661,2 +611662,2 +611663,2 +611664,2 +611665,2 +611666,2 +611667,2 +611668,2 +611669,2 +611670,2 +611671,2 +611672,2 +611673,2 +611674,2 +611675,2 +611676,2 +611677,2 +611678,2 +611679,2 +611680,2 +611681,0 +611682,0 +611683,0 +611684,0 +611685,0 +611686,0 +611687,0 +611688,0 +611689,0 +611690,0 +611691,0 +611692,0 +611693,0 +611694,0 +611695,0 +611696,0 +611697,0 +611698,0 +611699,0 +611700,0 +611701,0 +611702,0 +611703,0 +611704,0 +611705,0 +611706,0 +611707,0 +611708,0 +611709,0 +611710,0 +611711,0 +611712,0 +611713,0 +611714,0 +611715,0 +611716,0 +611717,0 +611718,0 +611719,0 +611720,0 +611721,12 +611722,12 +611723,12 +611724,27 +611725,27 +611726,27 +611727,27 +611728,27 +611729,27 +611730,27 +611731,27 +611732,27 +611733,16 +611734,4 +611735,4 +611736,4 +611737,4 +611738,4 +611739,4 +611740,4 +611741,4 +611742,4 +611743,16 +611744,16 +611745,16 +611746,16 +611747,16 +611748,16 +611749,16 +611750,16 +611751,16 +611752,12 +611753,12 +611754,12 +611755,12 +611756,12 +611757,12 +611758,31 +611759,31 +611760,31 +611761,8 +611762,8 +611763,8 +611764,8 +611765,8 +611766,8 +611767,8 +611768,8 +611769,5 +611770,5 +611771,5 +611772,5 +611773,5 +611774,5 +611775,27 +611776,27 +611777,27 +611778,27 +611779,27 +611780,27 +611781,27 +611782,27 +611783,27 +611784,27 +611785,27 +611786,27 +611787,27 +611788,15 +611789,15 +611790,15 +611791,15 +611792,15 +611793,15 +611794,15 +611795,15 +611796,26 +611797,26 +611798,10 +611799,10 +611800,10 +611801,10 +611802,10 +611803,26 +611804,10 +611805,10 +611806,26 +611807,10 +611808,10 +611809,10 +611810,10 +611811,10 +611812,10 +611813,10 +611814,10 +611815,10 +611816,10 +611817,10 +611818,10 +611819,10 +611820,10 +611821,10 +611822,10 +611823,14 +611824,14 +611825,14 +611826,14 +611827,14 +611828,39 +611829,14 +611830,0 +611831,14 +611832,14 +611833,14 +611834,0 +611835,0 +611836,0 +611837,0 +611838,0 +611839,0 +611840,0 +611841,0 +611842,0 +611843,0 +611844,0 +611845,0 +611846,0 +611847,0 +611848,31 +611849,31 +611850,31 +611851,31 +611852,31 +611853,31 +611854,31 +611855,31 +611856,31 +611857,31 +611858,5 +611859,5 +611860,5 +611861,28 +611862,28 +611863,28 +611864,28 +611865,28 +611866,28 +611867,28 +611868,28 +611869,28 +611870,12 +611871,12 +611872,12 +611873,12 +611874,12 +611875,12 +611876,31 +611877,31 +611878,31 +611879,31 +611880,5 +611881,5 +611882,5 +611883,5 +611884,5 +611885,35 +611886,35 +611887,35 +611888,35 +611889,35 +611890,35 +611891,35 +611892,35 +611893,35 +611894,35 +611895,35 +611896,35 +611897,27 +611898,31 +611899,31 +611900,31 +611901,27 +611902,8 +611903,8 +611904,8 +611905,8 +611906,8 +611907,8 +611908,8 +611909,8 +611910,29 +611911,29 +611912,23 +611913,23 +611914,23 +611915,36 +611916,36 +611917,36 +611918,36 +611919,36 +611920,36 +611921,36 +611922,36 +611923,36 +611924,36 +611925,2 +611926,2 +611927,2 +611928,2 +611929,2 +611930,2 +611931,2 +611932,2 +611933,2 +611934,2 +611935,30 +611936,30 +611937,30 +611938,30 +611939,30 +611940,30 +611941,30 +611942,30 +611943,30 +611944,30 +611945,30 +611946,30 +611947,30 +611948,8 +611949,8 +611950,8 +611951,8 +611952,8 +611953,8 +611954,8 +611955,8 +611956,8 +611957,8 +611958,8 +611959,8 +611960,2 +611961,0 +611962,0 +611963,0 +611964,0 +611965,0 +611966,0 +611967,0 +611968,0 +611969,0 +611970,0 +611971,0 +611972,0 +611973,0 +611974,0 +611975,0 +611976,0 +611977,0 +611978,0 +611979,0 +611980,0 +611981,0 +611982,0 +611983,0 +611984,0 +611985,10 +611986,10 +611987,10 +611988,10 +611989,10 +611990,10 +611991,10 +611992,10 +611993,10 +611994,10 +611995,10 +611996,10 +611997,4 +611998,10 +611999,10 +612000,10 +612001,4 +612002,10 +612003,4 +612004,4 +612005,4 +612006,31 +612007,31 +612008,31 +612009,31 +612010,31 +612011,30 +612012,30 +612013,30 +612014,30 +612015,30 +612016,30 +612017,30 +612018,30 +612019,30 +612020,30 +612021,19 +612022,19 +612023,19 +612024,19 +612025,19 +612026,27 +612027,27 +612028,27 +612029,27 +612030,27 +612031,27 +612032,5 +612033,5 +612034,5 +612035,5 +612036,28 +612037,28 +612038,5 +612039,5 +612040,5 +612041,5 +612042,5 +612043,5 +612044,5 +612045,5 +612046,5 +612047,5 +612048,5 +612049,5 +612050,5 +612051,10 +612052,10 +612053,10 +612054,10 +612055,10 +612056,10 +612057,10 +612058,10 +612059,10 +612060,34 +612061,10 +612062,4 +612063,4 +612064,4 +612065,4 +612066,4 +612067,4 +612068,4 +612069,4 +612070,4 +612071,4 +612072,4 +612073,4 +612074,4 +612075,4 +612076,3 +612077,3 +612078,3 +612079,3 +612080,3 +612081,29 +612082,29 +612083,29 +612084,29 +612085,29 +612086,29 +612087,29 +612088,29 +612089,36 +612090,36 +612091,36 +612092,36 +612093,36 +612094,36 +612095,36 +612096,4 +612097,4 +612098,4 +612099,4 +612100,4 +612101,28 +612102,28 +612103,28 +612104,28 +612105,28 +612106,28 +612107,28 +612108,10 +612109,10 +612110,10 +612111,10 +612112,10 +612113,10 +612114,10 +612115,10 +612116,10 +612117,19 +612118,15 +612119,15 +612120,15 +612121,15 +612122,15 +612123,15 +612124,15 +612125,15 +612126,32 +612127,32 +612128,7 +612129,7 +612130,7 +612131,7 +612132,7 +612133,3 +612134,3 +612135,3 +612136,3 +612137,3 +612138,3 +612139,3 +612140,19 +612141,19 +612142,19 +612143,19 +612144,39 +612145,39 +612146,39 +612147,39 +612148,39 +612149,39 +612150,39 +612151,39 +612152,39 +612153,39 +612154,39 +612155,39 +612156,39 +612157,39 +612158,39 +612159,39 +612160,0 +612161,0 +612162,0 +612163,0 +612164,0 +612165,0 +612166,0 +612167,0 +612168,0 +612169,0 +612170,0 +612171,0 +612172,0 +612173,0 +612174,0 +612175,2 +612176,2 +612177,2 +612178,2 +612179,2 +612180,2 +612181,2 +612182,2 +612183,2 +612184,2 +612185,40 +612186,40 +612187,40 +612188,18 +612189,18 +612190,18 +612191,16 +612192,16 +612193,16 +612194,16 +612195,16 +612196,16 +612197,16 +612198,27 +612199,27 +612200,27 +612201,27 +612202,27 +612203,8 +612204,8 +612205,8 +612206,8 +612207,8 +612208,8 +612209,31 +612210,31 +612211,31 +612212,12 +612213,12 +612214,4 +612215,4 +612216,4 +612217,4 +612218,4 +612219,4 +612220,4 +612221,30 +612222,33 +612223,12 +612224,12 +612225,12 +612226,12 +612227,12 +612228,12 +612229,31 +612230,31 +612231,31 +612232,31 +612233,31 +612234,40 +612235,40 +612236,9 +612237,9 +612238,9 +612239,8 +612240,8 +612241,8 +612242,8 +612243,8 +612244,8 +612245,8 +612246,8 +612247,8 +612248,8 +612249,8 +612250,8 +612251,15 +612252,15 +612253,15 +612254,0 +612255,0 +612256,0 +612257,0 +612258,0 +612259,0 +612260,0 +612261,0 +612262,0 +612263,0 +612264,15 +612265,15 +612266,0 +612267,0 +612268,0 +612269,0 +612270,31 +612271,31 +612272,31 +612273,31 +612274,31 +612275,31 +612276,31 +612277,10 +612278,10 +612279,10 +612280,30 +612281,27 +612282,27 +612283,27 +612284,27 +612285,27 +612286,27 +612287,27 +612288,27 +612289,13 +612290,13 +612291,13 +612292,13 +612293,13 +612294,13 +612295,13 +612296,13 +612297,13 +612298,13 +612299,6 +612300,6 +612301,6 +612302,4 +612303,4 +612304,14 +612305,14 +612306,14 +612307,14 +612308,27 +612309,27 +612310,27 +612311,27 +612312,27 +612313,5 +612314,28 +612315,28 +612316,28 +612317,28 +612318,5 +612319,5 +612320,5 +612321,5 +612322,5 +612323,5 +612324,0 +612325,0 +612326,0 +612327,0 +612328,0 +612329,0 +612330,0 +612331,0 +612332,0 +612333,0 +612334,0 +612335,0 +612336,0 +612337,0 +612338,0 +612339,0 +612340,0 +612341,0 +612342,0 +612343,0 +612344,0 +612345,0 +612346,0 +612347,0 +612348,0 +612349,0 +612350,0 +612351,0 +612352,0 +612353,0 +612354,0 +612355,0 +612356,0 +612357,0 +612358,0 +612359,0 +612360,0 +612361,0 +612362,0 +612363,0 +612364,0 +612365,0 +612366,2 +612367,2 +612368,2 +612369,2 +612370,2 +612371,2 +612372,2 +612373,2 +612374,2 +612375,2 +612376,2 +612377,2 +612378,2 +612379,2 +612380,2 +612381,2 +612382,2 +612383,2 +612384,2 +612385,2 +612386,2 +612387,0 +612388,0 +612389,0 +612390,29 +612391,29 +612392,29 +612393,29 +612394,29 +612395,29 +612396,40 +612397,40 +612398,40 +612399,40 +612400,40 +612401,40 +612402,40 +612403,40 +612404,40 +612405,27 +612406,27 +612407,27 +612408,40 +612409,40 +612410,40 +612411,40 +612412,40 +612413,40 +612414,40 +612415,40 +612416,36 +612417,23 +612418,23 +612419,23 +612420,23 +612421,23 +612422,23 +612423,23 +612424,38 +612425,38 +612426,23 +612427,23 +612428,23 +612429,23 +612430,23 +612431,23 +612432,23 +612433,0 +612434,0 +612435,0 +612436,23 +612437,23 +612438,23 +612439,0 +612440,0 +612441,0 +612442,0 +612443,0 +612444,0 +612445,0 +612446,0 +612447,0 +612448,0 +612449,0 +612450,0 +612451,0 +612452,0 +612453,0 +612454,0 +612455,0 +612456,0 +612457,0 +612458,0 +612459,0 +612460,6 +612461,6 +612462,6 +612463,6 +612464,6 +612465,6 +612466,6 +612467,37 +612468,37 +612469,37 +612470,37 +612471,37 +612472,37 +612473,37 +612474,40 +612475,40 +612476,10 +612477,10 +612478,10 +612479,25 +612480,37 +612481,37 +612482,37 +612483,19 +612484,19 +612485,19 +612486,19 +612487,19 +612488,28 +612489,28 +612490,28 +612491,28 +612492,28 +612493,10 +612494,10 +612495,10 +612496,10 +612497,10 +612498,10 +612499,10 +612500,10 +612501,10 +612502,10 +612503,21 +612504,21 +612505,21 +612506,21 +612507,21 +612508,21 +612509,21 +612510,37 +612511,37 +612512,37 +612513,37 +612514,37 +612515,14 +612516,14 +612517,14 +612518,14 +612519,14 +612520,14 +612521,14 +612522,14 +612523,4 +612524,19 +612525,19 +612526,19 +612527,4 +612528,21 +612529,21 +612530,21 +612531,21 +612532,21 +612533,21 +612534,21 +612535,37 +612536,37 +612537,37 +612538,37 +612539,40 +612540,37 +612541,40 +612542,40 +612543,40 +612544,40 +612545,40 +612546,40 +612547,40 +612548,40 +612549,28 +612550,28 +612551,28 +612552,5 +612553,5 +612554,5 +612555,5 +612556,5 +612557,19 +612558,5 +612559,23 +612560,23 +612561,23 +612562,23 +612563,23 +612564,23 +612565,23 +612566,23 +612567,23 +612568,23 +612569,23 +612570,9 +612571,9 +612572,26 +612573,26 +612574,26 +612575,33 +612576,9 +612577,33 +612578,33 +612579,33 +612580,24 +612581,24 +612582,24 +612583,29 +612584,29 +612585,29 +612586,25 +612587,25 +612588,25 +612589,35 +612590,3 +612591,3 +612592,3 +612593,3 +612594,3 +612595,3 +612596,3 +612597,3 +612598,3 +612599,6 +612600,6 +612601,6 +612602,6 +612603,6 +612604,6 +612605,6 +612606,6 +612607,6 +612608,6 +612609,6 +612610,6 +612611,6 +612612,6 +612613,6 +612614,6 +612615,31 +612616,31 +612617,31 +612618,31 +612619,31 +612620,31 +612621,31 +612622,26 +612623,26 +612624,31 +612625,31 +612626,32 +612627,32 +612628,32 +612629,32 +612630,32 +612631,32 +612632,27 +612633,27 +612634,27 +612635,27 +612636,27 +612637,13 +612638,13 +612639,13 +612640,35 +612641,35 +612642,35 +612643,35 +612644,35 +612645,35 +612646,35 +612647,35 +612648,35 +612649,27 +612650,27 +612651,27 +612652,8 +612653,8 +612654,8 +612655,8 +612656,8 +612657,8 +612658,8 +612659,8 +612660,35 +612661,35 +612662,35 +612663,35 +612664,35 +612665,35 +612666,35 +612667,36 +612668,36 +612669,36 +612670,36 +612671,36 +612672,36 +612673,36 +612674,36 +612675,36 +612676,29 +612677,29 +612678,29 +612679,29 +612680,29 +612681,29 +612682,29 +612683,29 +612684,31 +612685,29 +612686,31 +612687,31 +612688,31 +612689,24 +612690,24 +612691,32 +612692,32 +612693,32 +612694,32 +612695,32 +612696,32 +612697,32 +612698,32 +612699,32 +612700,32 +612701,32 +612702,26 +612703,26 +612704,26 +612705,26 +612706,26 +612707,26 +612708,26 +612709,26 +612710,26 +612711,31 +612712,5 +612713,5 +612714,5 +612715,5 +612716,35 +612717,35 +612718,35 +612719,35 +612720,35 +612721,35 +612722,27 +612723,27 +612724,27 +612725,27 +612726,27 +612727,27 +612728,27 +612729,8 +612730,8 +612731,8 +612732,8 +612733,8 +612734,8 +612735,8 +612736,8 +612737,8 +612738,8 +612739,8 +612740,2 +612741,28 +612742,28 +612743,5 +612744,5 +612745,5 +612746,33 +612747,33 +612748,33 +612749,33 +612750,33 +612751,33 +612752,33 +612753,33 +612754,3 +612755,3 +612756,3 +612757,3 +612758,3 +612759,3 +612760,3 +612761,3 +612762,3 +612763,33 +612764,33 +612765,33 +612766,33 +612767,33 +612768,33 +612769,33 +612770,33 +612771,8 +612772,8 +612773,8 +612774,8 +612775,8 +612776,8 +612777,8 +612778,8 +612779,8 +612780,8 +612781,8 +612782,8 +612783,8 +612784,8 +612785,2 +612786,2 +612787,2 +612788,2 +612789,0 +612790,0 +612791,0 +612792,0 +612793,0 +612794,0 +612795,0 +612796,0 +612797,0 +612798,0 +612799,0 +612800,0 +612801,0 +612802,0 +612803,0 +612804,0 +612805,0 +612806,0 +612807,0 +612808,0 +612809,0 +612810,0 +612811,0 +612812,0 +612813,0 +612814,0 +612815,0 +612816,0 +612817,0 +612818,0 +612819,0 +612820,0 +612821,0 +612822,0 +612823,0 +612824,0 +612825,0 +612826,0 +612827,0 +612828,0 +612829,0 +612830,0 +612831,0 +612832,0 +612833,0 +612834,0 +612835,0 +612836,0 +612837,0 +612838,9 +612839,9 +612840,9 +612841,10 +612842,10 +612843,10 +612844,10 +612845,10 +612846,10 +612847,10 +612848,10 +612849,10 +612850,10 +612851,10 +612852,10 +612853,10 +612854,10 +612855,10 +612856,10 +612857,10 +612858,10 +612859,10 +612860,10 +612861,10 +612862,10 +612863,25 +612864,25 +612865,25 +612866,37 +612867,37 +612868,37 +612869,37 +612870,37 +612871,37 +612872,37 +612873,37 +612874,33 +612875,33 +612876,33 +612877,33 +612878,33 +612879,33 +612880,33 +612881,33 +612882,19 +612883,19 +612884,19 +612885,19 +612886,19 +612887,19 +612888,27 +612889,27 +612890,19 +612891,19 +612892,4 +612893,4 +612894,4 +612895,28 +612896,28 +612897,28 +612898,28 +612899,28 +612900,28 +612901,28 +612902,27 +612903,27 +612904,27 +612905,27 +612906,27 +612907,2 +612908,2 +612909,2 +612910,2 +612911,8 +612912,8 +612913,8 +612914,8 +612915,8 +612916,4 +612917,4 +612918,4 +612919,4 +612920,4 +612921,4 +612922,4 +612923,4 +612924,4 +612925,4 +612926,4 +612927,10 +612928,10 +612929,10 +612930,10 +612931,10 +612932,26 +612933,26 +612934,26 +612935,26 +612936,39 +612937,39 +612938,39 +612939,28 +612940,28 +612941,28 +612942,28 +612943,2 +612944,2 +612945,2 +612946,2 +612947,2 +612948,2 +612949,2 +612950,2 +612951,2 +612952,2 +612953,31 +612954,31 +612955,31 +612956,31 +612957,5 +612958,5 +612959,5 +612960,5 +612961,5 +612962,5 +612963,5 +612964,11 +612965,11 +612966,19 +612967,19 +612968,7 +612969,7 +612970,11 +612971,11 +612972,7 +612973,11 +612974,39 +612975,39 +612976,39 +612977,39 +612978,39 +612979,39 +612980,39 +612981,2 +612982,2 +612983,2 +612984,2 +612985,2 +612986,2 +612987,2 +612988,2 +612989,2 +612990,2 +612991,40 +612992,40 +612993,40 +612994,40 +612995,40 +612996,40 +612997,40 +612998,31 +612999,6 +613000,6 +613001,6 +613002,6 +613003,6 +613004,6 +613005,6 +613006,6 +613007,6 +613008,6 +613009,6 +613010,6 +613011,30 +613012,30 +613013,40 +613014,40 +613015,40 +613016,40 +613017,40 +613018,37 +613019,37 +613020,37 +613021,37 +613022,37 +613023,37 +613024,37 +613025,31 +613026,31 +613027,31 +613028,30 +613029,30 +613030,30 +613031,30 +613032,30 +613033,30 +613034,30 +613035,30 +613036,30 +613037,30 +613038,39 +613039,39 +613040,39 +613041,39 +613042,39 +613043,39 +613044,39 +613045,39 +613046,39 +613047,39 +613048,39 +613049,39 +613050,39 +613051,39 +613052,39 +613053,39 +613054,39 +613055,39 +613056,39 +613057,39 +613058,0 +613059,0 +613060,0 +613061,0 +613062,0 +613063,0 +613064,0 +613065,0 +613066,0 +613067,0 +613068,0 +613069,0 +613070,0 +613071,0 +613072,0 +613073,0 +613074,0 +613075,0 +613076,0 +613077,0 +613078,0 +613079,0 +613080,0 +613081,0 +613082,0 +613083,0 +613084,0 +613085,0 +613086,0 +613087,0 +613088,0 +613089,0 +613090,0 +613091,0 +613092,0 +613093,0 +613094,0 +613095,0 +613096,0 +613097,0 +613098,0 +613099,0 +613100,0 +613101,0 +613102,0 +613103,0 +613104,0 +613105,0 +613106,0 +613107,0 +613108,0 +613109,0 +613110,0 +613111,0 +613112,0 +613113,0 +613114,9 +613115,9 +613116,9 +613117,9 +613118,10 +613119,10 +613120,10 +613121,10 +613122,10 +613123,10 +613124,10 +613125,10 +613126,10 +613127,10 +613128,10 +613129,10 +613130,10 +613131,10 +613132,25 +613133,25 +613134,25 +613135,25 +613136,25 +613137,25 +613138,25 +613139,25 +613140,31 +613141,31 +613142,25 +613143,25 +613144,31 +613145,31 +613146,31 +613147,31 +613148,31 +613149,31 +613150,31 +613151,31 +613152,33 +613153,33 +613154,33 +613155,19 +613156,19 +613157,19 +613158,19 +613159,19 +613160,19 +613161,19 +613162,19 +613163,15 +613164,15 +613165,32 +613166,32 +613167,15 +613168,15 +613169,27 +613170,27 +613171,27 +613172,27 +613173,27 +613174,6 +613175,6 +613176,6 +613177,6 +613178,6 +613179,6 +613180,31 +613181,31 +613182,31 +613183,31 +613184,31 +613185,31 +613186,31 +613187,8 +613188,8 +613189,8 +613190,8 +613191,8 +613192,8 +613193,8 +613194,8 +613195,8 +613196,10 +613197,10 +613198,10 +613199,10 +613200,10 +613201,10 +613202,10 +613203,10 +613204,10 +613205,10 +613206,12 +613207,12 +613208,12 +613209,12 +613210,12 +613211,12 +613212,12 +613213,12 +613214,12 +613215,12 +613216,12 +613217,27 +613218,27 +613219,27 +613220,27 +613221,27 +613222,27 +613223,27 +613224,11 +613225,25 +613226,2 +613227,2 +613228,2 +613229,2 +613230,2 +613231,2 +613232,2 +613233,11 +613234,11 +613235,16 +613236,16 +613237,16 +613238,16 +613239,16 +613240,16 +613241,16 +613242,16 +613243,16 +613244,16 +613245,16 +613246,16 +613247,27 +613248,27 +613249,3 +613250,3 +613251,27 +613252,3 +613253,3 +613254,3 +613255,3 +613256,3 +613257,3 +613258,3 +613259,3 +613260,3 +613261,3 +613262,3 +613263,3 +613264,3 +613265,3 +613266,3 +613267,3 +613268,3 +613269,0 +613270,0 +613271,0 +613272,0 +613273,0 +613274,0 +613275,0 +613276,0 +613277,0 +613278,0 +613279,0 +613280,0 +613281,0 +613282,0 +613283,0 +613284,0 +613285,0 +613286,0 +613287,0 +613288,0 +613289,0 +613290,0 +613291,0 +613292,0 +613293,0 +613294,0 +613295,0 +613296,0 +613297,0 +613298,0 +613299,0 +613300,0 +613301,0 +613302,0 +613303,0 +613304,0 +613305,0 +613306,0 +613307,0 +613308,0 +613309,0 +613310,0 +613311,0 +613312,0 +613313,0 +613314,0 +613315,0 +613316,0 +613317,0 +613318,0 +613319,0 +613320,0 +613321,0 +613322,0 +613323,0 +613324,0 +613325,0 +613326,0 +613327,5 +613328,5 +613329,5 +613330,5 +613331,5 +613332,5 +613333,5 +613334,5 +613335,5 +613336,26 +613337,26 +613338,26 +613339,26 +613340,26 +613341,26 +613342,26 +613343,26 +613344,4 +613345,4 +613346,4 +613347,31 +613348,31 +613349,31 +613350,31 +613351,31 +613352,31 +613353,19 +613354,19 +613355,19 +613356,19 +613357,19 +613358,19 +613359,9 +613360,9 +613361,26 +613362,9 +613363,26 +613364,26 +613365,26 +613366,31 +613367,31 +613368,31 +613369,9 +613370,31 +613371,31 +613372,9 +613373,26 +613374,26 +613375,19 +613376,19 +613377,19 +613378,19 +613379,19 +613380,19 +613381,19 +613382,19 +613383,36 +613384,36 +613385,36 +613386,36 +613387,36 +613388,36 +613389,36 +613390,36 +613391,36 +613392,36 +613393,36 +613394,36 +613395,36 +613396,36 +613397,36 +613398,5 +613399,5 +613400,39 +613401,39 +613402,39 +613403,39 +613404,39 +613405,39 +613406,39 +613407,39 +613408,39 +613409,39 +613410,39 +613411,39 +613412,39 +613413,39 +613414,39 +613415,39 +613416,39 +613417,39 +613418,39 +613419,39 +613420,39 +613421,39 +613422,0 +613423,0 +613424,0 +613425,0 +613426,0 +613427,0 +613428,0 +613429,0 +613430,0 +613431,0 +613432,0 +613433,0 +613434,0 +613435,0 +613436,0 +613437,0 +613438,29 +613439,29 +613440,29 +613441,29 +613442,29 +613443,29 +613444,31 +613445,31 +613446,31 +613447,5 +613448,5 +613449,5 +613450,5 +613451,5 +613452,5 +613453,19 +613454,19 +613455,19 +613456,19 +613457,19 +613458,19 +613459,19 +613460,33 +613461,33 +613462,33 +613463,33 +613464,33 +613465,33 +613466,33 +613467,33 +613468,17 +613469,17 +613470,5 +613471,5 +613472,5 +613473,5 +613474,5 +613475,5 +613476,5 +613477,5 +613478,5 +613479,13 +613480,13 +613481,12 +613482,12 +613483,28 +613484,10 +613485,10 +613486,10 +613487,10 +613488,10 +613489,10 +613490,10 +613491,10 +613492,10 +613493,10 +613494,10 +613495,10 +613496,10 +613497,5 +613498,5 +613499,5 +613500,5 +613501,5 +613502,19 +613503,19 +613504,19 +613505,19 +613506,27 +613507,27 +613508,27 +613509,27 +613510,27 +613511,27 +613512,27 +613513,4 +613514,4 +613515,4 +613516,4 +613517,4 +613518,4 +613519,4 +613520,4 +613521,4 +613522,4 +613523,4 +613524,4 +613525,4 +613526,4 +613527,16 +613528,16 +613529,16 +613530,10 +613531,10 +613532,10 +613533,10 +613534,10 +613535,10 +613536,10 +613537,10 +613538,10 +613539,10 +613540,10 +613541,10 +613542,10 +613543,10 +613544,10 +613545,10 +613546,30 +613547,30 +613548,30 +613549,30 +613550,30 +613551,30 +613552,30 +613553,30 +613554,30 +613555,30 +613556,30 +613557,30 +613558,0 +613559,0 +613560,0 +613561,0 +613562,0 +613563,0 +613564,0 +613565,0 +613566,0 +613567,0 +613568,0 +613569,4 +613570,4 +613571,0 +613572,0 +613573,0 +613574,0 +613575,0 +613576,0 +613577,0 +613578,0 +613579,0 +613580,0 +613581,0 +613582,0 +613583,0 +613584,0 +613585,0 +613586,0 +613587,0 +613588,0 +613589,0 +613590,0 +613591,0 +613592,0 +613593,0 +613594,0 +613595,0 +613596,30 +613597,30 +613598,30 +613599,30 +613600,30 +613601,30 +613602,30 +613603,30 +613604,10 +613605,10 +613606,10 +613607,10 +613608,10 +613609,10 +613610,10 +613611,10 +613612,6 +613613,6 +613614,6 +613615,6 +613616,6 +613617,6 +613618,6 +613619,6 +613620,6 +613621,27 +613622,27 +613623,27 +613624,27 +613625,27 +613626,27 +613627,8 +613628,8 +613629,8 +613630,8 +613631,8 +613632,8 +613633,8 +613634,19 +613635,19 +613636,19 +613637,19 +613638,38 +613639,38 +613640,26 +613641,31 +613642,31 +613643,9 +613644,9 +613645,9 +613646,31 +613647,26 +613648,9 +613649,9 +613650,9 +613651,9 +613652,38 +613653,38 +613654,38 +613655,38 +613656,38 +613657,38 +613658,38 +613659,38 +613660,29 +613661,29 +613662,27 +613663,31 +613664,5 +613665,5 +613666,5 +613667,28 +613668,28 +613669,28 +613670,28 +613671,28 +613672,28 +613673,28 +613674,10 +613675,10 +613676,10 +613677,10 +613678,31 +613679,31 +613680,5 +613681,5 +613682,5 +613683,5 +613684,5 +613685,39 +613686,39 +613687,39 +613688,39 +613689,39 +613690,39 +613691,39 +613692,39 +613693,12 +613694,12 +613695,12 +613696,12 +613697,12 +613698,12 +613699,12 +613700,22 +613701,22 +613702,22 +613703,22 +613704,22 +613705,19 +613706,19 +613707,19 +613708,19 +613709,15 +613710,15 +613711,15 +613712,15 +613713,15 +613714,15 +613715,39 +613716,39 +613717,39 +613718,39 +613719,39 +613720,39 +613721,39 +613722,29 +613723,29 +613724,29 +613725,29 +613726,29 +613727,29 +613728,31 +613729,31 +613730,31 +613731,31 +613732,31 +613733,31 +613734,31 +613735,25 +613736,25 +613737,37 +613738,37 +613739,37 +613740,37 +613741,37 +613742,37 +613743,3 +613744,3 +613745,3 +613746,3 +613747,3 +613748,3 +613749,3 +613750,3 +613751,3 +613752,31 +613753,31 +613754,31 +613755,31 +613756,31 +613757,5 +613758,5 +613759,5 +613760,5 +613761,5 +613762,14 +613763,14 +613764,14 +613765,14 +613766,14 +613767,14 +613768,14 +613769,14 +613770,14 +613771,14 +613772,14 +613773,11 +613774,11 +613775,11 +613776,11 +613777,11 +613778,11 +613779,11 +613780,11 +613781,11 +613782,11 +613783,11 +613784,11 +613785,11 +613786,11 +613787,11 +613788,31 +613789,31 +613790,31 +613791,31 +613792,31 +613793,31 +613794,31 +613795,31 +613796,31 +613797,31 +613798,31 +613799,31 +613800,15 +613801,15 +613802,15 +613803,15 +613804,15 +613805,15 +613806,36 +613807,36 +613808,36 +613809,36 +613810,36 +613811,36 +613812,36 +613813,36 +613814,36 +613815,2 +613816,2 +613817,2 +613818,2 +613819,2 +613820,2 +613821,2 +613822,2 +613823,2 +613824,2 +613825,2 +613826,2 +613827,2 +613828,2 +613829,2 +613830,26 +613831,26 +613832,26 +613833,26 +613834,9 +613835,9 +613836,9 +613837,9 +613838,9 +613839,9 +613840,9 +613841,9 +613842,30 +613843,30 +613844,30 +613845,30 +613846,30 +613847,30 +613848,30 +613849,30 +613850,30 +613851,30 +613852,30 +613853,30 +613854,30 +613855,30 +613856,0 +613857,0 +613858,0 +613859,0 +613860,0 +613861,0 +613862,0 +613863,0 +613864,0 +613865,0 +613866,0 +613867,0 +613868,0 +613869,0 +613870,0 +613871,0 +613872,0 +613873,0 +613874,0 +613875,0 +613876,0 +613877,0 +613878,0 +613879,0 +613880,0 +613881,0 +613882,0 +613883,0 +613884,36 +613885,36 +613886,36 +613887,36 +613888,36 +613889,36 +613890,36 +613891,40 +613892,36 +613893,40 +613894,40 +613895,40 +613896,40 +613897,40 +613898,40 +613899,40 +613900,40 +613901,2 +613902,2 +613903,2 +613904,2 +613905,2 +613906,2 +613907,2 +613908,2 +613909,2 +613910,2 +613911,2 +613912,2 +613913,2 +613914,2 +613915,2 +613916,2 +613917,2 +613918,2 +613919,2 +613920,2 +613921,25 +613922,25 +613923,25 +613924,25 +613925,25 +613926,25 +613927,25 +613928,25 +613929,25 +613930,25 +613931,25 +613932,25 +613933,25 +613934,25 +613935,25 +613936,25 +613937,25 +613938,25 +613939,25 +613940,25 +613941,25 +613942,0 +613943,0 +613944,0 +613945,0 +613946,0 +613947,0 +613948,0 +613949,0 +613950,0 +613951,0 +613952,0 +613953,0 +613954,0 +613955,0 +613956,0 +613957,0 +613958,0 +613959,0 +613960,0 +613961,0 +613962,0 +613963,0 +613964,0 +613965,0 +613966,0 +613967,0 +613968,0 +613969,0 +613970,0 +613971,0 +613972,0 +613973,0 +613974,0 +613975,0 +613976,0 +613977,0 +613978,0 +613979,0 +613980,0 +613981,0 +613982,0 +613983,0 +613984,0 +613985,0 +613986,0 +613987,0 +613988,0 +613989,0 +613990,0 +613991,0 +613992,0 +613993,31 +613994,31 +613995,31 +613996,31 +613997,31 +613998,31 +613999,31 +614000,31 +614001,31 +614002,31 +614003,32 +614004,32 +614005,32 +614006,32 +614007,32 +614008,32 +614009,32 +614010,32 +614011,32 +614012,14 +614013,14 +614014,14 +614015,14 +614016,14 +614017,14 +614018,14 +614019,14 +614020,30 +614021,30 +614022,30 +614023,30 +614024,30 +614025,30 +614026,27 +614027,27 +614028,27 +614029,27 +614030,27 +614031,5 +614032,5 +614033,5 +614034,5 +614035,5 +614036,5 +614037,4 +614038,4 +614039,4 +614040,4 +614041,4 +614042,4 +614043,4 +614044,31 +614045,26 +614046,26 +614047,26 +614048,26 +614049,31 +614050,31 +614051,31 +614052,26 +614053,26 +614054,31 +614055,5 +614056,5 +614057,5 +614058,6 +614059,6 +614060,6 +614061,6 +614062,6 +614063,6 +614064,31 +614065,31 +614066,31 +614067,31 +614068,31 +614069,31 +614070,31 +614071,30 +614072,30 +614073,31 +614074,18 +614075,18 +614076,18 +614077,18 +614078,18 +614079,18 +614080,18 +614081,18 +614082,18 +614083,26 +614084,26 +614085,26 +614086,26 +614087,26 +614088,26 +614089,26 +614090,26 +614091,26 +614092,26 +614093,26 +614094,26 +614095,26 +614096,26 +614097,5 +614098,5 +614099,5 +614100,5 +614101,5 +614102,5 +614103,5 +614104,5 +614105,5 +614106,5 +614107,5 +614108,5 +614109,5 +614110,5 +614111,5 +614112,0 +614113,0 +614114,0 +614115,0 +614116,0 +614117,0 +614118,0 +614119,0 +614120,0 +614121,0 +614122,0 +614123,0 +614124,0 +614125,0 +614126,0 +614127,0 +614128,0 +614129,0 +614130,0 +614131,0 +614132,0 +614133,0 +614134,0 +614135,0 +614136,0 +614137,0 +614138,0 +614139,0 +614140,0 +614141,0 +614142,0 +614143,0 +614144,0 +614145,0 +614146,0 +614147,0 +614148,0 +614149,0 +614150,0 +614151,0 +614152,0 +614153,23 +614154,23 +614155,23 +614156,0 +614157,0 +614158,0 +614159,23 +614160,23 +614161,23 +614162,23 +614163,23 +614164,23 +614165,25 +614166,25 +614167,25 +614168,25 +614169,25 +614170,28 +614171,28 +614172,28 +614173,28 +614174,28 +614175,28 +614176,28 +614177,28 +614178,28 +614179,28 +614180,10 +614181,10 +614182,10 +614183,10 +614184,10 +614185,10 +614186,10 +614187,10 +614188,10 +614189,10 +614190,32 +614191,32 +614192,32 +614193,32 +614194,32 +614195,32 +614196,32 +614197,32 +614198,32 +614199,32 +614200,32 +614201,26 +614202,26 +614203,26 +614204,26 +614205,26 +614206,26 +614207,26 +614208,26 +614209,37 +614210,37 +614211,37 +614212,37 +614213,37 +614214,37 +614215,37 +614216,37 +614217,37 +614218,37 +614219,37 +614220,37 +614221,10 +614222,10 +614223,10 +614224,10 +614225,10 +614226,10 +614227,10 +614228,10 +614229,10 +614230,10 +614231,10 +614232,10 +614233,10 +614234,10 +614235,10 +614236,10 +614237,10 +614238,28 +614239,28 +614240,28 +614241,28 +614242,28 +614243,28 +614244,13 +614245,5 +614246,5 +614247,5 +614248,6 +614249,6 +614250,6 +614251,6 +614252,6 +614253,6 +614254,6 +614255,6 +614256,6 +614257,6 +614258,30 +614259,30 +614260,30 +614261,30 +614262,39 +614263,39 +614264,39 +614265,39 +614266,27 +614267,37 +614268,37 +614269,37 +614270,37 +614271,37 +614272,37 +614273,37 +614274,37 +614275,37 +614276,23 +614277,23 +614278,23 +614279,23 +614280,23 +614281,23 +614282,23 +614283,25 +614284,25 +614285,25 +614286,25 +614287,25 +614288,19 +614289,19 +614290,19 +614291,19 +614292,19 +614293,19 +614294,19 +614295,19 +614296,26 +614297,26 +614298,26 +614299,26 +614300,26 +614301,26 +614302,26 +614303,26 +614304,26 +614305,26 +614306,26 +614307,37 +614308,37 +614309,37 +614310,37 +614311,6 +614312,6 +614313,6 +614314,6 +614315,6 +614316,32 +614317,32 +614318,35 +614319,32 +614320,32 +614321,25 +614322,25 +614323,25 +614324,25 +614325,25 +614326,25 +614327,25 +614328,27 +614329,27 +614330,27 +614331,27 +614332,27 +614333,13 +614334,13 +614335,13 +614336,13 +614337,13 +614338,13 +614339,13 +614340,0 +614341,0 +614342,0 +614343,0 +614344,0 +614345,0 +614346,0 +614347,0 +614348,0 +614349,0 +614350,0 +614351,0 +614352,0 +614353,0 +614354,0 +614355,0 +614356,0 +614357,0 +614358,0 +614359,0 +614360,0 +614361,0 +614362,0 +614363,0 +614364,0 +614365,0 +614366,0 +614367,29 +614368,29 +614369,29 +614370,29 +614371,29 +614372,29 +614373,29 +614374,29 +614375,29 +614376,29 +614377,29 +614378,29 +614379,29 +614380,33 +614381,33 +614382,33 +614383,33 +614384,33 +614385,33 +614386,33 +614387,33 +614388,33 +614389,33 +614390,33 +614391,35 +614392,35 +614393,35 +614394,35 +614395,35 +614396,26 +614397,26 +614398,26 +614399,26 +614400,26 +614401,26 +614402,26 +614403,26 +614404,37 +614405,37 +614406,37 +614407,37 +614408,37 +614409,37 +614410,37 +614411,37 +614412,37 +614413,37 +614414,37 +614415,39 +614416,39 +614417,39 +614418,39 +614419,39 +614420,39 +614421,39 +614422,2 +614423,2 +614424,2 +614425,2 +614426,2 +614427,2 +614428,2 +614429,2 +614430,2 +614431,2 +614432,40 +614433,40 +614434,40 +614435,27 +614436,27 +614437,27 +614438,27 +614439,27 +614440,8 +614441,8 +614442,8 +614443,8 +614444,8 +614445,8 +614446,8 +614447,8 +614448,8 +614449,10 +614450,10 +614451,10 +614452,10 +614453,10 +614454,10 +614455,10 +614456,10 +614457,10 +614458,10 +614459,10 +614460,10 +614461,10 +614462,10 +614463,28 +614464,28 +614465,28 +614466,28 +614467,28 +614468,28 +614469,28 +614470,13 +614471,13 +614472,13 +614473,6 +614474,6 +614475,6 +614476,6 +614477,6 +614478,6 +614479,6 +614480,6 +614481,6 +614482,6 +614483,27 +614484,27 +614485,27 +614486,27 +614487,30 +614488,30 +614489,30 +614490,30 +614491,30 +614492,27 +614493,27 +614494,27 +614495,27 +614496,27 +614497,13 +614498,13 +614499,13 +614500,13 +614501,13 +614502,13 +614503,13 +614504,13 +614505,13 +614506,31 +614507,31 +614508,31 +614509,31 +614510,31 +614511,31 +614512,31 +614513,31 +614514,10 +614515,2 +614516,2 +614517,2 +614518,2 +614519,2 +614520,2 +614521,2 +614522,2 +614523,40 +614524,40 +614525,40 +614526,40 +614527,40 +614528,40 +614529,30 +614530,30 +614531,24 +614532,30 +614533,30 +614534,30 +614535,30 +614536,12 +614537,12 +614538,0 +614539,0 +614540,12 +614541,12 +614542,12 +614543,27 +614544,27 +614545,27 +614546,38 +614547,38 +614548,38 +614549,38 +614550,38 +614551,38 +614552,38 +614553,38 +614554,28 +614555,28 +614556,28 +614557,28 +614558,28 +614559,28 +614560,40 +614561,40 +614562,40 +614563,40 +614564,40 +614565,40 +614566,19 +614567,19 +614568,24 +614569,19 +614570,27 +614571,27 +614572,27 +614573,27 +614574,27 +614575,2 +614576,2 +614577,2 +614578,2 +614579,2 +614580,2 +614581,2 +614582,2 +614583,31 +614584,31 +614585,31 +614586,31 +614587,31 +614588,31 +614589,31 +614590,31 +614591,5 +614592,5 +614593,5 +614594,5 +614595,5 +614596,5 +614597,5 +614598,5 +614599,2 +614600,8 +614601,8 +614602,8 +614603,8 +614604,8 +614605,8 +614606,8 +614607,8 +614608,8 +614609,2 +614610,2 +614611,0 +614612,0 +614613,0 +614614,0 +614615,0 +614616,0 +614617,0 +614618,0 +614619,0 +614620,0 +614621,0 +614622,0 +614623,0 +614624,0 +614625,0 +614626,0 +614627,0 +614628,0 +614629,0 +614630,0 +614631,0 +614632,0 +614633,0 +614634,0 +614635,0 +614636,0 +614637,0 +614638,0 +614639,0 +614640,0 +614641,0 +614642,0 +614643,0 +614644,0 +614645,0 +614646,0 +614647,0 +614648,0 +614649,0 +614650,0 +614651,0 +614652,0 +614653,0 +614654,0 +614655,0 +614656,0 +614657,0 +614658,0 +614659,2 +614660,2 +614661,2 +614662,2 +614663,2 +614664,2 +614665,2 +614666,2 +614667,2 +614668,2 +614669,2 +614670,2 +614671,2 +614672,2 +614673,4 +614674,4 +614675,4 +614676,4 +614677,4 +614678,4 +614679,4 +614680,4 +614681,4 +614682,40 +614683,40 +614684,40 +614685,40 +614686,40 +614687,40 +614688,40 +614689,40 +614690,40 +614691,5 +614692,5 +614693,5 +614694,5 +614695,29 +614696,5 +614697,39 +614698,39 +614699,39 +614700,39 +614701,39 +614702,39 +614703,39 +614704,39 +614705,39 +614706,39 +614707,5 +614708,37 +614709,37 +614710,37 +614711,37 +614712,37 +614713,37 +614714,37 +614715,37 +614716,37 +614717,40 +614718,40 +614719,5 +614720,5 +614721,5 +614722,19 +614723,19 +614724,39 +614725,10 +614726,10 +614727,10 +614728,10 +614729,27 +614730,27 +614731,3 +614732,3 +614733,3 +614734,3 +614735,4 +614736,4 +614737,4 +614738,4 +614739,4 +614740,4 +614741,4 +614742,4 +614743,4 +614744,3 +614745,3 +614746,3 +614747,3 +614748,3 +614749,28 +614750,28 +614751,28 +614752,28 +614753,28 +614754,28 +614755,28 +614756,28 +614757,28 +614758,28 +614759,28 +614760,28 +614761,3 +614762,3 +614763,3 +614764,3 +614765,3 +614766,3 +614767,3 +614768,3 +614769,3 +614770,3 +614771,3 +614772,3 +614773,3 +614774,3 +614775,24 +614776,24 +614777,24 +614778,24 +614779,35 +614780,35 +614781,35 +614782,35 +614783,35 +614784,35 +614785,35 +614786,35 +614787,35 +614788,27 +614789,27 +614790,27 +614791,27 +614792,27 +614793,8 +614794,8 +614795,8 +614796,8 +614797,8 +614798,8 +614799,8 +614800,8 +614801,8 +614802,8 +614803,9 +614804,9 +614805,9 +614806,9 +614807,9 +614808,9 +614809,9 +614810,9 +614811,9 +614812,9 +614813,9 +614814,9 +614815,9 +614816,9 +614817,9 +614818,9 +614819,9 +614820,4 +614821,4 +614822,31 +614823,31 +614824,4 +614825,31 +614826,31 +614827,25 +614828,25 +614829,3 +614830,3 +614831,3 +614832,4 +614833,4 +614834,4 +614835,4 +614836,4 +614837,4 +614838,4 +614839,4 +614840,9 +614841,9 +614842,9 +614843,9 +614844,9 +614845,37 +614846,37 +614847,37 +614848,37 +614849,37 +614850,37 +614851,37 +614852,37 +614853,2 +614854,2 +614855,2 +614856,2 +614857,2 +614858,8 +614859,4 +614860,4 +614861,4 +614862,4 +614863,4 +614864,4 +614865,4 +614866,31 +614867,31 +614868,31 +614869,31 +614870,31 +614871,2 +614872,2 +614873,2 +614874,2 +614875,2 +614876,2 +614877,2 +614878,2 +614879,2 +614880,2 +614881,2 +614882,31 +614883,31 +614884,31 +614885,31 +614886,31 +614887,31 +614888,31 +614889,28 +614890,28 +614891,5 +614892,5 +614893,5 +614894,5 +614895,35 +614896,35 +614897,35 +614898,35 +614899,35 +614900,35 +614901,35 +614902,35 +614903,35 +614904,35 +614905,35 +614906,35 +614907,14 +614908,14 +614909,39 +614910,39 +614911,39 +614912,39 +614913,39 +614914,39 +614915,39 +614916,39 +614917,39 +614918,39 +614919,39 +614920,2 +614921,38 +614922,38 +614923,2 +614924,38 +614925,38 +614926,38 +614927,38 +614928,38 +614929,4 +614930,23 +614931,23 +614932,4 +614933,4 +614934,4 +614935,4 +614936,14 +614937,39 +614938,27 +614939,27 +614940,27 +614941,39 +614942,39 +614943,39 +614944,39 +614945,39 +614946,39 +614947,14 +614948,14 +614949,14 +614950,14 +614951,14 +614952,39 +614953,13 +614954,0 +614955,0 +614956,0 +614957,0 +614958,0 +614959,0 +614960,0 +614961,0 +614962,0 +614963,0 +614964,0 +614965,0 +614966,0 +614967,0 +614968,0 +614969,0 +614970,0 +614971,0 +614972,0 +614973,0 +614974,0 +614975,0 +614976,0 +614977,0 +614978,0 +614979,0 +614980,0 +614981,0 +614982,0 +614983,0 +614984,0 +614985,0 +614986,0 +614987,0 +614988,0 +614989,31 +614990,31 +614991,31 +614992,31 +614993,31 +614994,31 +614995,31 +614996,37 +614997,37 +614998,37 +614999,37 +615000,34 +615001,34 +615002,37 +615003,37 +615004,37 +615005,37 +615006,34 +615007,34 +615008,36 +615009,36 +615010,35 +615011,35 +615012,35 +615013,36 +615014,36 +615015,36 +615016,36 +615017,36 +615018,36 +615019,36 +615020,36 +615021,36 +615022,36 +615023,36 +615024,36 +615025,2 +615026,2 +615027,2 +615028,2 +615029,2 +615030,2 +615031,2 +615032,2 +615033,2 +615034,2 +615035,2 +615036,27 +615037,27 +615038,27 +615039,27 +615040,27 +615041,27 +615042,27 +615043,27 +615044,27 +615045,27 +615046,5 +615047,5 +615048,5 +615049,5 +615050,5 +615051,5 +615052,5 +615053,18 +615054,18 +615055,18 +615056,18 +615057,18 +615058,18 +615059,18 +615060,27 +615061,3 +615062,3 +615063,3 +615064,3 +615065,3 +615066,19 +615067,19 +615068,19 +615069,19 +615070,19 +615071,19 +615072,19 +615073,27 +615074,27 +615075,27 +615076,27 +615077,27 +615078,27 +615079,27 +615080,27 +615081,11 +615082,11 +615083,11 +615084,11 +615085,11 +615086,11 +615087,11 +615088,11 +615089,11 +615090,11 +615091,11 +615092,11 +615093,31 +615094,31 +615095,31 +615096,31 +615097,8 +615098,8 +615099,8 +615100,8 +615101,8 +615102,8 +615103,8 +615104,8 +615105,19 +615106,19 +615107,19 +615108,19 +615109,4 +615110,4 +615111,4 +615112,4 +615113,4 +615114,27 +615115,31 +615116,31 +615117,27 +615118,27 +615119,27 +615120,2 +615121,2 +615122,2 +615123,2 +615124,2 +615125,2 +615126,2 +615127,2 +615128,8 +615129,2 +615130,2 +615131,6 +615132,6 +615133,6 +615134,6 +615135,6 +615136,6 +615137,31 +615138,31 +615139,31 +615140,31 +615141,26 +615142,31 +615143,31 +615144,31 +615145,31 +615146,31 +615147,31 +615148,11 +615149,11 +615150,11 +615151,11 +615152,11 +615153,11 +615154,11 +615155,11 +615156,11 +615157,11 +615158,11 +615159,11 +615160,31 +615161,31 +615162,31 +615163,31 +615164,31 +615165,31 +615166,31 +615167,5 +615168,5 +615169,5 +615170,5 +615171,5 +615172,5 +615173,5 +615174,5 +615175,5 +615176,5 +615177,5 +615178,5 +615179,5 +615180,5 +615181,5 +615182,0 +615183,0 +615184,0 +615185,0 +615186,0 +615187,0 +615188,0 +615189,0 +615190,0 +615191,0 +615192,0 +615193,0 +615194,0 +615195,0 +615196,0 +615197,0 +615198,0 +615199,0 +615200,0 +615201,0 +615202,0 +615203,0 +615204,0 +615205,0 +615206,0 +615207,0 +615208,0 +615209,0 +615210,0 +615211,0 +615212,0 +615213,0 +615214,0 +615215,0 +615216,0 +615217,0 +615218,0 +615219,0 +615220,0 +615221,0 +615222,0 +615223,0 +615224,0 +615225,0 +615226,0 +615227,0 +615228,0 +615229,0 +615230,0 +615231,0 +615232,0 +615233,0 +615234,0 +615235,0 +615236,0 +615237,9 +615238,9 +615239,9 +615240,31 +615241,31 +615242,31 +615243,31 +615244,31 +615245,31 +615246,31 +615247,31 +615248,31 +615249,31 +615250,25 +615251,25 +615252,25 +615253,25 +615254,25 +615255,25 +615256,25 +615257,25 +615258,37 +615259,37 +615260,37 +615261,33 +615262,33 +615263,33 +615264,33 +615265,33 +615266,33 +615267,33 +615268,33 +615269,33 +615270,33 +615271,33 +615272,33 +615273,33 +615274,33 +615275,33 +615276,33 +615277,33 +615278,33 +615279,33 +615280,33 +615281,33 +615282,33 +615283,33 +615284,33 +615285,33 +615286,33 +615287,8 +615288,8 +615289,8 +615290,8 +615291,8 +615292,8 +615293,8 +615294,8 +615295,8 +615296,8 +615297,8 +615298,8 +615299,2 +615300,8 +615301,8 +615302,8 +615303,8 +615304,8 +615305,0 +615306,0 +615307,0 +615308,0 +615309,0 +615310,0 +615311,0 +615312,0 +615313,0 +615314,0 +615315,0 +615316,0 +615317,0 +615318,0 +615319,0 +615320,0 +615321,0 +615322,0 +615323,0 +615324,0 +615325,0 +615326,0 +615327,0 +615328,0 +615329,0 +615330,0 +615331,0 +615332,0 +615333,0 +615334,0 +615335,0 +615336,0 +615337,0 +615338,0 +615339,0 +615340,0 +615341,30 +615342,30 +615343,30 +615344,30 +615345,30 +615346,30 +615347,30 +615348,30 +615349,30 +615350,40 +615351,40 +615352,40 +615353,40 +615354,40 +615355,40 +615356,40 +615357,23 +615358,23 +615359,23 +615360,23 +615361,23 +615362,23 +615363,23 +615364,23 +615365,23 +615366,23 +615367,23 +615368,23 +615369,23 +615370,31 +615371,31 +615372,31 +615373,31 +615374,31 +615375,6 +615376,6 +615377,6 +615378,6 +615379,6 +615380,6 +615381,6 +615382,6 +615383,6 +615384,6 +615385,6 +615386,6 +615387,37 +615388,37 +615389,37 +615390,37 +615391,37 +615392,37 +615393,37 +615394,36 +615395,36 +615396,34 +615397,34 +615398,34 +615399,34 +615400,34 +615401,36 +615402,36 +615403,34 +615404,34 +615405,34 +615406,34 +615407,34 +615408,34 +615409,34 +615410,34 +615411,34 +615412,34 +615413,34 +615414,34 +615415,34 +615416,34 +615417,34 +615418,19 +615419,19 +615420,19 +615421,19 +615422,19 +615423,19 +615424,19 +615425,19 +615426,19 +615427,19 +615428,19 +615429,19 +615430,0 +615431,0 +615432,0 +615433,0 +615434,0 +615435,0 +615436,0 +615437,0 +615438,0 +615439,0 +615440,0 +615441,0 +615442,0 +615443,0 +615444,0 +615445,0 +615446,0 +615447,0 +615448,0 +615449,0 +615450,0 +615451,0 +615452,0 +615453,0 +615454,0 +615455,0 +615456,0 +615457,0 +615458,0 +615459,0 +615460,0 +615461,0 +615462,0 +615463,0 +615464,0 +615465,0 +615466,36 +615467,36 +615468,36 +615469,36 +615470,36 +615471,36 +615472,36 +615473,36 +615474,36 +615475,36 +615476,36 +615477,36 +615478,36 +615479,5 +615480,5 +615481,27 +615482,27 +615483,27 +615484,27 +615485,27 +615486,27 +615487,27 +615488,27 +615489,5 +615490,5 +615491,5 +615492,5 +615493,5 +615494,5 +615495,19 +615496,19 +615497,19 +615498,19 +615499,19 +615500,19 +615501,19 +615502,19 +615503,25 +615504,19 +615505,25 +615506,19 +615507,19 +615508,32 +615509,32 +615510,32 +615511,32 +615512,32 +615513,32 +615514,32 +615515,32 +615516,32 +615517,30 +615518,22 +615519,22 +615520,22 +615521,22 +615522,22 +615523,19 +615524,19 +615525,19 +615526,19 +615527,30 +615528,30 +615529,30 +615530,30 +615531,30 +615532,9 +615533,9 +615534,9 +615535,9 +615536,9 +615537,9 +615538,9 +615539,9 +615540,26 +615541,26 +615542,26 +615543,26 +615544,26 +615545,26 +615546,26 +615547,26 +615548,26 +615549,26 +615550,26 +615551,26 +615552,26 +615553,10 +615554,26 +615555,26 +615556,26 +615557,26 +615558,26 +615559,18 +615560,18 +615561,18 +615562,18 +615563,18 +615564,18 +615565,16 +615566,16 +615567,18 +615568,18 +615569,18 +615570,18 +615571,16 +615572,16 +615573,16 +615574,16 +615575,16 +615576,11 +615577,11 +615578,11 +615579,0 +615580,0 +615581,0 +615582,0 +615583,0 +615584,0 +615585,0 +615586,0 +615587,0 +615588,0 +615589,0 +615590,0 +615591,0 +615592,0 +615593,0 +615594,0 +615595,0 +615596,0 +615597,0 +615598,0 +615599,0 +615600,0 +615601,0 +615602,0 +615603,0 +615604,0 +615605,0 +615606,0 +615607,0 +615608,0 +615609,0 +615610,0 +615611,0 +615612,0 +615613,0 +615614,0 +615615,12 +615616,12 +615617,12 +615618,12 +615619,12 +615620,12 +615621,12 +615622,12 +615623,12 +615624,39 +615625,39 +615626,39 +615627,39 +615628,11 +615629,11 +615630,11 +615631,11 +615632,11 +615633,11 +615634,27 +615635,27 +615636,27 +615637,27 +615638,27 +615639,27 +615640,8 +615641,8 +615642,8 +615643,8 +615644,8 +615645,8 +615646,8 +615647,8 +615648,8 +615649,8 +615650,9 +615651,9 +615652,9 +615653,9 +615654,9 +615655,9 +615656,9 +615657,9 +615658,9 +615659,9 +615660,9 +615661,37 +615662,37 +615663,37 +615664,37 +615665,37 +615666,19 +615667,19 +615668,19 +615669,3 +615670,3 +615671,14 +615672,14 +615673,14 +615674,14 +615675,14 +615676,14 +615677,14 +615678,14 +615679,15 +615680,15 +615681,15 +615682,15 +615683,15 +615684,15 +615685,15 +615686,15 +615687,27 +615688,27 +615689,27 +615690,27 +615691,27 +615692,27 +615693,27 +615694,27 +615695,5 +615696,5 +615697,5 +615698,5 +615699,5 +615700,5 +615701,5 +615702,5 +615703,5 +615704,5 +615705,5 +615706,5 +615707,5 +615708,5 +615709,5 +615710,5 +615711,33 +615712,3 +615713,3 +615714,3 +615715,3 +615716,33 +615717,33 +615718,33 +615719,33 +615720,34 +615721,34 +615722,34 +615723,3 +615724,3 +615725,4 +615726,19 +615727,19 +615728,19 +615729,4 +615730,27 +615731,27 +615732,27 +615733,27 +615734,27 +615735,27 +615736,27 +615737,27 +615738,27 +615739,27 +615740,19 +615741,19 +615742,19 +615743,19 +615744,19 +615745,19 +615746,19 +615747,19 +615748,36 +615749,40 +615750,40 +615751,40 +615752,40 +615753,40 +615754,40 +615755,40 +615756,40 +615757,40 +615758,40 +615759,8 +615760,8 +615761,8 +615762,8 +615763,8 +615764,8 +615765,8 +615766,8 +615767,8 +615768,8 +615769,10 +615770,10 +615771,10 +615772,10 +615773,10 +615774,10 +615775,10 +615776,10 +615777,10 +615778,26 +615779,26 +615780,26 +615781,26 +615782,31 +615783,31 +615784,31 +615785,31 +615786,34 +615787,34 +615788,15 +615789,15 +615790,15 +615791,15 +615792,1 +615793,1 +615794,1 +615795,1 +615796,1 +615797,1 +615798,1 +615799,18 +615800,3 +615801,27 +615802,27 +615803,27 +615804,27 +615805,27 +615806,27 +615807,19 +615808,4 +615809,19 +615810,4 +615811,4 +615812,19 +615813,19 +615814,19 +615815,31 +615816,31 +615817,31 +615818,31 +615819,24 +615820,24 +615821,24 +615822,24 +615823,2 +615824,2 +615825,2 +615826,2 +615827,2 +615828,2 +615829,2 +615830,2 +615831,2 +615832,2 +615833,2 +615834,2 +615835,2 +615836,2 +615837,2 +615838,33 +615839,33 +615840,33 +615841,33 +615842,33 +615843,33 +615844,33 +615845,28 +615846,28 +615847,28 +615848,28 +615849,28 +615850,28 +615851,28 +615852,28 +615853,28 +615854,31 +615855,31 +615856,31 +615857,31 +615858,31 +615859,31 +615860,31 +615861,4 +615862,4 +615863,4 +615864,4 +615865,4 +615866,4 +615867,4 +615868,4 +615869,27 +615870,27 +615871,27 +615872,27 +615873,27 +615874,19 +615875,27 +615876,27 +615877,4 +615878,4 +615879,4 +615880,4 +615881,4 +615882,4 +615883,4 +615884,4 +615885,4 +615886,4 +615887,4 +615888,4 +615889,31 +615890,31 +615891,31 +615892,31 +615893,31 +615894,31 +615895,31 +615896,5 +615897,5 +615898,5 +615899,5 +615900,5 +615901,5 +615902,5 +615903,11 +615904,11 +615905,11 +615906,11 +615907,11 +615908,11 +615909,11 +615910,11 +615911,31 +615912,31 +615913,31 +615914,31 +615915,31 +615916,31 +615917,31 +615918,5 +615919,5 +615920,5 +615921,5 +615922,5 +615923,5 +615924,5 +615925,4 +615926,4 +615927,4 +615928,4 +615929,4 +615930,4 +615931,4 +615932,4 +615933,4 +615934,4 +615935,37 +615936,37 +615937,37 +615938,3 +615939,3 +615940,33 +615941,33 +615942,33 +615943,3 +615944,1 +615945,1 +615946,10 +615947,10 +615948,1 +615949,1 +615950,1 +615951,34 +615952,34 +615953,34 +615954,31 +615955,31 +615956,31 +615957,26 +615958,26 +615959,4 +615960,4 +615961,4 +615962,4 +615963,4 +615964,4 +615965,4 +615966,4 +615967,29 +615968,29 +615969,38 +615970,38 +615971,34 +615972,34 +615973,34 +615974,34 +615975,34 +615976,34 +615977,34 +615978,4 +615979,4 +615980,4 +615981,4 +615982,4 +615983,4 +615984,12 +615985,28 +615986,28 +615987,28 +615988,28 +615989,28 +615990,28 +615991,28 +615992,28 +615993,9 +615994,9 +615995,9 +615996,9 +615997,9 +615998,9 +615999,9 +616000,9 +616001,9 +616002,37 +616003,37 +616004,37 +616005,37 +616006,37 +616007,5 +616008,5 +616009,5 +616010,5 +616011,27 +616012,27 +616013,27 +616014,27 +616015,27 +616016,13 +616017,13 +616018,13 +616019,13 +616020,13 +616021,13 +616022,13 +616023,5 +616024,5 +616025,5 +616026,5 +616027,5 +616028,13 +616029,13 +616030,13 +616031,13 +616032,13 +616033,13 +616034,13 +616035,0 +616036,0 +616037,0 +616038,0 +616039,0 +616040,0 +616041,0 +616042,0 +616043,0 +616044,0 +616045,0 +616046,0 +616047,0 +616048,0 +616049,0 +616050,0 +616051,0 +616052,0 +616053,0 +616054,0 +616055,0 +616056,0 +616057,0 +616058,0 +616059,0 +616060,0 +616061,0 +616062,0 +616063,0 +616064,0 +616065,0 +616066,0 +616067,0 +616068,0 +616069,0 +616070,0 +616071,0 +616072,0 +616073,0 +616074,0 +616075,0 +616076,0 +616077,0 +616078,0 +616079,0 +616080,0 +616081,0 +616082,0 +616083,0 +616084,0 +616085,0 +616086,0 +616087,0 +616088,0 +616089,0 +616090,0 +616091,0 +616092,0 +616093,0 +616094,0 +616095,0 +616096,0 +616097,0 +616098,0 +616099,0 +616100,0 +616101,0 +616102,0 +616103,0 +616104,0 +616105,0 +616106,0 +616107,0 +616108,0 +616109,0 +616110,0 +616111,0 +616112,0 +616113,0 +616114,0 +616115,0 +616116,0 +616117,0 +616118,0 +616119,0 +616120,0 +616121,0 +616122,0 +616123,0 +616124,0 +616125,36 +616126,36 +616127,36 +616128,36 +616129,36 +616130,36 +616131,36 +616132,36 +616133,36 +616134,36 +616135,36 +616136,36 +616137,5 +616138,5 +616139,5 +616140,5 +616141,5 +616142,5 +616143,37 +616144,37 +616145,37 +616146,37 +616147,37 +616148,37 +616149,37 +616150,37 +616151,37 +616152,37 +616153,37 +616154,37 +616155,26 +616156,26 +616157,33 +616158,9 +616159,9 +616160,9 +616161,9 +616162,9 +616163,30 +616164,30 +616165,33 +616166,33 +616167,33 +616168,33 +616169,30 +616170,30 +616171,30 +616172,30 +616173,31 +616174,31 +616175,31 +616176,31 +616177,31 +616178,31 +616179,13 +616180,13 +616181,13 +616182,13 +616183,13 +616184,13 +616185,13 +616186,13 +616187,5 +616188,13 +616189,5 +616190,5 +616191,5 +616192,5 +616193,5 +616194,5 +616195,5 +616196,5 +616197,5 +616198,40 +616199,36 +616200,36 +616201,36 +616202,36 +616203,36 +616204,36 +616205,36 +616206,36 +616207,36 +616208,40 +616209,40 +616210,8 +616211,8 +616212,8 +616213,8 +616214,8 +616215,8 +616216,2 +616217,2 +616218,2 +616219,2 +616220,2 +616221,2 +616222,39 +616223,39 +616224,3 +616225,39 +616226,39 +616227,39 +616228,39 +616229,39 +616230,39 +616231,39 +616232,39 +616233,12 +616234,12 +616235,12 +616236,12 +616237,12 +616238,12 +616239,12 +616240,12 +616241,12 +616242,12 +616243,12 +616244,36 +616245,36 +616246,36 +616247,40 +616248,40 +616249,40 +616250,40 +616251,40 +616252,36 +616253,36 +616254,40 +616255,40 +616256,5 +616257,5 +616258,5 +616259,5 +616260,5 +616261,5 +616262,5 +616263,29 +616264,29 +616265,15 +616266,15 +616267,29 +616268,29 +616269,29 +616270,29 +616271,36 +616272,36 +616273,36 +616274,36 +616275,36 +616276,36 +616277,36 +616278,36 +616279,36 +616280,36 +616281,36 +616282,36 +616283,36 +616284,36 +616285,36 +616286,36 +616287,36 +616288,36 +616289,36 +616290,36 +616291,36 +616292,36 +616293,36 +616294,36 +616295,36 +616296,36 +616297,6 +616298,6 +616299,6 +616300,6 +616301,6 +616302,6 +616303,6 +616304,6 +616305,6 +616306,6 +616307,25 +616308,6 +616309,6 +616310,0 +616311,0 +616312,0 +616313,0 +616314,0 +616315,0 +616316,0 +616317,0 +616318,4 +616319,4 +616320,32 +616321,4 +616322,4 +616323,4 +616324,37 +616325,37 +616326,37 +616327,37 +616328,37 +616329,40 +616330,40 +616331,40 +616332,40 +616333,40 +616334,40 +616335,40 +616336,40 +616337,40 +616338,20 +616339,20 +616340,20 +616341,20 +616342,20 +616343,20 +616344,20 +616345,20 +616346,20 +616347,18 +616348,18 +616349,25 +616350,25 +616351,25 +616352,25 +616353,25 +616354,25 +616355,19 +616356,19 +616357,19 +616358,19 +616359,33 +616360,33 +616361,33 +616362,33 +616363,35 +616364,35 +616365,35 +616366,35 +616367,35 +616368,35 +616369,35 +616370,35 +616371,35 +616372,33 +616373,33 +616374,33 +616375,33 +616376,33 +616377,33 +616378,33 +616379,33 +616380,33 +616381,33 +616382,33 +616383,33 +616384,33 +616385,33 +616386,33 +616387,38 +616388,38 +616389,38 +616390,38 +616391,38 +616392,38 +616393,38 +616394,29 +616395,29 +616396,40 +616397,31 +616398,31 +616399,31 +616400,31 +616401,31 +616402,31 +616403,31 +616404,31 +616405,35 +616406,35 +616407,35 +616408,35 +616409,35 +616410,35 +616411,35 +616412,35 +616413,36 +616414,36 +616415,36 +616416,36 +616417,36 +616418,36 +616419,19 +616420,19 +616421,19 +616422,19 +616423,19 +616424,19 +616425,19 +616426,19 +616427,19 +616428,15 +616429,15 +616430,15 +616431,40 +616432,40 +616433,40 +616434,40 +616435,40 +616436,40 +616437,40 +616438,40 +616439,5 +616440,5 +616441,5 +616442,5 +616443,5 +616444,31 +616445,31 +616446,31 +616447,31 +616448,31 +616449,31 +616450,31 +616451,24 +616452,24 +616453,2 +616454,2 +616455,2 +616456,2 +616457,2 +616458,2 +616459,4 +616460,4 +616461,4 +616462,4 +616463,4 +616464,37 +616465,37 +616466,37 +616467,37 +616468,37 +616469,14 +616470,14 +616471,14 +616472,14 +616473,14 +616474,14 +616475,14 +616476,14 +616477,14 +616478,14 +616479,14 +616480,14 +616481,18 +616482,18 +616483,18 +616484,18 +616485,18 +616486,18 +616487,18 +616488,18 +616489,25 +616490,25 +616491,25 +616492,25 +616493,25 +616494,25 +616495,25 +616496,4 +616497,4 +616498,4 +616499,4 +616500,4 +616501,4 +616502,4 +616503,4 +616504,3 +616505,3 +616506,3 +616507,3 +616508,3 +616509,3 +616510,35 +616511,35 +616512,35 +616513,35 +616514,35 +616515,35 +616516,35 +616517,27 +616518,27 +616519,27 +616520,27 +616521,27 +616522,27 +616523,27 +616524,31 +616525,31 +616526,31 +616527,31 +616528,5 +616529,5 +616530,28 +616531,28 +616532,28 +616533,28 +616534,28 +616535,28 +616536,28 +616537,28 +616538,2 +616539,2 +616540,2 +616541,2 +616542,2 +616543,2 +616544,2 +616545,31 +616546,27 +616547,27 +616548,31 +616549,31 +616550,31 +616551,31 +616552,31 +616553,4 +616554,4 +616555,4 +616556,4 +616557,8 +616558,8 +616559,8 +616560,8 +616561,8 +616562,8 +616563,37 +616564,37 +616565,37 +616566,37 +616567,37 +616568,37 +616569,37 +616570,37 +616571,37 +616572,37 +616573,37 +616574,14 +616575,14 +616576,14 +616577,14 +616578,14 +616579,14 +616580,14 +616581,16 +616582,16 +616583,16 +616584,16 +616585,16 +616586,16 +616587,16 +616588,16 +616589,25 +616590,25 +616591,25 +616592,33 +616593,33 +616594,33 +616595,33 +616596,33 +616597,35 +616598,35 +616599,35 +616600,35 +616601,35 +616602,35 +616603,35 +616604,35 +616605,35 +616606,36 +616607,36 +616608,36 +616609,19 +616610,19 +616611,19 +616612,19 +616613,19 +616614,19 +616615,19 +616616,2 +616617,2 +616618,2 +616619,2 +616620,2 +616621,2 +616622,2 +616623,2 +616624,2 +616625,40 +616626,40 +616627,40 +616628,40 +616629,40 +616630,40 +616631,40 +616632,40 +616633,40 +616634,40 +616635,19 +616636,19 +616637,19 +616638,19 +616639,19 +616640,19 +616641,5 +616642,5 +616643,5 +616644,5 +616645,5 +616646,5 +616647,5 +616648,5 +616649,5 +616650,33 +616651,33 +616652,33 +616653,33 +616654,33 +616655,33 +616656,33 +616657,33 +616658,33 +616659,33 +616660,33 +616661,33 +616662,33 +616663,3 +616664,3 +616665,33 +616666,33 +616667,33 +616668,33 +616669,33 +616670,3 +616671,29 +616672,29 +616673,29 +616674,29 +616675,29 +616676,29 +616677,15 +616678,15 +616679,15 +616680,36 +616681,36 +616682,36 +616683,36 +616684,36 +616685,36 +616686,36 +616687,36 +616688,36 +616689,36 +616690,36 +616691,36 +616692,36 +616693,19 +616694,19 +616695,19 +616696,19 +616697,19 +616698,19 +616699,19 +616700,19 +616701,19 +616702,19 +616703,19 +616704,19 +616705,14 +616706,14 +616707,14 +616708,14 +616709,14 +616710,14 +616711,14 +616712,14 +616713,14 +616714,14 +616715,14 +616716,14 +616717,14 +616718,14 +616719,14 +616720,14 +616721,14 +616722,14 +616723,14 +616724,14 +616725,39 +616726,39 +616727,39 +616728,0 +616729,0 +616730,0 +616731,0 +616732,0 +616733,0 +616734,0 +616735,0 +616736,0 +616737,0 +616738,0 +616739,0 +616740,0 +616741,0 +616742,0 +616743,0 +616744,0 +616745,0 +616746,0 +616747,0 +616748,0 +616749,0 +616750,0 +616751,0 +616752,0 +616753,0 +616754,0 +616755,0 +616756,0 +616757,0 +616758,0 +616759,28 +616760,28 +616761,13 +616762,13 +616763,13 +616764,13 +616765,13 +616766,13 +616767,27 +616768,27 +616769,27 +616770,27 +616771,27 +616772,39 +616773,27 +616774,27 +616775,27 +616776,37 +616777,37 +616778,37 +616779,37 +616780,37 +616781,37 +616782,37 +616783,37 +616784,37 +616785,37 +616786,37 +616787,37 +616788,31 +616789,31 +616790,31 +616791,31 +616792,31 +616793,31 +616794,31 +616795,31 +616796,31 +616797,2 +616798,2 +616799,2 +616800,2 +616801,2 +616802,2 +616803,2 +616804,2 +616805,2 +616806,2 +616807,2 +616808,2 +616809,2 +616810,2 +616811,2 +616812,2 +616813,2 +616814,2 +616815,2 +616816,2 +616817,2 +616818,2 +616819,0 +616820,0 +616821,0 +616822,0 +616823,0 +616824,0 +616825,0 +616826,0 +616827,0 +616828,0 +616829,0 +616830,0 +616831,0 +616832,0 +616833,0 +616834,0 +616835,0 +616836,0 +616837,0 +616838,0 +616839,0 +616840,0 +616841,0 +616842,0 +616843,0 +616844,0 +616845,0 +616846,0 +616847,0 +616848,0 +616849,0 +616850,0 +616851,0 +616852,0 +616853,0 +616854,0 +616855,0 +616856,0 +616857,0 +616858,0 +616859,0 +616860,0 +616861,0 +616862,0 +616863,0 +616864,0 +616865,0 +616866,0 +616867,0 +616868,0 +616869,0 +616870,0 +616871,0 +616872,0 +616873,0 +616874,0 +616875,0 +616876,0 +616877,0 +616878,0 +616879,0 +616880,0 +616881,0 +616882,0 +616883,0 +616884,0 +616885,0 +616886,0 +616887,0 +616888,0 +616889,0 +616890,0 +616891,0 +616892,0 +616893,0 +616894,0 +616895,0 +616896,0 +616897,0 +616898,0 +616899,0 +616900,0 +616901,0 +616902,0 +616903,21 +616904,21 +616905,21 +616906,21 +616907,21 +616908,21 +616909,21 +616910,40 +616911,40 +616912,40 +616913,40 +616914,40 +616915,40 +616916,40 +616917,40 +616918,40 +616919,40 +616920,40 +616921,2 +616922,2 +616923,2 +616924,2 +616925,2 +616926,2 +616927,2 +616928,2 +616929,2 +616930,2 +616931,2 +616932,2 +616933,2 +616934,38 +616935,37 +616936,37 +616937,37 +616938,37 +616939,37 +616940,37 +616941,37 +616942,37 +616943,33 +616944,33 +616945,33 +616946,33 +616947,33 +616948,33 +616949,33 +616950,33 +616951,33 +616952,33 +616953,33 +616954,33 +616955,33 +616956,2 +616957,2 +616958,2 +616959,2 +616960,2 +616961,2 +616962,2 +616963,4 +616964,4 +616965,4 +616966,4 +616967,4 +616968,4 +616969,4 +616970,14 +616971,14 +616972,14 +616973,14 +616974,14 +616975,14 +616976,39 +616977,39 +616978,39 +616979,39 +616980,31 +616981,31 +616982,31 +616983,31 +616984,31 +616985,31 +616986,29 +616987,27 +616988,29 +616989,31 +616990,31 +616991,31 +616992,2 +616993,2 +616994,2 +616995,2 +616996,2 +616997,2 +616998,2 +616999,2 +617000,2 +617001,2 +617002,2 +617003,2 +617004,2 +617005,2 +617006,2 +617007,2 +617008,2 +617009,2 +617010,2 +617011,2 +617012,2 +617013,2 +617014,2 +617015,2 +617016,2 +617017,2 +617018,2 +617019,2 +617020,2 +617021,2 +617022,2 +617023,0 +617024,0 +617025,0 +617026,0 +617027,0 +617028,0 +617029,0 +617030,0 +617031,0 +617032,0 +617033,35 +617034,27 +617035,27 +617036,8 +617037,8 +617038,8 +617039,8 +617040,8 +617041,8 +617042,29 +617043,23 +617044,23 +617045,23 +617046,23 +617047,27 +617048,27 +617049,27 +617050,27 +617051,27 +617052,27 +617053,2 +617054,2 +617055,2 +617056,2 +617057,2 +617058,2 +617059,2 +617060,2 +617061,4 +617062,4 +617063,4 +617064,2 +617065,2 +617066,2 +617067,31 +617068,31 +617069,31 +617070,31 +617071,31 +617072,6 +617073,6 +617074,6 +617075,6 +617076,6 +617077,6 +617078,6 +617079,12 +617080,12 +617081,12 +617082,12 +617083,12 +617084,12 +617085,12 +617086,12 +617087,15 +617088,15 +617089,15 +617090,15 +617091,15 +617092,15 +617093,36 +617094,36 +617095,36 +617096,36 +617097,36 +617098,36 +617099,36 +617100,36 +617101,36 +617102,36 +617103,36 +617104,36 +617105,6 +617106,6 +617107,6 +617108,6 +617109,37 +617110,0 +617111,0 +617112,0 +617113,0 +617114,0 +617115,6 +617116,6 +617117,6 +617118,0 +617119,0 +617120,0 +617121,0 +617122,0 +617123,0 +617124,0 +617125,0 +617126,0 +617127,0 +617128,0 +617129,0 +617130,0 +617131,0 +617132,0 +617133,0 +617134,0 +617135,0 +617136,0 +617137,0 +617138,0 +617139,0 +617140,0 +617141,0 +617142,0 +617143,0 +617144,0 +617145,0 +617146,0 +617147,0 +617148,0 +617149,0 +617150,0 +617151,0 +617152,0 +617153,0 +617154,0 +617155,0 +617156,0 +617157,0 +617158,0 +617159,0 +617160,0 +617161,0 +617162,0 +617163,0 +617164,0 +617165,0 +617166,0 +617167,0 +617168,0 +617169,0 +617170,0 +617171,0 +617172,0 +617173,0 +617174,0 +617175,0 +617176,0 +617177,0 +617178,0 +617179,0 +617180,0 +617181,0 +617182,0 +617183,0 +617184,0 +617185,0 +617186,0 +617187,0 +617188,0 +617189,0 +617190,0 +617191,0 +617192,0 +617193,0 +617194,0 +617195,9 +617196,9 +617197,9 +617198,9 +617199,9 +617200,9 +617201,9 +617202,9 +617203,9 +617204,9 +617205,9 +617206,9 +617207,9 +617208,9 +617209,9 +617210,9 +617211,9 +617212,9 +617213,9 +617214,9 +617215,5 +617216,5 +617217,5 +617218,5 +617219,5 +617220,4 +617221,4 +617222,4 +617223,4 +617224,4 +617225,4 +617226,35 +617227,4 +617228,4 +617229,35 +617230,4 +617231,39 +617232,14 +617233,14 +617234,14 +617235,14 +617236,14 +617237,14 +617238,39 +617239,35 +617240,35 +617241,35 +617242,35 +617243,35 +617244,36 +617245,36 +617246,40 +617247,14 +617248,4 +617249,4 +617250,4 +617251,29 +617252,29 +617253,29 +617254,29 +617255,29 +617256,29 +617257,25 +617258,25 +617259,25 +617260,25 +617261,25 +617262,25 +617263,25 +617264,25 +617265,25 +617266,25 +617267,25 +617268,25 +617269,25 +617270,5 +617271,5 +617272,5 +617273,5 +617274,5 +617275,5 +617276,5 +617277,5 +617278,5 +617279,5 +617280,5 +617281,5 +617282,5 +617283,5 +617284,5 +617285,5 +617286,10 +617287,10 +617288,10 +617289,10 +617290,10 +617291,10 +617292,10 +617293,10 +617294,10 +617295,10 +617296,10 +617297,38 +617298,38 +617299,38 +617300,38 +617301,38 +617302,35 +617303,35 +617304,35 +617305,39 +617306,39 +617307,39 +617308,39 +617309,39 +617310,39 +617311,39 +617312,39 +617313,6 +617314,6 +617315,6 +617316,12 +617317,12 +617318,12 +617319,12 +617320,12 +617321,12 +617322,12 +617323,14 +617324,14 +617325,14 +617326,14 +617327,14 +617328,39 +617329,39 +617330,39 +617331,39 +617332,39 +617333,36 +617334,36 +617335,36 +617336,36 +617337,40 +617338,40 +617339,40 +617340,40 +617341,40 +617342,32 +617343,32 +617344,32 +617345,32 +617346,32 +617347,32 +617348,32 +617349,5 +617350,5 +617351,5 +617352,5 +617353,5 +617354,5 +617355,5 +617356,26 +617357,9 +617358,9 +617359,9 +617360,26 +617361,26 +617362,26 +617363,26 +617364,26 +617365,26 +617366,26 +617367,26 +617368,26 +617369,26 +617370,26 +617371,26 +617372,26 +617373,4 +617374,4 +617375,4 +617376,4 +617377,4 +617378,4 +617379,4 +617380,4 +617381,4 +617382,4 +617383,4 +617384,4 +617385,4 +617386,31 +617387,31 +617388,31 +617389,19 +617390,19 +617391,2 +617392,2 +617393,2 +617394,2 +617395,2 +617396,2 +617397,2 +617398,2 +617399,2 +617400,2 +617401,2 +617402,2 +617403,2 +617404,40 +617405,40 +617406,40 +617407,40 +617408,40 +617409,40 +617410,40 +617411,5 +617412,5 +617413,5 +617414,5 +617415,5 +617416,5 +617417,5 +617418,2 +617419,2 +617420,2 +617421,2 +617422,2 +617423,2 +617424,2 +617425,2 +617426,31 +617427,31 +617428,31 +617429,31 +617430,31 +617431,31 +617432,6 +617433,6 +617434,4 +617435,4 +617436,4 +617437,4 +617438,4 +617439,4 +617440,4 +617441,4 +617442,4 +617443,4 +617444,4 +617445,33 +617446,33 +617447,33 +617448,9 +617449,30 +617450,30 +617451,31 +617452,31 +617453,4 +617454,4 +617455,4 +617456,4 +617457,12 +617458,30 +617459,30 +617460,37 +617461,37 +617462,37 +617463,25 +617464,25 +617465,25 +617466,33 +617467,32 +617468,32 +617469,32 +617470,32 +617471,32 +617472,32 +617473,32 +617474,32 +617475,32 +617476,32 +617477,25 +617478,25 +617479,25 +617480,25 +617481,25 +617482,25 +617483,19 +617484,19 +617485,19 +617486,19 +617487,19 +617488,19 +617489,19 +617490,27 +617491,27 +617492,27 +617493,27 +617494,27 +617495,27 +617496,27 +617497,11 +617498,11 +617499,11 +617500,11 +617501,11 +617502,11 +617503,11 +617504,11 +617505,11 +617506,11 +617507,11 +617508,31 +617509,31 +617510,31 +617511,31 +617512,31 +617513,5 +617514,5 +617515,5 +617516,5 +617517,5 +617518,5 +617519,5 +617520,5 +617521,5 +617522,5 +617523,5 +617524,5 +617525,5 +617526,0 +617527,0 +617528,0 +617529,0 +617530,0 +617531,0 +617532,0 +617533,0 +617534,0 +617535,0 +617536,0 +617537,0 +617538,0 +617539,0 +617540,0 +617541,0 +617542,0 +617543,0 +617544,0 +617545,0 +617546,0 +617547,0 +617548,0 +617549,0 +617550,0 +617551,0 +617552,0 +617553,0 +617554,0 +617555,0 +617556,0 +617557,0 +617558,0 +617559,12 +617560,12 +617561,12 +617562,12 +617563,12 +617564,12 +617565,27 +617566,27 +617567,27 +617568,27 +617569,27 +617570,27 +617571,27 +617572,19 +617573,19 +617574,19 +617575,19 +617576,27 +617577,27 +617578,27 +617579,27 +617580,27 +617581,27 +617582,2 +617583,2 +617584,2 +617585,2 +617586,2 +617587,2 +617588,2 +617589,2 +617590,2 +617591,2 +617592,2 +617593,2 +617594,2 +617595,40 +617596,40 +617597,40 +617598,40 +617599,40 +617600,40 +617601,5 +617602,5 +617603,5 +617604,5 +617605,5 +617606,5 +617607,4 +617608,4 +617609,4 +617610,4 +617611,4 +617612,4 +617613,27 +617614,27 +617615,27 +617616,27 +617617,27 +617618,27 +617619,13 +617620,13 +617621,13 +617622,13 +617623,13 +617624,13 +617625,13 +617626,13 +617627,13 +617628,13 +617629,13 +617630,5 +617631,5 +617632,5 +617633,23 +617634,23 +617635,23 +617636,23 +617637,23 +617638,23 +617639,23 +617640,25 +617641,25 +617642,25 +617643,25 +617644,25 +617645,25 +617646,25 +617647,28 +617648,28 +617649,28 +617650,28 +617651,28 +617652,28 +617653,31 +617654,31 +617655,31 +617656,31 +617657,31 +617658,32 +617659,32 +617660,32 +617661,32 +617662,32 +617663,32 +617664,32 +617665,32 +617666,37 +617667,37 +617668,37 +617669,37 +617670,37 +617671,37 +617672,26 +617673,26 +617674,26 +617675,26 +617676,26 +617677,34 +617678,26 +617679,26 +617680,26 +617681,26 +617682,26 +617683,15 +617684,15 +617685,15 +617686,15 +617687,15 +617688,15 +617689,24 +617690,30 +617691,30 +617692,30 +617693,30 +617694,30 +617695,30 +617696,31 +617697,31 +617698,31 +617699,28 +617700,28 +617701,28 +617702,28 +617703,28 +617704,28 +617705,28 +617706,28 +617707,28 +617708,28 +617709,28 +617710,0 +617711,0 +617712,28 +617713,0 +617714,0 +617715,0 +617716,0 +617717,0 +617718,0 +617719,0 +617720,0 +617721,0 +617722,0 +617723,0 +617724,0 +617725,0 +617726,0 +617727,0 +617728,0 +617729,0 +617730,0 +617731,0 +617732,0 +617733,0 +617734,0 +617735,0 +617736,0 +617737,0 +617738,0 +617739,0 +617740,0 +617741,0 +617742,0 +617743,0 +617744,0 +617745,0 +617746,0 +617747,0 +617748,0 +617749,0 +617750,0 +617751,0 +617752,0 +617753,11 +617754,11 +617755,11 +617756,11 +617757,11 +617758,11 +617759,11 +617760,11 +617761,11 +617762,11 +617763,11 +617764,39 +617765,39 +617766,39 +617767,39 +617768,39 +617769,39 +617770,12 +617771,12 +617772,12 +617773,12 +617774,12 +617775,39 +617776,39 +617777,39 +617778,39 +617779,39 +617780,11 +617781,11 +617782,11 +617783,11 +617784,11 +617785,11 +617786,11 +617787,11 +617788,11 +617789,11 +617790,11 +617791,11 +617792,11 +617793,11 +617794,11 +617795,22 +617796,22 +617797,22 +617798,25 +617799,25 +617800,25 +617801,25 +617802,25 +617803,25 +617804,25 +617805,25 +617806,25 +617807,25 +617808,25 +617809,25 +617810,25 +617811,25 +617812,25 +617813,25 +617814,25 +617815,25 +617816,25 +617817,25 +617818,25 +617819,25 +617820,29 +617821,29 +617822,29 +617823,25 +617824,25 +617825,25 +617826,25 +617827,25 +617828,37 +617829,31 +617830,12 +617831,12 +617832,12 +617833,12 +617834,4 +617835,4 +617836,12 +617837,4 +617838,4 +617839,31 +617840,31 +617841,31 +617842,31 +617843,2 +617844,8 +617845,2 +617846,2 +617847,2 +617848,2 +617849,2 +617850,2 +617851,2 +617852,2 +617853,2 +617854,2 +617855,2 +617856,31 +617857,31 +617858,31 +617859,31 +617860,31 +617861,31 +617862,31 +617863,31 +617864,28 +617865,28 +617866,28 +617867,28 +617868,28 +617869,5 +617870,5 +617871,5 +617872,28 +617873,28 +617874,28 +617875,28 +617876,27 +617877,27 +617878,27 +617879,27 +617880,27 +617881,27 +617882,27 +617883,2 +617884,2 +617885,2 +617886,2 +617887,2 +617888,2 +617889,2 +617890,4 +617891,4 +617892,4 +617893,4 +617894,4 +617895,4 +617896,37 +617897,37 +617898,37 +617899,37 +617900,37 +617901,37 +617902,37 +617903,39 +617904,39 +617905,39 +617906,39 +617907,39 +617908,39 +617909,39 +617910,39 +617911,39 +617912,31 +617913,31 +617914,31 +617915,31 +617916,31 +617917,31 +617918,2 +617919,2 +617920,2 +617921,2 +617922,2 +617923,2 +617924,2 +617925,2 +617926,2 +617927,2 +617928,4 +617929,4 +617930,4 +617931,4 +617932,4 +617933,4 +617934,4 +617935,4 +617936,25 +617937,25 +617938,25 +617939,25 +617940,25 +617941,25 +617942,25 +617943,25 +617944,25 +617945,25 +617946,25 +617947,25 +617948,25 +617949,25 +617950,25 +617951,25 +617952,25 +617953,25 +617954,25 +617955,25 +617956,25 +617957,25 +617958,25 +617959,25 +617960,25 +617961,0 +617962,0 +617963,0 +617964,0 +617965,0 +617966,0 +617967,0 +617968,0 +617969,0 +617970,0 +617971,0 +617972,0 +617973,0 +617974,0 +617975,0 +617976,0 +617977,0 +617978,0 +617979,0 +617980,0 +617981,0 +617982,0 +617983,0 +617984,0 +617985,0 +617986,0 +617987,0 +617988,0 +617989,0 +617990,0 +617991,0 +617992,0 +617993,0 +617994,0 +617995,0 +617996,0 +617997,0 +617998,0 +617999,0 +618000,0 +618001,0 +618002,11 +618003,11 +618004,11 +618005,11 +618006,11 +618007,11 +618008,11 +618009,11 +618010,11 +618011,11 +618012,11 +618013,39 +618014,39 +618015,39 +618016,39 +618017,39 +618018,39 +618019,4 +618020,4 +618021,4 +618022,4 +618023,4 +618024,4 +618025,4 +618026,4 +618027,4 +618028,4 +618029,4 +618030,4 +618031,25 +618032,25 +618033,25 +618034,25 +618035,25 +618036,25 +618037,25 +618038,25 +618039,25 +618040,25 +618041,25 +618042,25 +618043,25 +618044,25 +618045,25 +618046,25 +618047,25 +618048,25 +618049,5 +618050,5 +618051,5 +618052,5 +618053,19 +618054,19 +618055,19 +618056,19 +618057,19 +618058,27 +618059,27 +618060,31 +618061,31 +618062,31 +618063,5 +618064,5 +618065,5 +618066,5 +618067,5 +618068,5 +618069,5 +618070,30 +618071,30 +618072,12 +618073,12 +618074,12 +618075,12 +618076,12 +618077,26 +618078,26 +618079,26 +618080,26 +618081,26 +618082,26 +618083,26 +618084,9 +618085,9 +618086,6 +618087,6 +618088,6 +618089,6 +618090,6 +618091,6 +618092,6 +618093,6 +618094,6 +618095,19 +618096,19 +618097,19 +618098,19 +618099,19 +618100,34 +618101,34 +618102,34 +618103,34 +618104,34 +618105,34 +618106,34 +618107,34 +618108,34 +618109,34 +618110,5 +618111,5 +618112,5 +618113,5 +618114,5 +618115,5 +618116,5 +618117,31 +618118,31 +618119,31 +618120,27 +618121,31 +618122,2 +618123,2 +618124,2 +618125,2 +618126,2 +618127,2 +618128,4 +618129,4 +618130,4 +618131,4 +618132,4 +618133,4 +618134,4 +618135,4 +618136,37 +618137,37 +618138,37 +618139,39 +618140,39 +618141,39 +618142,39 +618143,39 +618144,39 +618145,39 +618146,39 +618147,39 +618148,12 +618149,12 +618150,12 +618151,12 +618152,12 +618153,12 +618154,27 +618155,27 +618156,27 +618157,27 +618158,38 +618159,38 +618160,38 +618161,38 +618162,38 +618163,15 +618164,15 +618165,15 +618166,15 +618167,15 +618168,23 +618169,15 +618170,10 +618171,26 +618172,26 +618173,26 +618174,26 +618175,26 +618176,26 +618177,26 +618178,26 +618179,26 +618180,37 +618181,37 +618182,37 +618183,37 +618184,37 +618185,37 +618186,37 +618187,37 +618188,37 +618189,31 +618190,31 +618191,31 +618192,31 +618193,31 +618194,31 +618195,31 +618196,31 +618197,31 +618198,31 +618199,31 +618200,31 +618201,31 +618202,31 +618203,31 +618204,31 +618205,31 +618206,31 +618207,31 +618208,31 +618209,0 +618210,0 +618211,0 +618212,0 +618213,0 +618214,0 +618215,0 +618216,0 +618217,0 +618218,0 +618219,0 +618220,0 +618221,0 +618222,0 +618223,0 +618224,0 +618225,0 +618226,0 +618227,0 +618228,0 +618229,0 +618230,0 +618231,0 +618232,0 +618233,0 +618234,0 +618235,0 +618236,0 +618237,7 +618238,7 +618239,27 +618240,27 +618241,27 +618242,27 +618243,27 +618244,27 +618245,27 +618246,23 +618247,23 +618248,23 +618249,23 +618250,23 +618251,23 +618252,23 +618253,39 +618254,35 +618255,35 +618256,39 +618257,39 +618258,39 +618259,39 +618260,39 +618261,39 +618262,39 +618263,39 +618264,39 +618265,31 +618266,31 +618267,31 +618268,31 +618269,31 +618270,31 +618271,23 +618272,23 +618273,24 +618274,24 +618275,24 +618276,4 +618277,4 +618278,16 +618279,16 +618280,16 +618281,16 +618282,16 +618283,16 +618284,16 +618285,16 +618286,11 +618287,11 +618288,16 +618289,16 +618290,27 +618291,27 +618292,27 +618293,27 +618294,27 +618295,30 +618296,30 +618297,30 +618298,30 +618299,30 +618300,30 +618301,29 +618302,19 +618303,19 +618304,19 +618305,19 +618306,25 +618307,25 +618308,25 +618309,25 +618310,25 +618311,25 +618312,25 +618313,5 +618314,5 +618315,5 +618316,5 +618317,5 +618318,5 +618319,5 +618320,5 +618321,5 +618322,7 +618323,7 +618324,7 +618325,7 +618326,3 +618327,3 +618328,3 +618329,3 +618330,3 +618331,3 +618332,36 +618333,36 +618334,36 +618335,36 +618336,36 +618337,36 +618338,36 +618339,36 +618340,36 +618341,36 +618342,36 +618343,4 +618344,4 +618345,4 +618346,4 +618347,4 +618348,4 +618349,4 +618350,4 +618351,4 +618352,4 +618353,36 +618354,36 +618355,36 +618356,36 +618357,36 +618358,36 +618359,36 +618360,36 +618361,36 +618362,36 +618363,36 +618364,36 +618365,36 +618366,36 +618367,36 +618368,24 +618369,24 +618370,31 +618371,31 +618372,31 +618373,31 +618374,31 +618375,31 +618376,31 +618377,31 +618378,15 +618379,15 +618380,15 +618381,15 +618382,15 +618383,15 +618384,15 +618385,15 +618386,15 +618387,15 +618388,26 +618389,26 +618390,26 +618391,26 +618392,26 +618393,26 +618394,26 +618395,26 +618396,26 +618397,9 +618398,4 +618399,4 +618400,4 +618401,4 +618402,4 +618403,30 +618404,31 +618405,31 +618406,31 +618407,31 +618408,31 +618409,31 +618410,31 +618411,30 +618412,30 +618413,30 +618414,30 +618415,30 +618416,29 +618417,29 +618418,29 +618419,29 +618420,31 +618421,31 +618422,31 +618423,31 +618424,31 +618425,31 +618426,31 +618427,31 +618428,2 +618429,2 +618430,2 +618431,2 +618432,2 +618433,2 +618434,2 +618435,2 +618436,2 +618437,2 +618438,2 +618439,28 +618440,28 +618441,28 +618442,28 +618443,28 +618444,28 +618445,40 +618446,40 +618447,40 +618448,40 +618449,40 +618450,40 +618451,40 +618452,40 +618453,40 +618454,40 +618455,40 +618456,40 +618457,31 +618458,31 +618459,2 +618460,2 +618461,2 +618462,2 +618463,2 +618464,2 +618465,2 +618466,2 +618467,2 +618468,2 +618469,2 +618470,27 +618471,27 +618472,27 +618473,5 +618474,5 +618475,5 +618476,5 +618477,5 +618478,5 +618479,5 +618480,9 +618481,9 +618482,9 +618483,9 +618484,9 +618485,9 +618486,9 +618487,26 +618488,26 +618489,9 +618490,9 +618491,9 +618492,9 +618493,9 +618494,9 +618495,9 +618496,9 +618497,9 +618498,5 +618499,5 +618500,5 +618501,5 +618502,5 +618503,5 +618504,5 +618505,5 +618506,29 +618507,29 +618508,5 +618509,29 +618510,28 +618511,28 +618512,28 +618513,28 +618514,14 +618515,36 +618516,36 +618517,36 +618518,36 +618519,36 +618520,36 +618521,36 +618522,36 +618523,27 +618524,36 +618525,36 +618526,36 +618527,5 +618528,5 +618529,5 +618530,5 +618531,5 +618532,5 +618533,5 +618534,5 +618535,2 +618536,2 +618537,2 +618538,2 +618539,2 +618540,31 +618541,31 +618542,31 +618543,31 +618544,31 +618545,30 +618546,30 +618547,30 +618548,30 +618549,30 +618550,30 +618551,30 +618552,30 +618553,30 +618554,30 +618555,30 +618556,30 +618557,30 +618558,30 +618559,30 +618560,30 +618561,30 +618562,0 +618563,0 +618564,0 +618565,0 +618566,0 +618567,0 +618568,0 +618569,0 +618570,0 +618571,0 +618572,0 +618573,0 +618574,0 +618575,0 +618576,0 +618577,0 +618578,0 +618579,0 +618580,0 +618581,0 +618582,0 +618583,0 +618584,0 +618585,0 +618586,0 +618587,0 +618588,0 +618589,0 +618590,0 +618591,0 +618592,0 +618593,0 +618594,0 +618595,0 +618596,0 +618597,0 +618598,0 +618599,0 +618600,31 +618601,31 +618602,31 +618603,31 +618604,31 +618605,31 +618606,31 +618607,31 +618608,31 +618609,5 +618610,28 +618611,28 +618612,5 +618613,5 +618614,5 +618615,5 +618616,5 +618617,5 +618618,12 +618619,12 +618620,12 +618621,31 +618622,31 +618623,31 +618624,31 +618625,31 +618626,31 +618627,31 +618628,31 +618629,4 +618630,19 +618631,19 +618632,19 +618633,19 +618634,19 +618635,19 +618636,19 +618637,19 +618638,19 +618639,19 +618640,19 +618641,31 +618642,31 +618643,31 +618644,31 +618645,31 +618646,31 +618647,31 +618648,40 +618649,31 +618650,31 +618651,31 +618652,31 +618653,8 +618654,31 +618655,31 +618656,2 +618657,2 +618658,8 +618659,8 +618660,8 +618661,8 +618662,8 +618663,8 +618664,8 +618665,33 +618666,33 +618667,33 +618668,33 +618669,33 +618670,33 +618671,33 +618672,33 +618673,33 +618674,33 +618675,33 +618676,33 +618677,33 +618678,12 +618679,12 +618680,12 +618681,9 +618682,9 +618683,9 +618684,9 +618685,9 +618686,9 +618687,9 +618688,9 +618689,9 +618690,9 +618691,9 +618692,9 +618693,9 +618694,9 +618695,9 +618696,9 +618697,9 +618698,34 +618699,34 +618700,25 +618701,25 +618702,25 +618703,25 +618704,25 +618705,25 +618706,25 +618707,25 +618708,25 +618709,25 +618710,25 +618711,25 +618712,25 +618713,25 +618714,25 +618715,25 +618716,31 +618717,24 +618718,24 +618719,24 +618720,24 +618721,24 +618722,24 +618723,24 +618724,24 +618725,24 +618726,11 +618727,11 +618728,11 +618729,16 +618730,4 +618731,4 +618732,4 +618733,11 +618734,11 +618735,11 +618736,4 +618737,4 +618738,11 +618739,11 +618740,37 +618741,37 +618742,37 +618743,37 +618744,37 +618745,37 +618746,37 +618747,33 +618748,33 +618749,33 +618750,33 +618751,33 +618752,33 +618753,33 +618754,33 +618755,33 +618756,17 +618757,17 +618758,17 +618759,17 +618760,17 +618761,17 +618762,17 +618763,17 +618764,17 +618765,17 +618766,17 +618767,19 +618768,19 +618769,19 +618770,19 +618771,19 +618772,19 +618773,8 +618774,8 +618775,4 +618776,4 +618777,4 +618778,4 +618779,4 +618780,4 +618781,4 +618782,4 +618783,4 +618784,25 +618785,25 +618786,25 +618787,25 +618788,25 +618789,25 +618790,25 +618791,25 +618792,25 +618793,25 +618794,25 +618795,25 +618796,25 +618797,25 +618798,25 +618799,25 +618800,25 +618801,5 +618802,5 +618803,5 +618804,5 +618805,5 +618806,5 +618807,5 +618808,5 +618809,5 +618810,5 +618811,5 +618812,5 +618813,5 +618814,5 +618815,28 +618816,28 +618817,28 +618818,13 +618819,13 +618820,5 +618821,5 +618822,5 +618823,5 +618824,5 +618825,5 +618826,0 +618827,0 +618828,0 +618829,0 +618830,0 +618831,0 +618832,0 +618833,0 +618834,0 +618835,0 +618836,0 +618837,0 +618838,0 +618839,0 +618840,0 +618841,0 +618842,0 +618843,0 +618844,0 +618845,0 +618846,0 +618847,0 +618848,0 +618849,0 +618850,0 +618851,0 +618852,0 +618853,0 +618854,0 +618855,0 +618856,0 +618857,0 +618858,0 +618859,0 +618860,10 +618861,10 +618862,10 +618863,10 +618864,10 +618865,10 +618866,10 +618867,10 +618868,26 +618869,26 +618870,26 +618871,10 +618872,10 +618873,26 +618874,26 +618875,26 +618876,26 +618877,5 +618878,5 +618879,5 +618880,5 +618881,5 +618882,5 +618883,35 +618884,5 +618885,35 +618886,35 +618887,35 +618888,35 +618889,35 +618890,35 +618891,35 +618892,35 +618893,35 +618894,35 +618895,34 +618896,34 +618897,34 +618898,34 +618899,34 +618900,33 +618901,33 +618902,33 +618903,33 +618904,33 +618905,33 +618906,33 +618907,33 +618908,33 +618909,27 +618910,27 +618911,33 +618912,33 +618913,28 +618914,28 +618915,28 +618916,28 +618917,28 +618918,28 +618919,28 +618920,28 +618921,8 +618922,8 +618923,8 +618924,8 +618925,8 +618926,8 +618927,8 +618928,8 +618929,8 +618930,21 +618931,21 +618932,21 +618933,21 +618934,21 +618935,21 +618936,21 +618937,26 +618938,26 +618939,26 +618940,26 +618941,26 +618942,26 +618943,26 +618944,26 +618945,26 +618946,26 +618947,37 +618948,37 +618949,37 +618950,37 +618951,37 +618952,37 +618953,19 +618954,19 +618955,19 +618956,19 +618957,25 +618958,25 +618959,25 +618960,25 +618961,25 +618962,25 +618963,25 +618964,25 +618965,25 +618966,25 +618967,25 +618968,25 +618969,25 +618970,25 +618971,25 +618972,25 +618973,25 +618974,25 +618975,25 +618976,25 +618977,25 +618978,25 +618979,0 +618980,0 +618981,0 +618982,0 +618983,0 +618984,0 +618985,0 +618986,0 +618987,0 +618988,0 +618989,0 +618990,0 +618991,0 +618992,0 +618993,0 +618994,0 +618995,0 +618996,0 +618997,0 +618998,0 +618999,0 +619000,0 +619001,0 +619002,0 +619003,0 +619004,0 +619005,0 +619006,0 +619007,0 +619008,0 +619009,0 +619010,0 +619011,0 +619012,0 +619013,0 +619014,0 +619015,0 +619016,0 +619017,0 +619018,0 +619019,0 +619020,0 +619021,0 +619022,0 +619023,0 +619024,0 +619025,0 +619026,0 +619027,0 +619028,0 +619029,0 +619030,0 +619031,0 +619032,0 +619033,0 +619034,0 +619035,0 +619036,0 +619037,0 +619038,0 +619039,0 +619040,0 +619041,0 +619042,0 +619043,0 +619044,0 +619045,0 +619046,32 +619047,32 +619048,32 +619049,32 +619050,32 +619051,32 +619052,32 +619053,32 +619054,32 +619055,26 +619056,26 +619057,26 +619058,26 +619059,26 +619060,26 +619061,26 +619062,26 +619063,26 +619064,26 +619065,26 +619066,26 +619067,26 +619068,26 +619069,15 +619070,15 +619071,15 +619072,15 +619073,15 +619074,15 +619075,15 +619076,15 +619077,15 +619078,30 +619079,30 +619080,30 +619081,30 +619082,30 +619083,33 +619084,33 +619085,33 +619086,33 +619087,33 +619088,33 +619089,33 +619090,33 +619091,33 +619092,33 +619093,33 +619094,31 +619095,31 +619096,33 +619097,33 +619098,33 +619099,33 +619100,33 +619101,33 +619102,33 +619103,31 +619104,31 +619105,31 +619106,6 +619107,6 +619108,6 +619109,6 +619110,6 +619111,6 +619112,6 +619113,6 +619114,6 +619115,0 +619116,0 +619117,0 +619118,0 +619119,0 +619120,0 +619121,0 +619122,0 +619123,0 +619124,0 +619125,0 +619126,0 +619127,0 +619128,0 +619129,0 +619130,0 +619131,0 +619132,0 +619133,0 +619134,0 +619135,0 +619136,12 +619137,12 +619138,12 +619139,12 +619140,12 +619141,12 +619142,12 +619143,12 +619144,12 +619145,12 +619146,12 +619147,12 +619148,10 +619149,10 +619150,10 +619151,10 +619152,10 +619153,10 +619154,10 +619155,10 +619156,10 +619157,10 +619158,10 +619159,10 +619160,10 +619161,10 +619162,10 +619163,38 +619164,4 +619165,4 +619166,4 +619167,2 +619168,2 +619169,2 +619170,4 +619171,4 +619172,4 +619173,4 +619174,4 +619175,4 +619176,4 +619177,4 +619178,4 +619179,38 +619180,38 +619181,38 +619182,38 +619183,27 +619184,27 +619185,27 +619186,27 +619187,27 +619188,27 +619189,27 +619190,27 +619191,27 +619192,27 +619193,27 +619194,27 +619195,27 +619196,23 +619197,23 +619198,23 +619199,23 +619200,23 +619201,23 +619202,23 +619203,23 +619204,23 +619205,23 +619206,23 +619207,23 +619208,31 +619209,31 +619210,31 +619211,10 +619212,10 +619213,10 +619214,10 +619215,10 +619216,10 +619217,10 +619218,10 +619219,10 +619220,10 +619221,10 +619222,10 +619223,10 +619224,10 +619225,10 +619226,10 +619227,10 +619228,10 +619229,14 +619230,14 +619231,14 +619232,4 +619233,4 +619234,4 +619235,4 +619236,4 +619237,4 +619238,4 +619239,2 +619240,2 +619241,8 +619242,8 +619243,2 +619244,2 +619245,4 +619246,2 +619247,2 +619248,2 +619249,2 +619250,8 +619251,8 +619252,8 +619253,8 +619254,8 +619255,0 +619256,0 +619257,0 +619258,0 +619259,0 +619260,0 +619261,0 +619262,0 +619263,0 +619264,0 +619265,0 +619266,0 +619267,0 +619268,0 +619269,0 +619270,0 +619271,0 +619272,0 +619273,0 +619274,0 +619275,0 +619276,0 +619277,0 +619278,0 +619279,0 +619280,12 +619281,12 +619282,12 +619283,12 +619284,34 +619285,34 +619286,10 +619287,10 +619288,10 +619289,10 +619290,10 +619291,10 +619292,10 +619293,10 +619294,10 +619295,10 +619296,10 +619297,10 +619298,38 +619299,38 +619300,6 +619301,6 +619302,6 +619303,6 +619304,27 +619305,27 +619306,27 +619307,27 +619308,27 +619309,27 +619310,27 +619311,38 +619312,38 +619313,39 +619314,14 +619315,14 +619316,14 +619317,4 +619318,4 +619319,4 +619320,4 +619321,0 +619322,0 +619323,0 +619324,0 +619325,0 +619326,0 +619327,19 +619328,19 +619329,19 +619330,19 +619331,19 +619332,39 +619333,39 +619334,39 +619335,39 +619336,39 +619337,39 +619338,27 +619339,39 +619340,39 +619341,39 +619342,39 +619343,39 +619344,27 +619345,31 +619346,31 +619347,27 +619348,27 +619349,27 +619350,27 +619351,27 +619352,27 +619353,28 +619354,28 +619355,28 +619356,28 +619357,28 +619358,28 +619359,28 +619360,35 +619361,35 +619362,39 +619363,39 +619364,39 +619365,39 +619366,39 +619367,39 +619368,39 +619369,39 +619370,39 +619371,39 +619372,39 +619373,39 +619374,39 +619375,39 +619376,39 +619377,39 +619378,19 +619379,39 +619380,39 +619381,39 +619382,39 +619383,39 +619384,21 +619385,0 +619386,0 +619387,0 +619388,0 +619389,0 +619390,0 +619391,0 +619392,0 +619393,0 +619394,0 +619395,0 +619396,0 +619397,0 +619398,0 +619399,0 +619400,0 +619401,0 +619402,0 +619403,0 +619404,0 +619405,0 +619406,0 +619407,0 +619408,0 +619409,0 +619410,0 +619411,0 +619412,0 +619413,0 +619414,0 +619415,0 +619416,0 +619417,0 +619418,0 +619419,0 +619420,0 +619421,0 +619422,0 +619423,0 +619424,0 +619425,0 +619426,0 +619427,0 +619428,0 +619429,0 +619430,0 +619431,0 +619432,0 +619433,0 +619434,0 +619435,0 +619436,0 +619437,0 +619438,0 +619439,0 +619440,0 +619441,0 +619442,0 +619443,0 +619444,0 +619445,0 +619446,0 +619447,0 +619448,0 +619449,27 +619450,27 +619451,27 +619452,27 +619453,27 +619454,27 +619455,27 +619456,4 +619457,4 +619458,4 +619459,4 +619460,4 +619461,12 +619462,12 +619463,12 +619464,12 +619465,12 +619466,12 +619467,12 +619468,12 +619469,12 +619470,12 +619471,12 +619472,31 +619473,31 +619474,31 +619475,40 +619476,27 +619477,27 +619478,8 +619479,8 +619480,8 +619481,8 +619482,8 +619483,8 +619484,8 +619485,8 +619486,8 +619487,8 +619488,0 +619489,0 +619490,0 +619491,0 +619492,0 +619493,0 +619494,0 +619495,37 +619496,37 +619497,37 +619498,37 +619499,37 +619500,37 +619501,37 +619502,37 +619503,37 +619504,37 +619505,37 +619506,37 +619507,37 +619508,37 +619509,40 +619510,40 +619511,40 +619512,40 +619513,40 +619514,40 +619515,2 +619516,2 +619517,2 +619518,2 +619519,2 +619520,2 +619521,2 +619522,2 +619523,2 +619524,2 +619525,2 +619526,32 +619527,32 +619528,32 +619529,32 +619530,32 +619531,7 +619532,7 +619533,7 +619534,7 +619535,7 +619536,7 +619537,7 +619538,3 +619539,3 +619540,3 +619541,3 +619542,3 +619543,3 +619544,3 +619545,3 +619546,3 +619547,3 +619548,3 +619549,3 +619550,3 +619551,3 +619552,3 +619553,3 +619554,3 +619555,3 +619556,3 +619557,3 +619558,3 +619559,0 +619560,0 +619561,0 +619562,0 +619563,0 +619564,0 +619565,0 +619566,0 +619567,0 +619568,31 +619569,31 +619570,31 +619571,31 +619572,31 +619573,31 +619574,31 +619575,30 +619576,30 +619577,30 +619578,30 +619579,30 +619580,30 +619581,30 +619582,30 +619583,30 +619584,30 +619585,30 +619586,30 +619587,33 +619588,33 +619589,33 +619590,33 +619591,33 +619592,33 +619593,33 +619594,33 +619595,33 +619596,33 +619597,32 +619598,32 +619599,32 +619600,32 +619601,32 +619602,32 +619603,32 +619604,32 +619605,32 +619606,32 +619607,32 +619608,28 +619609,28 +619610,28 +619611,28 +619612,28 +619613,28 +619614,28 +619615,28 +619616,40 +619617,40 +619618,40 +619619,40 +619620,40 +619621,40 +619622,5 +619623,5 +619624,5 +619625,5 +619626,5 +619627,5 +619628,5 +619629,4 +619630,4 +619631,4 +619632,4 +619633,4 +619634,4 +619635,4 +619636,4 +619637,19 +619638,4 +619639,4 +619640,4 +619641,0 +619642,0 +619643,0 +619644,0 +619645,0 +619646,0 +619647,0 +619648,0 +619649,0 +619650,0 +619651,0 +619652,0 +619653,0 +619654,0 +619655,21 +619656,21 +619657,21 +619658,21 +619659,21 +619660,21 +619661,21 +619662,30 +619663,30 +619664,30 +619665,30 +619666,33 +619667,33 +619668,30 +619669,9 +619670,9 +619671,9 +619672,9 +619673,9 +619674,25 +619675,25 +619676,25 +619677,25 +619678,25 +619679,25 +619680,25 +619681,25 +619682,25 +619683,25 +619684,37 +619685,37 +619686,37 +619687,37 +619688,37 +619689,37 +619690,37 +619691,37 +619692,37 +619693,37 +619694,37 +619695,39 +619696,39 +619697,39 +619698,39 +619699,39 +619700,39 +619701,39 +619702,39 +619703,39 +619704,39 +619705,39 +619706,39 +619707,39 +619708,39 +619709,0 +619710,0 +619711,0 +619712,0 +619713,0 +619714,0 +619715,0 +619716,0 +619717,0 +619718,0 +619719,0 +619720,0 +619721,0 +619722,0 +619723,0 +619724,0 +619725,0 +619726,0 +619727,0 +619728,0 +619729,0 +619730,0 +619731,0 +619732,0 +619733,0 +619734,0 +619735,0 +619736,0 +619737,0 +619738,0 +619739,0 +619740,0 +619741,0 +619742,0 +619743,0 +619744,0 +619745,0 +619746,0 +619747,0 +619748,0 +619749,0 +619750,0 +619751,0 +619752,0 +619753,0 +619754,0 +619755,0 +619756,0 +619757,0 +619758,0 +619759,0 +619760,0 +619761,36 +619762,36 +619763,36 +619764,36 +619765,36 +619766,27 +619767,27 +619768,5 +619769,5 +619770,5 +619771,5 +619772,11 +619773,11 +619774,11 +619775,11 +619776,11 +619777,11 +619778,11 +619779,11 +619780,11 +619781,11 +619782,11 +619783,11 +619784,11 +619785,11 +619786,11 +619787,11 +619788,39 +619789,39 +619790,39 +619791,39 +619792,39 +619793,39 +619794,39 +619795,39 +619796,39 +619797,39 +619798,39 +619799,39 +619800,39 +619801,39 +619802,39 +619803,39 +619804,39 +619805,39 +619806,39 +619807,39 +619808,39 +619809,39 +619810,32 +619811,32 +619812,32 +619813,32 +619814,32 +619815,32 +619816,32 +619817,30 +619818,15 +619819,10 +619820,10 +619821,10 +619822,10 +619823,10 +619824,10 +619825,10 +619826,29 +619827,29 +619828,29 +619829,29 +619830,29 +619831,29 +619832,29 +619833,31 +619834,31 +619835,31 +619836,31 +619837,31 +619838,2 +619839,2 +619840,2 +619841,2 +619842,2 +619843,2 +619844,2 +619845,2 +619846,2 +619847,2 +619848,2 +619849,2 +619850,2 +619851,10 +619852,10 +619853,10 +619854,10 +619855,10 +619856,10 +619857,10 +619858,10 +619859,10 +619860,10 +619861,10 +619862,10 +619863,19 +619864,19 +619865,19 +619866,19 +619867,19 +619868,31 +619869,31 +619870,31 +619871,31 +619872,24 +619873,24 +619874,24 +619875,24 +619876,24 +619877,24 +619878,24 +619879,24 +619880,35 +619881,35 +619882,35 +619883,35 +619884,32 +619885,32 +619886,35 +619887,32 +619888,27 +619889,27 +619890,27 +619891,27 +619892,27 +619893,27 +619894,27 +619895,27 +619896,27 +619897,27 +619898,27 +619899,27 +619900,27 +619901,27 +619902,28 +619903,28 +619904,28 +619905,28 +619906,28 +619907,28 +619908,28 +619909,28 +619910,5 +619911,5 +619912,5 +619913,5 +619914,5 +619915,5 +619916,5 +619917,0 +619918,0 +619919,0 +619920,0 +619921,0 +619922,0 +619923,0 +619924,0 +619925,0 +619926,0 +619927,0 +619928,0 +619929,0 +619930,0 +619931,0 +619932,0 +619933,0 +619934,0 +619935,0 +619936,0 +619937,0 +619938,0 +619939,0 +619940,0 +619941,0 +619942,0 +619943,0 +619944,0 +619945,0 +619946,0 +619947,0 +619948,0 +619949,0 +619950,0 +619951,0 +619952,0 +619953,0 +619954,0 +619955,0 +619956,0 +619957,0 +619958,0 +619959,0 +619960,0 +619961,0 +619962,0 +619963,0 +619964,0 +619965,0 +619966,0 +619967,35 +619968,35 +619969,35 +619970,35 +619971,35 +619972,27 +619973,27 +619974,27 +619975,27 +619976,27 +619977,27 +619978,27 +619979,27 +619980,4 +619981,4 +619982,4 +619983,4 +619984,4 +619985,4 +619986,4 +619987,2 +619988,2 +619989,2 +619990,2 +619991,2 +619992,2 +619993,2 +619994,2 +619995,2 +619996,2 +619997,2 +619998,2 +619999,2 +620000,39 +620001,39 +620002,39 +620003,39 +620004,39 +620005,39 +620006,39 +620007,5 +620008,5 +620009,5 +620010,35 +620011,35 +620012,35 +620013,35 +620014,35 +620015,35 +620016,35 +620017,35 +620018,25 +620019,25 +620020,25 +620021,25 +620022,25 +620023,25 +620024,23 +620025,23 +620026,23 +620027,23 +620028,23 +620029,23 +620030,23 +620031,23 +620032,23 +620033,23 +620034,23 +620035,23 +620036,27 +620037,27 +620038,14 +620039,14 +620040,14 +620041,14 +620042,14 +620043,14 +620044,14 +620045,14 +620046,14 +620047,14 +620048,14 +620049,2 +620050,2 +620051,2 +620052,2 +620053,2 +620054,2 +620055,2 +620056,2 +620057,2 +620058,2 +620059,31 +620060,31 +620061,31 +620062,31 +620063,31 +620064,5 +620065,5 +620066,5 +620067,5 +620068,5 +620069,11 +620070,11 +620071,11 +620072,11 +620073,11 +620074,11 +620075,11 +620076,11 +620077,11 +620078,11 +620079,11 +620080,11 +620081,11 +620082,11 +620083,11 +620084,11 +620085,36 +620086,36 +620087,36 +620088,36 +620089,36 +620090,36 +620091,36 +620092,36 +620093,36 +620094,36 +620095,36 +620096,19 +620097,19 +620098,19 +620099,19 +620100,19 +620101,34 +620102,33 +620103,33 +620104,33 +620105,33 +620106,33 +620107,33 +620108,33 +620109,33 +620110,33 +620111,33 +620112,33 +620113,33 +620114,33 +620115,33 +620116,33 +620117,33 +620118,33 +620119,33 +620120,33 +620121,33 +620122,33 +620123,3 +620124,3 +620125,3 +620126,0 +620127,0 +620128,0 +620129,0 +620130,0 +620131,0 +620132,0 +620133,0 +620134,0 +620135,0 +620136,0 +620137,0 +620138,0 +620139,0 +620140,0 +620141,0 +620142,0 +620143,0 +620144,0 +620145,0 +620146,0 +620147,0 +620148,0 +620149,0 +620150,0 +620151,0 +620152,0 +620153,0 +620154,0 +620155,0 +620156,0 +620157,0 +620158,0 +620159,0 +620160,0 +620161,0 +620162,0 +620163,0 +620164,0 +620165,29 +620166,29 +620167,29 +620168,31 +620169,31 +620170,31 +620171,31 +620172,18 +620173,18 +620174,18 +620175,18 +620176,18 +620177,18 +620178,18 +620179,18 +620180,18 +620181,40 +620182,40 +620183,40 +620184,40 +620185,40 +620186,40 +620187,40 +620188,40 +620189,40 +620190,5 +620191,5 +620192,5 +620193,5 +620194,5 +620195,25 +620196,25 +620197,25 +620198,25 +620199,25 +620200,25 +620201,25 +620202,25 +620203,25 +620204,25 +620205,25 +620206,25 +620207,30 +620208,30 +620209,30 +620210,30 +620211,30 +620212,30 +620213,8 +620214,8 +620215,8 +620216,8 +620217,8 +620218,8 +620219,8 +620220,8 +620221,8 +620222,21 +620223,21 +620224,6 +620225,6 +620226,6 +620227,22 +620228,22 +620229,22 +620230,22 +620231,22 +620232,22 +620233,22 +620234,19 +620235,19 +620236,19 +620237,35 +620238,35 +620239,35 +620240,35 +620241,35 +620242,35 +620243,35 +620244,35 +620245,35 +620246,35 +620247,35 +620248,39 +620249,39 +620250,39 +620251,39 +620252,39 +620253,39 +620254,39 +620255,39 +620256,39 +620257,37 +620258,37 +620259,12 +620260,12 +620261,12 +620262,25 +620263,25 +620264,25 +620265,25 +620266,27 +620267,27 +620268,27 +620269,27 +620270,27 +620271,27 +620272,27 +620273,27 +620274,27 +620275,27 +620276,27 +620277,27 +620278,27 +620279,27 +620280,27 +620281,13 +620282,13 +620283,5 +620284,5 +620285,5 +620286,5 +620287,5 +620288,6 +620289,6 +620290,6 +620291,6 +620292,6 +620293,6 +620294,6 +620295,6 +620296,6 +620297,6 +620298,6 +620299,6 +620300,37 +620301,37 +620302,37 +620303,37 +620304,39 +620305,39 +620306,39 +620307,39 +620308,39 +620309,39 +620310,39 +620311,39 +620312,39 +620313,39 +620314,39 +620315,39 +620316,39 +620317,39 +620318,2 +620319,2 +620320,2 +620321,2 +620322,2 +620323,2 +620324,2 +620325,2 +620326,2 +620327,2 +620328,2 +620329,2 +620330,2 +620331,2 +620332,2 +620333,2 +620334,4 +620335,4 +620336,4 +620337,4 +620338,4 +620339,4 +620340,4 +620341,4 +620342,4 +620343,0 +620344,4 +620345,4 +620346,4 +620347,4 +620348,4 +620349,0 +620350,0 +620351,0 +620352,0 +620353,0 +620354,0 +620355,0 +620356,0 +620357,0 +620358,0 +620359,0 +620360,0 +620361,0 +620362,0 +620363,0 +620364,0 +620365,0 +620366,0 +620367,0 +620368,0 +620369,0 +620370,0 +620371,0 +620372,0 +620373,0 +620374,0 +620375,0 +620376,0 +620377,0 +620378,0 +620379,0 +620380,0 +620381,0 +620382,0 +620383,0 +620384,0 +620385,0 +620386,0 +620387,0 +620388,0 +620389,0 +620390,0 +620391,0 +620392,0 +620393,0 +620394,0 +620395,0 +620396,0 +620397,0 +620398,0 +620399,0 +620400,0 +620401,0 +620402,0 +620403,0 +620404,0 +620405,0 +620406,0 +620407,0 +620408,0 +620409,0 +620410,0 +620411,0 +620412,0 +620413,0 +620414,0 +620415,0 +620416,0 +620417,0 +620418,0 +620419,0 +620420,0 +620421,0 +620422,0 +620423,12 +620424,12 +620425,12 +620426,12 +620427,12 +620428,12 +620429,12 +620430,12 +620431,12 +620432,10 +620433,10 +620434,10 +620435,10 +620436,10 +620437,10 +620438,10 +620439,10 +620440,10 +620441,10 +620442,10 +620443,10 +620444,31 +620445,31 +620446,31 +620447,31 +620448,31 +620449,31 +620450,8 +620451,8 +620452,8 +620453,8 +620454,2 +620455,8 +620456,8 +620457,35 +620458,35 +620459,35 +620460,35 +620461,35 +620462,35 +620463,35 +620464,35 +620465,35 +620466,35 +620467,35 +620468,35 +620469,35 +620470,35 +620471,35 +620472,35 +620473,35 +620474,35 +620475,35 +620476,36 +620477,36 +620478,36 +620479,36 +620480,36 +620481,36 +620482,36 +620483,36 +620484,19 +620485,19 +620486,19 +620487,19 +620488,19 +620489,19 +620490,19 +620491,2 +620492,2 +620493,2 +620494,2 +620495,2 +620496,2 +620497,2 +620498,31 +620499,31 +620500,31 +620501,31 +620502,31 +620503,31 +620504,31 +620505,16 +620506,16 +620507,16 +620508,16 +620509,11 +620510,11 +620511,11 +620512,16 +620513,11 +620514,16 +620515,16 +620516,16 +620517,37 +620518,37 +620519,37 +620520,37 +620521,37 +620522,37 +620523,37 +620524,37 +620525,25 +620526,31 +620527,31 +620528,31 +620529,31 +620530,25 +620531,31 +620532,31 +620533,31 +620534,5 +620535,28 +620536,28 +620537,28 +620538,28 +620539,28 +620540,28 +620541,28 +620542,28 +620543,28 +620544,28 +620545,28 +620546,8 +620547,8 +620548,8 +620549,8 +620550,8 +620551,8 +620552,8 +620553,8 +620554,8 +620555,2 +620556,2 +620557,2 +620558,2 +620559,2 +620560,2 +620561,2 +620562,0 +620563,0 +620564,0 +620565,0 +620566,0 +620567,0 +620568,0 +620569,0 +620570,0 +620571,0 +620572,35 +620573,35 +620574,35 +620575,35 +620576,35 +620577,39 +620578,39 +620579,39 +620580,39 +620581,39 +620582,39 +620583,39 +620584,39 +620585,39 +620586,38 +620587,38 +620588,38 +620589,38 +620590,21 +620591,21 +620592,21 +620593,26 +620594,26 +620595,26 +620596,26 +620597,26 +620598,26 +620599,34 +620600,34 +620601,26 +620602,34 +620603,4 +620604,25 +620605,25 +620606,31 +620607,31 +620608,31 +620609,31 +620610,31 +620611,4 +620612,37 +620613,37 +620614,12 +620615,4 +620616,12 +620617,12 +620618,12 +620619,3 +620620,31 +620621,3 +620622,31 +620623,15 +620624,15 +620625,15 +620626,15 +620627,15 +620628,15 +620629,15 +620630,15 +620631,39 +620632,39 +620633,39 +620634,27 +620635,27 +620636,27 +620637,2 +620638,2 +620639,2 +620640,2 +620641,2 +620642,2 +620643,2 +620644,2 +620645,2 +620646,2 +620647,2 +620648,2 +620649,25 +620650,25 +620651,25 +620652,25 +620653,31 +620654,24 +620655,24 +620656,24 +620657,24 +620658,32 +620659,24 +620660,24 +620661,24 +620662,24 +620663,24 +620664,24 +620665,22 +620666,22 +620667,22 +620668,22 +620669,22 +620670,22 +620671,31 +620672,31 +620673,31 +620674,31 +620675,5 +620676,30 +620677,30 +620678,30 +620679,5 +620680,26 +620681,31 +620682,31 +620683,31 +620684,31 +620685,26 +620686,26 +620687,26 +620688,26 +620689,26 +620690,4 +620691,4 +620692,4 +620693,4 +620694,4 +620695,4 +620696,4 +620697,4 +620698,4 +620699,4 +620700,4 +620701,27 +620702,31 +620703,27 +620704,28 +620705,28 +620706,28 +620707,28 +620708,28 +620709,27 +620710,27 +620711,27 +620712,27 +620713,27 +620714,27 +620715,27 +620716,27 +620717,27 +620718,6 +620719,6 +620720,6 +620721,6 +620722,6 +620723,6 +620724,6 +620725,6 +620726,7 +620727,7 +620728,7 +620729,7 +620730,3 +620731,3 +620732,3 +620733,3 +620734,3 +620735,3 +620736,3 +620737,3 +620738,2 +620739,2 +620740,2 +620741,2 +620742,2 +620743,2 +620744,2 +620745,2 +620746,31 +620747,31 +620748,31 +620749,31 +620750,24 +620751,24 +620752,24 +620753,24 +620754,24 +620755,24 +620756,24 +620757,24 +620758,24 +620759,24 +620760,24 +620761,10 +620762,10 +620763,10 +620764,10 +620765,10 +620766,10 +620767,10 +620768,10 +620769,10 +620770,31 +620771,28 +620772,36 +620773,5 +620774,5 +620775,5 +620776,5 +620777,5 +620778,5 +620779,28 +620780,28 +620781,5 +620782,28 +620783,28 +620784,5 +620785,5 +620786,5 +620787,0 +620788,0 +620789,0 +620790,0 +620791,0 +620792,0 +620793,0 +620794,0 +620795,0 +620796,0 +620797,0 +620798,0 +620799,0 +620800,0 +620801,0 +620802,0 +620803,0 +620804,0 +620805,0 +620806,0 +620807,0 +620808,0 +620809,0 +620810,0 +620811,0 +620812,0 +620813,0 +620814,31 +620815,31 +620816,31 +620817,31 +620818,31 +620819,31 +620820,31 +620821,31 +620822,5 +620823,5 +620824,19 +620825,19 +620826,19 +620827,19 +620828,33 +620829,33 +620830,33 +620831,35 +620832,31 +620833,31 +620834,31 +620835,12 +620836,12 +620837,12 +620838,12 +620839,12 +620840,12 +620841,12 +620842,12 +620843,12 +620844,12 +620845,12 +620846,12 +620847,12 +620848,27 +620849,27 +620850,27 +620851,27 +620852,27 +620853,16 +620854,11 +620855,11 +620856,16 +620857,16 +620858,16 +620859,16 +620860,16 +620861,16 +620862,16 +620863,16 +620864,16 +620865,12 +620866,12 +620867,12 +620868,12 +620869,12 +620870,27 +620871,27 +620872,27 +620873,38 +620874,38 +620875,38 +620876,38 +620877,38 +620878,38 +620879,38 +620880,9 +620881,9 +620882,9 +620883,9 +620884,9 +620885,9 +620886,9 +620887,9 +620888,9 +620889,9 +620890,9 +620891,9 +620892,9 +620893,30 +620894,30 +620895,30 +620896,30 +620897,30 +620898,30 +620899,30 +620900,30 +620901,30 +620902,30 +620903,30 +620904,30 +620905,30 +620906,30 +620907,38 +620908,38 +620909,28 +620910,28 +620911,28 +620912,28 +620913,28 +620914,28 +620915,28 +620916,10 +620917,10 +620918,10 +620919,10 +620920,10 +620921,10 +620922,10 +620923,10 +620924,10 +620925,10 +620926,10 +620927,10 +620928,10 +620929,10 +620930,35 +620931,35 +620932,35 +620933,35 +620934,35 +620935,35 +620936,35 +620937,35 +620938,35 +620939,35 +620940,35 +620941,35 +620942,35 +620943,26 +620944,26 +620945,26 +620946,26 +620947,26 +620948,26 +620949,26 +620950,26 +620951,26 +620952,26 +620953,26 +620954,26 +620955,37 +620956,37 +620957,37 +620958,37 +620959,37 +620960,37 +620961,37 +620962,16 +620963,16 +620964,16 +620965,16 +620966,16 +620967,16 +620968,11 +620969,11 +620970,11 +620971,11 +620972,11 +620973,11 +620974,11 +620975,11 +620976,11 +620977,11 +620978,11 +620979,11 +620980,11 +620981,39 +620982,39 +620983,39 +620984,39 +620985,39 +620986,39 +620987,12 +620988,12 +620989,12 +620990,12 +620991,12 +620992,12 +620993,12 +620994,12 +620995,12 +620996,37 +620997,12 +620998,12 +620999,12 +621000,25 +621001,25 +621002,25 +621003,12 +621004,12 +621005,12 +621006,12 +621007,12 +621008,12 +621009,12 +621010,12 +621011,12 +621012,40 +621013,40 +621014,40 +621015,40 +621016,40 +621017,40 +621018,40 +621019,40 +621020,30 +621021,33 +621022,30 +621023,30 +621024,30 +621025,30 +621026,30 +621027,30 +621028,30 +621029,30 +621030,2 +621031,2 +621032,2 +621033,2 +621034,2 +621035,2 +621036,2 +621037,2 +621038,2 +621039,2 +621040,2 +621041,2 +621042,2 +621043,40 +621044,40 +621045,40 +621046,40 +621047,40 +621048,40 +621049,40 +621050,4 +621051,4 +621052,4 +621053,4 +621054,31 +621055,31 +621056,31 +621057,31 +621058,31 +621059,31 +621060,30 +621061,30 +621062,30 +621063,30 +621064,30 +621065,30 +621066,30 +621067,30 +621068,30 +621069,0 +621070,0 +621071,0 +621072,0 +621073,0 +621074,0 +621075,0 +621076,0 +621077,0 +621078,0 +621079,0 +621080,0 +621081,0 +621082,0 +621083,0 +621084,0 +621085,0 +621086,0 +621087,0 +621088,0 +621089,0 +621090,0 +621091,0 +621092,0 +621093,0 +621094,0 +621095,0 +621096,0 +621097,0 +621098,0 +621099,0 +621100,0 +621101,0 +621102,0 +621103,0 +621104,0 +621105,0 +621106,0 +621107,0 +621108,0 +621109,0 +621110,0 +621111,0 +621112,0 +621113,0 +621114,0 +621115,0 +621116,0 +621117,0 +621118,0 +621119,0 +621120,0 +621121,0 +621122,0 +621123,0 +621124,0 +621125,0 +621126,0 +621127,0 +621128,0 +621129,0 +621130,0 +621131,0 +621132,0 +621133,0 +621134,0 +621135,0 +621136,0 +621137,0 +621138,0 +621139,0 +621140,0 +621141,0 +621142,0 +621143,0 +621144,28 +621145,28 +621146,28 +621147,28 +621148,28 +621149,28 +621150,28 +621151,28 +621152,33 +621153,33 +621154,33 +621155,33 +621156,31 +621157,31 +621158,31 +621159,31 +621160,31 +621161,31 +621162,31 +621163,31 +621164,31 +621165,31 +621166,31 +621167,4 +621168,4 +621169,4 +621170,4 +621171,4 +621172,12 +621173,12 +621174,12 +621175,12 +621176,12 +621177,12 +621178,12 +621179,12 +621180,12 +621181,12 +621182,12 +621183,12 +621184,27 +621185,27 +621186,27 +621187,27 +621188,27 +621189,38 +621190,38 +621191,38 +621192,38 +621193,38 +621194,38 +621195,38 +621196,38 +621197,23 +621198,2 +621199,2 +621200,2 +621201,2 +621202,2 +621203,2 +621204,2 +621205,2 +621206,2 +621207,2 +621208,2 +621209,2 +621210,2 +621211,2 +621212,2 +621213,2 +621214,2 +621215,40 +621216,40 +621217,40 +621218,40 +621219,31 +621220,31 +621221,31 +621222,31 +621223,31 +621224,31 +621225,4 +621226,4 +621227,16 +621228,16 +621229,16 +621230,16 +621231,16 +621232,16 +621233,11 +621234,11 +621235,31 +621236,31 +621237,31 +621238,31 +621239,31 +621240,24 +621241,31 +621242,31 +621243,23 +621244,23 +621245,23 +621246,23 +621247,23 +621248,23 +621249,23 +621250,15 +621251,15 +621252,23 +621253,23 +621254,23 +621255,23 +621256,26 +621257,26 +621258,26 +621259,26 +621260,26 +621261,26 +621262,26 +621263,26 +621264,9 +621265,26 +621266,26 +621267,26 +621268,26 +621269,29 +621270,29 +621271,29 +621272,29 +621273,29 +621274,29 +621275,29 +621276,29 +621277,25 +621278,25 +621279,25 +621280,25 +621281,25 +621282,25 +621283,25 +621284,25 +621285,25 +621286,28 +621287,28 +621288,28 +621289,28 +621290,28 +621291,28 +621292,28 +621293,28 +621294,28 +621295,28 +621296,28 +621297,28 +621298,28 +621299,31 +621300,31 +621301,34 +621302,34 +621303,34 +621304,34 +621305,34 +621306,34 +621307,34 +621308,34 +621309,34 +621310,34 +621311,34 +621312,4 +621313,29 +621314,29 +621315,29 +621316,29 +621317,29 +621318,29 +621319,29 +621320,25 +621321,25 +621322,25 +621323,25 +621324,25 +621325,25 +621326,25 +621327,25 +621328,25 +621329,25 +621330,25 +621331,25 +621332,25 +621333,25 +621334,25 +621335,37 +621336,37 +621337,37 +621338,25 +621339,25 +621340,25 +621341,25 +621342,25 +621343,25 +621344,25 +621345,25 +621346,25 +621347,5 +621348,5 +621349,5 +621350,5 +621351,5 +621352,5 +621353,5 +621354,5 +621355,5 +621356,5 +621357,5 +621358,5 +621359,5 +621360,2 +621361,2 +621362,2 +621363,2 +621364,2 +621365,2 +621366,2 +621367,2 +621368,2 +621369,2 +621370,40 +621371,40 +621372,40 +621373,40 +621374,31 +621375,31 +621376,31 +621377,31 +621378,31 +621379,31 +621380,16 +621381,16 +621382,16 +621383,16 +621384,16 +621385,16 +621386,16 +621387,18 +621388,18 +621389,16 +621390,16 +621391,16 +621392,16 +621393,16 +621394,16 +621395,11 +621396,11 +621397,28 +621398,28 +621399,28 +621400,28 +621401,28 +621402,28 +621403,28 +621404,28 +621405,29 +621406,29 +621407,28 +621408,5 +621409,33 +621410,33 +621411,29 +621412,33 +621413,33 +621414,33 +621415,33 +621416,33 +621417,33 +621418,33 +621419,33 +621420,33 +621421,33 +621422,33 +621423,33 +621424,33 +621425,33 +621426,33 +621427,33 +621428,33 +621429,6 +621430,6 +621431,6 +621432,6 +621433,6 +621434,6 +621435,6 +621436,6 +621437,6 +621438,31 +621439,31 +621440,5 +621441,5 +621442,5 +621443,5 +621444,5 +621445,5 +621446,1 +621447,40 +621448,40 +621449,40 +621450,40 +621451,40 +621452,40 +621453,40 +621454,40 +621455,40 +621456,6 +621457,6 +621458,6 +621459,6 +621460,6 +621461,6 +621462,11 +621463,11 +621464,11 +621465,11 +621466,11 +621467,11 +621468,11 +621469,11 +621470,31 +621471,31 +621472,31 +621473,31 +621474,31 +621475,31 +621476,31 +621477,5 +621478,5 +621479,5 +621480,5 +621481,5 +621482,5 +621483,5 +621484,5 +621485,5 +621486,5 +621487,8 +621488,8 +621489,8 +621490,8 +621491,8 +621492,8 +621493,8 +621494,8 +621495,8 +621496,8 +621497,8 +621498,8 +621499,8 +621500,2 +621501,0 +621502,0 +621503,0 +621504,0 +621505,0 +621506,0 +621507,0 +621508,0 +621509,0 +621510,0 +621511,0 +621512,0 +621513,0 +621514,0 +621515,0 +621516,0 +621517,0 +621518,0 +621519,0 +621520,0 +621521,0 +621522,0 +621523,0 +621524,0 +621525,0 +621526,0 +621527,0 +621528,0 +621529,0 +621530,0 +621531,0 +621532,0 +621533,0 +621534,10 +621535,10 +621536,10 +621537,10 +621538,10 +621539,10 +621540,10 +621541,10 +621542,10 +621543,10 +621544,10 +621545,10 +621546,10 +621547,10 +621548,10 +621549,10 +621550,10 +621551,10 +621552,28 +621553,28 +621554,28 +621555,28 +621556,28 +621557,28 +621558,3 +621559,3 +621560,3 +621561,3 +621562,3 +621563,3 +621564,25 +621565,23 +621566,23 +621567,23 +621568,23 +621569,23 +621570,23 +621571,23 +621572,23 +621573,23 +621574,23 +621575,23 +621576,23 +621577,37 +621578,37 +621579,37 +621580,37 +621581,37 +621582,37 +621583,37 +621584,14 +621585,14 +621586,14 +621587,14 +621588,14 +621589,14 +621590,39 +621591,39 +621592,14 +621593,40 +621594,40 +621595,40 +621596,40 +621597,14 +621598,14 +621599,14 +621600,29 +621601,29 +621602,29 +621603,29 +621604,29 +621605,29 +621606,29 +621607,29 +621608,29 +621609,40 +621610,40 +621611,40 +621612,40 +621613,40 +621614,37 +621615,37 +621616,37 +621617,37 +621618,37 +621619,27 +621620,27 +621621,27 +621622,27 +621623,27 +621624,27 +621625,8 +621626,8 +621627,8 +621628,8 +621629,8 +621630,8 +621631,5 +621632,5 +621633,5 +621634,5 +621635,5 +621636,5 +621637,5 +621638,25 +621639,25 +621640,25 +621641,25 +621642,25 +621643,25 +621644,25 +621645,33 +621646,33 +621647,25 +621648,25 +621649,25 +621650,16 +621651,16 +621652,16 +621653,16 +621654,19 +621655,11 +621656,11 +621657,16 +621658,16 +621659,16 +621660,16 +621661,11 +621662,11 +621663,36 +621664,10 +621665,10 +621666,36 +621667,36 +621668,36 +621669,36 +621670,36 +621671,36 +621672,36 +621673,10 +621674,36 +621675,36 +621676,36 +621677,5 +621678,5 +621679,5 +621680,5 +621681,5 +621682,5 +621683,5 +621684,5 +621685,2 +621686,2 +621687,2 +621688,2 +621689,2 +621690,2 +621691,2 +621692,31 +621693,31 +621694,31 +621695,31 +621696,24 +621697,24 +621698,24 +621699,24 +621700,24 +621701,27 +621702,27 +621703,27 +621704,27 +621705,27 +621706,27 +621707,27 +621708,27 +621709,27 +621710,27 +621711,4 +621712,4 +621713,4 +621714,4 +621715,4 +621716,4 +621717,4 +621718,19 +621719,0 +621720,0 +621721,0 +621722,0 +621723,0 +621724,0 +621725,0 +621726,0 +621727,0 +621728,0 +621729,0 +621730,0 +621731,0 +621732,0 +621733,0 +621734,0 +621735,0 +621736,0 +621737,0 +621738,0 +621739,0 +621740,0 +621741,0 +621742,0 +621743,0 +621744,0 +621745,0 +621746,0 +621747,0 +621748,0 +621749,0 +621750,0 +621751,0 +621752,0 +621753,0 +621754,0 +621755,0 +621756,0 +621757,0 +621758,0 +621759,0 +621760,0 +621761,0 +621762,0 +621763,0 +621764,0 +621765,0 +621766,0 +621767,0 +621768,0 +621769,0 +621770,0 +621771,0 +621772,0 +621773,0 +621774,0 +621775,0 +621776,0 +621777,0 +621778,0 +621779,0 +621780,0 +621781,0 +621782,0 +621783,0 +621784,0 +621785,29 +621786,29 +621787,29 +621788,29 +621789,29 +621790,29 +621791,14 +621792,14 +621793,14 +621794,14 +621795,14 +621796,14 +621797,14 +621798,14 +621799,14 +621800,14 +621801,14 +621802,14 +621803,14 +621804,26 +621805,26 +621806,26 +621807,10 +621808,10 +621809,10 +621810,10 +621811,10 +621812,10 +621813,10 +621814,10 +621815,26 +621816,6 +621817,6 +621818,6 +621819,6 +621820,6 +621821,6 +621822,35 +621823,35 +621824,31 +621825,31 +621826,31 +621827,31 +621828,31 +621829,28 +621830,28 +621831,28 +621832,28 +621833,28 +621834,28 +621835,28 +621836,27 +621837,27 +621838,27 +621839,27 +621840,27 +621841,13 +621842,13 +621843,13 +621844,13 +621845,13 +621846,13 +621847,13 +621848,13 +621849,13 +621850,29 +621851,29 +621852,29 +621853,31 +621854,31 +621855,31 +621856,31 +621857,31 +621858,31 +621859,31 +621860,12 +621861,12 +621862,12 +621863,12 +621864,12 +621865,12 +621866,12 +621867,25 +621868,25 +621869,25 +621870,25 +621871,25 +621872,25 +621873,25 +621874,25 +621875,25 +621876,25 +621877,25 +621878,25 +621879,25 +621880,25 +621881,25 +621882,25 +621883,25 +621884,25 +621885,25 +621886,25 +621887,25 +621888,25 +621889,25 +621890,25 +621891,25 +621892,25 +621893,25 +621894,19 +621895,19 +621896,19 +621897,19 +621898,19 +621899,19 +621900,19 +621901,19 +621902,8 +621903,8 +621904,8 +621905,19 +621906,19 +621907,2 +621908,2 +621909,2 +621910,2 +621911,2 +621912,2 +621913,2 +621914,2 +621915,2 +621916,2 +621917,2 +621918,2 +621919,2 +621920,2 +621921,2 +621922,2 +621923,8 +621924,2 +621925,0 +621926,0 +621927,0 +621928,0 +621929,0 +621930,5 +621931,5 +621932,5 +621933,5 +621934,5 +621935,5 +621936,5 +621937,5 +621938,5 +621939,5 +621940,5 +621941,5 +621942,5 +621943,5 +621944,26 +621945,26 +621946,26 +621947,26 +621948,26 +621949,26 +621950,26 +621951,26 +621952,26 +621953,26 +621954,26 +621955,26 +621956,26 +621957,26 +621958,4 +621959,4 +621960,4 +621961,23 +621962,23 +621963,23 +621964,23 +621965,23 +621966,23 +621967,23 +621968,23 +621969,38 +621970,38 +621971,38 +621972,38 +621973,38 +621974,38 +621975,27 +621976,27 +621977,27 +621978,27 +621979,27 +621980,27 +621981,13 +621982,13 +621983,13 +621984,13 +621985,13 +621986,6 +621987,6 +621988,6 +621989,6 +621990,6 +621991,27 +621992,27 +621993,27 +621994,27 +621995,27 +621996,27 +621997,13 +621998,13 +621999,13 +622000,13 +622001,13 +622002,13 +622003,13 +622004,13 +622005,13 +622006,13 +622007,31 +622008,31 +622009,31 +622010,31 +622011,31 +622012,31 +622013,24 +622014,24 +622015,24 +622016,24 +622017,24 +622018,24 +622019,24 +622020,24 +622021,6 +622022,6 +622023,6 +622024,6 +622025,6 +622026,6 +622027,6 +622028,6 +622029,6 +622030,6 +622031,6 +622032,6 +622033,12 +622034,12 +622035,12 +622036,12 +622037,40 +622038,40 +622039,40 +622040,40 +622041,40 +622042,40 +622043,28 +622044,28 +622045,28 +622046,28 +622047,28 +622048,28 +622049,28 +622050,28 +622051,28 +622052,40 +622053,40 +622054,40 +622055,40 +622056,40 +622057,40 +622058,5 +622059,5 +622060,5 +622061,5 +622062,5 +622063,5 +622064,4 +622065,4 +622066,4 +622067,4 +622068,4 +622069,4 +622070,4 +622071,4 +622072,4 +622073,4 +622074,4 +622075,8 +622076,8 +622077,0 +622078,0 +622079,0 +622080,0 +622081,0 +622082,0 +622083,0 +622084,0 +622085,0 +622086,0 +622087,0 +622088,0 +622089,0 +622090,0 +622091,0 +622092,0 +622093,28 +622094,28 +622095,28 +622096,28 +622097,28 +622098,28 +622099,28 +622100,28 +622101,28 +622102,28 +622103,28 +622104,28 +622105,9 +622106,9 +622107,9 +622108,9 +622109,9 +622110,9 +622111,9 +622112,9 +622113,9 +622114,9 +622115,9 +622116,9 +622117,9 +622118,37 +622119,37 +622120,37 +622121,37 +622122,37 +622123,37 +622124,37 +622125,37 +622126,37 +622127,37 +622128,29 +622129,29 +622130,29 +622131,29 +622132,29 +622133,29 +622134,40 +622135,40 +622136,40 +622137,40 +622138,40 +622139,40 +622140,40 +622141,40 +622142,40 +622143,40 +622144,5 +622145,5 +622146,5 +622147,5 +622148,5 +622149,35 +622150,35 +622151,35 +622152,35 +622153,35 +622154,35 +622155,35 +622156,39 +622157,39 +622158,39 +622159,39 +622160,39 +622161,39 +622162,39 +622163,39 +622164,39 +622165,39 +622166,39 +622167,38 +622168,38 +622169,38 +622170,38 +622171,38 +622172,38 +622173,38 +622174,38 +622175,38 +622176,9 +622177,9 +622178,9 +622179,9 +622180,9 +622181,9 +622182,9 +622183,9 +622184,9 +622185,9 +622186,9 +622187,9 +622188,9 +622189,9 +622190,4 +622191,4 +622192,4 +622193,4 +622194,31 +622195,31 +622196,31 +622197,31 +622198,31 +622199,31 +622200,24 +622201,24 +622202,24 +622203,24 +622204,24 +622205,24 +622206,24 +622207,24 +622208,24 +622209,31 +622210,31 +622211,31 +622212,31 +622213,31 +622214,31 +622215,31 +622216,31 +622217,31 +622218,31 +622219,31 +622220,31 +622221,31 +622222,31 +622223,31 +622224,31 +622225,31 +622226,31 +622227,31 +622228,31 +622229,31 +622230,31 +622231,2 +622232,2 +622233,2 +622234,2 +622235,2 +622236,2 +622237,2 +622238,2 +622239,2 +622240,2 +622241,2 +622242,2 +622243,2 +622244,2 +622245,2 +622246,2 +622247,2 +622248,2 +622249,8 +622250,8 +622251,8 +622252,8 +622253,8 +622254,8 +622255,8 +622256,8 +622257,8 +622258,8 +622259,8 +622260,0 +622261,0 +622262,0 +622263,0 +622264,0 +622265,0 +622266,0 +622267,0 +622268,0 +622269,0 +622270,0 +622271,0 +622272,0 +622273,0 +622274,0 +622275,0 +622276,0 +622277,0 +622278,0 +622279,0 +622280,0 +622281,0 +622282,0 +622283,0 +622284,0 +622285,0 +622286,0 +622287,0 +622288,0 +622289,0 +622290,0 +622291,0 +622292,0 +622293,0 +622294,0 +622295,0 +622296,0 +622297,0 +622298,0 +622299,0 +622300,0 +622301,0 +622302,0 +622303,0 +622304,0 +622305,0 +622306,0 +622307,0 +622308,0 +622309,0 +622310,0 +622311,0 +622312,0 +622313,0 +622314,0 +622315,0 +622316,0 +622317,0 +622318,0 +622319,0 +622320,31 +622321,36 +622322,36 +622323,36 +622324,36 +622325,36 +622326,36 +622327,36 +622328,36 +622329,36 +622330,36 +622331,36 +622332,36 +622333,36 +622334,36 +622335,36 +622336,36 +622337,36 +622338,36 +622339,36 +622340,36 +622341,36 +622342,36 +622343,8 +622344,8 +622345,8 +622346,8 +622347,2 +622348,2 +622349,2 +622350,2 +622351,2 +622352,2 +622353,2 +622354,2 +622355,2 +622356,2 +622357,0 +622358,0 +622359,0 +622360,0 +622361,2 +622362,15 +622363,15 +622364,29 +622365,29 +622366,29 +622367,29 +622368,31 +622369,31 +622370,27 +622371,27 +622372,27 +622373,27 +622374,27 +622375,27 +622376,4 +622377,4 +622378,4 +622379,4 +622380,4 +622381,11 +622382,11 +622383,11 +622384,11 +622385,11 +622386,11 +622387,16 +622388,11 +622389,27 +622390,27 +622391,27 +622392,27 +622393,27 +622394,27 +622395,27 +622396,30 +622397,30 +622398,30 +622399,30 +622400,30 +622401,30 +622402,24 +622403,24 +622404,24 +622405,24 +622406,24 +622407,24 +622408,24 +622409,31 +622410,31 +622411,31 +622412,31 +622413,31 +622414,31 +622415,31 +622416,31 +622417,31 +622418,5 +622419,5 +622420,5 +622421,5 +622422,5 +622423,5 +622424,5 +622425,5 +622426,32 +622427,32 +622428,32 +622429,32 +622430,32 +622431,32 +622432,32 +622433,32 +622434,32 +622435,6 +622436,6 +622437,6 +622438,6 +622439,6 +622440,30 +622441,30 +622442,30 +622443,33 +622444,33 +622445,33 +622446,33 +622447,33 +622448,33 +622449,33 +622450,33 +622451,33 +622452,33 +622453,33 +622454,33 +622455,33 +622456,33 +622457,33 +622458,33 +622459,33 +622460,33 +622461,33 +622462,33 +622463,33 +622464,33 +622465,33 +622466,33 +622467,33 +622468,33 +622469,33 +622470,33 +622471,33 +622472,33 +622473,33 +622474,33 +622475,33 +622476,33 +622477,33 +622478,8 +622479,8 +622480,8 +622481,8 +622482,8 +622483,8 +622484,8 +622485,8 +622486,8 +622487,8 +622488,8 +622489,8 +622490,8 +622491,8 +622492,8 +622493,8 +622494,8 +622495,12 +622496,12 +622497,12 +622498,12 +622499,12 +622500,12 +622501,12 +622502,12 +622503,27 +622504,27 +622505,27 +622506,27 +622507,27 +622508,27 +622509,27 +622510,27 +622511,27 +622512,38 +622513,24 +622514,24 +622515,24 +622516,24 +622517,38 +622518,38 +622519,38 +622520,38 +622521,24 +622522,0 +622523,0 +622524,0 +622525,0 +622526,0 +622527,0 +622528,0 +622529,0 +622530,0 +622531,0 +622532,0 +622533,0 +622534,0 +622535,0 +622536,0 +622537,0 +622538,0 +622539,0 +622540,0 +622541,0 +622542,0 +622543,23 +622544,23 +622545,23 +622546,23 +622547,23 +622548,23 +622549,9 +622550,9 +622551,9 +622552,37 +622553,37 +622554,37 +622555,37 +622556,37 +622557,37 +622558,37 +622559,37 +622560,37 +622561,37 +622562,29 +622563,29 +622564,29 +622565,29 +622566,29 +622567,29 +622568,29 +622569,36 +622570,36 +622571,36 +622572,36 +622573,36 +622574,36 +622575,36 +622576,36 +622577,36 +622578,4 +622579,4 +622580,4 +622581,4 +622582,35 +622583,35 +622584,35 +622585,27 +622586,27 +622587,27 +622588,27 +622589,27 +622590,8 +622591,8 +622592,8 +622593,8 +622594,8 +622595,8 +622596,2 +622597,2 +622598,2 +622599,29 +622600,29 +622601,29 +622602,29 +622603,29 +622604,31 +622605,31 +622606,31 +622607,27 +622608,5 +622609,5 +622610,5 +622611,5 +622612,5 +622613,5 +622614,14 +622615,14 +622616,14 +622617,14 +622618,14 +622619,14 +622620,14 +622621,14 +622622,14 +622623,14 +622624,14 +622625,14 +622626,14 +622627,14 +622628,14 +622629,28 +622630,28 +622631,28 +622632,28 +622633,28 +622634,28 +622635,31 +622636,31 +622637,31 +622638,31 +622639,31 +622640,31 +622641,31 +622642,31 +622643,24 +622644,24 +622645,24 +622646,24 +622647,24 +622648,24 +622649,24 +622650,24 +622651,29 +622652,29 +622653,29 +622654,29 +622655,29 +622656,39 +622657,39 +622658,39 +622659,39 +622660,39 +622661,39 +622662,39 +622663,39 +622664,39 +622665,39 +622666,31 +622667,31 +622668,31 +622669,31 +622670,31 +622671,31 +622672,13 +622673,13 +622674,13 +622675,13 +622676,13 +622677,13 +622678,13 +622679,13 +622680,21 +622681,21 +622682,21 +622683,21 +622684,21 +622685,25 +622686,25 +622687,25 +622688,25 +622689,2 +622690,2 +622691,2 +622692,2 +622693,2 +622694,2 +622695,2 +622696,2 +622697,2 +622698,2 +622699,2 +622700,2 +622701,2 +622702,2 +622703,2 +622704,2 +622705,2 +622706,31 +622707,31 +622708,31 +622709,31 +622710,31 +622711,31 +622712,31 +622713,5 +622714,5 +622715,5 +622716,5 +622717,5 +622718,5 +622719,13 +622720,13 +622721,31 +622722,31 +622723,31 +622724,31 +622725,31 +622726,31 +622727,15 +622728,15 +622729,15 +622730,15 +622731,15 +622732,15 +622733,15 +622734,22 +622735,22 +622736,22 +622737,22 +622738,22 +622739,22 +622740,19 +622741,19 +622742,19 +622743,19 +622744,19 +622745,19 +622746,19 +622747,19 +622748,19 +622749,19 +622750,3 +622751,3 +622752,3 +622753,3 +622754,3 +622755,3 +622756,3 +622757,3 +622758,3 +622759,3 +622760,3 +622761,3 +622762,6 +622763,6 +622764,6 +622765,6 +622766,6 +622767,6 +622768,6 +622769,6 +622770,6 +622771,6 +622772,6 +622773,6 +622774,10 +622775,10 +622776,36 +622777,36 +622778,36 +622779,36 +622780,36 +622781,36 +622782,4 +622783,4 +622784,4 +622785,4 +622786,4 +622787,18 +622788,18 +622789,18 +622790,18 +622791,4 +622792,9 +622793,9 +622794,9 +622795,9 +622796,9 +622797,9 +622798,17 +622799,17 +622800,30 +622801,30 +622802,30 +622803,30 +622804,19 +622805,19 +622806,19 +622807,19 +622808,19 +622809,31 +622810,31 +622811,33 +622812,33 +622813,31 +622814,31 +622815,31 +622816,31 +622817,31 +622818,30 +622819,30 +622820,30 +622821,30 +622822,23 +622823,23 +622824,23 +622825,23 +622826,23 +622827,24 +622828,23 +622829,23 +622830,23 +622831,23 +622832,23 +622833,23 +622834,0 +622835,0 +622836,0 +622837,0 +622838,0 +622839,0 +622840,0 +622841,0 +622842,0 +622843,0 +622844,0 +622845,0 +622846,0 +622847,0 +622848,0 +622849,0 +622850,0 +622851,0 +622852,0 +622853,0 +622854,0 +622855,0 +622856,29 +622857,29 +622858,29 +622859,31 +622860,31 +622861,31 +622862,31 +622863,31 +622864,28 +622865,28 +622866,28 +622867,28 +622868,28 +622869,28 +622870,28 +622871,28 +622872,28 +622873,33 +622874,33 +622875,33 +622876,33 +622877,33 +622878,33 +622879,33 +622880,33 +622881,28 +622882,28 +622883,28 +622884,28 +622885,28 +622886,28 +622887,28 +622888,12 +622889,12 +622890,12 +622891,31 +622892,28 +622893,5 +622894,5 +622895,4 +622896,4 +622897,32 +622898,32 +622899,4 +622900,29 +622901,29 +622902,29 +622903,31 +622904,31 +622905,31 +622906,31 +622907,31 +622908,2 +622909,2 +622910,2 +622911,2 +622912,2 +622913,2 +622914,2 +622915,2 +622916,2 +622917,2 +622918,32 +622919,32 +622920,32 +622921,32 +622922,32 +622923,32 +622924,32 +622925,32 +622926,39 +622927,39 +622928,39 +622929,39 +622930,39 +622931,39 +622932,4 +622933,4 +622934,4 +622935,4 +622936,4 +622937,4 +622938,4 +622939,4 +622940,37 +622941,37 +622942,37 +622943,37 +622944,37 +622945,37 +622946,37 +622947,37 +622948,27 +622949,27 +622950,27 +622951,28 +622952,28 +622953,28 +622954,28 +622955,28 +622956,28 +622957,28 +622958,27 +622959,27 +622960,27 +622961,27 +622962,27 +622963,5 +622964,5 +622965,5 +622966,5 +622967,5 +622968,16 +622969,16 +622970,16 +622971,16 +622972,16 +622973,16 +622974,16 +622975,16 +622976,16 +622977,16 +622978,12 +622979,31 +622980,31 +622981,5 +622982,4 +622983,4 +622984,30 +622985,30 +622986,30 +622987,29 +622988,29 +622989,29 +622990,31 +622991,31 +622992,31 +622993,31 +622994,31 +622995,5 +622996,5 +622997,5 +622998,5 +622999,5 +623000,5 +623001,5 +623002,14 +623003,14 +623004,14 +623005,14 +623006,39 +623007,14 +623008,14 +623009,14 +623010,14 +623011,14 +623012,14 +623013,14 +623014,14 +623015,14 +623016,28 +623017,28 +623018,28 +623019,28 +623020,28 +623021,28 +623022,28 +623023,28 +623024,31 +623025,31 +623026,31 +623027,31 +623028,31 +623029,31 +623030,31 +623031,32 +623032,4 +623033,4 +623034,4 +623035,4 +623036,4 +623037,4 +623038,32 +623039,4 +623040,38 +623041,38 +623042,9 +623043,9 +623044,9 +623045,9 +623046,9 +623047,9 +623048,9 +623049,9 +623050,9 +623051,9 +623052,5 +623053,13 +623054,13 +623055,5 +623056,13 +623057,5 +623058,5 +623059,13 +623060,5 +623061,23 +623062,23 +623063,23 +623064,23 +623065,23 +623066,23 +623067,23 +623068,25 +623069,25 +623070,25 +623071,25 +623072,25 +623073,25 +623074,5 +623075,5 +623076,5 +623077,5 +623078,5 +623079,26 +623080,26 +623081,26 +623082,26 +623083,26 +623084,31 +623085,26 +623086,26 +623087,34 +623088,26 +623089,5 +623090,5 +623091,5 +623092,5 +623093,5 +623094,5 +623095,5 +623096,5 +623097,19 +623098,19 +623099,19 +623100,19 +623101,33 +623102,33 +623103,33 +623104,33 +623105,33 +623106,33 +623107,33 +623108,33 +623109,33 +623110,33 +623111,33 +623112,33 +623113,33 +623114,33 +623115,33 +623116,0 +623117,0 +623118,0 +623119,0 +623120,0 +623121,0 +623122,0 +623123,0 +623124,0 +623125,0 +623126,0 +623127,0 +623128,0 +623129,0 +623130,0 +623131,0 +623132,0 +623133,0 +623134,0 +623135,0 +623136,0 +623137,0 +623138,0 +623139,0 +623140,0 +623141,0 +623142,0 +623143,0 +623144,0 +623145,0 +623146,0 +623147,31 +623148,31 +623149,31 +623150,31 +623151,31 +623152,31 +623153,5 +623154,5 +623155,5 +623156,5 +623157,19 +623158,19 +623159,19 +623160,19 +623161,25 +623162,25 +623163,27 +623164,27 +623165,25 +623166,29 +623167,29 +623168,29 +623169,29 +623170,31 +623171,31 +623172,31 +623173,31 +623174,31 +623175,32 +623176,32 +623177,32 +623178,32 +623179,32 +623180,32 +623181,32 +623182,32 +623183,32 +623184,37 +623185,37 +623186,37 +623187,37 +623188,37 +623189,37 +623190,40 +623191,31 +623192,31 +623193,31 +623194,31 +623195,11 +623196,11 +623197,11 +623198,11 +623199,11 +623200,11 +623201,11 +623202,11 +623203,11 +623204,11 +623205,11 +623206,11 +623207,16 +623208,25 +623209,25 +623210,25 +623211,25 +623212,25 +623213,25 +623214,24 +623215,24 +623216,24 +623217,24 +623218,24 +623219,24 +623220,24 +623221,40 +623222,40 +623223,40 +623224,40 +623225,40 +623226,40 +623227,40 +623228,27 +623229,31 +623230,18 +623231,18 +623232,18 +623233,18 +623234,18 +623235,18 +623236,18 +623237,18 +623238,18 +623239,39 +623240,39 +623241,6 +623242,6 +623243,6 +623244,6 +623245,6 +623246,6 +623247,6 +623248,6 +623249,6 +623250,6 +623251,14 +623252,14 +623253,14 +623254,14 +623255,14 +623256,14 +623257,14 +623258,14 +623259,14 +623260,14 +623261,14 +623262,11 +623263,11 +623264,11 +623265,11 +623266,11 +623267,11 +623268,11 +623269,11 +623270,11 +623271,11 +623272,11 +623273,11 +623274,11 +623275,31 +623276,31 +623277,31 +623278,31 +623279,31 +623280,5 +623281,5 +623282,5 +623283,5 +623284,5 +623285,5 +623286,5 +623287,5 +623288,5 +623289,5 +623290,5 +623291,5 +623292,0 +623293,0 +623294,0 +623295,0 +623296,0 +623297,0 +623298,0 +623299,0 +623300,0 +623301,0 +623302,0 +623303,0 +623304,0 +623305,0 +623306,0 +623307,0 +623308,0 +623309,0 +623310,0 +623311,0 +623312,0 +623313,0 +623314,0 +623315,0 +623316,0 +623317,0 +623318,0 +623319,0 +623320,0 +623321,0 +623322,0 +623323,0 +623324,0 +623325,0 +623326,0 +623327,0 +623328,0 +623329,0 +623330,0 +623331,0 +623332,0 +623333,0 +623334,0 +623335,0 +623336,0 +623337,0 +623338,0 +623339,0 +623340,0 +623341,0 +623342,0 +623343,0 +623344,0 +623345,0 +623346,0 +623347,0 +623348,0 +623349,0 +623350,0 +623351,0 +623352,0 +623353,0 +623354,0 +623355,0 +623356,0 +623357,0 +623358,35 +623359,35 +623360,35 +623361,35 +623362,35 +623363,35 +623364,35 +623365,35 +623366,35 +623367,39 +623368,39 +623369,39 +623370,30 +623371,30 +623372,30 +623373,30 +623374,30 +623375,30 +623376,14 +623377,14 +623378,14 +623379,14 +623380,14 +623381,14 +623382,14 +623383,14 +623384,14 +623385,14 +623386,14 +623387,8 +623388,8 +623389,8 +623390,8 +623391,8 +623392,8 +623393,8 +623394,8 +623395,8 +623396,8 +623397,5 +623398,5 +623399,5 +623400,5 +623401,33 +623402,33 +623403,33 +623404,33 +623405,33 +623406,33 +623407,33 +623408,33 +623409,2 +623410,31 +623411,2 +623412,2 +623413,2 +623414,2 +623415,2 +623416,2 +623417,2 +623418,2 +623419,2 +623420,2 +623421,2 +623422,32 +623423,32 +623424,15 +623425,15 +623426,15 +623427,31 +623428,31 +623429,31 +623430,31 +623431,31 +623432,31 +623433,31 +623434,11 +623435,11 +623436,11 +623437,11 +623438,11 +623439,11 +623440,11 +623441,11 +623442,11 +623443,31 +623444,31 +623445,31 +623446,30 +623447,30 +623448,30 +623449,2 +623450,2 +623451,2 +623452,2 +623453,2 +623454,2 +623455,2 +623456,2 +623457,2 +623458,2 +623459,2 +623460,4 +623461,4 +623462,4 +623463,4 +623464,4 +623465,37 +623466,37 +623467,37 +623468,37 +623469,37 +623470,37 +623471,31 +623472,31 +623473,31 +623474,31 +623475,31 +623476,31 +623477,31 +623478,31 +623479,31 +623480,31 +623481,2 +623482,2 +623483,2 +623484,2 +623485,2 +623486,2 +623487,2 +623488,2 +623489,2 +623490,2 +623491,2 +623492,2 +623493,33 +623494,33 +623495,33 +623496,28 +623497,28 +623498,28 +623499,28 +623500,29 +623501,29 +623502,29 +623503,31 +623504,31 +623505,31 +623506,31 +623507,19 +623508,19 +623509,19 +623510,19 +623511,19 +623512,19 +623513,19 +623514,27 +623515,27 +623516,27 +623517,27 +623518,23 +623519,23 +623520,23 +623521,23 +623522,23 +623523,23 +623524,25 +623525,25 +623526,31 +623527,31 +623528,31 +623529,5 +623530,5 +623531,5 +623532,5 +623533,2 +623534,2 +623535,2 +623536,2 +623537,2 +623538,2 +623539,2 +623540,2 +623541,2 +623542,2 +623543,32 +623544,15 +623545,15 +623546,15 +623547,31 +623548,31 +623549,31 +623550,31 +623551,4 +623552,4 +623553,4 +623554,4 +623555,4 +623556,4 +623557,4 +623558,4 +623559,4 +623560,12 +623561,12 +623562,12 +623563,27 +623564,27 +623565,39 +623566,39 +623567,39 +623568,28 +623569,28 +623570,28 +623571,28 +623572,13 +623573,27 +623574,27 +623575,27 +623576,27 +623577,27 +623578,27 +623579,2 +623580,2 +623581,2 +623582,2 +623583,2 +623584,2 +623585,2 +623586,2 +623587,2 +623588,2 +623589,2 +623590,2 +623591,40 +623592,40 +623593,40 +623594,40 +623595,40 +623596,40 +623597,40 +623598,40 +623599,6 +623600,6 +623601,6 +623602,6 +623603,6 +623604,6 +623605,6 +623606,6 +623607,2 +623608,2 +623609,2 +623610,2 +623611,2 +623612,2 +623613,27 +623614,27 +623615,27 +623616,27 +623617,27 +623618,27 +623619,27 +623620,27 +623621,27 +623622,27 +623623,8 +623624,8 +623625,8 +623626,8 +623627,8 +623628,8 +623629,8 +623630,8 +623631,8 +623632,8 +623633,8 +623634,8 +623635,8 +623636,2 +623637,2 +623638,2 +623639,2 +623640,2 +623641,0 +623642,0 +623643,0 +623644,0 +623645,0 +623646,0 +623647,0 +623648,0 +623649,0 +623650,0 +623651,0 +623652,0 +623653,0 +623654,0 +623655,0 +623656,0 +623657,0 +623658,0 +623659,0 +623660,0 +623661,0 +623662,0 +623663,0 +623664,0 +623665,0 +623666,0 +623667,0 +623668,0 +623669,0 +623670,0 +623671,0 +623672,0 +623673,0 +623674,0 +623675,0 +623676,0 +623677,0 +623678,0 +623679,37 +623680,37 +623681,37 +623682,37 +623683,37 +623684,37 +623685,37 +623686,37 +623687,37 +623688,26 +623689,26 +623690,26 +623691,26 +623692,26 +623693,26 +623694,26 +623695,26 +623696,26 +623697,26 +623698,26 +623699,26 +623700,26 +623701,29 +623702,29 +623703,29 +623704,29 +623705,29 +623706,29 +623707,29 +623708,25 +623709,25 +623710,25 +623711,25 +623712,25 +623713,25 +623714,25 +623715,25 +623716,25 +623717,25 +623718,25 +623719,25 +623720,25 +623721,25 +623722,25 +623723,25 +623724,25 +623725,25 +623726,25 +623727,6 +623728,6 +623729,6 +623730,6 +623731,6 +623732,6 +623733,6 +623734,6 +623735,6 +623736,6 +623737,6 +623738,37 +623739,37 +623740,37 +623741,37 +623742,37 +623743,40 +623744,40 +623745,40 +623746,40 +623747,19 +623748,19 +623749,19 +623750,27 +623751,27 +623752,27 +623753,27 +623754,27 +623755,27 +623756,4 +623757,4 +623758,4 +623759,4 +623760,4 +623761,4 +623762,4 +623763,2 +623764,2 +623765,2 +623766,2 +623767,2 +623768,2 +623769,2 +623770,4 +623771,4 +623772,4 +623773,4 +623774,25 +623775,25 +623776,15 +623777,15 +623778,15 +623779,15 +623780,15 +623781,15 +623782,15 +623783,31 +623784,31 +623785,31 +623786,31 +623787,31 +623788,33 +623789,30 +623790,30 +623791,30 +623792,30 +623793,30 +623794,30 +623795,30 +623796,30 +623797,30 +623798,30 +623799,30 +623800,30 +623801,23 +623802,23 +623803,23 +623804,23 +623805,23 +623806,23 +623807,23 +623808,23 +623809,23 +623810,38 +623811,29 +623812,27 +623813,27 +623814,27 +623815,27 +623816,27 +623817,27 +623818,2 +623819,2 +623820,2 +623821,2 +623822,2 +623823,2 +623824,2 +623825,2 +623826,2 +623827,2 +623828,2 +623829,2 +623830,2 +623831,2 +623832,2 +623833,14 +623834,14 +623835,14 +623836,14 +623837,14 +623838,14 +623839,14 +623840,14 +623841,14 +623842,14 +623843,14 +623844,14 +623845,14 +623846,14 +623847,14 +623848,14 +623849,7 +623850,7 +623851,3 +623852,28 +623853,28 +623854,28 +623855,28 +623856,28 +623857,28 +623858,5 +623859,5 +623860,5 +623861,28 +623862,28 +623863,5 +623864,18 +623865,18 +623866,18 +623867,18 +623868,18 +623869,18 +623870,18 +623871,18 +623872,18 +623873,18 +623874,18 +623875,18 +623876,31 +623877,31 +623878,31 +623879,31 +623880,31 +623881,31 +623882,5 +623883,5 +623884,5 +623885,4 +623886,4 +623887,31 +623888,31 +623889,31 +623890,31 +623891,4 +623892,4 +623893,4 +623894,4 +623895,31 +623896,31 +623897,31 +623898,31 +623899,31 +623900,30 +623901,30 +623902,30 +623903,30 +623904,30 +623905,23 +623906,23 +623907,23 +623908,23 +623909,23 +623910,23 +623911,23 +623912,23 +623913,23 +623914,23 +623915,23 +623916,25 +623917,25 +623918,25 +623919,25 +623920,25 +623921,25 +623922,28 +623923,28 +623924,28 +623925,28 +623926,28 +623927,28 +623928,28 +623929,28 +623930,14 +623931,14 +623932,14 +623933,14 +623934,14 +623935,14 +623936,14 +623937,14 +623938,14 +623939,14 +623940,14 +623941,11 +623942,11 +623943,11 +623944,11 +623945,11 +623946,11 +623947,11 +623948,11 +623949,11 +623950,11 +623951,11 +623952,11 +623953,11 +623954,31 +623955,31 +623956,31 +623957,31 +623958,31 +623959,5 +623960,5 +623961,5 +623962,5 +623963,5 +623964,5 +623965,5 +623966,5 +623967,5 +623968,5 +623969,5 +623970,5 +623971,5 +623972,0 +623973,0 +623974,0 +623975,0 +623976,0 +623977,0 +623978,0 +623979,0 +623980,0 +623981,0 +623982,0 +623983,0 +623984,0 +623985,0 +623986,0 +623987,0 +623988,0 +623989,0 +623990,0 +623991,0 +623992,0 +623993,0 +623994,0 +623995,0 +623996,0 +623997,0 +623998,0 +623999,0 +624000,0 +624001,0 +624002,0 +624003,0 +624004,0 +624005,0 +624006,0 +624007,0 +624008,0 +624009,0 +624010,0 +624011,0 +624012,0 +624013,0 +624014,0 +624015,0 +624016,0 +624017,0 +624018,0 +624019,0 +624020,29 +624021,29 +624022,29 +624023,29 +624024,27 +624025,27 +624026,27 +624027,27 +624028,27 +624029,27 +624030,27 +624031,27 +624032,2 +624033,2 +624034,2 +624035,2 +624036,2 +624037,2 +624038,2 +624039,2 +624040,2 +624041,2 +624042,2 +624043,30 +624044,12 +624045,12 +624046,12 +624047,12 +624048,26 +624049,26 +624050,26 +624051,26 +624052,26 +624053,26 +624054,26 +624055,26 +624056,26 +624057,26 +624058,30 +624059,30 +624060,30 +624061,30 +624062,30 +624063,30 +624064,30 +624065,30 +624066,30 +624067,30 +624068,30 +624069,1 +624070,1 +624071,1 +624072,29 +624073,29 +624074,29 +624075,29 +624076,1 +624077,33 +624078,31 +624079,31 +624080,31 +624081,31 +624082,31 +624083,31 +624084,31 +624085,31 +624086,31 +624087,32 +624088,32 +624089,32 +624090,32 +624091,32 +624092,32 +624093,32 +624094,32 +624095,32 +624096,32 +624097,32 +624098,32 +624099,32 +624100,35 +624101,33 +624102,33 +624103,33 +624104,33 +624105,33 +624106,30 +624107,30 +624108,30 +624109,30 +624110,30 +624111,30 +624112,30 +624113,30 +624114,30 +624115,30 +624116,30 +624117,11 +624118,11 +624119,11 +624120,11 +624121,11 +624122,11 +624123,11 +624124,11 +624125,11 +624126,11 +624127,11 +624128,11 +624129,11 +624130,11 +624131,11 +624132,39 +624133,39 +624134,39 +624135,39 +624136,39 +624137,39 +624138,39 +624139,39 +624140,39 +624141,39 +624142,39 +624143,39 +624144,39 +624145,39 +624146,39 +624147,39 +624148,39 +624149,39 +624150,39 +624151,39 +624152,39 +624153,39 +624154,39 +624155,19 +624156,36 +624157,36 +624158,36 +624159,36 +624160,36 +624161,36 +624162,36 +624163,5 +624164,5 +624165,5 +624166,19 +624167,19 +624168,19 +624169,19 +624170,35 +624171,35 +624172,35 +624173,35 +624174,35 +624175,35 +624176,27 +624177,27 +624178,27 +624179,27 +624180,27 +624181,27 +624182,27 +624183,19 +624184,19 +624185,19 +624186,19 +624187,29 +624188,29 +624189,29 +624190,29 +624191,29 +624192,29 +624193,29 +624194,31 +624195,31 +624196,40 +624197,31 +624198,40 +624199,31 +624200,31 +624201,40 +624202,28 +624203,28 +624204,28 +624205,28 +624206,28 +624207,28 +624208,28 +624209,28 +624210,33 +624211,33 +624212,33 +624213,33 +624214,33 +624215,33 +624216,33 +624217,33 +624218,12 +624219,12 +624220,12 +624221,12 +624222,12 +624223,12 +624224,12 +624225,12 +624226,12 +624227,12 +624228,14 +624229,14 +624230,14 +624231,14 +624232,14 +624233,14 +624234,14 +624235,14 +624236,36 +624237,36 +624238,36 +624239,36 +624240,36 +624241,36 +624242,36 +624243,36 +624244,36 +624245,5 +624246,5 +624247,5 +624248,5 +624249,5 +624250,5 +624251,29 +624252,29 +624253,29 +624254,36 +624255,36 +624256,36 +624257,36 +624258,36 +624259,36 +624260,36 +624261,36 +624262,36 +624263,36 +624264,36 +624265,36 +624266,36 +624267,36 +624268,36 +624269,36 +624270,36 +624271,36 +624272,5 +624273,5 +624274,5 +624275,5 +624276,5 +624277,5 +624278,5 +624279,5 +624280,2 +624281,2 +624282,2 +624283,2 +624284,2 +624285,2 +624286,2 +624287,2 +624288,10 +624289,10 +624290,10 +624291,10 +624292,10 +624293,10 +624294,10 +624295,10 +624296,36 +624297,36 +624298,29 +624299,5 +624300,5 +624301,5 +624302,5 +624303,2 +624304,29 +624305,29 +624306,29 +624307,29 +624308,29 +624309,33 +624310,33 +624311,33 +624312,33 +624313,33 +624314,29 +624315,31 +624316,38 +624317,38 +624318,38 +624319,38 +624320,38 +624321,29 +624322,29 +624323,36 +624324,36 +624325,31 +624326,34 +624327,34 +624328,34 +624329,34 +624330,34 +624331,26 +624332,26 +624333,26 +624334,26 +624335,26 +624336,16 +624337,16 +624338,8 +624339,16 +624340,11 +624341,11 +624342,16 +624343,16 +624344,11 +624345,11 +624346,11 +624347,34 +624348,34 +624349,34 +624350,10 +624351,10 +624352,10 +624353,10 +624354,10 +624355,10 +624356,10 +624357,10 +624358,10 +624359,10 +624360,10 +624361,10 +624362,27 +624363,13 +624364,13 +624365,13 +624366,14 +624367,14 +624368,14 +624369,14 +624370,14 +624371,14 +624372,14 +624373,14 +624374,14 +624375,14 +624376,36 +624377,36 +624378,36 +624379,36 +624380,36 +624381,40 +624382,40 +624383,5 +624384,5 +624385,5 +624386,5 +624387,5 +624388,5 +624389,39 +624390,7 +624391,7 +624392,7 +624393,39 +624394,12 +624395,12 +624396,12 +624397,12 +624398,12 +624399,12 +624400,28 +624401,28 +624402,28 +624403,28 +624404,9 +624405,9 +624406,9 +624407,9 +624408,9 +624409,9 +624410,37 +624411,37 +624412,37 +624413,37 +624414,37 +624415,37 +624416,37 +624417,37 +624418,2 +624419,2 +624420,2 +624421,2 +624422,2 +624423,2 +624424,2 +624425,2 +624426,2 +624427,2 +624428,2 +624429,10 +624430,10 +624431,10 +624432,10 +624433,10 +624434,10 +624435,10 +624436,10 +624437,10 +624438,10 +624439,10 +624440,10 +624441,19 +624442,19 +624443,5 +624444,5 +624445,5 +624446,5 +624447,31 +624448,31 +624449,31 +624450,31 +624451,31 +624452,31 +624453,31 +624454,15 +624455,15 +624456,19 +624457,4 +624458,29 +624459,29 +624460,29 +624461,29 +624462,29 +624463,29 +624464,36 +624465,36 +624466,36 +624467,40 +624468,40 +624469,40 +624470,40 +624471,40 +624472,40 +624473,40 +624474,40 +624475,28 +624476,28 +624477,28 +624478,28 +624479,28 +624480,28 +624481,28 +624482,28 +624483,28 +624484,28 +624485,28 +624486,28 +624487,28 +624488,28 +624489,28 +624490,28 +624491,28 +624492,0 +624493,0 +624494,0 +624495,0 +624496,0 +624497,0 +624498,0 +624499,0 +624500,0 +624501,0 +624502,0 +624503,0 +624504,0 +624505,0 +624506,0 +624507,0 +624508,0 +624509,0 +624510,0 +624511,0 +624512,0 +624513,0 +624514,0 +624515,0 +624516,29 +624517,29 +624518,29 +624519,31 +624520,31 +624521,31 +624522,31 +624523,31 +624524,5 +624525,5 +624526,5 +624527,5 +624528,5 +624529,31 +624530,31 +624531,27 +624532,27 +624533,27 +624534,27 +624535,27 +624536,23 +624537,23 +624538,23 +624539,23 +624540,24 +624541,29 +624542,29 +624543,29 +624544,29 +624545,29 +624546,14 +624547,14 +624548,14 +624549,14 +624550,14 +624551,14 +624552,14 +624553,14 +624554,12 +624555,12 +624556,12 +624557,12 +624558,12 +624559,12 +624560,25 +624561,25 +624562,25 +624563,25 +624564,25 +624565,25 +624566,25 +624567,25 +624568,32 +624569,32 +624570,32 +624571,32 +624572,32 +624573,32 +624574,32 +624575,32 +624576,32 +624577,27 +624578,27 +624579,27 +624580,27 +624581,27 +624582,27 +624583,27 +624584,18 +624585,18 +624586,18 +624587,18 +624588,18 +624589,18 +624590,18 +624591,27 +624592,27 +624593,27 +624594,27 +624595,27 +624596,27 +624597,27 +624598,27 +624599,27 +624600,31 +624601,31 +624602,5 +624603,5 +624604,5 +624605,5 +624606,5 +624607,5 +624608,5 +624609,5 +624610,5 +624611,5 +624612,5 +624613,5 +624614,5 +624615,5 +624616,5 +624617,5 +624618,8 +624619,8 +624620,8 +624621,8 +624622,8 +624623,8 +624624,8 +624625,8 +624626,8 +624627,8 +624628,2 +624629,2 +624630,2 +624631,0 +624632,0 +624633,0 +624634,0 +624635,0 +624636,0 +624637,0 +624638,0 +624639,0 +624640,0 +624641,0 +624642,0 +624643,0 +624644,0 +624645,0 +624646,0 +624647,0 +624648,0 +624649,0 +624650,0 +624651,0 +624652,0 +624653,0 +624654,0 +624655,0 +624656,0 +624657,0 +624658,0 +624659,0 +624660,0 +624661,0 +624662,0 +624663,0 +624664,0 +624665,0 +624666,0 +624667,0 +624668,0 +624669,0 +624670,0 +624671,0 +624672,0 +624673,0 +624674,0 +624675,0 +624676,0 +624677,0 +624678,0 +624679,0 +624680,0 +624681,0 +624682,0 +624683,0 +624684,0 +624685,0 +624686,0 +624687,0 +624688,0 +624689,0 +624690,0 +624691,0 +624692,0 +624693,0 +624694,0 +624695,0 +624696,0 +624697,0 +624698,0 +624699,0 +624700,0 +624701,0 +624702,0 +624703,0 +624704,0 +624705,0 +624706,29 +624707,29 +624708,29 +624709,29 +624710,40 +624711,40 +624712,40 +624713,40 +624714,40 +624715,37 +624716,37 +624717,37 +624718,37 +624719,37 +624720,37 +624721,37 +624722,37 +624723,26 +624724,26 +624725,37 +624726,37 +624727,37 +624728,26 +624729,26 +624730,26 +624731,37 +624732,37 +624733,37 +624734,37 +624735,37 +624736,37 +624737,37 +624738,31 +624739,31 +624740,31 +624741,31 +624742,31 +624743,31 +624744,29 +624745,29 +624746,29 +624747,29 +624748,29 +624749,25 +624750,25 +624751,25 +624752,25 +624753,25 +624754,25 +624755,19 +624756,19 +624757,19 +624758,19 +624759,19 +624760,19 +624761,19 +624762,19 +624763,19 +624764,19 +624765,19 +624766,14 +624767,14 +624768,14 +624769,27 +624770,14 +624771,14 +624772,14 +624773,14 +624774,14 +624775,14 +624776,19 +624777,19 +624778,19 +624779,19 +624780,4 +624781,31 +624782,31 +624783,31 +624784,31 +624785,31 +624786,31 +624787,25 +624788,25 +624789,31 +624790,25 +624791,29 +624792,29 +624793,29 +624794,29 +624795,29 +624796,29 +624797,40 +624798,40 +624799,40 +624800,40 +624801,40 +624802,40 +624803,40 +624804,40 +624805,4 +624806,4 +624807,4 +624808,4 +624809,4 +624810,25 +624811,25 +624812,25 +624813,25 +624814,25 +624815,25 +624816,25 +624817,25 +624818,25 +624819,25 +624820,25 +624821,25 +624822,25 +624823,25 +624824,25 +624825,25 +624826,25 +624827,25 +624828,25 +624829,25 +624830,25 +624831,25 +624832,25 +624833,25 +624834,25 +624835,2 +624836,2 +624837,2 +624838,2 +624839,2 +624840,2 +624841,2 +624842,2 +624843,2 +624844,2 +624845,2 +624846,2 +624847,2 +624848,2 +624849,2 +624850,2 +624851,2 +624852,2 +624853,2 +624854,2 +624855,2 +624856,40 +624857,40 +624858,40 +624859,28 +624860,28 +624861,28 +624862,28 +624863,28 +624864,28 +624865,28 +624866,9 +624867,9 +624868,9 +624869,9 +624870,9 +624871,9 +624872,9 +624873,9 +624874,9 +624875,37 +624876,37 +624877,37 +624878,37 +624879,37 +624880,25 +624881,25 +624882,25 +624883,25 +624884,25 +624885,25 +624886,25 +624887,25 +624888,25 +624889,25 +624890,25 +624891,25 +624892,19 +624893,25 +624894,25 +624895,4 +624896,4 +624897,4 +624898,4 +624899,4 +624900,4 +624901,4 +624902,4 +624903,4 +624904,4 +624905,4 +624906,4 +624907,4 +624908,4 +624909,3 +624910,3 +624911,3 +624912,3 +624913,19 +624914,19 +624915,19 +624916,19 +624917,19 +624918,19 +624919,19 +624920,19 +624921,14 +624922,14 +624923,14 +624924,14 +624925,14 +624926,27 +624927,27 +624928,14 +624929,14 +624930,14 +624931,14 +624932,14 +624933,14 +624934,19 +624935,19 +624936,19 +624937,19 +624938,19 +624939,31 +624940,31 +624941,31 +624942,31 +624943,31 +624944,40 +624945,40 +624946,33 +624947,33 +624948,33 +624949,33 +624950,33 +624951,33 +624952,33 +624953,31 +624954,31 +624955,31 +624956,31 +624957,33 +624958,31 +624959,33 +624960,31 +624961,31 +624962,31 +624963,31 +624964,23 +624965,23 +624966,24 +624967,23 +624968,23 +624969,23 +624970,23 +624971,23 +624972,23 +624973,23 +624974,23 +624975,23 +624976,31 +624977,31 +624978,9 +624979,9 +624980,9 +624981,9 +624982,9 +624983,9 +624984,9 +624985,9 +624986,9 +624987,9 +624988,30 +624989,9 +624990,9 +624991,9 +624992,9 +624993,9 +624994,30 +624995,30 +624996,30 +624997,30 +624998,30 +624999,30 +625000,30 +625001,8 +625002,8 +625003,8 +625004,2 +625005,2 +625006,2 +625007,2 +625008,2 +625009,8 +625010,8 +625011,8 +625012,31 +625013,31 +625014,31 +625015,31 +625016,24 +625017,24 +625018,24 +625019,24 +625020,24 +625021,24 +625022,23 +625023,23 +625024,23 +625025,23 +625026,23 +625027,23 +625028,23 +625029,23 +625030,23 +625031,27 +625032,27 +625033,27 +625034,27 +625035,27 +625036,27 +625037,11 +625038,11 +625039,11 +625040,11 +625041,11 +625042,11 +625043,11 +625044,11 +625045,11 +625046,11 +625047,11 +625048,11 +625049,31 +625050,31 +625051,31 +625052,4 +625053,4 +625054,4 +625055,4 +625056,4 +625057,4 +625058,4 +625059,4 +625060,2 +625061,2 +625062,2 +625063,2 +625064,2 +625065,2 +625066,2 +625067,2 +625068,2 +625069,2 +625070,2 +625071,2 +625072,2 +625073,2 +625074,2 +625075,2 +625076,0 +625077,0 +625078,0 +625079,0 +625080,0 +625081,0 +625082,0 +625083,0 +625084,0 +625085,0 +625086,0 +625087,0 +625088,0 +625089,0 +625090,0 +625091,0 +625092,0 +625093,0 +625094,0 +625095,0 +625096,0 +625097,0 +625098,0 +625099,0 +625100,0 +625101,0 +625102,0 +625103,0 +625104,0 +625105,0 +625106,0 +625107,0 +625108,0 +625109,0 +625110,0 +625111,0 +625112,0 +625113,0 +625114,0 +625115,0 +625116,0 +625117,0 +625118,0 +625119,0 +625120,0 +625121,0 +625122,0 +625123,0 +625124,0 +625125,0 +625126,0 +625127,0 +625128,0 +625129,0 +625130,0 +625131,0 +625132,0 +625133,0 +625134,0 +625135,0 +625136,0 +625137,0 +625138,0 +625139,0 +625140,0 +625141,0 +625142,0 +625143,0 +625144,0 +625145,0 +625146,0 +625147,0 +625148,0 +625149,0 +625150,0 +625151,0 +625152,0 +625153,0 +625154,0 +625155,0 +625156,0 +625157,0 +625158,0 +625159,0 +625160,0 +625161,0 +625162,0 +625163,0 +625164,0 +625165,0 +625166,0 +625167,0 +625168,0 +625169,0 +625170,0 +625171,0 +625172,0 +625173,2 +625174,2 +625175,2 +625176,2 +625177,2 +625178,2 +625179,2 +625180,2 +625181,2 +625182,2 +625183,2 +625184,2 +625185,2 +625186,2 +625187,2 +625188,2 +625189,2 +625190,2 +625191,10 +625192,10 +625193,10 +625194,10 +625195,10 +625196,10 +625197,10 +625198,10 +625199,10 +625200,10 +625201,10 +625202,10 +625203,10 +625204,10 +625205,10 +625206,36 +625207,36 +625208,36 +625209,36 +625210,36 +625211,36 +625212,40 +625213,5 +625214,5 +625215,5 +625216,4 +625217,4 +625218,4 +625219,4 +625220,2 +625221,2 +625222,2 +625223,2 +625224,2 +625225,2 +625226,6 +625227,6 +625228,21 +625229,21 +625230,21 +625231,21 +625232,21 +625233,21 +625234,21 +625235,26 +625236,26 +625237,26 +625238,26 +625239,26 +625240,26 +625241,26 +625242,26 +625243,31 +625244,26 +625245,26 +625246,26 +625247,26 +625248,26 +625249,26 +625250,26 +625251,2 +625252,2 +625253,2 +625254,2 +625255,2 +625256,2 +625257,2 +625258,2 +625259,2 +625260,2 +625261,2 +625262,2 +625263,33 +625264,33 +625265,22 +625266,22 +625267,22 +625268,22 +625269,6 +625270,6 +625271,6 +625272,6 +625273,6 +625274,6 +625275,6 +625276,6 +625277,0 +625278,0 +625279,0 +625280,0 +625281,0 +625282,0 +625283,0 +625284,0 +625285,0 +625286,0 +625287,0 +625288,0 +625289,0 +625290,0 +625291,0 +625292,0 +625293,0 +625294,0 +625295,0 +625296,0 +625297,0 +625298,0 +625299,0 +625300,0 +625301,0 +625302,0 +625303,0 +625304,0 +625305,0 +625306,0 +625307,0 +625308,0 +625309,0 +625310,0 +625311,0 +625312,0 +625313,0 +625314,0 +625315,0 +625316,0 +625317,0 +625318,0 +625319,0 +625320,0 +625321,0 +625322,0 +625323,0 +625324,0 +625325,0 +625326,0 +625327,0 +625328,0 +625329,0 +625330,0 +625331,0 +625332,0 +625333,0 +625334,0 +625335,0 +625336,0 +625337,0 +625338,0 +625339,0 +625340,11 +625341,11 +625342,11 +625343,11 +625344,11 +625345,11 +625346,11 +625347,11 +625348,11 +625349,11 +625350,11 +625351,11 +625352,11 +625353,11 +625354,11 +625355,11 +625356,11 +625357,11 +625358,39 +625359,39 +625360,39 +625361,39 +625362,39 +625363,39 +625364,39 +625365,39 +625366,39 +625367,39 +625368,39 +625369,39 +625370,39 +625371,39 +625372,39 +625373,39 +625374,36 +625375,36 +625376,36 +625377,36 +625378,36 +625379,40 +625380,5 +625381,5 +625382,5 +625383,5 +625384,5 +625385,25 +625386,25 +625387,25 +625388,25 +625389,25 +625390,25 +625391,25 +625392,25 +625393,25 +625394,25 +625395,35 +625396,35 +625397,35 +625398,35 +625399,35 +625400,35 +625401,31 +625402,31 +625403,31 +625404,31 +625405,31 +625406,31 +625407,31 +625408,31 +625409,31 +625410,31 +625411,31 +625412,8 +625413,8 +625414,8 +625415,8 +625416,8 +625417,8 +625418,2 +625419,8 +625420,8 +625421,8 +625422,4 +625423,4 +625424,4 +625425,4 +625426,4 +625427,31 +625428,31 +625429,31 +625430,31 +625431,31 +625432,31 +625433,31 +625434,31 +625435,31 +625436,31 +625437,31 +625438,5 +625439,5 +625440,5 +625441,5 +625442,5 +625443,19 +625444,19 +625445,19 +625446,19 +625447,35 +625448,35 +625449,35 +625450,35 +625451,35 +625452,35 +625453,27 +625454,27 +625455,27 +625456,27 +625457,36 +625458,36 +625459,4 +625460,4 +625461,4 +625462,4 +625463,4 +625464,2 +625465,2 +625466,2 +625467,2 +625468,2 +625469,2 +625470,2 +625471,2 +625472,2 +625473,2 +625474,4 +625475,4 +625476,4 +625477,4 +625478,4 +625479,4 +625480,25 +625481,25 +625482,25 +625483,25 +625484,25 +625485,25 +625486,25 +625487,19 +625488,19 +625489,19 +625490,19 +625491,27 +625492,27 +625493,27 +625494,27 +625495,27 +625496,27 +625497,19 +625498,19 +625499,19 +625500,19 +625501,19 +625502,35 +625503,35 +625504,35 +625505,35 +625506,35 +625507,35 +625508,40 +625509,40 +625510,40 +625511,40 +625512,40 +625513,33 +625514,33 +625515,33 +625516,33 +625517,33 +625518,33 +625519,28 +625520,33 +625521,5 +625522,5 +625523,5 +625524,5 +625525,5 +625526,5 +625527,5 +625528,5 +625529,23 +625530,23 +625531,23 +625532,23 +625533,23 +625534,25 +625535,25 +625536,25 +625537,25 +625538,25 +625539,25 +625540,28 +625541,28 +625542,28 +625543,28 +625544,28 +625545,28 +625546,33 +625547,33 +625548,33 +625549,33 +625550,33 +625551,33 +625552,33 +625553,33 +625554,33 +625555,33 +625556,33 +625557,33 +625558,33 +625559,33 +625560,31 +625561,28 +625562,28 +625563,28 +625564,28 +625565,28 +625566,28 +625567,28 +625568,9 +625569,9 +625570,9 +625571,9 +625572,9 +625573,9 +625574,28 +625575,28 +625576,28 +625577,26 +625578,30 +625579,30 +625580,30 +625581,30 +625582,9 +625583,9 +625584,9 +625585,9 +625586,9 +625587,9 +625588,9 +625589,13 +625590,5 +625591,5 +625592,13 +625593,13 +625594,4 +625595,4 +625596,4 +625597,4 +625598,4 +625599,4 +625600,4 +625601,4 +625602,4 +625603,4 +625604,6 +625605,6 +625606,4 +625607,6 +625608,6 +625609,6 +625610,6 +625611,6 +625612,6 +625613,40 +625614,31 +625615,40 +625616,40 +625617,40 +625618,40 +625619,40 +625620,40 +625621,29 +625622,29 +625623,29 +625624,29 +625625,29 +625626,31 +625627,31 +625628,31 +625629,31 +625630,31 +625631,31 +625632,29 +625633,31 +625634,29 +625635,29 +625636,29 +625637,29 +625638,29 +625639,29 +625640,31 +625641,31 +625642,28 +625643,28 +625644,28 +625645,28 +625646,28 +625647,28 +625648,28 +625649,28 +625650,9 +625651,9 +625652,9 +625653,9 +625654,37 +625655,37 +625656,37 +625657,37 +625658,37 +625659,37 +625660,5 +625661,5 +625662,5 +625663,5 +625664,27 +625665,27 +625666,27 +625667,13 +625668,13 +625669,13 +625670,13 +625671,13 +625672,13 +625673,13 +625674,13 +625675,13 +625676,15 +625677,15 +625678,15 +625679,27 +625680,27 +625681,27 +625682,27 +625683,31 +625684,3 +625685,23 +625686,23 +625687,23 +625688,23 +625689,23 +625690,23 +625691,23 +625692,23 +625693,23 +625694,23 +625695,23 +625696,23 +625697,9 +625698,9 +625699,9 +625700,9 +625701,9 +625702,9 +625703,9 +625704,9 +625705,37 +625706,37 +625707,37 +625708,37 +625709,37 +625710,37 +625711,37 +625712,37 +625713,37 +625714,37 +625715,37 +625716,37 +625717,37 +625718,37 +625719,37 +625720,37 +625721,25 +625722,0 +625723,0 +625724,0 +625725,0 +625726,0 +625727,0 +625728,0 +625729,0 +625730,0 +625731,0 +625732,0 +625733,0 +625734,0 +625735,0 +625736,0 +625737,0 +625738,0 +625739,0 +625740,0 +625741,0 +625742,0 +625743,0 +625744,0 +625745,0 +625746,0 +625747,0 +625748,0 +625749,0 +625750,0 +625751,0 +625752,0 +625753,0 +625754,0 +625755,0 +625756,0 +625757,0 +625758,0 +625759,0 +625760,0 +625761,0 +625762,0 +625763,0 +625764,0 +625765,0 +625766,0 +625767,0 +625768,0 +625769,0 +625770,0 +625771,0 +625772,0 +625773,0 +625774,0 +625775,0 +625776,0 +625777,0 +625778,0 +625779,0 +625780,0 +625781,0 +625782,0 +625783,0 +625784,0 +625785,0 +625786,0 +625787,0 +625788,0 +625789,0 +625790,0 +625791,0 +625792,0 +625793,0 +625794,0 +625795,0 +625796,0 +625797,0 +625798,0 +625799,0 +625800,0 +625801,0 +625802,0 +625803,0 +625804,0 +625805,0 +625806,0 +625807,0 +625808,0 +625809,29 +625810,29 +625811,29 +625812,29 +625813,29 +625814,14 +625815,14 +625816,14 +625817,39 +625818,39 +625819,35 +625820,35 +625821,35 +625822,35 +625823,35 +625824,35 +625825,35 +625826,35 +625827,36 +625828,36 +625829,40 +625830,40 +625831,40 +625832,36 +625833,19 +625834,19 +625835,19 +625836,19 +625837,19 +625838,19 +625839,19 +625840,19 +625841,27 +625842,27 +625843,27 +625844,27 +625845,27 +625846,2 +625847,2 +625848,2 +625849,2 +625850,2 +625851,2 +625852,2 +625853,2 +625854,2 +625855,2 +625856,2 +625857,4 +625858,4 +625859,4 +625860,4 +625861,4 +625862,4 +625863,26 +625864,26 +625865,26 +625866,26 +625867,26 +625868,26 +625869,26 +625870,26 +625871,26 +625872,32 +625873,32 +625874,32 +625875,32 +625876,32 +625877,32 +625878,32 +625879,33 +625880,33 +625881,33 +625882,33 +625883,33 +625884,33 +625885,33 +625886,33 +625887,33 +625888,33 +625889,24 +625890,24 +625891,24 +625892,24 +625893,24 +625894,24 +625895,24 +625896,25 +625897,37 +625898,37 +625899,37 +625900,37 +625901,25 +625902,25 +625903,2 +625904,2 +625905,2 +625906,2 +625907,2 +625908,2 +625909,2 +625910,2 +625911,2 +625912,2 +625913,2 +625914,40 +625915,40 +625916,40 +625917,40 +625918,40 +625919,40 +625920,40 +625921,24 +625922,24 +625923,24 +625924,24 +625925,24 +625926,24 +625927,24 +625928,34 +625929,33 +625930,33 +625931,33 +625932,34 +625933,33 +625934,33 +625935,34 +625936,34 +625937,34 +625938,34 +625939,34 +625940,34 +625941,34 +625942,34 +625943,34 +625944,34 +625945,34 +625946,34 +625947,34 +625948,34 +625949,34 +625950,34 +625951,34 +625952,34 +625953,34 +625954,34 +625955,34 +625956,34 +625957,34 +625958,34 +625959,34 +625960,34 +625961,34 +625962,34 +625963,34 +625964,34 +625965,25 +625966,25 +625967,25 +625968,25 +625969,37 +625970,37 +625971,37 +625972,37 +625973,37 +625974,37 +625975,37 +625976,2 +625977,2 +625978,8 +625979,8 +625980,8 +625981,8 +625982,8 +625983,2 +625984,2 +625985,36 +625986,36 +625987,36 +625988,36 +625989,36 +625990,36 +625991,36 +625992,36 +625993,27 +625994,5 +625995,5 +625996,5 +625997,19 +625998,5 +625999,19 +626000,19 +626001,12 +626002,12 +626003,12 +626004,12 +626005,12 +626006,12 +626007,12 +626008,12 +626009,12 +626010,12 +626011,14 +626012,14 +626013,14 +626014,14 +626015,14 +626016,14 +626017,14 +626018,28 +626019,28 +626020,28 +626021,28 +626022,28 +626023,28 +626024,28 +626025,28 +626026,28 +626027,9 +626028,9 +626029,9 +626030,9 +626031,9 +626032,37 +626033,37 +626034,37 +626035,37 +626036,37 +626037,37 +626038,37 +626039,18 +626040,18 +626041,18 +626042,16 +626043,16 +626044,18 +626045,18 +626046,18 +626047,18 +626048,16 +626049,18 +626050,33 +626051,31 +626052,31 +626053,31 +626054,31 +626055,31 +626056,31 +626057,5 +626058,5 +626059,13 +626060,13 +626061,5 +626062,5 +626063,6 +626064,6 +626065,6 +626066,6 +626067,11 +626068,11 +626069,11 +626070,11 +626071,11 +626072,11 +626073,11 +626074,11 +626075,11 +626076,11 +626077,11 +626078,31 +626079,31 +626080,31 +626081,31 +626082,31 +626083,31 +626084,31 +626085,5 +626086,5 +626087,5 +626088,5 +626089,5 +626090,5 +626091,5 +626092,5 +626093,5 +626094,4 +626095,4 +626096,4 +626097,4 +626098,4 +626099,4 +626100,4 +626101,4 +626102,27 +626103,27 +626104,27 +626105,27 +626106,27 +626107,27 +626108,19 +626109,38 +626110,32 +626111,32 +626112,32 +626113,32 +626114,32 +626115,32 +626116,32 +626117,32 +626118,32 +626119,32 +626120,32 +626121,32 +626122,36 +626123,36 +626124,36 +626125,36 +626126,36 +626127,36 +626128,36 +626129,36 +626130,36 +626131,40 +626132,36 +626133,16 +626134,16 +626135,16 +626136,16 +626137,16 +626138,16 +626139,16 +626140,16 +626141,16 +626142,16 +626143,16 +626144,16 +626145,16 +626146,16 +626147,16 +626148,16 +626149,16 +626150,16 +626151,16 +626152,29 +626153,29 +626154,29 +626155,29 +626156,31 +626157,31 +626158,31 +626159,31 +626160,15 +626161,15 +626162,15 +626163,15 +626164,15 +626165,15 +626166,15 +626167,34 +626168,34 +626169,34 +626170,30 +626171,30 +626172,30 +626173,36 +626174,36 +626175,36 +626176,36 +626177,36 +626178,36 +626179,36 +626180,36 +626181,6 +626182,6 +626183,6 +626184,6 +626185,6 +626186,6 +626187,6 +626188,6 +626189,6 +626190,6 +626191,6 +626192,6 +626193,6 +626194,6 +626195,26 +626196,26 +626197,26 +626198,26 +626199,26 +626200,26 +626201,26 +626202,26 +626203,26 +626204,6 +626205,6 +626206,6 +626207,6 +626208,6 +626209,6 +626210,6 +626211,6 +626212,6 +626213,6 +626214,6 +626215,0 +626216,4 +626217,4 +626218,4 +626219,4 +626220,4 +626221,4 +626222,4 +626223,4 +626224,4 +626225,37 +626226,37 +626227,37 +626228,37 +626229,37 +626230,14 +626231,14 +626232,14 +626233,14 +626234,14 +626235,14 +626236,14 +626237,14 +626238,14 +626239,14 +626240,14 +626241,14 +626242,14 +626243,14 +626244,5 +626245,5 +626246,5 +626247,5 +626248,13 +626249,13 +626250,13 +626251,13 +626252,13 +626253,13 +626254,13 +626255,13 +626256,5 +626257,5 +626258,0 +626259,0 +626260,0 +626261,0 +626262,0 +626263,0 +626264,0 +626265,0 +626266,0 +626267,0 +626268,0 +626269,0 +626270,0 +626271,0 +626272,0 +626273,0 +626274,0 +626275,0 +626276,0 +626277,0 +626278,0 +626279,0 +626280,0 +626281,0 +626282,0 +626283,0 +626284,0 +626285,0 +626286,0 +626287,0 +626288,0 +626289,0 +626290,0 +626291,0 +626292,0 +626293,0 +626294,0 +626295,0 +626296,0 +626297,0 +626298,0 +626299,0 +626300,0 +626301,0 +626302,0 +626303,27 +626304,27 +626305,27 +626306,27 +626307,27 +626308,4 +626309,12 +626310,12 +626311,12 +626312,12 +626313,12 +626314,12 +626315,12 +626316,12 +626317,12 +626318,31 +626319,31 +626320,31 +626321,30 +626322,30 +626323,30 +626324,30 +626325,30 +626326,30 +626327,30 +626328,35 +626329,35 +626330,35 +626331,35 +626332,35 +626333,35 +626334,35 +626335,10 +626336,36 +626337,36 +626338,36 +626339,36 +626340,36 +626341,36 +626342,36 +626343,36 +626344,36 +626345,36 +626346,36 +626347,24 +626348,24 +626349,24 +626350,24 +626351,29 +626352,29 +626353,29 +626354,29 +626355,39 +626356,39 +626357,39 +626358,39 +626359,39 +626360,39 +626361,39 +626362,39 +626363,26 +626364,26 +626365,26 +626366,26 +626367,26 +626368,26 +626369,26 +626370,26 +626371,26 +626372,26 +626373,26 +626374,26 +626375,26 +626376,26 +626377,26 +626378,26 +626379,26 +626380,19 +626381,19 +626382,19 +626383,19 +626384,19 +626385,19 +626386,19 +626387,39 +626388,39 +626389,39 +626390,39 +626391,39 +626392,39 +626393,39 +626394,39 +626395,39 +626396,39 +626397,39 +626398,39 +626399,39 +626400,39 +626401,31 +626402,31 +626403,31 +626404,31 +626405,31 +626406,24 +626407,24 +626408,24 +626409,24 +626410,24 +626411,24 +626412,24 +626413,29 +626414,29 +626415,29 +626416,31 +626417,31 +626418,31 +626419,28 +626420,28 +626421,28 +626422,28 +626423,28 +626424,28 +626425,28 +626426,28 +626427,28 +626428,28 +626429,33 +626430,33 +626431,33 +626432,33 +626433,33 +626434,33 +626435,33 +626436,33 +626437,33 +626438,33 +626439,33 +626440,33 +626441,33 +626442,33 +626443,33 +626444,33 +626445,33 +626446,33 +626447,33 +626448,33 +626449,33 +626450,3 +626451,3 +626452,3 +626453,3 +626454,3 +626455,3 +626456,3 +626457,2 +626458,2 +626459,8 +626460,8 +626461,8 +626462,8 +626463,2 +626464,36 +626465,8 +626466,36 +626467,36 +626468,36 +626469,36 +626470,36 +626471,36 +626472,36 +626473,36 +626474,36 +626475,36 +626476,36 +626477,36 +626478,36 +626479,36 +626480,6 +626481,6 +626482,6 +626483,6 +626484,6 +626485,6 +626486,2 +626487,2 +626488,2 +626489,16 +626490,2 +626491,16 +626492,2 +626493,2 +626494,2 +626495,30 +626496,30 +626497,30 +626498,30 +626499,30 +626500,30 +626501,39 +626502,39 +626503,39 +626504,39 +626505,39 +626506,39 +626507,39 +626508,39 +626509,39 +626510,21 +626511,21 +626512,21 +626513,21 +626514,21 +626515,21 +626516,21 +626517,21 +626518,21 +626519,8 +626520,8 +626521,8 +626522,8 +626523,8 +626524,8 +626525,8 +626526,8 +626527,27 +626528,27 +626529,27 +626530,27 +626531,27 +626532,27 +626533,27 +626534,27 +626535,27 +626536,27 +626537,2 +626538,2 +626539,2 +626540,2 +626541,2 +626542,2 +626543,2 +626544,2 +626545,2 +626546,4 +626547,4 +626548,4 +626549,4 +626550,4 +626551,4 +626552,4 +626553,39 +626554,39 +626555,27 +626556,27 +626557,27 +626558,27 +626559,27 +626560,27 +626561,27 +626562,27 +626563,27 +626564,27 +626565,13 +626566,13 +626567,13 +626568,13 +626569,13 +626570,13 +626571,5 +626572,5 +626573,5 +626574,0 +626575,0 +626576,0 +626577,0 +626578,0 +626579,0 +626580,0 +626581,0 +626582,0 +626583,0 +626584,0 +626585,0 +626586,0 +626587,0 +626588,0 +626589,0 +626590,0 +626591,0 +626592,0 +626593,0 +626594,0 +626595,0 +626596,0 +626597,0 +626598,0 +626599,0 +626600,0 +626601,0 +626602,0 +626603,0 +626604,0 +626605,12 +626606,12 +626607,12 +626608,12 +626609,27 +626610,27 +626611,5 +626612,5 +626613,5 +626614,5 +626615,29 +626616,29 +626617,29 +626618,31 +626619,31 +626620,31 +626621,32 +626622,32 +626623,32 +626624,32 +626625,32 +626626,32 +626627,32 +626628,32 +626629,32 +626630,14 +626631,14 +626632,14 +626633,14 +626634,14 +626635,14 +626636,14 +626637,14 +626638,14 +626639,14 +626640,32 +626641,32 +626642,32 +626643,32 +626644,32 +626645,32 +626646,32 +626647,32 +626648,32 +626649,25 +626650,37 +626651,25 +626652,25 +626653,25 +626654,25 +626655,25 +626656,25 +626657,25 +626658,2 +626659,2 +626660,2 +626661,8 +626662,8 +626663,2 +626664,2 +626665,2 +626666,2 +626667,2 +626668,4 +626669,2 +626670,2 +626671,2 +626672,39 +626673,39 +626674,39 +626675,27 +626676,6 +626677,6 +626678,6 +626679,6 +626680,6 +626681,6 +626682,6 +626683,6 +626684,6 +626685,6 +626686,6 +626687,6 +626688,6 +626689,6 +626690,6 +626691,14 +626692,14 +626693,14 +626694,14 +626695,14 +626696,14 +626697,14 +626698,14 +626699,14 +626700,14 +626701,14 +626702,14 +626703,14 +626704,14 +626705,14 +626706,14 +626707,14 +626708,14 +626709,14 +626710,7 +626711,7 +626712,7 +626713,7 +626714,7 +626715,7 +626716,7 +626717,7 +626718,7 +626719,7 +626720,7 +626721,7 +626722,3 +626723,3 +626724,3 +626725,39 +626726,12 +626727,3 +626728,3 +626729,3 +626730,3 +626731,31 +626732,31 +626733,30 +626734,30 +626735,30 +626736,30 +626737,23 +626738,23 +626739,23 +626740,23 +626741,23 +626742,23 +626743,23 +626744,23 +626745,23 +626746,23 +626747,23 +626748,23 +626749,23 +626750,23 +626751,10 +626752,10 +626753,10 +626754,10 +626755,10 +626756,10 +626757,10 +626758,10 +626759,10 +626760,10 +626761,10 +626762,10 +626763,10 +626764,5 +626765,5 +626766,5 +626767,5 +626768,5 +626769,13 +626770,4 +626771,4 +626772,4 +626773,4 +626774,4 +626775,4 +626776,4 +626777,4 +626778,4 +626779,4 +626780,25 +626781,25 +626782,25 +626783,25 +626784,25 +626785,25 +626786,25 +626787,25 +626788,12 +626789,12 +626790,12 +626791,12 +626792,12 +626793,12 +626794,12 +626795,14 +626796,14 +626797,14 +626798,14 +626799,14 +626800,14 +626801,11 +626802,11 +626803,11 +626804,11 +626805,11 +626806,11 +626807,11 +626808,11 +626809,11 +626810,11 +626811,11 +626812,11 +626813,11 +626814,11 +626815,11 +626816,11 +626817,11 +626818,31 +626819,5 +626820,5 +626821,5 +626822,5 +626823,5 +626824,5 +626825,5 +626826,27 +626827,27 +626828,27 +626829,4 +626830,4 +626831,4 +626832,4 +626833,4 +626834,4 +626835,4 +626836,4 +626837,4 +626838,2 +626839,2 +626840,2 +626841,2 +626842,2 +626843,2 +626844,32 +626845,32 +626846,32 +626847,32 +626848,32 +626849,32 +626850,32 +626851,32 +626852,32 +626853,30 +626854,30 +626855,30 +626856,30 +626857,30 +626858,14 +626859,14 +626860,14 +626861,14 +626862,14 +626863,14 +626864,14 +626865,14 +626866,14 +626867,14 +626868,14 +626869,14 +626870,14 +626871,2 +626872,2 +626873,2 +626874,2 +626875,2 +626876,2 +626877,2 +626878,2 +626879,2 +626880,2 +626881,2 +626882,2 +626883,2 +626884,2 +626885,2 +626886,2 +626887,2 +626888,2 +626889,2 +626890,2 +626891,2 +626892,2 +626893,2 +626894,2 +626895,2 +626896,2 +626897,2 +626898,2 +626899,2 +626900,2 +626901,2 +626902,2 +626903,0 +626904,0 +626905,0 +626906,0 +626907,0 +626908,0 +626909,0 +626910,0 +626911,0 +626912,0 +626913,0 +626914,0 +626915,0 +626916,0 +626917,0 +626918,0 +626919,0 +626920,0 +626921,0 +626922,0 +626923,0 +626924,0 +626925,0 +626926,0 +626927,0 +626928,0 +626929,0 +626930,0 +626931,0 +626932,0 +626933,2 +626934,2 +626935,2 +626936,2 +626937,2 +626938,2 +626939,2 +626940,2 +626941,2 +626942,2 +626943,2 +626944,2 +626945,2 +626946,2 +626947,2 +626948,27 +626949,2 +626950,27 +626951,40 +626952,40 +626953,40 +626954,40 +626955,5 +626956,5 +626957,5 +626958,5 +626959,5 +626960,5 +626961,5 +626962,8 +626963,8 +626964,8 +626965,8 +626966,8 +626967,8 +626968,8 +626969,8 +626970,36 +626971,36 +626972,36 +626973,36 +626974,36 +626975,36 +626976,36 +626977,27 +626978,5 +626979,5 +626980,5 +626981,5 +626982,5 +626983,5 +626984,5 +626985,2 +626986,2 +626987,2 +626988,2 +626989,2 +626990,2 +626991,2 +626992,2 +626993,2 +626994,2 +626995,2 +626996,2 +626997,27 +626998,27 +626999,27 +627000,27 +627001,6 +627002,6 +627003,6 +627004,6 +627005,6 +627006,2 +627007,2 +627008,2 +627009,2 +627010,2 +627011,2 +627012,2 +627013,2 +627014,4 +627015,4 +627016,4 +627017,4 +627018,4 +627019,14 +627020,14 +627021,14 +627022,14 +627023,14 +627024,14 +627025,14 +627026,14 +627027,14 +627028,14 +627029,14 +627030,14 +627031,5 +627032,5 +627033,5 +627034,5 +627035,5 +627036,5 +627037,13 +627038,13 +627039,38 +627040,38 +627041,38 +627042,38 +627043,38 +627044,38 +627045,38 +627046,38 +627047,25 +627048,25 +627049,25 +627050,25 +627051,25 +627052,25 +627053,25 +627054,25 +627055,25 +627056,19 +627057,19 +627058,19 +627059,39 +627060,39 +627061,39 +627062,39 +627063,39 +627064,39 +627065,39 +627066,39 +627067,23 +627068,23 +627069,23 +627070,23 +627071,23 +627072,23 +627073,23 +627074,23 +627075,23 +627076,23 +627077,23 +627078,26 +627079,26 +627080,26 +627081,26 +627082,26 +627083,26 +627084,26 +627085,26 +627086,26 +627087,26 +627088,26 +627089,26 +627090,26 +627091,26 +627092,26 +627093,26 +627094,26 +627095,26 +627096,26 +627097,26 +627098,26 +627099,26 +627100,10 +627101,10 +627102,10 +627103,10 +627104,10 +627105,10 +627106,10 +627107,10 +627108,10 +627109,10 +627110,10 +627111,10 +627112,38 +627113,38 +627114,38 +627115,38 +627116,23 +627117,38 +627118,23 +627119,23 +627120,23 +627121,23 +627122,23 +627123,29 +627124,29 +627125,29 +627126,29 +627127,29 +627128,29 +627129,29 +627130,31 +627131,31 +627132,31 +627133,31 +627134,31 +627135,31 +627136,18 +627137,18 +627138,18 +627139,18 +627140,18 +627141,18 +627142,18 +627143,18 +627144,18 +627145,18 +627146,18 +627147,18 +627148,40 +627149,40 +627150,40 +627151,40 +627152,40 +627153,5 +627154,5 +627155,5 +627156,5 +627157,5 +627158,5 +627159,33 +627160,33 +627161,33 +627162,33 +627163,33 +627164,33 +627165,33 +627166,31 +627167,37 +627168,37 +627169,37 +627170,33 +627171,6 +627172,6 +627173,6 +627174,6 +627175,6 +627176,6 +627177,6 +627178,6 +627179,6 +627180,6 +627181,6 +627182,6 +627183,9 +627184,9 +627185,9 +627186,9 +627187,9 +627188,9 +627189,9 +627190,9 +627191,9 +627192,37 +627193,37 +627194,37 +627195,37 +627196,37 +627197,37 +627198,37 +627199,37 +627200,6 +627201,6 +627202,6 +627203,6 +627204,6 +627205,4 +627206,4 +627207,4 +627208,4 +627209,4 +627210,27 +627211,27 +627212,27 +627213,27 +627214,6 +627215,6 +627216,6 +627217,6 +627218,6 +627219,6 +627220,6 +627221,6 +627222,6 +627223,6 +627224,6 +627225,6 +627226,6 +627227,6 +627228,37 +627229,37 +627230,37 +627231,37 +627232,37 +627233,39 +627234,39 +627235,39 +627236,39 +627237,39 +627238,39 +627239,39 +627240,39 +627241,39 +627242,39 +627243,39 +627244,39 +627245,39 +627246,19 +627247,19 +627248,19 +627249,19 +627250,19 +627251,19 +627252,19 +627253,29 +627254,29 +627255,29 +627256,31 +627257,31 +627258,31 +627259,31 +627260,31 +627261,31 +627262,31 +627263,4 +627264,4 +627265,4 +627266,4 +627267,4 +627268,4 +627269,4 +627270,5 +627271,5 +627272,5 +627273,5 +627274,5 +627275,5 +627276,5 +627277,5 +627278,5 +627279,5 +627280,5 +627281,5 +627282,33 +627283,33 +627284,33 +627285,33 +627286,33 +627287,33 +627288,33 +627289,33 +627290,33 +627291,33 +627292,33 +627293,33 +627294,33 +627295,33 +627296,19 +627297,19 +627298,4 +627299,4 +627300,4 +627301,4 +627302,4 +627303,3 +627304,19 +627305,33 +627306,33 +627307,33 +627308,33 +627309,12 +627310,12 +627311,12 +627312,12 +627313,12 +627314,12 +627315,40 +627316,40 +627317,40 +627318,40 +627319,40 +627320,40 +627321,30 +627322,30 +627323,30 +627324,30 +627325,30 +627326,30 +627327,30 +627328,30 +627329,30 +627330,30 +627331,30 +627332,27 +627333,27 +627334,27 +627335,27 +627336,27 +627337,13 +627338,13 +627339,13 +627340,13 +627341,13 +627342,13 +627343,13 +627344,13 +627345,13 +627346,13 +627347,13 +627348,13 +627349,0 +627350,0 +627351,0 +627352,0 +627353,0 +627354,0 +627355,0 +627356,0 +627357,0 +627358,0 +627359,0 +627360,0 +627361,0 +627362,0 +627363,0 +627364,0 +627365,0 +627366,0 +627367,0 +627368,0 +627369,0 +627370,0 +627371,0 +627372,0 +627373,0 +627374,0 +627375,0 +627376,0 +627377,0 +627378,0 +627379,0 +627380,0 +627381,23 +627382,0 +627383,0 +627384,23 +627385,23 +627386,23 +627387,23 +627388,23 +627389,23 +627390,23 +627391,25 +627392,25 +627393,25 +627394,25 +627395,25 +627396,25 +627397,25 +627398,25 +627399,28 +627400,28 +627401,28 +627402,28 +627403,28 +627404,28 +627405,28 +627406,28 +627407,31 +627408,31 +627409,31 +627410,31 +627411,31 +627412,31 +627413,31 +627414,31 +627415,28 +627416,28 +627417,28 +627418,28 +627419,28 +627420,28 +627421,28 +627422,28 +627423,33 +627424,33 +627425,33 +627426,33 +627427,33 +627428,33 +627429,33 +627430,33 +627431,12 +627432,12 +627433,12 +627434,12 +627435,33 +627436,27 +627437,27 +627438,27 +627439,27 +627440,5 +627441,5 +627442,5 +627443,5 +627444,19 +627445,19 +627446,19 +627447,19 +627448,12 +627449,12 +627450,12 +627451,12 +627452,12 +627453,12 +627454,27 +627455,27 +627456,27 +627457,27 +627458,28 +627459,28 +627460,28 +627461,5 +627462,5 +627463,5 +627464,28 +627465,28 +627466,28 +627467,28 +627468,28 +627469,28 +627470,26 +627471,26 +627472,26 +627473,26 +627474,26 +627475,26 +627476,26 +627477,26 +627478,37 +627479,37 +627480,37 +627481,37 +627482,37 +627483,37 +627484,37 +627485,27 +627486,39 +627487,39 +627488,39 +627489,39 +627490,39 +627491,39 +627492,31 +627493,31 +627494,27 +627495,31 +627496,31 +627497,8 +627498,8 +627499,8 +627500,8 +627501,8 +627502,8 +627503,8 +627504,8 +627505,4 +627506,4 +627507,4 +627508,4 +627509,4 +627510,4 +627511,22 +627512,22 +627513,22 +627514,31 +627515,31 +627516,22 +627517,6 +627518,6 +627519,6 +627520,6 +627521,6 +627522,6 +627523,31 +627524,31 +627525,31 +627526,31 +627527,31 +627528,8 +627529,8 +627530,8 +627531,8 +627532,8 +627533,8 +627534,8 +627535,8 +627536,29 +627537,29 +627538,32 +627539,32 +627540,32 +627541,32 +627542,31 +627543,29 +627544,30 +627545,30 +627546,30 +627547,30 +627548,30 +627549,14 +627550,14 +627551,14 +627552,14 +627553,14 +627554,14 +627555,14 +627556,14 +627557,14 +627558,14 +627559,14 +627560,14 +627561,14 +627562,14 +627563,14 +627564,2 +627565,2 +627566,2 +627567,2 +627568,2 +627569,2 +627570,8 +627571,8 +627572,2 +627573,8 +627574,2 +627575,2 +627576,2 +627577,2 +627578,2 +627579,2 +627580,2 +627581,0 +627582,0 +627583,0 +627584,0 +627585,0 +627586,0 +627587,0 +627588,0 +627589,0 +627590,0 +627591,0 +627592,0 +627593,0 +627594,0 +627595,0 +627596,0 +627597,0 +627598,0 +627599,0 +627600,0 +627601,0 +627602,0 +627603,0 +627604,0 +627605,0 +627606,0 +627607,36 +627608,36 +627609,36 +627610,36 +627611,36 +627612,36 +627613,36 +627614,36 +627615,36 +627616,36 +627617,36 +627618,5 +627619,5 +627620,5 +627621,5 +627622,5 +627623,5 +627624,19 +627625,19 +627626,19 +627627,19 +627628,12 +627629,12 +627630,12 +627631,12 +627632,12 +627633,12 +627634,12 +627635,27 +627636,27 +627637,27 +627638,27 +627639,27 +627640,8 +627641,8 +627642,8 +627643,8 +627644,8 +627645,8 +627646,29 +627647,29 +627648,29 +627649,29 +627650,31 +627651,31 +627652,31 +627653,31 +627654,31 +627655,31 +627656,2 +627657,2 +627658,2 +627659,2 +627660,2 +627661,2 +627662,2 +627663,2 +627664,2 +627665,2 +627666,31 +627667,31 +627668,31 +627669,31 +627670,31 +627671,31 +627672,32 +627673,32 +627674,32 +627675,32 +627676,32 +627677,32 +627678,32 +627679,2 +627680,2 +627681,2 +627682,2 +627683,2 +627684,2 +627685,2 +627686,2 +627687,2 +627688,27 +627689,27 +627690,27 +627691,27 +627692,27 +627693,27 +627694,4 +627695,4 +627696,4 +627697,4 +627698,4 +627699,4 +627700,4 +627701,4 +627702,4 +627703,3 +627704,3 +627705,3 +627706,3 +627707,3 +627708,3 +627709,3 +627710,3 +627711,3 +627712,3 +627713,3 +627714,3 +627715,3 +627716,3 +627717,3 +627718,3 +627719,4 +627720,4 +627721,4 +627722,4 +627723,4 +627724,19 +627725,19 +627726,19 +627727,19 +627728,4 +627729,4 +627730,4 +627731,4 +627732,4 +627733,0 +627734,0 +627735,0 +627736,0 +627737,0 +627738,0 +627739,0 +627740,0 +627741,0 +627742,0 +627743,0 +627744,0 +627745,0 +627746,0 +627747,0 +627748,0 +627749,0 +627750,0 +627751,0 +627752,0 +627753,0 +627754,0 +627755,0 +627756,0 +627757,0 +627758,0 +627759,0 +627760,0 +627761,0 +627762,0 +627763,0 +627764,0 +627765,0 +627766,0 +627767,0 +627768,0 +627769,0 +627770,0 +627771,0 +627772,0 +627773,0 +627774,0 +627775,0 +627776,0 +627777,0 +627778,6 +627779,6 +627780,6 +627781,6 +627782,6 +627783,31 +627784,31 +627785,31 +627786,31 +627787,31 +627788,31 +627789,31 +627790,31 +627791,8 +627792,8 +627793,8 +627794,8 +627795,8 +627796,8 +627797,8 +627798,2 +627799,2 +627800,40 +627801,40 +627802,40 +627803,40 +627804,40 +627805,40 +627806,40 +627807,19 +627808,4 +627809,4 +627810,4 +627811,4 +627812,4 +627813,4 +627814,12 +627815,12 +627816,12 +627817,12 +627818,12 +627819,12 +627820,12 +627821,22 +627822,22 +627823,22 +627824,22 +627825,19 +627826,19 +627827,19 +627828,19 +627829,19 +627830,19 +627831,19 +627832,5 +627833,5 +627834,5 +627835,5 +627836,5 +627837,5 +627838,5 +627839,5 +627840,26 +627841,26 +627842,26 +627843,26 +627844,26 +627845,26 +627846,26 +627847,26 +627848,26 +627849,26 +627850,26 +627851,26 +627852,26 +627853,4 +627854,4 +627855,4 +627856,4 +627857,35 +627858,35 +627859,35 +627860,35 +627861,35 +627862,35 +627863,36 +627864,36 +627865,36 +627866,24 +627867,24 +627868,24 +627869,24 +627870,24 +627871,24 +627872,25 +627873,25 +627874,25 +627875,25 +627876,25 +627877,25 +627878,25 +627879,21 +627880,21 +627881,21 +627882,21 +627883,21 +627884,21 +627885,21 +627886,21 +627887,21 +627888,21 +627889,21 +627890,21 +627891,21 +627892,37 +627893,37 +627894,37 +627895,37 +627896,37 +627897,40 +627898,40 +627899,40 +627900,40 +627901,4 +627902,4 +627903,4 +627904,27 +627905,27 +627906,27 +627907,27 +627908,27 +627909,27 +627910,27 +627911,27 +627912,27 +627913,19 +627914,19 +627915,21 +627916,21 +627917,21 +627918,21 +627919,21 +627920,21 +627921,21 +627922,21 +627923,21 +627924,21 +627925,21 +627926,21 +627927,21 +627928,21 +627929,21 +627930,26 +627931,26 +627932,26 +627933,26 +627934,26 +627935,26 +627936,26 +627937,26 +627938,9 +627939,26 +627940,26 +627941,26 +627942,26 +627943,26 +627944,19 +627945,4 +627946,4 +627947,35 +627948,35 +627949,35 +627950,35 +627951,35 +627952,35 +627953,35 +627954,25 +627955,25 +627956,25 +627957,25 +627958,25 +627959,5 +627960,5 +627961,5 +627962,5 +627963,5 +627964,5 +627965,2 +627966,2 +627967,2 +627968,2 +627969,2 +627970,2 +627971,2 +627972,2 +627973,2 +627974,2 +627975,2 +627976,2 +627977,2 +627978,40 +627979,40 +627980,40 +627981,40 +627982,40 +627983,40 +627984,40 +627985,40 +627986,40 +627987,30 +627988,30 +627989,30 +627990,30 +627991,30 +627992,30 +627993,30 +627994,30 +627995,30 +627996,30 +627997,30 +627998,23 +627999,23 +628000,23 +628001,23 +628002,23 +628003,23 +628004,23 +628005,23 +628006,23 +628007,23 +628008,23 +628009,23 +628010,23 +628011,23 +628012,23 +628013,23 +628014,23 +628015,23 +628016,23 +628017,23 +628018,0 +628019,0 +628020,0 +628021,0 +628022,0 +628023,0 +628024,0 +628025,0 +628026,0 +628027,0 +628028,0 +628029,0 +628030,0 +628031,0 +628032,0 +628033,0 +628034,0 +628035,0 +628036,0 +628037,0 +628038,0 +628039,0 +628040,0 +628041,0 +628042,0 +628043,0 +628044,0 +628045,0 +628046,0 +628047,0 +628048,0 +628049,0 +628050,0 +628051,0 +628052,0 +628053,0 +628054,0 +628055,0 +628056,0 +628057,0 +628058,0 +628059,0 +628060,0 +628061,0 +628062,0 +628063,0 +628064,0 +628065,0 +628066,0 +628067,0 +628068,0 +628069,0 +628070,0 +628071,0 +628072,0 +628073,0 +628074,0 +628075,0 +628076,0 +628077,0 +628078,0 +628079,0 +628080,0 +628081,0 +628082,0 +628083,0 +628084,0 +628085,0 +628086,0 +628087,0 +628088,0 +628089,0 +628090,0 +628091,0 +628092,0 +628093,0 +628094,0 +628095,0 +628096,0 +628097,0 +628098,0 +628099,0 +628100,0 +628101,0 +628102,0 +628103,0 +628104,11 +628105,11 +628106,11 +628107,11 +628108,11 +628109,11 +628110,11 +628111,11 +628112,11 +628113,11 +628114,11 +628115,11 +628116,11 +628117,11 +628118,39 +628119,39 +628120,39 +628121,39 +628122,39 +628123,39 +628124,39 +628125,39 +628126,39 +628127,39 +628128,2 +628129,2 +628130,2 +628131,2 +628132,2 +628133,2 +628134,2 +628135,2 +628136,2 +628137,2 +628138,2 +628139,2 +628140,14 +628141,40 +628142,40 +628143,40 +628144,40 +628145,40 +628146,19 +628147,19 +628148,19 +628149,35 +628150,35 +628151,35 +628152,35 +628153,35 +628154,35 +628155,35 +628156,35 +628157,35 +628158,25 +628159,25 +628160,25 +628161,25 +628162,25 +628163,25 +628164,25 +628165,25 +628166,2 +628167,2 +628168,2 +628169,2 +628170,2 +628171,2 +628172,2 +628173,2 +628174,2 +628175,2 +628176,2 +628177,2 +628178,2 +628179,2 +628180,12 +628181,12 +628182,12 +628183,12 +628184,12 +628185,12 +628186,39 +628187,39 +628188,39 +628189,39 +628190,39 +628191,39 +628192,39 +628193,39 +628194,39 +628195,39 +628196,32 +628197,32 +628198,32 +628199,32 +628200,32 +628201,32 +628202,32 +628203,30 +628204,30 +628205,30 +628206,27 +628207,27 +628208,27 +628209,27 +628210,27 +628211,27 +628212,4 +628213,4 +628214,31 +628215,31 +628216,31 +628217,31 +628218,31 +628219,31 +628220,30 +628221,30 +628222,30 +628223,30 +628224,30 +628225,23 +628226,23 +628227,23 +628228,23 +628229,23 +628230,23 +628231,23 +628232,23 +628233,23 +628234,23 +628235,23 +628236,23 +628237,33 +628238,27 +628239,27 +628240,33 +628241,33 +628242,22 +628243,22 +628244,27 +628245,4 +628246,27 +628247,29 +628248,4 +628249,4 +628250,4 +628251,4 +628252,4 +628253,4 +628254,4 +628255,4 +628256,4 +628257,4 +628258,4 +628259,4 +628260,4 +628261,4 +628262,4 +628263,4 +628264,4 +628265,0 +628266,0 +628267,0 +628268,0 +628269,0 +628270,0 +628271,0 +628272,0 +628273,0 +628274,0 +628275,0 +628276,0 +628277,0 +628278,0 +628279,0 +628280,0 +628281,0 +628282,0 +628283,0 +628284,0 +628285,0 +628286,0 +628287,0 +628288,0 +628289,0 +628290,0 +628291,0 +628292,0 +628293,0 +628294,0 +628295,0 +628296,0 +628297,0 +628298,0 +628299,0 +628300,0 +628301,0 +628302,0 +628303,0 +628304,0 +628305,0 +628306,0 +628307,0 +628308,0 +628309,0 +628310,0 +628311,0 +628312,0 +628313,0 +628314,15 +628315,15 +628316,15 +628317,15 +628318,15 +628319,10 +628320,10 +628321,10 +628322,10 +628323,10 +628324,10 +628325,10 +628326,10 +628327,10 +628328,10 +628329,10 +628330,4 +628331,6 +628332,6 +628333,6 +628334,6 +628335,6 +628336,6 +628337,6 +628338,6 +628339,6 +628340,6 +628341,6 +628342,6 +628343,6 +628344,6 +628345,6 +628346,6 +628347,6 +628348,6 +628349,39 +628350,39 +628351,39 +628352,39 +628353,39 +628354,39 +628355,39 +628356,39 +628357,39 +628358,39 +628359,32 +628360,32 +628361,32 +628362,32 +628363,32 +628364,32 +628365,14 +628366,39 +628367,27 +628368,27 +628369,27 +628370,27 +628371,14 +628372,14 +628373,14 +628374,14 +628375,19 +628376,19 +628377,19 +628378,19 +628379,19 +628380,19 +628381,19 +628382,13 +628383,36 +628384,14 +628385,14 +628386,14 +628387,14 +628388,14 +628389,14 +628390,14 +628391,14 +628392,14 +628393,29 +628394,29 +628395,29 +628396,29 +628397,31 +628398,31 +628399,31 +628400,31 +628401,31 +628402,31 +628403,31 +628404,31 +628405,5 +628406,5 +628407,5 +628408,5 +628409,19 +628410,19 +628411,19 +628412,19 +628413,19 +628414,19 +628415,19 +628416,19 +628417,10 +628418,10 +628419,10 +628420,10 +628421,10 +628422,10 +628423,34 +628424,34 +628425,34 +628426,34 +628427,10 +628428,10 +628429,34 +628430,34 +628431,34 +628432,34 +628433,34 +628434,34 +628435,34 +628436,34 +628437,34 +628438,34 +628439,34 +628440,34 +628441,34 +628442,34 +628443,34 +628444,9 +628445,9 +628446,9 +628447,9 +628448,9 +628449,9 +628450,9 +628451,9 +628452,9 +628453,9 +628454,9 +628455,33 +628456,33 +628457,33 +628458,33 +628459,33 +628460,33 +628461,33 +628462,33 +628463,33 +628464,33 +628465,33 +628466,0 +628467,0 +628468,0 +628469,0 +628470,0 +628471,0 +628472,0 +628473,0 +628474,0 +628475,0 +628476,0 +628477,0 +628478,0 +628479,0 +628480,0 +628481,0 +628482,0 +628483,0 +628484,0 +628485,0 +628486,0 +628487,0 +628488,0 +628489,0 +628490,0 +628491,0 +628492,0 +628493,0 +628494,0 +628495,0 +628496,0 +628497,0 +628498,0 +628499,0 +628500,0 +628501,0 +628502,0 +628503,0 +628504,12 +628505,12 +628506,12 +628507,12 +628508,12 +628509,12 +628510,12 +628511,12 +628512,12 +628513,12 +628514,40 +628515,40 +628516,40 +628517,40 +628518,40 +628519,40 +628520,40 +628521,40 +628522,5 +628523,5 +628524,5 +628525,5 +628526,5 +628527,5 +628528,5 +628529,5 +628530,5 +628531,5 +628532,2 +628533,2 +628534,2 +628535,2 +628536,2 +628537,2 +628538,2 +628539,2 +628540,2 +628541,2 +628542,2 +628543,2 +628544,2 +628545,2 +628546,0 +628547,0 +628548,0 +628549,0 +628550,0 +628551,0 +628552,0 +628553,0 +628554,0 +628555,0 +628556,0 +628557,27 +628558,27 +628559,27 +628560,27 +628561,27 +628562,27 +628563,27 +628564,27 +628565,27 +628566,27 +628567,27 +628568,27 +628569,16 +628570,16 +628571,16 +628572,16 +628573,16 +628574,16 +628575,16 +628576,16 +628577,16 +628578,16 +628579,16 +628580,40 +628581,40 +628582,40 +628583,40 +628584,40 +628585,31 +628586,31 +628587,31 +628588,31 +628589,31 +628590,31 +628591,31 +628592,31 +628593,35 +628594,35 +628595,35 +628596,35 +628597,35 +628598,35 +628599,35 +628600,35 +628601,10 +628602,10 +628603,10 +628604,10 +628605,10 +628606,10 +628607,10 +628608,36 +628609,36 +628610,36 +628611,36 +628612,24 +628613,24 +628614,24 +628615,24 +628616,24 +628617,24 +628618,5 +628619,5 +628620,5 +628621,28 +628622,28 +628623,5 +628624,5 +628625,5 +628626,5 +628627,5 +628628,5 +628629,5 +628630,5 +628631,33 +628632,33 +628633,33 +628634,33 +628635,33 +628636,33 +628637,33 +628638,33 +628639,33 +628640,33 +628641,33 +628642,33 +628643,33 +628644,33 +628645,33 +628646,35 +628647,35 +628648,35 +628649,35 +628650,35 +628651,35 +628652,35 +628653,35 +628654,35 +628655,35 +628656,40 +628657,40 +628658,40 +628659,40 +628660,40 +628661,40 +628662,40 +628663,30 +628664,30 +628665,30 +628666,30 +628667,30 +628668,30 +628669,30 +628670,30 +628671,30 +628672,30 +628673,30 +628674,30 +628675,30 +628676,30 +628677,30 +628678,30 +628679,32 +628680,32 +628681,32 +628682,32 +628683,32 +628684,32 +628685,32 +628686,32 +628687,32 +628688,32 +628689,32 +628690,32 +628691,32 +628692,32 +628693,32 +628694,32 +628695,32 +628696,0 +628697,0 +628698,0 +628699,0 +628700,0 +628701,0 +628702,0 +628703,0 +628704,0 +628705,0 +628706,0 +628707,0 +628708,0 +628709,0 +628710,0 +628711,0 +628712,0 +628713,0 +628714,0 +628715,0 +628716,0 +628717,0 +628718,0 +628719,0 +628720,0 +628721,0 +628722,0 +628723,0 +628724,0 +628725,0 +628726,0 +628727,15 +628728,15 +628729,15 +628730,15 +628731,15 +628732,31 +628733,31 +628734,31 +628735,31 +628736,31 +628737,31 +628738,31 +628739,31 +628740,8 +628741,8 +628742,8 +628743,8 +628744,35 +628745,35 +628746,35 +628747,35 +628748,35 +628749,35 +628750,35 +628751,35 +628752,35 +628753,35 +628754,35 +628755,27 +628756,27 +628757,27 +628758,27 +628759,27 +628760,27 +628761,27 +628762,27 +628763,27 +628764,28 +628765,28 +628766,28 +628767,28 +628768,28 +628769,28 +628770,28 +628771,28 +628772,28 +628773,28 +628774,5 +628775,31 +628776,31 +628777,5 +628778,5 +628779,37 +628780,37 +628781,37 +628782,37 +628783,37 +628784,37 +628785,35 +628786,35 +628787,35 +628788,35 +628789,35 +628790,35 +628791,35 +628792,35 +628793,35 +628794,35 +628795,35 +628796,3 +628797,3 +628798,3 +628799,3 +628800,3 +628801,3 +628802,3 +628803,3 +628804,3 +628805,3 +628806,3 +628807,3 +628808,15 +628809,15 +628810,15 +628811,15 +628812,15 +628813,15 +628814,15 +628815,15 +628816,15 +628817,15 +628818,15 +628819,39 +628820,39 +628821,39 +628822,39 +628823,39 +628824,39 +628825,39 +628826,39 +628827,39 +628828,39 +628829,39 +628830,39 +628831,39 +628832,39 +628833,39 +628834,39 +628835,39 +628836,39 +628837,27 +628838,27 +628839,27 +628840,27 +628841,27 +628842,13 +628843,13 +628844,13 +628845,13 +628846,13 +628847,5 +628848,5 +628849,5 +628850,5 +628851,5 +628852,13 +628853,4 +628854,4 +628855,4 +628856,4 +628857,4 +628858,4 +628859,4 +628860,4 +628861,4 +628862,3 +628863,3 +628864,3 +628865,3 +628866,3 +628867,3 +628868,3 +628869,3 +628870,12 +628871,12 +628872,12 +628873,27 +628874,27 +628875,27 +628876,27 +628877,27 +628878,27 +628879,27 +628880,16 +628881,6 +628882,6 +628883,6 +628884,21 +628885,21 +628886,21 +628887,21 +628888,21 +628889,21 +628890,21 +628891,14 +628892,14 +628893,14 +628894,14 +628895,14 +628896,14 +628897,14 +628898,14 +628899,14 +628900,14 +628901,14 +628902,14 +628903,14 +628904,14 +628905,14 +628906,14 +628907,14 +628908,14 +628909,14 +628910,14 +628911,14 +628912,14 +628913,14 +628914,39 +628915,39 +628916,39 +628917,39 +628918,39 +628919,39 +628920,39 +628921,39 +628922,39 +628923,39 +628924,39 +628925,39 +628926,39 +628927,39 +628928,39 +628929,23 +628930,23 +628931,23 +628932,23 +628933,23 +628934,23 +628935,23 +628936,23 +628937,23 +628938,23 +628939,23 +628940,23 +628941,23 +628942,23 +628943,23 +628944,23 +628945,0 +628946,0 +628947,0 +628948,0 +628949,0 +628950,0 +628951,0 +628952,0 +628953,0 +628954,0 +628955,0 +628956,0 +628957,0 +628958,0 +628959,0 +628960,0 +628961,0 +628962,0 +628963,0 +628964,0 +628965,0 +628966,0 +628967,0 +628968,0 +628969,0 +628970,0 +628971,0 +628972,0 +628973,0 +628974,0 +628975,0 +628976,0 +628977,0 +628978,0 +628979,0 +628980,0 +628981,0 +628982,0 +628983,0 +628984,0 +628985,0 +628986,0 +628987,0 +628988,0 +628989,0 +628990,0 +628991,0 +628992,0 +628993,0 +628994,0 +628995,0 +628996,0 +628997,0 +628998,0 +628999,0 +629000,0 +629001,0 +629002,0 +629003,0 +629004,36 +629005,36 +629006,36 +629007,36 +629008,36 +629009,36 +629010,36 +629011,36 +629012,36 +629013,36 +629014,36 +629015,36 +629016,36 +629017,36 +629018,36 +629019,36 +629020,36 +629021,36 +629022,36 +629023,36 +629024,36 +629025,5 +629026,5 +629027,5 +629028,5 +629029,5 +629030,5 +629031,5 +629032,5 +629033,5 +629034,4 +629035,4 +629036,4 +629037,4 +629038,4 +629039,4 +629040,4 +629041,3 +629042,3 +629043,3 +629044,3 +629045,3 +629046,3 +629047,3 +629048,3 +629049,3 +629050,3 +629051,3 +629052,3 +629053,3 +629054,3 +629055,35 +629056,19 +629057,19 +629058,19 +629059,19 +629060,19 +629061,19 +629062,6 +629063,6 +629064,6 +629065,6 +629066,21 +629067,21 +629068,21 +629069,21 +629070,21 +629071,6 +629072,6 +629073,37 +629074,37 +629075,37 +629076,37 +629077,37 +629078,37 +629079,39 +629080,39 +629081,39 +629082,39 +629083,39 +629084,39 +629085,39 +629086,39 +629087,39 +629088,39 +629089,39 +629090,39 +629091,2 +629092,2 +629093,2 +629094,2 +629095,2 +629096,2 +629097,2 +629098,2 +629099,2 +629100,2 +629101,2 +629102,2 +629103,27 +629104,27 +629105,27 +629106,27 +629107,27 +629108,8 +629109,8 +629110,8 +629111,8 +629112,8 +629113,8 +629114,8 +629115,8 +629116,28 +629117,28 +629118,28 +629119,28 +629120,28 +629121,28 +629122,28 +629123,28 +629124,28 +629125,28 +629126,28 +629127,28 +629128,9 +629129,9 +629130,9 +629131,9 +629132,9 +629133,9 +629134,9 +629135,9 +629136,31 +629137,37 +629138,37 +629139,37 +629140,5 +629141,5 +629142,5 +629143,5 +629144,5 +629145,5 +629146,23 +629147,23 +629148,23 +629149,23 +629150,23 +629151,23 +629152,23 +629153,31 +629154,31 +629155,31 +629156,31 +629157,31 +629158,30 +629159,30 +629160,30 +629161,30 +629162,30 +629163,30 +629164,30 +629165,30 +629166,30 +629167,30 +629168,10 +629169,10 +629170,10 +629171,34 +629172,34 +629173,34 +629174,34 +629175,34 +629176,1 +629177,1 +629178,36 +629179,36 +629180,36 +629181,6 +629182,6 +629183,6 +629184,6 +629185,6 +629186,2 +629187,2 +629188,2 +629189,2 +629190,2 +629191,2 +629192,2 +629193,2 +629194,31 +629195,31 +629196,31 +629197,31 +629198,29 +629199,29 +629200,29 +629201,29 +629202,29 +629203,29 +629204,31 +629205,31 +629206,40 +629207,40 +629208,40 +629209,40 +629210,31 +629211,31 +629212,5 +629213,5 +629214,5 +629215,5 +629216,5 +629217,5 +629218,4 +629219,4 +629220,4 +629221,4 +629222,4 +629223,4 +629224,4 +629225,4 +629226,0 +629227,0 +629228,0 +629229,0 +629230,0 +629231,0 +629232,0 +629233,0 +629234,0 +629235,0 +629236,0 +629237,0 +629238,0 +629239,0 +629240,0 +629241,0 +629242,0 +629243,0 +629244,0 +629245,0 +629246,0 +629247,0 +629248,0 +629249,0 +629250,0 +629251,0 +629252,0 +629253,0 +629254,0 +629255,0 +629256,0 +629257,0 +629258,0 +629259,0 +629260,0 +629261,0 +629262,0 +629263,36 +629264,36 +629265,36 +629266,36 +629267,36 +629268,36 +629269,36 +629270,36 +629271,36 +629272,36 +629273,5 +629274,5 +629275,5 +629276,5 +629277,5 +629278,5 +629279,5 +629280,5 +629281,5 +629282,5 +629283,5 +629284,5 +629285,0 +629286,0 +629287,0 +629288,0 +629289,0 +629290,0 +629291,0 +629292,0 +629293,0 +629294,0 +629295,27 +629296,27 +629297,27 +629298,27 +629299,27 +629300,27 +629301,27 +629302,27 +629303,27 +629304,27 +629305,27 +629306,27 +629307,5 +629308,19 +629309,5 +629310,5 +629311,19 +629312,19 +629313,27 +629314,27 +629315,27 +629316,27 +629317,27 +629318,27 +629319,27 +629320,27 +629321,5 +629322,5 +629323,5 +629324,5 +629325,27 +629326,27 +629327,27 +629328,27 +629329,27 +629330,27 +629331,5 +629332,5 +629333,5 +629334,5 +629335,5 +629336,5 +629337,5 +629338,5 +629339,5 +629340,2 +629341,2 +629342,2 +629343,2 +629344,2 +629345,2 +629346,2 +629347,2 +629348,2 +629349,2 +629350,2 +629351,4 +629352,4 +629353,4 +629354,4 +629355,4 +629356,4 +629357,40 +629358,40 +629359,40 +629360,40 +629361,40 +629362,19 +629363,19 +629364,19 +629365,19 +629366,35 +629367,35 +629368,35 +629369,35 +629370,35 +629371,35 +629372,35 +629373,35 +629374,35 +629375,35 +629376,39 +629377,39 +629378,39 +629379,39 +629380,39 +629381,39 +629382,39 +629383,39 +629384,37 +629385,37 +629386,37 +629387,37 +629388,37 +629389,37 +629390,37 +629391,37 +629392,39 +629393,39 +629394,39 +629395,39 +629396,39 +629397,6 +629398,6 +629399,6 +629400,6 +629401,6 +629402,6 +629403,6 +629404,6 +629405,6 +629406,6 +629407,40 +629408,40 +629409,40 +629410,40 +629411,40 +629412,37 +629413,37 +629414,37 +629415,24 +629416,37 +629417,37 +629418,37 +629419,37 +629420,37 +629421,25 +629422,25 +629423,25 +629424,25 +629425,19 +629426,19 +629427,19 +629428,19 +629429,19 +629430,35 +629431,35 +629432,35 +629433,35 +629434,35 +629435,35 +629436,27 +629437,27 +629438,27 +629439,27 +629440,27 +629441,8 +629442,8 +629443,8 +629444,8 +629445,8 +629446,8 +629447,8 +629448,8 +629449,8 +629450,36 +629451,36 +629452,36 +629453,36 +629454,36 +629455,36 +629456,36 +629457,36 +629458,36 +629459,36 +629460,36 +629461,36 +629462,36 +629463,36 +629464,4 +629465,4 +629466,4 +629467,4 +629468,4 +629469,4 +629470,0 +629471,23 +629472,23 +629473,23 +629474,23 +629475,11 +629476,25 +629477,25 +629478,31 +629479,31 +629480,31 +629481,31 +629482,33 +629483,33 +629484,31 +629485,33 +629486,31 +629487,31 +629488,23 +629489,23 +629490,23 +629491,23 +629492,23 +629493,23 +629494,23 +629495,23 +629496,23 +629497,23 +629498,23 +629499,23 +629500,23 +629501,23 +629502,9 +629503,9 +629504,9 +629505,9 +629506,9 +629507,9 +629508,9 +629509,37 +629510,37 +629511,37 +629512,37 +629513,37 +629514,37 +629515,37 +629516,37 +629517,37 +629518,37 +629519,37 +629520,37 +629521,37 +629522,37 +629523,28 +629524,37 +629525,37 +629526,28 +629527,28 +629528,28 +629529,28 +629530,28 +629531,28 +629532,28 +629533,28 +629534,0 +629535,0 +629536,0 +629537,0 +629538,0 +629539,0 +629540,0 +629541,0 +629542,0 +629543,0 +629544,0 +629545,0 +629546,0 +629547,0 +629548,0 +629549,0 +629550,0 +629551,0 +629552,0 +629553,0 +629554,0 +629555,0 +629556,0 +629557,0 +629558,0 +629559,0 +629560,0 +629561,0 +629562,0 +629563,0 +629564,0 +629565,0 +629566,0 +629567,0 +629568,0 +629569,0 +629570,0 +629571,0 +629572,0 +629573,0 +629574,0 +629575,28 +629576,28 +629577,28 +629578,28 +629579,28 +629580,28 +629581,28 +629582,28 +629583,28 +629584,28 +629585,28 +629586,28 +629587,28 +629588,28 +629589,28 +629590,10 +629591,10 +629592,10 +629593,10 +629594,10 +629595,10 +629596,10 +629597,10 +629598,10 +629599,10 +629600,10 +629601,10 +629602,10 +629603,10 +629604,10 +629605,10 +629606,10 +629607,10 +629608,10 +629609,10 +629610,10 +629611,10 +629612,27 +629613,2 +629614,2 +629615,2 +629616,2 +629617,2 +629618,2 +629619,2 +629620,2 +629621,2 +629622,2 +629623,2 +629624,2 +629625,2 +629626,2 +629627,2 +629628,2 +629629,2 +629630,2 +629631,2 +629632,2 +629633,2 +629634,9 +629635,9 +629636,9 +629637,9 +629638,31 +629639,31 +629640,31 +629641,31 +629642,31 +629643,31 +629644,31 +629645,31 +629646,31 +629647,9 +629648,9 +629649,31 +629650,31 +629651,31 +629652,31 +629653,31 +629654,31 +629655,31 +629656,31 +629657,5 +629658,5 +629659,5 +629660,5 +629661,5 +629662,5 +629663,5 +629664,5 +629665,5 +629666,31 +629667,5 +629668,5 +629669,5 +629670,5 +629671,19 +629672,19 +629673,19 +629674,8 +629675,8 +629676,19 +629677,19 +629678,19 +629679,19 +629680,19 +629681,8 +629682,19 +629683,2 +629684,2 +629685,2 +629686,2 +629687,2 +629688,2 +629689,2 +629690,2 +629691,2 +629692,2 +629693,2 +629694,0 +629695,0 +629696,0 +629697,0 +629698,0 +629699,0 +629700,0 +629701,0 +629702,0 +629703,0 +629704,0 +629705,0 +629706,0 +629707,0 +629708,0 +629709,0 +629710,0 +629711,0 +629712,0 +629713,12 +629714,12 +629715,12 +629716,12 +629717,12 +629718,12 +629719,12 +629720,12 +629721,12 +629722,12 +629723,12 +629724,12 +629725,12 +629726,31 +629727,31 +629728,31 +629729,31 +629730,31 +629731,4 +629732,4 +629733,4 +629734,4 +629735,4 +629736,4 +629737,4 +629738,4 +629739,39 +629740,14 +629741,14 +629742,14 +629743,14 +629744,14 +629745,39 +629746,39 +629747,27 +629748,27 +629749,27 +629750,39 +629751,39 +629752,39 +629753,8 +629754,8 +629755,8 +629756,8 +629757,8 +629758,8 +629759,27 +629760,27 +629761,27 +629762,27 +629763,27 +629764,5 +629765,5 +629766,5 +629767,5 +629768,5 +629769,31 +629770,31 +629771,31 +629772,31 +629773,31 +629774,31 +629775,31 +629776,32 +629777,32 +629778,32 +629779,32 +629780,32 +629781,32 +629782,2 +629783,2 +629784,2 +629785,2 +629786,2 +629787,2 +629788,2 +629789,2 +629790,2 +629791,2 +629792,6 +629793,6 +629794,6 +629795,6 +629796,6 +629797,6 +629798,6 +629799,6 +629800,27 +629801,27 +629802,27 +629803,27 +629804,25 +629805,25 +629806,25 +629807,25 +629808,25 +629809,25 +629810,37 +629811,37 +629812,37 +629813,25 +629814,6 +629815,6 +629816,6 +629817,6 +629818,6 +629819,6 +629820,6 +629821,6 +629822,6 +629823,6 +629824,6 +629825,6 +629826,6 +629827,6 +629828,9 +629829,9 +629830,9 +629831,9 +629832,9 +629833,9 +629834,37 +629835,37 +629836,37 +629837,37 +629838,37 +629839,5 +629840,5 +629841,5 +629842,5 +629843,5 +629844,25 +629845,25 +629846,25 +629847,25 +629848,25 +629849,25 +629850,25 +629851,25 +629852,25 +629853,25 +629854,31 +629855,31 +629856,31 +629857,31 +629858,31 +629859,31 +629860,31 +629861,31 +629862,31 +629863,31 +629864,31 +629865,31 +629866,5 +629867,5 +629868,5 +629869,5 +629870,5 +629871,5 +629872,5 +629873,5 +629874,5 +629875,2 +629876,2 +629877,2 +629878,2 +629879,2 +629880,2 +629881,2 +629882,2 +629883,2 +629884,31 +629885,31 +629886,31 +629887,31 +629888,31 +629889,31 +629890,16 +629891,16 +629892,16 +629893,16 +629894,16 +629895,16 +629896,16 +629897,16 +629898,16 +629899,16 +629900,16 +629901,27 +629902,31 +629903,31 +629904,31 +629905,31 +629906,31 +629907,2 +629908,2 +629909,2 +629910,2 +629911,2 +629912,2 +629913,2 +629914,2 +629915,2 +629916,2 +629917,2 +629918,2 +629919,2 +629920,2 +629921,31 +629922,31 +629923,31 +629924,31 +629925,24 +629926,24 +629927,24 +629928,24 +629929,24 +629930,24 +629931,24 +629932,28 +629933,28 +629934,28 +629935,28 +629936,28 +629937,28 +629938,28 +629939,28 +629940,28 +629941,28 +629942,28 +629943,28 +629944,28 +629945,28 +629946,25 +629947,25 +629948,25 +629949,25 +629950,25 +629951,25 +629952,25 +629953,25 +629954,25 +629955,25 +629956,25 +629957,20 +629958,20 +629959,20 +629960,20 +629961,20 +629962,20 +629963,20 +629964,20 +629965,20 +629966,20 +629967,20 +629968,20 +629969,31 +629970,31 +629971,31 +629972,31 +629973,5 +629974,5 +629975,5 +629976,5 +629977,5 +629978,5 +629979,5 +629980,31 +629981,31 +629982,31 +629983,31 +629984,31 +629985,31 +629986,24 +629987,24 +629988,24 +629989,24 +629990,24 +629991,24 +629992,0 +629993,0 +629994,0 +629995,0 +629996,11 +629997,18 +629998,11 +629999,16 +630000,11 +630001,18 +630002,18 +630003,18 +630004,18 +630005,17 +630006,9 +630007,9 +630008,17 +630009,17 +630010,17 +630011,17 +630012,17 +630013,17 +630014,17 +630015,17 +630016,17 +630017,17 +630018,17 +630019,17 +630020,17 +630021,17 +630022,17 +630023,17 +630024,17 +630025,17 +630026,10 +630027,10 +630028,10 +630029,10 +630030,10 +630031,10 +630032,10 +630033,10 +630034,10 +630035,10 +630036,10 +630037,10 +630038,0 +630039,0 +630040,0 +630041,0 +630042,0 +630043,0 +630044,0 +630045,0 +630046,0 +630047,0 +630048,0 +630049,0 +630050,0 +630051,0 +630052,0 +630053,0 +630054,0 +630055,0 +630056,0 +630057,0 +630058,0 +630059,0 +630060,0 +630061,0 +630062,0 +630063,0 +630064,0 +630065,0 +630066,0 +630067,0 +630068,0 +630069,0 +630070,0 +630071,0 +630072,0 +630073,0 +630074,0 +630075,0 +630076,0 +630077,6 +630078,6 +630079,6 +630080,6 +630081,21 +630082,21 +630083,33 +630084,33 +630085,33 +630086,33 +630087,33 +630088,33 +630089,33 +630090,33 +630091,8 +630092,8 +630093,8 +630094,8 +630095,8 +630096,8 +630097,8 +630098,35 +630099,35 +630100,35 +630101,27 +630102,27 +630103,40 +630104,40 +630105,40 +630106,40 +630107,4 +630108,4 +630109,4 +630110,4 +630111,4 +630112,4 +630113,27 +630114,27 +630115,27 +630116,27 +630117,27 +630118,27 +630119,28 +630120,5 +630121,5 +630122,5 +630123,5 +630124,28 +630125,28 +630126,28 +630127,28 +630128,28 +630129,28 +630130,10 +630131,10 +630132,10 +630133,10 +630134,10 +630135,10 +630136,10 +630137,10 +630138,26 +630139,26 +630140,26 +630141,37 +630142,37 +630143,37 +630144,37 +630145,37 +630146,37 +630147,37 +630148,39 +630149,39 +630150,39 +630151,39 +630152,39 +630153,39 +630154,39 +630155,39 +630156,31 +630157,31 +630158,31 +630159,31 +630160,31 +630161,31 +630162,31 +630163,2 +630164,2 +630165,2 +630166,2 +630167,2 +630168,2 +630169,2 +630170,2 +630171,2 +630172,2 +630173,2 +630174,2 +630175,12 +630176,12 +630177,12 +630178,12 +630179,12 +630180,12 +630181,25 +630182,25 +630183,25 +630184,25 +630185,25 +630186,32 +630187,32 +630188,32 +630189,32 +630190,32 +630191,32 +630192,32 +630193,32 +630194,32 +630195,32 +630196,32 +630197,32 +630198,36 +630199,36 +630200,36 +630201,36 +630202,36 +630203,36 +630204,36 +630205,36 +630206,36 +630207,36 +630208,2 +630209,2 +630210,2 +630211,2 +630212,2 +630213,2 +630214,2 +630215,2 +630216,27 +630217,27 +630218,27 +630219,27 +630220,27 +630221,13 +630222,13 +630223,13 +630224,13 +630225,13 +630226,13 +630227,31 +630228,31 +630229,31 +630230,31 +630231,2 +630232,2 +630233,2 +630234,2 +630235,6 +630236,6 +630237,6 +630238,32 +630239,32 +630240,32 +630241,32 +630242,32 +630243,32 +630244,6 +630245,37 +630246,37 +630247,37 +630248,37 +630249,37 +630250,3 +630251,3 +630252,3 +630253,3 +630254,3 +630255,3 +630256,3 +630257,3 +630258,3 +630259,3 +630260,3 +630261,3 +630262,3 +630263,3 +630264,3 +630265,3 +630266,3 +630267,3 +630268,3 +630269,3 +630270,3 +630271,3 +630272,3 +630273,3 +630274,3 +630275,0 +630276,0 +630277,0 +630278,0 +630279,0 +630280,0 +630281,0 +630282,0 +630283,0 +630284,0 +630285,0 +630286,0 +630287,0 +630288,0 +630289,0 +630290,0 +630291,0 +630292,0 +630293,0 +630294,0 +630295,0 +630296,0 +630297,0 +630298,0 +630299,0 +630300,0 +630301,0 +630302,0 +630303,0 +630304,0 +630305,0 +630306,0 +630307,0 +630308,0 +630309,36 +630310,36 +630311,36 +630312,36 +630313,36 +630314,36 +630315,36 +630316,36 +630317,36 +630318,36 +630319,5 +630320,5 +630321,19 +630322,19 +630323,19 +630324,35 +630325,35 +630326,35 +630327,35 +630328,35 +630329,35 +630330,35 +630331,39 +630332,39 +630333,39 +630334,39 +630335,39 +630336,39 +630337,39 +630338,39 +630339,39 +630340,2 +630341,2 +630342,2 +630343,2 +630344,2 +630345,2 +630346,2 +630347,2 +630348,2 +630349,2 +630350,40 +630351,40 +630352,40 +630353,40 +630354,40 +630355,40 +630356,19 +630357,19 +630358,19 +630359,39 +630360,39 +630361,39 +630362,39 +630363,35 +630364,35 +630365,35 +630366,35 +630367,35 +630368,35 +630369,35 +630370,35 +630371,35 +630372,35 +630373,35 +630374,33 +630375,33 +630376,34 +630377,34 +630378,33 +630379,33 +630380,33 +630381,33 +630382,33 +630383,32 +630384,32 +630385,32 +630386,32 +630387,32 +630388,32 +630389,32 +630390,32 +630391,32 +630392,32 +630393,32 +630394,32 +630395,27 +630396,27 +630397,27 +630398,27 +630399,27 +630400,27 +630401,27 +630402,2 +630403,2 +630404,2 +630405,2 +630406,2 +630407,2 +630408,2 +630409,2 +630410,2 +630411,2 +630412,2 +630413,2 +630414,2 +630415,2 +630416,39 +630417,39 +630418,39 +630419,39 +630420,39 +630421,39 +630422,39 +630423,39 +630424,39 +630425,9 +630426,26 +630427,26 +630428,26 +630429,26 +630430,9 +630431,9 +630432,9 +630433,9 +630434,9 +630435,30 +630436,30 +630437,30 +630438,30 +630439,30 +630440,30 +630441,29 +630442,29 +630443,29 +630444,29 +630445,29 +630446,29 +630447,31 +630448,31 +630449,31 +630450,21 +630451,21 +630452,21 +630453,21 +630454,21 +630455,21 +630456,25 +630457,25 +630458,25 +630459,25 +630460,25 +630461,25 +630462,25 +630463,25 +630464,25 +630465,25 +630466,30 +630467,30 +630468,30 +630469,30 +630470,30 +630471,30 +630472,30 +630473,8 +630474,8 +630475,2 +630476,2 +630477,2 +630478,2 +630479,2 +630480,27 +630481,31 +630482,5 +630483,5 +630484,5 +630485,6 +630486,6 +630487,6 +630488,6 +630489,6 +630490,6 +630491,21 +630492,40 +630493,40 +630494,40 +630495,40 +630496,40 +630497,40 +630498,40 +630499,40 +630500,40 +630501,40 +630502,40 +630503,40 +630504,40 +630505,5 +630506,5 +630507,5 +630508,5 +630509,5 +630510,5 +630511,5 +630512,5 +630513,5 +630514,5 +630515,5 +630516,0 +630517,0 +630518,0 +630519,0 +630520,0 +630521,0 +630522,0 +630523,0 +630524,0 +630525,0 +630526,0 +630527,0 +630528,0 +630529,0 +630530,0 +630531,0 +630532,0 +630533,0 +630534,0 +630535,0 +630536,0 +630537,0 +630538,0 +630539,0 +630540,0 +630541,0 +630542,0 +630543,0 +630544,0 +630545,0 +630546,0 +630547,0 +630548,0 +630549,0 +630550,0 +630551,0 +630552,0 +630553,0 +630554,0 +630555,0 +630556,0 +630557,0 +630558,0 +630559,0 +630560,0 +630561,0 +630562,0 +630563,0 +630564,0 +630565,0 +630566,0 +630567,0 +630568,0 +630569,0 +630570,0 +630571,0 +630572,0 +630573,0 +630574,0 +630575,0 +630576,0 +630577,0 +630578,0 +630579,0 +630580,0 +630581,0 +630582,0 +630583,0 +630584,0 +630585,0 +630586,0 +630587,0 +630588,0 +630589,0 +630590,0 +630591,0 +630592,0 +630593,0 +630594,0 +630595,0 +630596,0 +630597,0 +630598,0 +630599,0 +630600,0 +630601,0 +630602,35 +630603,35 +630604,35 +630605,35 +630606,35 +630607,35 +630608,35 +630609,39 +630610,39 +630611,39 +630612,39 +630613,39 +630614,39 +630615,39 +630616,35 +630617,35 +630618,35 +630619,35 +630620,35 +630621,36 +630622,36 +630623,36 +630624,36 +630625,36 +630626,36 +630627,36 +630628,36 +630629,19 +630630,19 +630631,19 +630632,19 +630633,19 +630634,19 +630635,27 +630636,27 +630637,27 +630638,27 +630639,5 +630640,5 +630641,5 +630642,5 +630643,5 +630644,5 +630645,5 +630646,5 +630647,5 +630648,5 +630649,19 +630650,19 +630651,19 +630652,19 +630653,19 +630654,19 +630655,19 +630656,19 +630657,19 +630658,19 +630659,19 +630660,39 +630661,39 +630662,39 +630663,39 +630664,39 +630665,39 +630666,39 +630667,39 +630668,39 +630669,39 +630670,39 +630671,39 +630672,39 +630673,39 +630674,39 +630675,39 +630676,39 +630677,19 +630678,19 +630679,19 +630680,19 +630681,32 +630682,32 +630683,32 +630684,32 +630685,32 +630686,32 +630687,32 +630688,32 +630689,32 +630690,40 +630691,40 +630692,40 +630693,40 +630694,40 +630695,5 +630696,5 +630697,5 +630698,5 +630699,5 +630700,5 +630701,5 +630702,5 +630703,5 +630704,5 +630705,5 +630706,5 +630707,32 +630708,32 +630709,32 +630710,32 +630711,32 +630712,32 +630713,32 +630714,32 +630715,32 +630716,32 +630717,26 +630718,26 +630719,26 +630720,26 +630721,26 +630722,26 +630723,26 +630724,26 +630725,26 +630726,28 +630727,28 +630728,28 +630729,28 +630730,28 +630731,28 +630732,28 +630733,28 +630734,28 +630735,0 +630736,0 +630737,4 +630738,4 +630739,4 +630740,4 +630741,4 +630742,19 +630743,4 +630744,4 +630745,36 +630746,36 +630747,36 +630748,36 +630749,36 +630750,36 +630751,36 +630752,5 +630753,5 +630754,5 +630755,5 +630756,19 +630757,19 +630758,19 +630759,5 +630760,5 +630761,15 +630762,15 +630763,15 +630764,15 +630765,15 +630766,15 +630767,15 +630768,34 +630769,34 +630770,10 +630771,10 +630772,10 +630773,34 +630774,10 +630775,10 +630776,10 +630777,26 +630778,26 +630779,26 +630780,26 +630781,26 +630782,19 +630783,19 +630784,19 +630785,19 +630786,19 +630787,25 +630788,25 +630789,25 +630790,25 +630791,25 +630792,37 +630793,25 +630794,25 +630795,19 +630796,19 +630797,19 +630798,19 +630799,19 +630800,19 +630801,19 +630802,36 +630803,36 +630804,36 +630805,36 +630806,36 +630807,36 +630808,36 +630809,36 +630810,4 +630811,4 +630812,4 +630813,4 +630814,4 +630815,31 +630816,31 +630817,31 +630818,31 +630819,31 +630820,31 +630821,31 +630822,31 +630823,31 +630824,31 +630825,27 +630826,27 +630827,27 +630828,27 +630829,6 +630830,6 +630831,6 +630832,6 +630833,6 +630834,6 +630835,6 +630836,2 +630837,2 +630838,2 +630839,2 +630840,2 +630841,2 +630842,2 +630843,2 +630844,2 +630845,4 +630846,4 +630847,4 +630848,4 +630849,4 +630850,4 +630851,4 +630852,4 +630853,4 +630854,4 +630855,9 +630856,9 +630857,9 +630858,9 +630859,9 +630860,9 +630861,9 +630862,37 +630863,37 +630864,37 +630865,37 +630866,37 +630867,37 +630868,37 +630869,19 +630870,19 +630871,19 +630872,19 +630873,19 +630874,5 +630875,5 +630876,5 +630877,5 +630878,5 +630879,5 +630880,40 +630881,40 +630882,40 +630883,40 +630884,37 +630885,37 +630886,37 +630887,37 +630888,37 +630889,37 +630890,37 +630891,37 +630892,37 +630893,39 +630894,39 +630895,39 +630896,39 +630897,39 +630898,39 +630899,39 +630900,5 +630901,5 +630902,5 +630903,5 +630904,5 +630905,31 +630906,31 +630907,31 +630908,31 +630909,31 +630910,31 +630911,31 +630912,28 +630913,28 +630914,28 +630915,28 +630916,15 +630917,15 +630918,15 +630919,15 +630920,15 +630921,25 +630922,25 +630923,25 +630924,37 +630925,25 +630926,25 +630927,25 +630928,25 +630929,25 +630930,25 +630931,25 +630932,25 +630933,23 +630934,24 +630935,24 +630936,24 +630937,23 +630938,24 +630939,32 +630940,32 +630941,32 +630942,0 +630943,32 +630944,32 +630945,32 +630946,32 +630947,32 +630948,32 +630949,32 +630950,32 +630951,32 +630952,32 +630953,17 +630954,17 +630955,26 +630956,17 +630957,9 +630958,17 +630959,17 +630960,17 +630961,17 +630962,17 +630963,17 +630964,9 +630965,17 +630966,17 +630967,17 +630968,17 +630969,17 +630970,10 +630971,10 +630972,10 +630973,5 +630974,5 +630975,5 +630976,13 +630977,13 +630978,4 +630979,4 +630980,5 +630981,2 +630982,2 +630983,2 +630984,2 +630985,2 +630986,2 +630987,2 +630988,2 +630989,2 +630990,2 +630991,2 +630992,2 +630993,2 +630994,0 +630995,0 +630996,0 +630997,0 +630998,0 +630999,0 +631000,0 +631001,0 +631002,0 +631003,0 +631004,0 +631005,0 +631006,0 +631007,0 +631008,0 +631009,0 +631010,0 +631011,0 +631012,0 +631013,0 +631014,0 +631015,0 +631016,0 +631017,0 +631018,0 +631019,0 +631020,0 +631021,0 +631022,0 +631023,0 +631024,0 +631025,0 +631026,0 +631027,0 +631028,0 +631029,0 +631030,0 +631031,0 +631032,0 +631033,0 +631034,0 +631035,0 +631036,0 +631037,0 +631038,0 +631039,0 +631040,0 +631041,0 +631042,0 +631043,0 +631044,0 +631045,0 +631046,0 +631047,0 +631048,0 +631049,0 +631050,0 +631051,15 +631052,15 +631053,15 +631054,15 +631055,31 +631056,31 +631057,31 +631058,31 +631059,4 +631060,4 +631061,4 +631062,31 +631063,31 +631064,31 +631065,31 +631066,5 +631067,5 +631068,5 +631069,5 +631070,5 +631071,5 +631072,5 +631073,5 +631074,5 +631075,26 +631076,9 +631077,9 +631078,9 +631079,9 +631080,9 +631081,9 +631082,9 +631083,9 +631084,23 +631085,23 +631086,23 +631087,23 +631088,23 +631089,23 +631090,23 +631091,23 +631092,23 +631093,23 +631094,33 +631095,33 +631096,24 +631097,24 +631098,24 +631099,24 +631100,24 +631101,24 +631102,24 +631103,24 +631104,24 +631105,24 +631106,24 +631107,24 +631108,24 +631109,24 +631110,24 +631111,24 +631112,24 +631113,37 +631114,37 +631115,37 +631116,37 +631117,37 +631118,37 +631119,37 +631120,39 +631121,39 +631122,39 +631123,39 +631124,39 +631125,39 +631126,30 +631127,30 +631128,30 +631129,30 +631130,31 +631131,31 +631132,3 +631133,31 +631134,31 +631135,31 +631136,31 +631137,31 +631138,31 +631139,31 +631140,2 +631141,2 +631142,2 +631143,2 +631144,2 +631145,2 +631146,2 +631147,4 +631148,4 +631149,4 +631150,4 +631151,4 +631152,4 +631153,27 +631154,27 +631155,27 +631156,27 +631157,6 +631158,6 +631159,6 +631160,6 +631161,6 +631162,6 +631163,6 +631164,36 +631165,36 +631166,27 +631167,36 +631168,27 +631169,27 +631170,27 +631171,8 +631172,8 +631173,8 +631174,8 +631175,2 +631176,2 +631177,2 +631178,2 +631179,2 +631180,2 +631181,6 +631182,6 +631183,6 +631184,6 +631185,32 +631186,25 +631187,25 +631188,25 +631189,25 +631190,25 +631191,25 +631192,25 +631193,25 +631194,27 +631195,25 +631196,16 +631197,16 +631198,16 +631199,32 +631200,32 +631201,32 +631202,11 +631203,11 +631204,11 +631205,11 +631206,11 +631207,11 +631208,11 +631209,11 +631210,11 +631211,31 +631212,31 +631213,31 +631214,5 +631215,5 +631216,5 +631217,5 +631218,5 +631219,28 +631220,5 +631221,5 +631222,5 +631223,5 +631224,5 +631225,13 +631226,13 +631227,13 +631228,13 +631229,13 +631230,0 +631231,0 +631232,0 +631233,0 +631234,0 +631235,0 +631236,0 +631237,0 +631238,0 +631239,0 +631240,0 +631241,0 +631242,0 +631243,0 +631244,27 +631245,27 +631246,27 +631247,27 +631248,27 +631249,27 +631250,27 +631251,8 +631252,8 +631253,8 +631254,8 +631255,8 +631256,2 +631257,2 +631258,2 +631259,2 +631260,40 +631261,40 +631262,40 +631263,40 +631264,40 +631265,40 +631266,40 +631267,40 +631268,40 +631269,40 +631270,40 +631271,8 +631272,8 +631273,8 +631274,8 +631275,8 +631276,8 +631277,2 +631278,2 +631279,2 +631280,2 +631281,2 +631282,8 +631283,2 +631284,2 +631285,2 +631286,2 +631287,2 +631288,2 +631289,2 +631290,0 +631291,0 +631292,0 +631293,0 +631294,0 +631295,0 +631296,0 +631297,0 +631298,0 +631299,0 +631300,0 +631301,0 +631302,0 +631303,0 +631304,21 +631305,21 +631306,21 +631307,22 +631308,22 +631309,22 +631310,22 +631311,22 +631312,22 +631313,22 +631314,22 +631315,19 +631316,19 +631317,4 +631318,4 +631319,27 +631320,27 +631321,27 +631322,27 +631323,27 +631324,27 +631325,27 +631326,27 +631327,27 +631328,8 +631329,8 +631330,8 +631331,8 +631332,8 +631333,8 +631334,8 +631335,8 +631336,31 +631337,31 +631338,31 +631339,31 +631340,31 +631341,31 +631342,23 +631343,23 +631344,23 +631345,23 +631346,23 +631347,23 +631348,23 +631349,23 +631350,23 +631351,23 +631352,23 +631353,23 +631354,23 +631355,23 +631356,23 +631357,23 +631358,39 +631359,39 +631360,39 +631361,39 +631362,39 +631363,39 +631364,39 +631365,39 +631366,39 +631367,39 +631368,39 +631369,39 +631370,39 +631371,39 +631372,39 +631373,39 +631374,39 +631375,2 +631376,2 +631377,2 +631378,2 +631379,2 +631380,2 +631381,2 +631382,2 +631383,2 +631384,2 +631385,2 +631386,2 +631387,2 +631388,2 +631389,2 +631390,2 +631391,2 +631392,0 +631393,0 +631394,0 +631395,0 +631396,0 +631397,0 +631398,0 +631399,0 +631400,0 +631401,0 +631402,0 +631403,0 +631404,0 +631405,0 +631406,0 +631407,0 +631408,0 +631409,0 +631410,0 +631411,0 +631412,0 +631413,0 +631414,0 +631415,0 +631416,0 +631417,0 +631418,0 +631419,0 +631420,0 +631421,0 +631422,0 +631423,0 +631424,0 +631425,0 +631426,12 +631427,12 +631428,12 +631429,12 +631430,12 +631431,12 +631432,12 +631433,12 +631434,25 +631435,25 +631436,25 +631437,25 +631438,35 +631439,35 +631440,35 +631441,35 +631442,35 +631443,35 +631444,35 +631445,35 +631446,35 +631447,39 +631448,39 +631449,39 +631450,39 +631451,39 +631452,39 +631453,39 +631454,39 +631455,39 +631456,30 +631457,30 +631458,30 +631459,30 +631460,30 +631461,30 +631462,30 +631463,30 +631464,30 +631465,30 +631466,31 +631467,31 +631468,31 +631469,31 +631470,31 +631471,31 +631472,31 +631473,31 +631474,31 +631475,31 +631476,2 +631477,2 +631478,2 +631479,2 +631480,2 +631481,2 +631482,2 +631483,4 +631484,4 +631485,4 +631486,4 +631487,31 +631488,31 +631489,31 +631490,31 +631491,31 +631492,32 +631493,32 +631494,32 +631495,32 +631496,32 +631497,32 +631498,32 +631499,32 +631500,32 +631501,32 +631502,36 +631503,36 +631504,36 +631505,36 +631506,36 +631507,36 +631508,36 +631509,36 +631510,36 +631511,36 +631512,36 +631513,36 +631514,36 +631515,36 +631516,2 +631517,2 +631518,2 +631519,2 +631520,2 +631521,2 +631522,2 +631523,2 +631524,2 +631525,29 +631526,29 +631527,29 +631528,29 +631529,31 +631530,31 +631531,31 +631532,31 +631533,31 +631534,28 +631535,5 +631536,5 +631537,5 +631538,28 +631539,28 +631540,28 +631541,28 +631542,10 +631543,10 +631544,10 +631545,10 +631546,10 +631547,10 +631548,10 +631549,10 +631550,10 +631551,10 +631552,10 +631553,10 +631554,10 +631555,10 +631556,10 +631557,10 +631558,19 +631559,19 +631560,19 +631561,19 +631562,26 +631563,26 +631564,26 +631565,26 +631566,26 +631567,26 +631568,26 +631569,26 +631570,26 +631571,5 +631572,5 +631573,5 +631574,5 +631575,5 +631576,5 +631577,5 +631578,5 +631579,5 +631580,13 +631581,21 +631582,21 +631583,21 +631584,21 +631585,21 +631586,21 +631587,21 +631588,26 +631589,26 +631590,26 +631591,26 +631592,26 +631593,26 +631594,26 +631595,26 +631596,26 +631597,26 +631598,26 +631599,26 +631600,26 +631601,26 +631602,26 +631603,37 +631604,37 +631605,37 +631606,37 +631607,37 +631608,37 +631609,37 +631610,37 +631611,37 +631612,37 +631613,37 +631614,19 +631615,19 +631616,19 +631617,19 +631618,19 +631619,19 +631620,19 +631621,19 +631622,19 +631623,0 +631624,0 +631625,0 +631626,0 +631627,0 +631628,0 +631629,0 +631630,0 +631631,0 +631632,0 +631633,0 +631634,0 +631635,0 +631636,0 +631637,0 +631638,0 +631639,0 +631640,0 +631641,0 +631642,0 +631643,0 +631644,0 +631645,0 +631646,0 +631647,0 +631648,0 +631649,0 +631650,0 +631651,0 +631652,0 +631653,0 +631654,0 +631655,0 +631656,0 +631657,0 +631658,0 +631659,0 +631660,0 +631661,0 +631662,0 +631663,0 +631664,0 +631665,0 +631666,0 +631667,0 +631668,0 +631669,0 +631670,0 +631671,0 +631672,0 +631673,0 +631674,0 +631675,0 +631676,0 +631677,0 +631678,0 +631679,0 +631680,0 +631681,0 +631682,0 +631683,0 +631684,0 +631685,0 +631686,0 +631687,0 +631688,0 +631689,0 +631690,0 +631691,0 +631692,0 +631693,0 +631694,0 +631695,0 +631696,0 +631697,0 +631698,0 +631699,0 +631700,0 +631701,0 +631702,0 +631703,0 +631704,0 +631705,0 +631706,0 +631707,0 +631708,0 +631709,0 +631710,0 +631711,0 +631712,0 +631713,0 +631714,0 +631715,0 +631716,2 +631717,0 +631718,0 +631719,0 +631720,0 +631721,0 +631722,0 +631723,0 +631724,0 +631725,0 +631726,0 +631727,0 +631728,0 +631729,0 +631730,0 +631731,0 +631732,0 +631733,0 +631734,0 +631735,0 +631736,0 +631737,0 +631738,0 +631739,0 +631740,0 +631741,0 +631742,0 +631743,0 +631744,0 +631745,0 +631746,0 +631747,0 +631748,0 +631749,0 +631750,0 +631751,0 +631752,0 +631753,0 +631754,0 +631755,0 +631756,0 +631757,0 +631758,0 +631759,0 +631760,0 +631761,0 +631762,0 +631763,0 +631764,0 +631765,0 +631766,0 +631767,0 +631768,0 +631769,0 +631770,0 +631771,0 +631772,0 +631773,0 +631774,0 +631775,0 +631776,0 +631777,0 +631778,0 +631779,0 +631780,31 +631781,31 +631782,31 +631783,31 +631784,31 +631785,31 +631786,31 +631787,31 +631788,31 +631789,31 +631790,31 +631791,31 +631792,31 +631793,31 +631794,5 +631795,5 +631796,18 +631797,18 +631798,18 +631799,18 +631800,18 +631801,18 +631802,18 +631803,18 +631804,18 +631805,40 +631806,40 +631807,40 +631808,40 +631809,40 +631810,5 +631811,5 +631812,21 +631813,19 +631814,19 +631815,19 +631816,19 +631817,24 +631818,24 +631819,27 +631820,27 +631821,27 +631822,27 +631823,30 +631824,30 +631825,30 +631826,30 +631827,30 +631828,2 +631829,2 +631830,2 +631831,2 +631832,2 +631833,2 +631834,2 +631835,2 +631836,2 +631837,2 +631838,2 +631839,2 +631840,2 +631841,2 +631842,2 +631843,2 +631844,2 +631845,30 +631846,30 +631847,30 +631848,30 +631849,30 +631850,30 +631851,30 +631852,22 +631853,22 +631854,22 +631855,22 +631856,22 +631857,33 +631858,33 +631859,33 +631860,33 +631861,33 +631862,33 +631863,33 +631864,33 +631865,33 +631866,33 +631867,33 +631868,32 +631869,32 +631870,32 +631871,32 +631872,32 +631873,32 +631874,32 +631875,31 +631876,31 +631877,31 +631878,31 +631879,31 +631880,31 +631881,37 +631882,37 +631883,37 +631884,37 +631885,37 +631886,36 +631887,36 +631888,36 +631889,40 +631890,40 +631891,36 +631892,36 +631893,36 +631894,36 +631895,5 +631896,5 +631897,5 +631898,5 +631899,5 +631900,36 +631901,34 +631902,34 +631903,34 +631904,34 +631905,31 +631906,31 +631907,34 +631908,34 +631909,34 +631910,4 +631911,4 +631912,4 +631913,4 +631914,4 +631915,4 +631916,4 +631917,4 +631918,4 +631919,23 +631920,23 +631921,23 +631922,23 +631923,23 +631924,23 +631925,23 +631926,25 +631927,25 +631928,25 +631929,25 +631930,25 +631931,25 +631932,25 +631933,29 +631934,29 +631935,5 +631936,5 +631937,5 +631938,5 +631939,29 +631940,31 +631941,31 +631942,31 +631943,31 +631944,31 +631945,15 +631946,15 +631947,15 +631948,15 +631949,15 +631950,15 +631951,15 +631952,15 +631953,15 +631954,39 +631955,39 +631956,39 +631957,39 +631958,39 +631959,39 +631960,39 +631961,39 +631962,39 +631963,39 +631964,39 +631965,39 +631966,39 +631967,16 +631968,16 +631969,16 +631970,16 +631971,16 +631972,16 +631973,16 +631974,16 +631975,16 +631976,16 +631977,16 +631978,16 +631979,16 +631980,11 +631981,11 +631982,11 +631983,4 +631984,16 +631985,16 +631986,4 +631987,4 +631988,31 +631989,31 +631990,31 +631991,31 +631992,31 +631993,29 +631994,29 +631995,29 +631996,29 +631997,29 +631998,29 +631999,29 +632000,39 +632001,39 +632002,39 +632003,39 +632004,39 +632005,39 +632006,39 +632007,39 +632008,39 +632009,39 +632010,39 +632011,36 +632012,36 +632013,36 +632014,36 +632015,36 +632016,5 +632017,5 +632018,5 +632019,19 +632020,4 +632021,4 +632022,4 +632023,4 +632024,4 +632025,4 +632026,4 +632027,4 +632028,4 +632029,25 +632030,25 +632031,25 +632032,25 +632033,25 +632034,19 +632035,19 +632036,19 +632037,19 +632038,19 +632039,19 +632040,19 +632041,19 +632042,19 +632043,19 +632044,2 +632045,2 +632046,2 +632047,2 +632048,2 +632049,2 +632050,31 +632051,31 +632052,31 +632053,31 +632054,24 +632055,24 +632056,24 +632057,24 +632058,29 +632059,31 +632060,31 +632061,27 +632062,31 +632063,31 +632064,31 +632065,31 +632066,31 +632067,6 +632068,4 +632069,4 +632070,6 +632071,6 +632072,6 +632073,6 +632074,6 +632075,6 +632076,6 +632077,6 +632078,14 +632079,14 +632080,14 +632081,14 +632082,14 +632083,14 +632084,14 +632085,14 +632086,14 +632087,14 +632088,14 +632089,14 +632090,14 +632091,14 +632092,14 +632093,14 +632094,14 +632095,14 +632096,14 +632097,14 +632098,39 +632099,39 +632100,39 +632101,39 +632102,39 +632103,39 +632104,39 +632105,39 +632106,24 +632107,24 +632108,24 +632109,24 +632110,24 +632111,24 +632112,24 +632113,24 +632114,0 +632115,0 +632116,0 +632117,0 +632118,0 +632119,0 +632120,0 +632121,0 +632122,0 +632123,0 +632124,0 +632125,0 +632126,0 +632127,0 +632128,0 +632129,0 +632130,0 +632131,0 +632132,0 +632133,0 +632134,0 +632135,0 +632136,0 +632137,0 +632138,0 +632139,0 +632140,0 +632141,0 +632142,0 +632143,0 +632144,0 +632145,0 +632146,0 +632147,0 +632148,0 +632149,0 +632150,0 +632151,0 +632152,0 +632153,0 +632154,0 +632155,0 +632156,0 +632157,0 +632158,0 +632159,0 +632160,0 +632161,0 +632162,0 +632163,0 +632164,0 +632165,0 +632166,0 +632167,0 +632168,0 +632169,0 +632170,0 +632171,0 +632172,36 +632173,36 +632174,36 +632175,36 +632176,36 +632177,36 +632178,36 +632179,36 +632180,36 +632181,36 +632182,36 +632183,36 +632184,36 +632185,36 +632186,36 +632187,4 +632188,4 +632189,4 +632190,4 +632191,4 +632192,29 +632193,29 +632194,29 +632195,31 +632196,31 +632197,31 +632198,4 +632199,4 +632200,4 +632201,4 +632202,4 +632203,4 +632204,4 +632205,4 +632206,4 +632207,4 +632208,4 +632209,4 +632210,4 +632211,4 +632212,4 +632213,10 +632214,10 +632215,10 +632216,10 +632217,10 +632218,10 +632219,10 +632220,10 +632221,10 +632222,26 +632223,26 +632224,26 +632225,26 +632226,26 +632227,26 +632228,26 +632229,26 +632230,26 +632231,26 +632232,26 +632233,26 +632234,32 +632235,32 +632236,32 +632237,32 +632238,32 +632239,32 +632240,32 +632241,32 +632242,32 +632243,29 +632244,29 +632245,29 +632246,29 +632247,27 +632248,27 +632249,27 +632250,27 +632251,27 +632252,31 +632253,2 +632254,2 +632255,2 +632256,2 +632257,2 +632258,2 +632259,2 +632260,2 +632261,2 +632262,2 +632263,2 +632264,2 +632265,6 +632266,6 +632267,6 +632268,6 +632269,12 +632270,12 +632271,12 +632272,12 +632273,12 +632274,12 +632275,12 +632276,12 +632277,12 +632278,10 +632279,10 +632280,10 +632281,10 +632282,10 +632283,10 +632284,10 +632285,10 +632286,10 +632287,10 +632288,10 +632289,10 +632290,37 +632291,37 +632292,37 +632293,37 +632294,37 +632295,37 +632296,37 +632297,37 +632298,37 +632299,31 +632300,31 +632301,31 +632302,31 +632303,28 +632304,28 +632305,28 +632306,28 +632307,28 +632308,28 +632309,28 +632310,40 +632311,40 +632312,36 +632313,36 +632314,36 +632315,36 +632316,36 +632317,36 +632318,36 +632319,36 +632320,4 +632321,4 +632322,4 +632323,4 +632324,4 +632325,4 +632326,31 +632327,31 +632328,31 +632329,1 +632330,36 +632331,36 +632332,36 +632333,31 +632334,10 +632335,40 +632336,40 +632337,31 +632338,31 +632339,2 +632340,2 +632341,2 +632342,2 +632343,2 +632344,2 +632345,2 +632346,2 +632347,2 +632348,2 +632349,2 +632350,2 +632351,2 +632352,2 +632353,2 +632354,2 +632355,2 +632356,2 +632357,2 +632358,2 +632359,2 +632360,2 +632361,0 +632362,0 +632363,0 +632364,0 +632365,0 +632366,0 +632367,0 +632368,0 +632369,0 +632370,0 +632371,0 +632372,0 +632373,0 +632374,0 +632375,0 +632376,0 +632377,0 +632378,0 +632379,0 +632380,0 +632381,0 +632382,0 +632383,0 +632384,0 +632385,0 +632386,0 +632387,0 +632388,0 +632389,0 +632390,0 +632391,0 +632392,0 +632393,0 +632394,0 +632395,0 +632396,0 +632397,0 +632398,0 +632399,0 +632400,0 +632401,0 +632402,0 +632403,0 +632404,0 +632405,0 +632406,0 +632407,0 +632408,0 +632409,0 +632410,0 +632411,0 +632412,0 +632413,0 +632414,0 +632415,0 +632416,0 +632417,0 +632418,0 +632419,0 +632420,0 +632421,0 +632422,0 +632423,36 +632424,36 +632425,36 +632426,36 +632427,36 +632428,36 +632429,36 +632430,36 +632431,36 +632432,36 +632433,36 +632434,36 +632435,36 +632436,36 +632437,36 +632438,36 +632439,8 +632440,8 +632441,8 +632442,8 +632443,8 +632444,8 +632445,8 +632446,27 +632447,27 +632448,27 +632449,27 +632450,27 +632451,27 +632452,27 +632453,27 +632454,5 +632455,5 +632456,4 +632457,4 +632458,4 +632459,4 +632460,2 +632461,2 +632462,2 +632463,2 +632464,2 +632465,2 +632466,31 +632467,31 +632468,31 +632469,31 +632470,31 +632471,31 +632472,28 +632473,28 +632474,28 +632475,28 +632476,28 +632477,28 +632478,28 +632479,28 +632480,28 +632481,28 +632482,28 +632483,26 +632484,26 +632485,26 +632486,26 +632487,26 +632488,26 +632489,26 +632490,26 +632491,37 +632492,37 +632493,37 +632494,37 +632495,37 +632496,37 +632497,37 +632498,2 +632499,2 +632500,2 +632501,2 +632502,2 +632503,2 +632504,2 +632505,2 +632506,2 +632507,2 +632508,2 +632509,2 +632510,39 +632511,39 +632512,39 +632513,39 +632514,39 +632515,39 +632516,39 +632517,39 +632518,24 +632519,24 +632520,24 +632521,27 +632522,27 +632523,14 +632524,14 +632525,14 +632526,14 +632527,14 +632528,14 +632529,14 +632530,14 +632531,14 +632532,14 +632533,14 +632534,35 +632535,35 +632536,35 +632537,35 +632538,35 +632539,35 +632540,36 +632541,36 +632542,36 +632543,36 +632544,36 +632545,36 +632546,5 +632547,5 +632548,5 +632549,5 +632550,5 +632551,5 +632552,39 +632553,39 +632554,39 +632555,39 +632556,27 +632557,5 +632558,39 +632559,39 +632560,39 +632561,39 +632562,39 +632563,39 +632564,39 +632565,39 +632566,39 +632567,39 +632568,39 +632569,39 +632570,24 +632571,24 +632572,24 +632573,24 +632574,24 +632575,24 +632576,32 +632577,32 +632578,31 +632579,31 +632580,31 +632581,31 +632582,31 +632583,31 +632584,16 +632585,16 +632586,16 +632587,16 +632588,16 +632589,16 +632590,16 +632591,16 +632592,16 +632593,16 +632594,16 +632595,16 +632596,16 +632597,11 +632598,11 +632599,33 +632600,33 +632601,33 +632602,22 +632603,30 +632604,30 +632605,30 +632606,30 +632607,30 +632608,19 +632609,19 +632610,19 +632611,19 +632612,31 +632613,31 +632614,31 +632615,31 +632616,31 +632617,31 +632618,28 +632619,5 +632620,5 +632621,5 +632622,5 +632623,5 +632624,5 +632625,5 +632626,5 +632627,26 +632628,26 +632629,26 +632630,31 +632631,31 +632632,31 +632633,9 +632634,9 +632635,13 +632636,13 +632637,13 +632638,13 +632639,13 +632640,13 +632641,13 +632642,29 +632643,31 +632644,31 +632645,31 +632646,31 +632647,31 +632648,31 +632649,21 +632650,21 +632651,21 +632652,21 +632653,21 +632654,21 +632655,21 +632656,21 +632657,21 +632658,21 +632659,21 +632660,26 +632661,26 +632662,26 +632663,33 +632664,33 +632665,33 +632666,33 +632667,33 +632668,40 +632669,33 +632670,33 +632671,33 +632672,33 +632673,33 +632674,33 +632675,33 +632676,33 +632677,33 +632678,33 +632679,33 +632680,33 +632681,33 +632682,33 +632683,33 +632684,33 +632685,33 +632686,30 +632687,30 +632688,30 +632689,0 +632690,0 +632691,0 +632692,0 +632693,0 +632694,0 +632695,0 +632696,0 +632697,0 +632698,0 +632699,0 +632700,0 +632701,0 +632702,0 +632703,0 +632704,0 +632705,0 +632706,0 +632707,0 +632708,0 +632709,0 +632710,0 +632711,0 +632712,0 +632713,0 +632714,0 +632715,0 +632716,0 +632717,0 +632718,0 +632719,0 +632720,0 +632721,0 +632722,0 +632723,0 +632724,0 +632725,0 +632726,0 +632727,0 +632728,0 +632729,0 +632730,0 +632731,0 +632732,0 +632733,0 +632734,0 +632735,0 +632736,0 +632737,0 +632738,0 +632739,0 +632740,0 +632741,0 +632742,0 +632743,0 +632744,0 +632745,0 +632746,0 +632747,0 +632748,0 +632749,0 +632750,0 +632751,0 +632752,0 +632753,0 +632754,0 +632755,0 +632756,0 +632757,0 +632758,0 +632759,0 +632760,0 +632761,0 +632762,0 +632763,0 +632764,0 +632765,27 +632766,27 +632767,27 +632768,35 +632769,35 +632770,39 +632771,39 +632772,27 +632773,19 +632774,19 +632775,19 +632776,19 +632777,12 +632778,12 +632779,12 +632780,12 +632781,12 +632782,12 +632783,12 +632784,12 +632785,12 +632786,12 +632787,12 +632788,12 +632789,12 +632790,12 +632791,12 +632792,12 +632793,12 +632794,12 +632795,22 +632796,22 +632797,22 +632798,22 +632799,19 +632800,19 +632801,2 +632802,2 +632803,2 +632804,38 +632805,2 +632806,2 +632807,2 +632808,2 +632809,2 +632810,2 +632811,29 +632812,29 +632813,4 +632814,4 +632815,4 +632816,4 +632817,4 +632818,4 +632819,40 +632820,40 +632821,40 +632822,40 +632823,40 +632824,31 +632825,10 +632826,10 +632827,10 +632828,10 +632829,35 +632830,30 +632831,30 +632832,35 +632833,35 +632834,35 +632835,35 +632836,35 +632837,35 +632838,35 +632839,35 +632840,35 +632841,35 +632842,35 +632843,35 +632844,34 +632845,34 +632846,36 +632847,36 +632848,36 +632849,36 +632850,36 +632851,36 +632852,36 +632853,36 +632854,36 +632855,24 +632856,24 +632857,24 +632858,24 +632859,24 +632860,24 +632861,24 +632862,24 +632863,24 +632864,29 +632865,29 +632866,29 +632867,29 +632868,29 +632869,29 +632870,38 +632871,36 +632872,36 +632873,36 +632874,36 +632875,36 +632876,36 +632877,36 +632878,36 +632879,36 +632880,36 +632881,36 +632882,36 +632883,36 +632884,36 +632885,4 +632886,4 +632887,4 +632888,4 +632889,4 +632890,4 +632891,4 +632892,4 +632893,4 +632894,4 +632895,4 +632896,4 +632897,0 +632898,0 +632899,0 +632900,0 +632901,0 +632902,0 +632903,0 +632904,0 +632905,0 +632906,0 +632907,0 +632908,0 +632909,0 +632910,0 +632911,0 +632912,0 +632913,0 +632914,0 +632915,0 +632916,0 +632917,0 +632918,0 +632919,0 +632920,36 +632921,36 +632922,36 +632923,36 +632924,5 +632925,5 +632926,19 +632927,19 +632928,19 +632929,19 +632930,19 +632931,19 +632932,19 +632933,11 +632934,11 +632935,11 +632936,11 +632937,11 +632938,11 +632939,11 +632940,11 +632941,11 +632942,11 +632943,11 +632944,11 +632945,11 +632946,36 +632947,36 +632948,36 +632949,36 +632950,36 +632951,36 +632952,36 +632953,36 +632954,34 +632955,34 +632956,10 +632957,34 +632958,34 +632959,34 +632960,34 +632961,34 +632962,34 +632963,34 +632964,34 +632965,34 +632966,34 +632967,34 +632968,34 +632969,34 +632970,34 +632971,34 +632972,5 +632973,5 +632974,5 +632975,31 +632976,5 +632977,15 +632978,15 +632979,15 +632980,15 +632981,15 +632982,15 +632983,15 +632984,15 +632985,15 +632986,39 +632987,39 +632988,39 +632989,39 +632990,39 +632991,39 +632992,39 +632993,39 +632994,39 +632995,39 +632996,39 +632997,29 +632998,39 +632999,39 +633000,39 +633001,29 +633002,29 +633003,38 +633004,29 +633005,38 +633006,38 +633007,38 +633008,38 +633009,9 +633010,9 +633011,9 +633012,10 +633013,10 +633014,10 +633015,10 +633016,10 +633017,10 +633018,10 +633019,10 +633020,10 +633021,10 +633022,10 +633023,10 +633024,10 +633025,10 +633026,10 +633027,10 +633028,10 +633029,10 +633030,2 +633031,2 +633032,2 +633033,2 +633034,2 +633035,2 +633036,2 +633037,2 +633038,2 +633039,2 +633040,2 +633041,2 +633042,2 +633043,2 +633044,2 +633045,2 +633046,2 +633047,2 +633048,2 +633049,9 +633050,9 +633051,9 +633052,9 +633053,9 +633054,9 +633055,9 +633056,9 +633057,9 +633058,9 +633059,9 +633060,9 +633061,9 +633062,9 +633063,5 +633064,5 +633065,5 +633066,5 +633067,5 +633068,5 +633069,5 +633070,5 +633071,5 +633072,5 +633073,5 +633074,5 +633075,5 +633076,5 +633077,5 +633078,5 +633079,5 +633080,5 +633081,5 +633082,0 +633083,0 +633084,0 +633085,0 +633086,0 +633087,0 +633088,0 +633089,0 +633090,0 +633091,0 +633092,0 +633093,0 +633094,0 +633095,0 +633096,0 +633097,0 +633098,0 +633099,0 +633100,0 +633101,0 +633102,0 +633103,0 +633104,0 +633105,0 +633106,0 +633107,0 +633108,0 +633109,0 +633110,0 +633111,0 +633112,0 +633113,0 +633114,0 +633115,0 +633116,0 +633117,0 +633118,0 +633119,0 +633120,0 +633121,0 +633122,0 +633123,0 +633124,0 +633125,0 +633126,0 +633127,0 +633128,0 +633129,0 +633130,0 +633131,0 +633132,0 +633133,0 +633134,0 +633135,0 +633136,0 +633137,0 +633138,0 +633139,0 +633140,28 +633141,28 +633142,0 +633143,15 +633144,15 +633145,15 +633146,15 +633147,15 +633148,15 +633149,15 +633150,29 +633151,31 +633152,15 +633153,31 +633154,31 +633155,36 +633156,36 +633157,36 +633158,36 +633159,36 +633160,4 +633161,4 +633162,4 +633163,4 +633164,4 +633165,4 +633166,4 +633167,4 +633168,4 +633169,27 +633170,27 +633171,27 +633172,27 +633173,19 +633174,19 +633175,19 +633176,19 +633177,19 +633178,19 +633179,19 +633180,19 +633181,19 +633182,39 +633183,27 +633184,27 +633185,7 +633186,7 +633187,7 +633188,7 +633189,7 +633190,3 +633191,3 +633192,3 +633193,39 +633194,12 +633195,12 +633196,12 +633197,12 +633198,12 +633199,12 +633200,12 +633201,12 +633202,3 +633203,3 +633204,12 +633205,12 +633206,12 +633207,12 +633208,12 +633209,12 +633210,12 +633211,12 +633212,27 +633213,27 +633214,27 +633215,27 +633216,29 +633217,29 +633218,29 +633219,29 +633220,29 +633221,29 +633222,29 +633223,29 +633224,29 +633225,29 +633226,29 +633227,31 +633228,31 +633229,31 +633230,31 +633231,31 +633232,24 +633233,24 +633234,24 +633235,24 +633236,24 +633237,24 +633238,24 +633239,24 +633240,24 +633241,37 +633242,40 +633243,40 +633244,40 +633245,40 +633246,40 +633247,40 +633248,40 +633249,18 +633250,18 +633251,18 +633252,18 +633253,18 +633254,18 +633255,18 +633256,18 +633257,28 +633258,25 +633259,25 +633260,28 +633261,28 +633262,28 +633263,28 +633264,28 +633265,28 +633266,31 +633267,31 +633268,31 +633269,31 +633270,31 +633271,5 +633272,5 +633273,5 +633274,5 +633275,5 +633276,5 +633277,4 +633278,4 +633279,4 +633280,4 +633281,4 +633282,31 +633283,31 +633284,31 +633285,31 +633286,31 +633287,31 +633288,31 +633289,31 +633290,33 +633291,31 +633292,5 +633293,29 +633294,29 +633295,29 +633296,29 +633297,29 +633298,29 +633299,31 +633300,31 +633301,32 +633302,32 +633303,6 +633304,6 +633305,6 +633306,6 +633307,6 +633308,32 +633309,32 +633310,32 +633311,32 +633312,6 +633313,6 +633314,6 +633315,6 +633316,6 +633317,6 +633318,25 +633319,25 +633320,25 +633321,25 +633322,25 +633323,25 +633324,25 +633325,25 +633326,25 +633327,2 +633328,2 +633329,2 +633330,2 +633331,2 +633332,2 +633333,2 +633334,2 +633335,2 +633336,28 +633337,28 +633338,28 +633339,28 +633340,28 +633341,28 +633342,28 +633343,28 +633344,31 +633345,31 +633346,31 +633347,31 +633348,31 +633349,30 +633350,30 +633351,30 +633352,30 +633353,30 +633354,30 +633355,2 +633356,2 +633357,2 +633358,2 +633359,2 +633360,2 +633361,2 +633362,2 +633363,2 +633364,2 +633365,2 +633366,2 +633367,2 +633368,31 +633369,31 +633370,31 +633371,31 +633372,31 +633373,31 +633374,31 +633375,31 +633376,31 +633377,31 +633378,31 +633379,31 +633380,31 +633381,31 +633382,10 +633383,10 +633384,10 +633385,10 +633386,10 +633387,10 +633388,10 +633389,10 +633390,10 +633391,10 +633392,29 +633393,29 +633394,29 +633395,25 +633396,27 +633397,27 +633398,27 +633399,25 +633400,31 +633401,8 +633402,8 +633403,8 +633404,8 +633405,8 +633406,8 +633407,8 +633408,35 +633409,35 +633410,35 +633411,35 +633412,35 +633413,26 +633414,26 +633415,26 +633416,26 +633417,26 +633418,26 +633419,37 +633420,37 +633421,37 +633422,37 +633423,37 +633424,37 +633425,37 +633426,19 +633427,19 +633428,19 +633429,19 +633430,30 +633431,30 +633432,30 +633433,30 +633434,30 +633435,30 +633436,30 +633437,39 +633438,39 +633439,39 +633440,39 +633441,39 +633442,32 +633443,32 +633444,32 +633445,32 +633446,32 +633447,32 +633448,32 +633449,32 +633450,32 +633451,32 +633452,32 +633453,32 +633454,32 +633455,32 +633456,26 +633457,26 +633458,26 +633459,26 +633460,26 +633461,26 +633462,26 +633463,26 +633464,26 +633465,26 +633466,26 +633467,26 +633468,26 +633469,2 +633470,2 +633471,2 +633472,2 +633473,2 +633474,2 +633475,2 +633476,2 +633477,2 +633478,31 +633479,31 +633480,31 +633481,31 +633482,15 +633483,15 +633484,15 +633485,15 +633486,15 +633487,15 +633488,31 +633489,31 +633490,31 +633491,31 +633492,31 +633493,30 +633494,30 +633495,30 +633496,30 +633497,30 +633498,30 +633499,30 +633500,30 +633501,30 +633502,30 +633503,30 +633504,30 +633505,30 +633506,30 +633507,30 +633508,30 +633509,31 +633510,29 +633511,29 +633512,29 +633513,29 +633514,29 +633515,29 +633516,29 +633517,29 +633518,29 +633519,29 +633520,29 +633521,31 +633522,31 +633523,31 +633524,31 +633525,31 +633526,31 +633527,31 +633528,5 +633529,5 +633530,5 +633531,5 +633532,5 +633533,5 +633534,5 +633535,5 +633536,31 +633537,31 +633538,31 +633539,31 +633540,31 +633541,31 +633542,30 +633543,30 +633544,30 +633545,30 +633546,30 +633547,30 +633548,30 +633549,30 +633550,30 +633551,30 +633552,30 +633553,27 +633554,27 +633555,27 +633556,27 +633557,27 +633558,28 +633559,28 +633560,28 +633561,28 +633562,28 +633563,31 +633564,31 +633565,31 +633566,31 +633567,31 +633568,40 +633569,19 +633570,19 +633571,19 +633572,19 +633573,19 +633574,19 +633575,19 +633576,2 +633577,2 +633578,2 +633579,2 +633580,2 +633581,2 +633582,2 +633583,33 +633584,33 +633585,33 +633586,33 +633587,33 +633588,33 +633589,31 +633590,31 +633591,2 +633592,2 +633593,2 +633594,2 +633595,2 +633596,2 +633597,2 +633598,2 +633599,2 +633600,2 +633601,2 +633602,40 +633603,31 +633604,31 +633605,31 +633606,31 +633607,31 +633608,31 +633609,31 +633610,16 +633611,16 +633612,16 +633613,16 +633614,16 +633615,16 +633616,35 +633617,35 +633618,27 +633619,27 +633620,27 +633621,27 +633622,31 +633623,31 +633624,2 +633625,2 +633626,2 +633627,8 +633628,2 +633629,2 +633630,2 +633631,8 +633632,2 +633633,2 +633634,6 +633635,6 +633636,21 +633637,21 +633638,21 +633639,21 +633640,40 +633641,40 +633642,40 +633643,40 +633644,40 +633645,40 +633646,40 +633647,40 +633648,40 +633649,40 +633650,40 +633651,40 +633652,16 +633653,16 +633654,16 +633655,16 +633656,16 +633657,16 +633658,11 +633659,16 +633660,16 +633661,16 +633662,11 +633663,16 +633664,31 +633665,31 +633666,31 +633667,27 +633668,31 +633669,8 +633670,8 +633671,8 +633672,8 +633673,8 +633674,8 +633675,8 +633676,8 +633677,8 +633678,8 +633679,29 +633680,29 +633681,29 +633682,29 +633683,29 +633684,29 +633685,40 +633686,40 +633687,40 +633688,40 +633689,27 +633690,27 +633691,40 +633692,40 +633693,27 +633694,27 +633695,27 +633696,27 +633697,27 +633698,27 +633699,27 +633700,2 +633701,2 +633702,2 +633703,2 +633704,2 +633705,2 +633706,2 +633707,2 +633708,2 +633709,8 +633710,2 +633711,2 +633712,2 +633713,2 +633714,2 +633715,2 +633716,2 +633717,2 +633718,8 +633719,8 +633720,8 +633721,0 +633722,0 +633723,0 +633724,0 +633725,0 +633726,0 +633727,0 +633728,0 +633729,0 +633730,0 +633731,0 +633732,0 +633733,0 +633734,0 +633735,0 +633736,0 +633737,0 +633738,0 +633739,0 +633740,0 +633741,0 +633742,0 +633743,0 +633744,0 +633745,0 +633746,0 +633747,0 +633748,0 +633749,0 +633750,0 +633751,0 +633752,0 +633753,0 +633754,0 +633755,29 +633756,29 +633757,29 +633758,29 +633759,29 +633760,29 +633761,33 +633762,33 +633763,22 +633764,22 +633765,22 +633766,22 +633767,22 +633768,22 +633769,22 +633770,22 +633771,22 +633772,4 +633773,4 +633774,4 +633775,27 +633776,27 +633777,27 +633778,27 +633779,27 +633780,8 +633781,8 +633782,8 +633783,8 +633784,8 +633785,8 +633786,31 +633787,31 +633788,31 +633789,31 +633790,31 +633791,31 +633792,28 +633793,28 +633794,28 +633795,28 +633796,28 +633797,28 +633798,28 +633799,28 +633800,28 +633801,28 +633802,36 +633803,36 +633804,36 +633805,36 +633806,36 +633807,36 +633808,36 +633809,36 +633810,36 +633811,36 +633812,36 +633813,36 +633814,4 +633815,4 +633816,4 +633817,4 +633818,4 +633819,25 +633820,25 +633821,25 +633822,25 +633823,25 +633824,25 +633825,25 +633826,25 +633827,25 +633828,25 +633829,29 +633830,29 +633831,29 +633832,29 +633833,29 +633834,29 +633835,29 +633836,31 +633837,31 +633838,31 +633839,31 +633840,31 +633841,4 +633842,4 +633843,6 +633844,6 +633845,6 +633846,6 +633847,6 +633848,6 +633849,6 +633850,6 +633851,6 +633852,6 +633853,6 +633854,6 +633855,6 +633856,6 +633857,40 +633858,36 +633859,14 +633860,14 +633861,14 +633862,36 +633863,36 +633864,40 +633865,5 +633866,5 +633867,5 +633868,31 +633869,31 +633870,31 +633871,31 +633872,31 +633873,31 +633874,31 +633875,31 +633876,31 +633877,31 +633878,31 +633879,32 +633880,32 +633881,4 +633882,4 +633883,0 +633884,15 +633885,15 +633886,15 +633887,15 +633888,15 +633889,15 +633890,15 +633891,15 +633892,14 +633893,14 +633894,14 +633895,39 +633896,39 +633897,14 +633898,39 +633899,14 +633900,14 +633901,14 +633902,14 +633903,14 +633904,31 +633905,31 +633906,5 +633907,28 +633908,28 +633909,28 +633910,28 +633911,5 +633912,4 +633913,4 +633914,4 +633915,4 +633916,4 +633917,4 +633918,4 +633919,4 +633920,4 +633921,10 +633922,10 +633923,10 +633924,10 +633925,10 +633926,36 +633927,36 +633928,36 +633929,10 +633930,10 +633931,10 +633932,10 +633933,10 +633934,10 +633935,10 +633936,10 +633937,30 +633938,30 +633939,30 +633940,30 +633941,30 +633942,30 +633943,30 +633944,30 +633945,30 +633946,30 +633947,30 +633948,30 +633949,39 +633950,39 +633951,39 +633952,39 +633953,39 +633954,39 +633955,6 +633956,6 +633957,6 +633958,6 +633959,6 +633960,6 +633961,6 +633962,6 +633963,36 +633964,36 +633965,36 +633966,36 +633967,36 +633968,36 +633969,36 +633970,36 +633971,36 +633972,36 +633973,36 +633974,36 +633975,36 +633976,36 +633977,36 +633978,2 +633979,2 +633980,2 +633981,2 +633982,2 +633983,4 +633984,4 +633985,4 +633986,4 +633987,15 +633988,15 +633989,15 +633990,15 +633991,15 +633992,15 +633993,15 +633994,15 +633995,15 +633996,15 +633997,10 +633998,26 +633999,26 +634000,26 +634001,10 +634002,10 +634003,10 +634004,10 +634005,10 +634006,10 +634007,10 +634008,10 +634009,10 +634010,10 +634011,10 +634012,10 +634013,10 +634014,10 +634015,10 +634016,10 +634017,10 +634018,10 +634019,10 +634020,10 +634021,10 +634022,10 +634023,10 +634024,10 +634025,10 +634026,10 +634027,10 +634028,10 +634029,39 +634030,39 +634031,0 +634032,0 +634033,0 +634034,0 +634035,0 +634036,0 +634037,0 +634038,0 +634039,0 +634040,0 +634041,0 +634042,0 +634043,0 +634044,0 +634045,0 +634046,0 +634047,0 +634048,0 +634049,0 +634050,0 +634051,0 +634052,0 +634053,0 +634054,0 +634055,0 +634056,0 +634057,0 +634058,0 +634059,0 +634060,0 +634061,0 +634062,0 +634063,0 +634064,0 +634065,0 +634066,0 +634067,0 +634068,0 +634069,0 +634070,0 +634071,0 +634072,0 +634073,0 +634074,0 +634075,0 +634076,0 +634077,0 +634078,0 +634079,0 +634080,0 +634081,0 +634082,0 +634083,0 +634084,0 +634085,0 +634086,36 +634087,36 +634088,36 +634089,36 +634090,36 +634091,5 +634092,5 +634093,19 +634094,19 +634095,19 +634096,19 +634097,19 +634098,5 +634099,6 +634100,6 +634101,6 +634102,6 +634103,6 +634104,6 +634105,6 +634106,6 +634107,6 +634108,6 +634109,6 +634110,6 +634111,6 +634112,6 +634113,40 +634114,40 +634115,40 +634116,40 +634117,36 +634118,36 +634119,32 +634120,32 +634121,32 +634122,32 +634123,32 +634124,32 +634125,32 +634126,32 +634127,4 +634128,4 +634129,4 +634130,4 +634131,4 +634132,4 +634133,4 +634134,4 +634135,35 +634136,35 +634137,35 +634138,27 +634139,27 +634140,27 +634141,27 +634142,8 +634143,8 +634144,8 +634145,8 +634146,8 +634147,8 +634148,8 +634149,18 +634150,18 +634151,18 +634152,18 +634153,18 +634154,18 +634155,18 +634156,18 +634157,18 +634158,18 +634159,18 +634160,40 +634161,40 +634162,40 +634163,40 +634164,40 +634165,40 +634166,5 +634167,5 +634168,5 +634169,5 +634170,33 +634171,33 +634172,33 +634173,33 +634174,9 +634175,9 +634176,9 +634177,9 +634178,9 +634179,33 +634180,9 +634181,33 +634182,33 +634183,33 +634184,33 +634185,34 +634186,34 +634187,8 +634188,8 +634189,8 +634190,8 +634191,8 +634192,8 +634193,8 +634194,8 +634195,6 +634196,6 +634197,6 +634198,6 +634199,6 +634200,6 +634201,6 +634202,6 +634203,6 +634204,6 +634205,6 +634206,6 +634207,31 +634208,31 +634209,5 +634210,5 +634211,5 +634212,5 +634213,5 +634214,5 +634215,5 +634216,4 +634217,4 +634218,4 +634219,4 +634220,4 +634221,4 +634222,4 +634223,4 +634224,4 +634225,4 +634226,4 +634227,4 +634228,1 +634229,1 +634230,4 +634231,4 +634232,39 +634233,3 +634234,1 +634235,1 +634236,1 +634237,1 +634238,1 +634239,1 +634240,1 +634241,1 +634242,28 +634243,28 +634244,28 +634245,12 +634246,13 +634247,12 +634248,12 +634249,12 +634250,12 +634251,12 +634252,12 +634253,12 +634254,12 +634255,27 +634256,27 +634257,27 +634258,27 +634259,30 +634260,30 +634261,30 +634262,30 +634263,3 +634264,3 +634265,3 +634266,3 +634267,3 +634268,39 +634269,39 +634270,3 +634271,3 +634272,3 +634273,3 +634274,3 +634275,3 +634276,3 +634277,3 +634278,28 +634279,28 +634280,28 +634281,28 +634282,28 +634283,28 +634284,32 +634285,32 +634286,32 +634287,32 +634288,32 +634289,32 +634290,32 +634291,32 +634292,32 +634293,32 +634294,32 +634295,32 +634296,30 +634297,30 +634298,30 +634299,30 +634300,30 +634301,30 +634302,30 +634303,30 +634304,30 +634305,30 +634306,30 +634307,17 +634308,17 +634309,17 +634310,17 +634311,17 +634312,17 +634313,17 +634314,17 +634315,17 +634316,19 +634317,19 +634318,19 +634319,19 +634320,19 +634321,19 +634322,0 +634323,0 +634324,0 +634325,0 +634326,0 +634327,0 +634328,0 +634329,0 +634330,0 +634331,0 +634332,0 +634333,0 +634334,0 +634335,0 +634336,0 +634337,0 +634338,0 +634339,0 +634340,0 +634341,0 +634342,0 +634343,0 +634344,0 +634345,0 +634346,0 +634347,0 +634348,0 +634349,2 +634350,2 +634351,2 +634352,2 +634353,2 +634354,2 +634355,2 +634356,2 +634357,2 +634358,2 +634359,2 +634360,31 +634361,31 +634362,31 +634363,31 +634364,31 +634365,32 +634366,32 +634367,32 +634368,32 +634369,32 +634370,32 +634371,32 +634372,32 +634373,32 +634374,37 +634375,37 +634376,37 +634377,36 +634378,40 +634379,40 +634380,40 +634381,40 +634382,40 +634383,2 +634384,2 +634385,2 +634386,2 +634387,2 +634388,2 +634389,2 +634390,2 +634391,2 +634392,2 +634393,27 +634394,27 +634395,27 +634396,13 +634397,13 +634398,13 +634399,13 +634400,13 +634401,13 +634402,13 +634403,25 +634404,25 +634405,25 +634406,25 +634407,25 +634408,25 +634409,25 +634410,25 +634411,31 +634412,31 +634413,31 +634414,31 +634415,24 +634416,24 +634417,24 +634418,24 +634419,24 +634420,24 +634421,24 +634422,30 +634423,30 +634424,22 +634425,22 +634426,22 +634427,30 +634428,30 +634429,30 +634430,22 +634431,22 +634432,22 +634433,30 +634434,4 +634435,4 +634436,4 +634437,4 +634438,4 +634439,4 +634440,2 +634441,2 +634442,2 +634443,2 +634444,2 +634445,31 +634446,31 +634447,31 +634448,31 +634449,9 +634450,9 +634451,9 +634452,9 +634453,31 +634454,5 +634455,5 +634456,24 +634457,35 +634458,35 +634459,35 +634460,27 +634461,27 +634462,27 +634463,27 +634464,27 +634465,8 +634466,8 +634467,8 +634468,8 +634469,8 +634470,8 +634471,8 +634472,8 +634473,23 +634474,23 +634475,23 +634476,23 +634477,23 +634478,23 +634479,25 +634480,25 +634481,25 +634482,25 +634483,25 +634484,25 +634485,25 +634486,5 +634487,5 +634488,5 +634489,5 +634490,5 +634491,5 +634492,5 +634493,4 +634494,4 +634495,4 +634496,4 +634497,4 +634498,4 +634499,4 +634500,4 +634501,4 +634502,40 +634503,40 +634504,40 +634505,40 +634506,40 +634507,40 +634508,37 +634509,37 +634510,37 +634511,37 +634512,37 +634513,37 +634514,37 +634515,37 +634516,37 +634517,37 +634518,37 +634519,37 +634520,37 +634521,37 +634522,37 +634523,37 +634524,37 +634525,8 +634526,8 +634527,8 +634528,8 +634529,8 +634530,8 +634531,8 +634532,8 +634533,8 +634534,8 +634535,8 +634536,2 +634537,2 +634538,2 +634539,2 +634540,0 +634541,0 +634542,0 +634543,0 +634544,0 +634545,0 +634546,0 +634547,0 +634548,0 +634549,0 +634550,0 +634551,0 +634552,0 +634553,0 +634554,0 +634555,0 +634556,0 +634557,0 +634558,0 +634559,0 +634560,0 +634561,0 +634562,0 +634563,0 +634564,0 +634565,0 +634566,0 +634567,0 +634568,0 +634569,0 +634570,0 +634571,0 +634572,0 +634573,0 +634574,0 +634575,0 +634576,0 +634577,0 +634578,0 +634579,0 +634580,0 +634581,0 +634582,0 +634583,0 +634584,0 +634585,0 +634586,0 +634587,0 +634588,0 +634589,0 +634590,0 +634591,0 +634592,0 +634593,0 +634594,0 +634595,0 +634596,0 +634597,0 +634598,0 +634599,0 +634600,0 +634601,0 +634602,0 +634603,0 +634604,0 +634605,0 +634606,0 +634607,0 +634608,0 +634609,0 +634610,0 +634611,0 +634612,0 +634613,0 +634614,0 +634615,0 +634616,0 +634617,0 +634618,0 +634619,0 +634620,0 +634621,0 +634622,0 +634623,0 +634624,0 +634625,0 +634626,0 +634627,0 +634628,0 +634629,0 +634630,0 +634631,0 +634632,0 +634633,0 +634634,0 +634635,0 +634636,0 +634637,0 +634638,0 +634639,0 +634640,36 +634641,36 +634642,36 +634643,36 +634644,36 +634645,36 +634646,36 +634647,36 +634648,36 +634649,36 +634650,36 +634651,36 +634652,32 +634653,32 +634654,32 +634655,32 +634656,32 +634657,32 +634658,32 +634659,4 +634660,4 +634661,4 +634662,4 +634663,4 +634664,4 +634665,25 +634666,37 +634667,37 +634668,37 +634669,39 +634670,39 +634671,35 +634672,7 +634673,35 +634674,35 +634675,35 +634676,35 +634677,27 +634678,27 +634679,27 +634680,27 +634681,27 +634682,27 +634683,8 +634684,8 +634685,2 +634686,2 +634687,2 +634688,2 +634689,2 +634690,2 +634691,2 +634692,2 +634693,2 +634694,2 +634695,31 +634696,31 +634697,31 +634698,19 +634699,15 +634700,15 +634701,15 +634702,15 +634703,15 +634704,15 +634705,15 +634706,15 +634707,15 +634708,15 +634709,18 +634710,19 +634711,19 +634712,18 +634713,18 +634714,18 +634715,18 +634716,18 +634717,18 +634718,3 +634719,3 +634720,3 +634721,3 +634722,3 +634723,3 +634724,3 +634725,3 +634726,3 +634727,3 +634728,3 +634729,3 +634730,19 +634731,19 +634732,19 +634733,19 +634734,19 +634735,19 +634736,19 +634737,19 +634738,19 +634739,5 +634740,5 +634741,5 +634742,5 +634743,29 +634744,29 +634745,39 +634746,39 +634747,39 +634748,39 +634749,0 +634750,39 +634751,21 +634752,35 +634753,35 +634754,35 +634755,35 +634756,35 +634757,35 +634758,35 +634759,35 +634760,27 +634761,27 +634762,27 +634763,27 +634764,27 +634765,4 +634766,4 +634767,4 +634768,4 +634769,4 +634770,4 +634771,4 +634772,4 +634773,4 +634774,4 +634775,10 +634776,10 +634777,10 +634778,10 +634779,10 +634780,10 +634781,35 +634782,39 +634783,39 +634784,14 +634785,14 +634786,14 +634787,14 +634788,4 +634789,4 +634790,4 +634791,4 +634792,4 +634793,4 +634794,4 +634795,4 +634796,2 +634797,2 +634798,2 +634799,2 +634800,2 +634801,2 +634802,2 +634803,2 +634804,2 +634805,2 +634806,2 +634807,2 +634808,2 +634809,2 +634810,0 +634811,0 +634812,0 +634813,0 +634814,0 +634815,0 +634816,0 +634817,0 +634818,0 +634819,0 +634820,0 +634821,0 +634822,0 +634823,0 +634824,0 +634825,0 +634826,0 +634827,0 +634828,0 +634829,4 +634830,4 +634831,19 +634832,0 +634833,0 +634834,19 +634835,19 +634836,4 +634837,31 +634838,31 +634839,31 +634840,19 +634841,19 +634842,19 +634843,19 +634844,19 +634845,19 +634846,4 +634847,19 +634848,32 +634849,31 +634850,40 +634851,40 +634852,40 +634853,23 +634854,23 +634855,23 +634856,23 +634857,23 +634858,23 +634859,23 +634860,23 +634861,23 +634862,23 +634863,23 +634864,23 +634865,25 +634866,25 +634867,25 +634868,25 +634869,25 +634870,25 +634871,25 +634872,25 +634873,25 +634874,25 +634875,25 +634876,2 +634877,2 +634878,2 +634879,2 +634880,2 +634881,2 +634882,2 +634883,2 +634884,2 +634885,2 +634886,32 +634887,32 +634888,32 +634889,32 +634890,32 +634891,32 +634892,32 +634893,32 +634894,32 +634895,32 +634896,32 +634897,32 +634898,26 +634899,26 +634900,26 +634901,26 +634902,26 +634903,37 +634904,37 +634905,37 +634906,37 +634907,37 +634908,19 +634909,19 +634910,19 +634911,19 +634912,19 +634913,19 +634914,19 +634915,24 +634916,24 +634917,24 +634918,24 +634919,24 +634920,7 +634921,7 +634922,7 +634923,7 +634924,7 +634925,7 +634926,22 +634927,22 +634928,22 +634929,37 +634930,37 +634931,37 +634932,37 +634933,37 +634934,37 +634935,37 +634936,37 +634937,30 +634938,30 +634939,30 +634940,30 +634941,30 +634942,30 +634943,30 +634944,30 +634945,30 +634946,30 +634947,30 +634948,30 +634949,30 +634950,30 +634951,10 +634952,10 +634953,26 +634954,26 +634955,10 +634956,10 +634957,4 +634958,4 +634959,40 +634960,40 +634961,31 +634962,31 +634963,31 +634964,40 +634965,19 +634966,19 +634967,4 +634968,4 +634969,4 +634970,4 +634971,4 +634972,4 +634973,4 +634974,4 +634975,4 +634976,4 +634977,4 +634978,4 +634979,4 +634980,4 +634981,4 +634982,4 +634983,4 +634984,36 +634985,36 +634986,36 +634987,36 +634988,36 +634989,36 +634990,36 +634991,36 +634992,36 +634993,36 +634994,36 +634995,36 +634996,2 +634997,2 +634998,2 +634999,2 +635000,2 +635001,2 +635002,2 +635003,2 +635004,2 +635005,6 +635006,6 +635007,6 +635008,6 +635009,6 +635010,6 +635011,31 +635012,31 +635013,31 +635014,31 +635015,31 +635016,2 +635017,2 +635018,8 +635019,8 +635020,8 +635021,8 +635022,2 +635023,2 +635024,8 +635025,23 +635026,23 +635027,23 +635028,23 +635029,29 +635030,29 +635031,27 +635032,27 +635033,27 +635034,27 +635035,27 +635036,23 +635037,23 +635038,23 +635039,38 +635040,29 +635041,29 +635042,29 +635043,29 +635044,29 +635045,29 +635046,29 +635047,29 +635048,29 +635049,27 +635050,14 +635051,27 +635052,27 +635053,27 +635054,27 +635055,27 +635056,27 +635057,27 +635058,27 +635059,30 +635060,30 +635061,30 +635062,30 +635063,30 +635064,30 +635065,30 +635066,30 +635067,30 +635068,30 +635069,30 +635070,30 +635071,30 +635072,19 +635073,19 +635074,19 +635075,19 +635076,19 +635077,19 +635078,19 +635079,19 +635080,19 +635081,19 +635082,19 +635083,19 +635084,4 +635085,4 +635086,4 +635087,4 +635088,4 +635089,4 +635090,4 +635091,4 +635092,4 +635093,4 +635094,4 +635095,4 +635096,0 +635097,0 +635098,0 +635099,0 +635100,0 +635101,0 +635102,0 +635103,0 +635104,0 +635105,0 +635106,0 +635107,0 +635108,0 +635109,0 +635110,0 +635111,0 +635112,0 +635113,0 +635114,0 +635115,0 +635116,0 +635117,0 +635118,0 +635119,0 +635120,0 +635121,0 +635122,0 +635123,0 +635124,0 +635125,0 +635126,0 +635127,0 +635128,0 +635129,0 +635130,0 +635131,0 +635132,0 +635133,0 +635134,0 +635135,0 +635136,0 +635137,0 +635138,0 +635139,0 +635140,0 +635141,0 +635142,0 +635143,0 +635144,0 +635145,0 +635146,0 +635147,0 +635148,0 +635149,0 +635150,0 +635151,0 +635152,0 +635153,0 +635154,0 +635155,0 +635156,0 +635157,0 +635158,35 +635159,35 +635160,35 +635161,12 +635162,12 +635163,12 +635164,12 +635165,27 +635166,27 +635167,27 +635168,27 +635169,27 +635170,27 +635171,27 +635172,27 +635173,38 +635174,38 +635175,23 +635176,23 +635177,23 +635178,23 +635179,23 +635180,23 +635181,23 +635182,23 +635183,38 +635184,38 +635185,2 +635186,2 +635187,2 +635188,8 +635189,8 +635190,8 +635191,8 +635192,2 +635193,4 +635194,4 +635195,4 +635196,4 +635197,4 +635198,4 +635199,4 +635200,4 +635201,4 +635202,27 +635203,27 +635204,27 +635205,27 +635206,27 +635207,27 +635208,27 +635209,27 +635210,27 +635211,27 +635212,27 +635213,27 +635214,27 +635215,27 +635216,27 +635217,27 +635218,27 +635219,4 +635220,4 +635221,4 +635222,4 +635223,4 +635224,4 +635225,4 +635226,4 +635227,0 +635228,39 +635229,0 +635230,39 +635231,39 +635232,0 +635233,0 +635234,0 +635235,0 +635236,0 +635237,0 +635238,0 +635239,0 +635240,0 +635241,0 +635242,0 +635243,0 +635244,0 +635245,0 +635246,0 +635247,0 +635248,0 +635249,0 +635250,0 +635251,0 +635252,0 +635253,0 +635254,0 +635255,0 +635256,0 +635257,0 +635258,0 +635259,0 +635260,0 +635261,0 +635262,0 +635263,0 +635264,0 +635265,0 +635266,0 +635267,0 +635268,0 +635269,0 +635270,14 +635271,36 +635272,36 +635273,10 +635274,10 +635275,10 +635276,0 +635277,36 +635278,36 +635279,10 +635280,36 +635281,36 +635282,36 +635283,36 +635284,40 +635285,40 +635286,36 +635287,36 +635288,36 +635289,36 +635290,36 +635291,5 +635292,5 +635293,5 +635294,5 +635295,5 +635296,5 +635297,5 +635298,5 +635299,5 +635300,29 +635301,29 +635302,29 +635303,38 +635304,38 +635305,38 +635306,29 +635307,29 +635308,29 +635309,40 +635310,36 +635311,36 +635312,36 +635313,36 +635314,36 +635315,36 +635316,36 +635317,36 +635318,40 +635319,40 +635320,40 +635321,36 +635322,36 +635323,36 +635324,36 +635325,36 +635326,36 +635327,36 +635328,36 +635329,36 +635330,40 +635331,4 +635332,4 +635333,4 +635334,4 +635335,4 +635336,4 +635337,5 +635338,0 +635339,0 +635340,0 +635341,0 +635342,0 +635343,0 +635344,0 +635345,0 +635346,0 +635347,0 +635348,0 +635349,0 +635350,0 +635351,0 +635352,0 +635353,0 +635354,0 +635355,0 +635356,0 +635357,0 +635358,0 +635359,0 +635360,0 +635361,0 +635362,0 +635363,0 +635364,0 +635365,0 +635366,0 +635367,0 +635368,0 +635369,0 +635370,0 +635371,0 +635372,0 +635373,0 +635374,0 +635375,0 +635376,0 +635377,0 +635378,0 +635379,0 +635380,0 +635381,0 +635382,0 +635383,0 +635384,0 +635385,0 +635386,0 +635387,0 +635388,0 +635389,0 +635390,0 +635391,0 +635392,0 +635393,0 +635394,0 +635395,0 +635396,0 +635397,0 +635398,0 +635399,0 +635400,0 +635401,0 +635402,0 +635403,0 +635404,0 +635405,0 +635406,0 +635407,0 +635408,0 +635409,0 +635410,0 +635411,29 +635412,29 +635413,29 +635414,29 +635415,29 +635416,29 +635417,29 +635418,29 +635419,29 +635420,29 +635421,33 +635422,33 +635423,33 +635424,33 +635425,33 +635426,33 +635427,33 +635428,33 +635429,33 +635430,33 +635431,33 +635432,33 +635433,33 +635434,33 +635435,33 +635436,33 +635437,33 +635438,29 +635439,29 +635440,29 +635441,29 +635442,29 +635443,29 +635444,29 +635445,29 +635446,14 +635447,14 +635448,14 +635449,14 +635450,14 +635451,14 +635452,14 +635453,14 +635454,14 +635455,14 +635456,14 +635457,14 +635458,14 +635459,14 +635460,28 +635461,28 +635462,28 +635463,28 +635464,28 +635465,28 +635466,28 +635467,28 +635468,10 +635469,10 +635470,10 +635471,10 +635472,10 +635473,10 +635474,10 +635475,10 +635476,10 +635477,10 +635478,10 +635479,10 +635480,10 +635481,10 +635482,10 +635483,10 +635484,10 +635485,10 +635486,14 +635487,14 +635488,10 +635489,10 +635490,10 +635491,14 +635492,4 +635493,13 +635494,4 +635495,4 +635496,13 +635497,13 +635498,32 +635499,32 +635500,32 +635501,32 +635502,32 +635503,32 +635504,32 +635505,32 +635506,32 +635507,32 +635508,32 +635509,32 +635510,32 +635511,32 +635512,32 +635513,40 +635514,40 +635515,40 +635516,40 +635517,40 +635518,40 +635519,40 +635520,40 +635521,40 +635522,6 +635523,6 +635524,6 +635525,6 +635526,6 +635527,6 +635528,6 +635529,6 +635530,6 +635531,6 +635532,6 +635533,4 +635534,6 +635535,36 +635536,36 +635537,4 +635538,4 +635539,4 +635540,36 +635541,36 +635542,36 +635543,36 +635544,40 +635545,40 +635546,40 +635547,40 +635548,40 +635549,40 +635550,36 +635551,5 +635552,5 +635553,28 +635554,28 +635555,28 +635556,28 +635557,28 +635558,28 +635559,28 +635560,28 +635561,28 +635562,28 +635563,28 +635564,28 +635565,28 +635566,40 +635567,40 +635568,40 +635569,40 +635570,40 +635571,40 +635572,40 +635573,40 +635574,40 +635575,40 +635576,40 +635577,40 +635578,40 +635579,5 +635580,5 +635581,5 +635582,5 +635583,5 +635584,5 +635585,5 +635586,5 +635587,5 +635588,23 +635589,23 +635590,23 +635591,23 +635592,23 +635593,23 +635594,23 +635595,23 +635596,23 +635597,23 +635598,38 +635599,28 +635600,31 +635601,5 +635602,28 +635603,3 +635604,3 +635605,29 +635606,29 +635607,40 +635608,40 +635609,40 +635610,40 +635611,40 +635612,40 +635613,40 +635614,36 +635615,36 +635616,36 +635617,36 +635618,36 +635619,36 +635620,36 +635621,36 +635622,36 +635623,36 +635624,36 +635625,36 +635626,36 +635627,32 +635628,32 +635629,4 +635630,4 +635631,4 +635632,4 +635633,4 +635634,4 +635635,4 +635636,4 +635637,32 +635638,29 +635639,29 +635640,31 +635641,31 +635642,31 +635643,31 +635644,31 +635645,15 +635646,15 +635647,15 +635648,15 +635649,15 +635650,15 +635651,15 +635652,15 +635653,15 +635654,15 +635655,26 +635656,26 +635657,26 +635658,26 +635659,26 +635660,26 +635661,26 +635662,26 +635663,26 +635664,26 +635665,9 +635666,26 +635667,26 +635668,9 +635669,26 +635670,26 +635671,19 +635672,19 +635673,19 +635674,19 +635675,19 +635676,19 +635677,19 +635678,19 +635679,19 +635680,39 +635681,39 +635682,39 +635683,39 +635684,39 +635685,3 +635686,39 +635687,39 +635688,39 +635689,39 +635690,39 +635691,39 +635692,39 +635693,39 +635694,39 +635695,39 +635696,39 +635697,39 +635698,39 +635699,39 +635700,39 +635701,39 +635702,39 +635703,39 +635704,39 +635705,39 +635706,39 +635707,0 +635708,0 +635709,0 +635710,0 +635711,0 +635712,0 +635713,0 +635714,0 +635715,0 +635716,0 +635717,0 +635718,0 +635719,0 +635720,0 +635721,0 +635722,0 +635723,0 +635724,0 +635725,0 +635726,0 +635727,0 +635728,0 +635729,0 +635730,0 +635731,0 +635732,0 +635733,0 +635734,0 +635735,0 +635736,0 +635737,0 +635738,0 +635739,0 +635740,0 +635741,0 +635742,0 +635743,0 +635744,0 +635745,0 +635746,0 +635747,0 +635748,0 +635749,0 +635750,0 +635751,0 +635752,35 +635753,35 +635754,35 +635755,35 +635756,35 +635757,35 +635758,35 +635759,35 +635760,35 +635761,35 +635762,18 +635763,14 +635764,14 +635765,14 +635766,14 +635767,14 +635768,14 +635769,14 +635770,14 +635771,14 +635772,14 +635773,14 +635774,35 +635775,35 +635776,35 +635777,35 +635778,35 +635779,35 +635780,36 +635781,36 +635782,14 +635783,14 +635784,14 +635785,19 +635786,19 +635787,19 +635788,19 +635789,19 +635790,19 +635791,19 +635792,37 +635793,37 +635794,37 +635795,37 +635796,37 +635797,37 +635798,37 +635799,37 +635800,39 +635801,39 +635802,39 +635803,39 +635804,39 +635805,25 +635806,2 +635807,2 +635808,2 +635809,2 +635810,2 +635811,2 +635812,2 +635813,2 +635814,2 +635815,2 +635816,39 +635817,39 +635818,39 +635819,39 +635820,39 +635821,39 +635822,39 +635823,39 +635824,3 +635825,3 +635826,3 +635827,39 +635828,39 +635829,39 +635830,39 +635831,39 +635832,39 +635833,39 +635834,39 +635835,39 +635836,24 +635837,24 +635838,24 +635839,24 +635840,24 +635841,24 +635842,24 +635843,24 +635844,35 +635845,35 +635846,35 +635847,27 +635848,27 +635849,27 +635850,27 +635851,27 +635852,27 +635853,27 +635854,8 +635855,8 +635856,2 +635857,2 +635858,2 +635859,2 +635860,8 +635861,8 +635862,23 +635863,23 +635864,23 +635865,23 +635866,2 +635867,2 +635868,23 +635869,23 +635870,10 +635871,10 +635872,10 +635873,10 +635874,10 +635875,10 +635876,10 +635877,10 +635878,10 +635879,10 +635880,10 +635881,10 +635882,10 +635883,10 +635884,10 +635885,10 +635886,5 +635887,5 +635888,5 +635889,5 +635890,5 +635891,5 +635892,9 +635893,9 +635894,9 +635895,9 +635896,9 +635897,9 +635898,9 +635899,9 +635900,9 +635901,9 +635902,9 +635903,9 +635904,9 +635905,9 +635906,9 +635907,9 +635908,9 +635909,9 +635910,9 +635911,9 +635912,9 +635913,9 +635914,9 +635915,9 +635916,9 +635917,37 +635918,37 +635919,37 +635920,37 +635921,37 +635922,37 +635923,37 +635924,19 +635925,19 +635926,19 +635927,19 +635928,19 +635929,19 +635930,19 +635931,19 +635932,25 +635933,25 +635934,25 +635935,25 +635936,25 +635937,25 +635938,25 +635939,25 +635940,25 +635941,25 +635942,25 +635943,25 +635944,25 +635945,25 +635946,8 +635947,25 +635948,8 +635949,8 +635950,2 +635951,2 +635952,2 +635953,2 +635954,2 +635955,11 +635956,11 +635957,2 +635958,2 +635959,2 +635960,2 +635961,2 +635962,2 +635963,2 +635964,2 +635965,2 +635966,2 +635967,2 +635968,2 +635969,2 +635970,2 +635971,2 +635972,0 +635973,0 +635974,0 +635975,0 +635976,0 +635977,0 +635978,0 +635979,0 +635980,0 +635981,0 +635982,0 +635983,0 +635984,0 +635985,0 +635986,0 +635987,0 +635988,0 +635989,0 +635990,0 +635991,0 +635992,0 +635993,0 +635994,0 +635995,0 +635996,0 +635997,0 +635998,0 +635999,0 +636000,0 +636001,0 +636002,0 +636003,0 +636004,0 +636005,0 +636006,0 +636007,0 +636008,0 +636009,0 +636010,0 +636011,0 +636012,0 +636013,0 +636014,0 +636015,0 +636016,0 +636017,0 +636018,0 +636019,0 +636020,0 +636021,0 +636022,0 +636023,0 +636024,0 +636025,0 +636026,0 +636027,0 +636028,0 +636029,0 +636030,0 +636031,0 +636032,12 +636033,12 +636034,12 +636035,12 +636036,12 +636037,12 +636038,12 +636039,12 +636040,12 +636041,12 +636042,31 +636043,31 +636044,31 +636045,31 +636046,5 +636047,5 +636048,5 +636049,5 +636050,5 +636051,2 +636052,2 +636053,2 +636054,2 +636055,2 +636056,2 +636057,2 +636058,2 +636059,2 +636060,2 +636061,28 +636062,28 +636063,28 +636064,28 +636065,28 +636066,28 +636067,12 +636068,12 +636069,12 +636070,12 +636071,12 +636072,12 +636073,12 +636074,9 +636075,37 +636076,37 +636077,37 +636078,37 +636079,37 +636080,29 +636081,29 +636082,29 +636083,29 +636084,31 +636085,31 +636086,31 +636087,31 +636088,31 +636089,31 +636090,31 +636091,31 +636092,31 +636093,32 +636094,32 +636095,32 +636096,32 +636097,32 +636098,32 +636099,32 +636100,7 +636101,7 +636102,7 +636103,7 +636104,7 +636105,3 +636106,3 +636107,3 +636108,3 +636109,3 +636110,3 +636111,4 +636112,4 +636113,31 +636114,31 +636115,31 +636116,31 +636117,31 +636118,31 +636119,31 +636120,23 +636121,23 +636122,23 +636123,23 +636124,23 +636125,31 +636126,31 +636127,31 +636128,31 +636129,31 +636130,31 +636131,31 +636132,28 +636133,28 +636134,28 +636135,28 +636136,28 +636137,28 +636138,28 +636139,28 +636140,28 +636141,28 +636142,14 +636143,14 +636144,14 +636145,14 +636146,14 +636147,14 +636148,14 +636149,14 +636150,14 +636151,14 +636152,14 +636153,19 +636154,19 +636155,19 +636156,19 +636157,19 +636158,19 +636159,5 +636160,5 +636161,5 +636162,5 +636163,5 +636164,5 +636165,19 +636166,5 +636167,29 +636168,31 +636169,31 +636170,31 +636171,31 +636172,31 +636173,31 +636174,32 +636175,32 +636176,32 +636177,32 +636178,32 +636179,32 +636180,32 +636181,32 +636182,32 +636183,32 +636184,32 +636185,32 +636186,32 +636187,27 +636188,27 +636189,27 +636190,27 +636191,27 +636192,27 +636193,27 +636194,27 +636195,37 +636196,37 +636197,37 +636198,37 +636199,37 +636200,37 +636201,37 +636202,37 +636203,25 +636204,25 +636205,19 +636206,19 +636207,19 +636208,19 +636209,36 +636210,36 +636211,36 +636212,36 +636213,10 +636214,36 +636215,36 +636216,4 +636217,4 +636218,4 +636219,4 +636220,35 +636221,35 +636222,35 +636223,35 +636224,35 +636225,35 +636226,27 +636227,27 +636228,27 +636229,27 +636230,8 +636231,8 +636232,8 +636233,2 +636234,2 +636235,2 +636236,2 +636237,2 +636238,2 +636239,2 +636240,2 +636241,2 +636242,2 +636243,2 +636244,34 +636245,31 +636246,31 +636247,34 +636248,34 +636249,28 +636250,28 +636251,28 +636252,28 +636253,28 +636254,5 +636255,28 +636256,28 +636257,28 +636258,30 +636259,27 +636260,27 +636261,31 +636262,5 +636263,5 +636264,5 +636265,5 +636266,28 +636267,28 +636268,28 +636269,28 +636270,28 +636271,8 +636272,8 +636273,8 +636274,8 +636275,8 +636276,8 +636277,8 +636278,8 +636279,8 +636280,8 +636281,8 +636282,8 +636283,0 +636284,0 +636285,0 +636286,0 +636287,0 +636288,0 +636289,0 +636290,0 +636291,0 +636292,0 +636293,0 +636294,0 +636295,0 +636296,0 +636297,0 +636298,0 +636299,0 +636300,0 +636301,0 +636302,31 +636303,31 +636304,31 +636305,31 +636306,31 +636307,31 +636308,31 +636309,31 +636310,31 +636311,31 +636312,5 +636313,19 +636314,19 +636315,19 +636316,5 +636317,29 +636318,29 +636319,10 +636320,10 +636321,36 +636322,36 +636323,36 +636324,36 +636325,36 +636326,36 +636327,36 +636328,36 +636329,36 +636330,36 +636331,36 +636332,36 +636333,36 +636334,36 +636335,36 +636336,36 +636337,36 +636338,36 +636339,36 +636340,2 +636341,2 +636342,2 +636343,2 +636344,2 +636345,2 +636346,2 +636347,2 +636348,2 +636349,2 +636350,4 +636351,4 +636352,4 +636353,4 +636354,4 +636355,4 +636356,4 +636357,4 +636358,4 +636359,4 +636360,12 +636361,12 +636362,12 +636363,12 +636364,31 +636365,9 +636366,9 +636367,9 +636368,4 +636369,4 +636370,4 +636371,4 +636372,4 +636373,4 +636374,39 +636375,39 +636376,39 +636377,39 +636378,39 +636379,39 +636380,39 +636381,12 +636382,12 +636383,12 +636384,12 +636385,12 +636386,12 +636387,12 +636388,12 +636389,12 +636390,12 +636391,9 +636392,9 +636393,9 +636394,9 +636395,9 +636396,9 +636397,9 +636398,9 +636399,9 +636400,5 +636401,5 +636402,5 +636403,5 +636404,4 +636405,4 +636406,4 +636407,4 +636408,4 +636409,4 +636410,31 +636411,31 +636412,31 +636413,31 +636414,31 +636415,31 +636416,19 +636417,19 +636418,19 +636419,19 +636420,19 +636421,19 +636422,0 +636423,0 +636424,0 +636425,0 +636426,0 +636427,0 +636428,0 +636429,0 +636430,0 +636431,0 +636432,0 +636433,23 +636434,23 +636435,0 +636436,0 +636437,0 +636438,0 +636439,0 +636440,0 +636441,0 +636442,0 +636443,0 +636444,0 +636445,0 +636446,0 +636447,0 +636448,0 +636449,0 +636450,0 +636451,0 +636452,0 +636453,0 +636454,0 +636455,0 +636456,0 +636457,0 +636458,0 +636459,0 +636460,0 +636461,0 +636462,0 +636463,0 +636464,0 +636465,0 +636466,0 +636467,37 +636468,37 +636469,37 +636470,37 +636471,37 +636472,37 +636473,37 +636474,37 +636475,36 +636476,36 +636477,37 +636478,36 +636479,26 +636480,26 +636481,26 +636482,36 +636483,36 +636484,36 +636485,36 +636486,32 +636487,32 +636488,32 +636489,32 +636490,32 +636491,32 +636492,32 +636493,32 +636494,32 +636495,32 +636496,32 +636497,32 +636498,32 +636499,32 +636500,32 +636501,32 +636502,4 +636503,4 +636504,4 +636505,4 +636506,4 +636507,4 +636508,4 +636509,4 +636510,36 +636511,36 +636512,36 +636513,36 +636514,36 +636515,36 +636516,36 +636517,36 +636518,36 +636519,32 +636520,32 +636521,32 +636522,32 +636523,32 +636524,32 +636525,32 +636526,32 +636527,32 +636528,32 +636529,4 +636530,4 +636531,4 +636532,4 +636533,4 +636534,4 +636535,4 +636536,4 +636537,4 +636538,4 +636539,4 +636540,4 +636541,36 +636542,36 +636543,36 +636544,36 +636545,36 +636546,36 +636547,36 +636548,36 +636549,36 +636550,36 +636551,36 +636552,36 +636553,36 +636554,36 +636555,32 +636556,32 +636557,32 +636558,32 +636559,32 +636560,0 +636561,0 +636562,0 +636563,0 +636564,0 +636565,0 +636566,0 +636567,0 +636568,0 +636569,0 +636570,0 +636571,0 +636572,0 +636573,0 +636574,0 +636575,0 +636576,0 +636577,0 +636578,0 +636579,0 +636580,0 +636581,0 +636582,0 +636583,0 +636584,0 +636585,0 +636586,0 +636587,0 +636588,0 +636589,0 +636590,0 +636591,0 +636592,0 +636593,0 +636594,0 +636595,0 +636596,0 +636597,0 +636598,0 +636599,0 +636600,0 +636601,0 +636602,0 +636603,0 +636604,0 +636605,35 +636606,35 +636607,0 +636608,0 +636609,0 +636610,0 +636611,0 +636612,0 +636613,0 +636614,0 +636615,0 +636616,0 +636617,0 +636618,0 +636619,0 +636620,0 +636621,0 +636622,35 +636623,35 +636624,35 +636625,35 +636626,35 +636627,35 +636628,35 +636629,35 +636630,35 +636631,35 +636632,35 +636633,35 +636634,35 +636635,39 +636636,39 +636637,39 +636638,39 +636639,39 +636640,39 +636641,5 +636642,5 +636643,5 +636644,5 +636645,5 +636646,5 +636647,5 +636648,5 +636649,5 +636650,5 +636651,31 +636652,31 +636653,26 +636654,26 +636655,26 +636656,26 +636657,26 +636658,26 +636659,26 +636660,26 +636661,26 +636662,4 +636663,4 +636664,4 +636665,4 +636666,4 +636667,4 +636668,4 +636669,4 +636670,4 +636671,4 +636672,27 +636673,27 +636674,27 +636675,27 +636676,4 +636677,4 +636678,4 +636679,4 +636680,19 +636681,4 +636682,4 +636683,4 +636684,4 +636685,27 +636686,27 +636687,31 +636688,31 +636689,31 +636690,19 +636691,19 +636692,19 +636693,19 +636694,19 +636695,19 +636696,19 +636697,19 +636698,19 +636699,19 +636700,19 +636701,19 +636702,9 +636703,9 +636704,9 +636705,9 +636706,9 +636707,9 +636708,9 +636709,9 +636710,9 +636711,9 +636712,9 +636713,9 +636714,9 +636715,9 +636716,9 +636717,9 +636718,9 +636719,37 +636720,37 +636721,37 +636722,37 +636723,37 +636724,37 +636725,37 +636726,37 +636727,37 +636728,37 +636729,25 +636730,25 +636731,25 +636732,25 +636733,25 +636734,25 +636735,25 +636736,25 +636737,25 +636738,0 +636739,0 +636740,0 +636741,0 +636742,0 +636743,0 +636744,0 +636745,0 +636746,0 +636747,0 +636748,0 +636749,0 +636750,0 +636751,0 +636752,0 +636753,0 +636754,0 +636755,0 +636756,0 +636757,0 +636758,0 +636759,0 +636760,0 +636761,0 +636762,0 +636763,0 +636764,0 +636765,0 +636766,0 +636767,0 +636768,0 +636769,0 +636770,0 +636771,0 +636772,0 +636773,0 +636774,0 +636775,0 +636776,0 +636777,0 +636778,36 +636779,36 +636780,36 +636781,36 +636782,36 +636783,36 +636784,36 +636785,36 +636786,36 +636787,5 +636788,19 +636789,19 +636790,19 +636791,19 +636792,19 +636793,29 +636794,31 +636795,31 +636796,31 +636797,31 +636798,12 +636799,12 +636800,31 +636801,31 +636802,12 +636803,12 +636804,12 +636805,12 +636806,12 +636807,12 +636808,12 +636809,12 +636810,12 +636811,12 +636812,12 +636813,12 +636814,12 +636815,12 +636816,10 +636817,10 +636818,10 +636819,10 +636820,10 +636821,10 +636822,10 +636823,10 +636824,10 +636825,10 +636826,10 +636827,10 +636828,10 +636829,10 +636830,10 +636831,10 +636832,10 +636833,2 +636834,2 +636835,2 +636836,2 +636837,2 +636838,2 +636839,2 +636840,2 +636841,2 +636842,2 +636843,2 +636844,28 +636845,28 +636846,28 +636847,28 +636848,28 +636849,28 +636850,28 +636851,28 +636852,36 +636853,36 +636854,36 +636855,36 +636856,36 +636857,36 +636858,36 +636859,36 +636860,36 +636861,5 +636862,5 +636863,5 +636864,5 +636865,5 +636866,5 +636867,35 +636868,35 +636869,35 +636870,35 +636871,35 +636872,35 +636873,12 +636874,12 +636875,12 +636876,12 +636877,12 +636878,12 +636879,22 +636880,22 +636881,22 +636882,22 +636883,22 +636884,22 +636885,19 +636886,19 +636887,19 +636888,19 +636889,19 +636890,15 +636891,15 +636892,15 +636893,15 +636894,15 +636895,15 +636896,15 +636897,27 +636898,27 +636899,27 +636900,27 +636901,27 +636902,27 +636903,27 +636904,27 +636905,27 +636906,27 +636907,5 +636908,5 +636909,5 +636910,5 +636911,5 +636912,5 +636913,35 +636914,35 +636915,35 +636916,35 +636917,35 +636918,35 +636919,35 +636920,27 +636921,27 +636922,27 +636923,27 +636924,27 +636925,27 +636926,27 +636927,27 +636928,27 +636929,27 +636930,2 +636931,2 +636932,2 +636933,2 +636934,2 +636935,2 +636936,2 +636937,2 +636938,2 +636939,2 +636940,2 +636941,2 +636942,2 +636943,2 +636944,2 +636945,2 +636946,2 +636947,2 +636948,28 +636949,28 +636950,28 +636951,28 +636952,5 +636953,5 +636954,5 +636955,5 +636956,34 +636957,34 +636958,34 +636959,34 +636960,36 +636961,36 +636962,36 +636963,36 +636964,36 +636965,36 +636966,36 +636967,36 +636968,36 +636969,36 +636970,2 +636971,2 +636972,2 +636973,2 +636974,2 +636975,2 +636976,2 +636977,2 +636978,4 +636979,4 +636980,4 +636981,4 +636982,4 +636983,4 +636984,4 +636985,4 +636986,4 +636987,25 +636988,25 +636989,25 +636990,25 +636991,25 +636992,25 +636993,25 +636994,25 +636995,25 +636996,25 +636997,0 +636998,33 +636999,33 +637000,33 +637001,33 +637002,33 +637003,33 +637004,33 +637005,33 +637006,33 +637007,33 +637008,33 +637009,30 +637010,30 +637011,30 +637012,30 +637013,30 +637014,30 +637015,30 +637016,30 +637017,32 +637018,32 +637019,32 +637020,32 +637021,32 +637022,32 +637023,32 +637024,32 +637025,12 +637026,31 +637027,31 +637028,31 +637029,31 +637030,31 +637031,5 +637032,5 +637033,5 +637034,5 +637035,5 +637036,5 +637037,5 +637038,5 +637039,4 +637040,4 +637041,4 +637042,4 +637043,4 +637044,4 +637045,4 +637046,4 +637047,4 +637048,31 +637049,31 +637050,31 +637051,31 +637052,28 +637053,28 +637054,28 +637055,28 +637056,28 +637057,35 +637058,35 +637059,35 +637060,35 +637061,35 +637062,35 +637063,35 +637064,27 +637065,27 +637066,27 +637067,27 +637068,27 +637069,27 +637070,27 +637071,27 +637072,27 +637073,27 +637074,27 +637075,28 +637076,28 +637077,28 +637078,28 +637079,28 +637080,28 +637081,28 +637082,28 +637083,28 +637084,5 +637085,28 +637086,28 +637087,28 +637088,28 +637089,0 +637090,0 +637091,0 +637092,0 +637093,0 +637094,0 +637095,0 +637096,0 +637097,0 +637098,0 +637099,0 +637100,0 +637101,0 +637102,0 +637103,0 +637104,0 +637105,0 +637106,0 +637107,0 +637108,0 +637109,0 +637110,0 +637111,0 +637112,0 +637113,0 +637114,0 +637115,0 +637116,0 +637117,0 +637118,0 +637119,0 +637120,0 +637121,0 +637122,0 +637123,0 +637124,0 +637125,0 +637126,0 +637127,0 +637128,0 +637129,0 +637130,0 +637131,0 +637132,0 +637133,0 +637134,0 +637135,0 +637136,0 +637137,0 +637138,0 +637139,0 +637140,0 +637141,0 +637142,0 +637143,0 +637144,0 +637145,0 +637146,0 +637147,0 +637148,0 +637149,0 +637150,0 +637151,0 +637152,0 +637153,0 +637154,27 +637155,1 +637156,35 +637157,36 +637158,36 +637159,36 +637160,36 +637161,36 +637162,4 +637163,4 +637164,19 +637165,19 +637166,16 +637167,16 +637168,16 +637169,16 +637170,16 +637171,12 +637172,12 +637173,12 +637174,12 +637175,12 +637176,31 +637177,31 +637178,31 +637179,31 +637180,8 +637181,8 +637182,8 +637183,8 +637184,2 +637185,2 +637186,2 +637187,2 +637188,2 +637189,31 +637190,31 +637191,31 +637192,5 +637193,5 +637194,5 +637195,5 +637196,5 +637197,33 +637198,31 +637199,33 +637200,33 +637201,33 +637202,33 +637203,33 +637204,33 +637205,33 +637206,33 +637207,33 +637208,24 +637209,24 +637210,24 +637211,24 +637212,24 +637213,24 +637214,25 +637215,25 +637216,25 +637217,25 +637218,25 +637219,25 +637220,4 +637221,4 +637222,4 +637223,4 +637224,4 +637225,4 +637226,4 +637227,4 +637228,4 +637229,4 +637230,4 +637231,4 +637232,4 +637233,4 +637234,4 +637235,25 +637236,25 +637237,25 +637238,25 +637239,25 +637240,25 +637241,25 +637242,25 +637243,5 +637244,5 +637245,5 +637246,19 +637247,4 +637248,4 +637249,8 +637250,8 +637251,19 +637252,12 +637253,12 +637254,12 +637255,12 +637256,12 +637257,12 +637258,12 +637259,12 +637260,12 +637261,12 +637262,36 +637263,36 +637264,36 +637265,36 +637266,10 +637267,10 +637268,36 +637269,36 +637270,10 +637271,10 +637272,10 +637273,10 +637274,10 +637275,10 +637276,10 +637277,10 +637278,36 +637279,6 +637280,6 +637281,6 +637282,6 +637283,6 +637284,6 +637285,6 +637286,31 +637287,31 +637288,31 +637289,31 +637290,31 +637291,31 +637292,31 +637293,5 +637294,5 +637295,5 +637296,5 +637297,5 +637298,5 +637299,5 +637300,5 +637301,5 +637302,5 +637303,5 +637304,5 +637305,5 +637306,5 +637307,5 +637308,5 +637309,5 +637310,0 +637311,0 +637312,0 +637313,0 +637314,0 +637315,0 +637316,0 +637317,0 +637318,0 +637319,0 +637320,0 +637321,0 +637322,0 +637323,0 +637324,0 +637325,0 +637326,0 +637327,0 +637328,0 +637329,0 +637330,0 +637331,0 +637332,0 +637333,0 +637334,0 +637335,0 +637336,0 +637337,0 +637338,0 +637339,0 +637340,0 +637341,0 +637342,0 +637343,0 +637344,0 +637345,0 +637346,0 +637347,0 +637348,0 +637349,0 +637350,0 +637351,0 +637352,0 +637353,0 +637354,0 +637355,0 +637356,0 +637357,0 +637358,0 +637359,0 +637360,0 +637361,0 +637362,35 +637363,0 +637364,35 +637365,35 +637366,35 +637367,35 +637368,35 +637369,35 +637370,35 +637371,35 +637372,35 +637373,35 +637374,27 +637375,27 +637376,27 +637377,27 +637378,27 +637379,2 +637380,2 +637381,2 +637382,2 +637383,2 +637384,2 +637385,2 +637386,2 +637387,2 +637388,2 +637389,2 +637390,2 +637391,23 +637392,23 +637393,23 +637394,23 +637395,23 +637396,23 +637397,23 +637398,23 +637399,23 +637400,23 +637401,23 +637402,25 +637403,25 +637404,25 +637405,25 +637406,25 +637407,25 +637408,25 +637409,25 +637410,27 +637411,32 +637412,32 +637413,32 +637414,32 +637415,32 +637416,32 +637417,32 +637418,32 +637419,37 +637420,37 +637421,37 +637422,37 +637423,37 +637424,14 +637425,14 +637426,14 +637427,14 +637428,14 +637429,6 +637430,6 +637431,6 +637432,6 +637433,6 +637434,6 +637435,6 +637436,6 +637437,14 +637438,14 +637439,14 +637440,14 +637441,14 +637442,14 +637443,14 +637444,4 +637445,4 +637446,4 +637447,4 +637448,4 +637449,28 +637450,28 +637451,28 +637452,5 +637453,5 +637454,5 +637455,5 +637456,5 +637457,10 +637458,10 +637459,10 +637460,10 +637461,10 +637462,10 +637463,10 +637464,10 +637465,10 +637466,10 +637467,10 +637468,10 +637469,10 +637470,10 +637471,10 +637472,10 +637473,10 +637474,2 +637475,2 +637476,2 +637477,2 +637478,2 +637479,2 +637480,2 +637481,2 +637482,2 +637483,8 +637484,32 +637485,32 +637486,32 +637487,32 +637488,32 +637489,32 +637490,32 +637491,32 +637492,32 +637493,32 +637494,32 +637495,32 +637496,32 +637497,32 +637498,32 +637499,32 +637500,32 +637501,32 +637502,32 +637503,32 +637504,30 +637505,30 +637506,30 +637507,30 +637508,30 +637509,30 +637510,30 +637511,30 +637512,30 +637513,30 +637514,30 +637515,30 +637516,30 +637517,30 +637518,30 +637519,30 +637520,8 +637521,8 +637522,8 +637523,8 +637524,8 +637525,8 +637526,8 +637527,8 +637528,31 +637529,31 +637530,31 +637531,28 +637532,28 +637533,28 +637534,28 +637535,28 +637536,28 +637537,15 +637538,24 +637539,32 +637540,32 +637541,32 +637542,15 +637543,15 +637544,24 +637545,4 +637546,12 +637547,12 +637548,12 +637549,12 +637550,12 +637551,9 +637552,9 +637553,9 +637554,12 +637555,12 +637556,12 +637557,9 +637558,9 +637559,9 +637560,9 +637561,9 +637562,9 +637563,9 +637564,9 +637565,9 +637566,9 +637567,4 +637568,4 +637569,4 +637570,4 +637571,25 +637572,25 +637573,25 +637574,25 +637575,25 +637576,25 +637577,25 +637578,25 +637579,25 +637580,25 +637581,25 +637582,25 +637583,25 +637584,25 +637585,25 +637586,25 +637587,25 +637588,25 +637589,25 +637590,0 +637591,0 +637592,0 +637593,0 +637594,0 +637595,0 +637596,0 +637597,0 +637598,0 +637599,0 +637600,0 +637601,0 +637602,0 +637603,0 +637604,0 +637605,0 +637606,0 +637607,0 +637608,0 +637609,0 +637610,0 +637611,0 +637612,0 +637613,0 +637614,0 +637615,0 +637616,0 +637617,0 +637618,0 +637619,0 +637620,0 +637621,0 +637622,0 +637623,0 +637624,0 +637625,0 +637626,0 +637627,0 +637628,0 +637629,0 +637630,0 +637631,21 +637632,21 +637633,21 +637634,21 +637635,21 +637636,21 +637637,21 +637638,26 +637639,26 +637640,26 +637641,9 +637642,26 +637643,26 +637644,26 +637645,30 +637646,30 +637647,30 +637648,30 +637649,30 +637650,30 +637651,30 +637652,30 +637653,30 +637654,30 +637655,39 +637656,39 +637657,39 +637658,39 +637659,39 +637660,39 +637661,39 +637662,39 +637663,14 +637664,14 +637665,14 +637666,14 +637667,14 +637668,39 +637669,39 +637670,2 +637671,2 +637672,2 +637673,2 +637674,2 +637675,2 +637676,2 +637677,2 +637678,2 +637679,27 +637680,27 +637681,27 +637682,27 +637683,5 +637684,5 +637685,5 +637686,5 +637687,5 +637688,5 +637689,5 +637690,32 +637691,32 +637692,32 +637693,32 +637694,32 +637695,32 +637696,32 +637697,32 +637698,32 +637699,32 +637700,32 +637701,32 +637702,32 +637703,32 +637704,14 +637705,14 +637706,14 +637707,14 +637708,14 +637709,14 +637710,14 +637711,14 +637712,14 +637713,14 +637714,14 +637715,14 +637716,14 +637717,24 +637718,24 +637719,24 +637720,24 +637721,24 +637722,24 +637723,27 +637724,27 +637725,27 +637726,27 +637727,27 +637728,13 +637729,13 +637730,13 +637731,13 +637732,13 +637733,13 +637734,13 +637735,13 +637736,31 +637737,31 +637738,31 +637739,31 +637740,2 +637741,2 +637742,2 +637743,2 +637744,2 +637745,2 +637746,4 +637747,4 +637748,4 +637749,4 +637750,4 +637751,4 +637752,4 +637753,27 +637754,27 +637755,27 +637756,27 +637757,27 +637758,27 +637759,27 +637760,27 +637761,27 +637762,27 +637763,30 +637764,30 +637765,30 +637766,30 +637767,30 +637768,31 +637769,31 +637770,5 +637771,5 +637772,5 +637773,5 +637774,5 +637775,5 +637776,2 +637777,2 +637778,2 +637779,2 +637780,2 +637781,2 +637782,2 +637783,2 +637784,2 +637785,2 +637786,2 +637787,2 +637788,2 +637789,6 +637790,6 +637791,6 +637792,6 +637793,6 +637794,6 +637795,6 +637796,6 +637797,36 +637798,36 +637799,36 +637800,36 +637801,36 +637802,36 +637803,36 +637804,36 +637805,36 +637806,36 +637807,36 +637808,36 +637809,4 +637810,4 +637811,4 +637812,4 +637813,4 +637814,4 +637815,4 +637816,25 +637817,25 +637818,25 +637819,25 +637820,25 +637821,4 +637822,4 +637823,4 +637824,4 +637825,4 +637826,27 +637827,27 +637828,27 +637829,27 +637830,31 +637831,5 +637832,5 +637833,5 +637834,5 +637835,5 +637836,5 +637837,32 +637838,32 +637839,32 +637840,32 +637841,32 +637842,32 +637843,32 +637844,32 +637845,32 +637846,32 +637847,32 +637848,10 +637849,10 +637850,10 +637851,10 +637852,10 +637853,10 +637854,10 +637855,10 +637856,10 +637857,10 +637858,10 +637859,30 +637860,30 +637861,30 +637862,30 +637863,30 +637864,30 +637865,30 +637866,30 +637867,30 +637868,31 +637869,31 +637870,19 +637871,19 +637872,19 +637873,19 +637874,19 +637875,19 +637876,19 +637877,19 +637878,31 +637879,31 +637880,31 +637881,31 +637882,31 +637883,31 +637884,31 +637885,31 +637886,31 +637887,31 +637888,31 +637889,31 +637890,31 +637891,31 +637892,31 +637893,31 +637894,32 +637895,32 +637896,32 +637897,32 +637898,32 +637899,32 +637900,32 +637901,32 +637902,32 +637903,32 +637904,32 +637905,32 +637906,32 +637907,32 +637908,32 +637909,32 +637910,0 +637911,0 +637912,0 +637913,0 +637914,0 +637915,0 +637916,0 +637917,0 +637918,0 +637919,0 +637920,0 +637921,0 +637922,0 +637923,0 +637924,0 +637925,0 +637926,0 +637927,0 +637928,0 +637929,0 +637930,0 +637931,0 +637932,0 +637933,0 +637934,0 +637935,0 +637936,0 +637937,0 +637938,0 +637939,0 +637940,0 +637941,0 +637942,0 +637943,0 +637944,0 +637945,0 +637946,0 +637947,0 +637948,0 +637949,0 +637950,0 +637951,0 +637952,0 +637953,0 +637954,0 +637955,0 +637956,0 +637957,0 +637958,0 +637959,0 +637960,0 +637961,10 +637962,10 +637963,10 +637964,10 +637965,10 +637966,10 +637967,10 +637968,10 +637969,10 +637970,35 +637971,35 +637972,35 +637973,35 +637974,35 +637975,35 +637976,35 +637977,36 +637978,36 +637979,36 +637980,36 +637981,36 +637982,36 +637983,36 +637984,24 +637985,24 +637986,23 +637987,23 +637988,23 +637989,23 +637990,23 +637991,23 +637992,37 +637993,37 +637994,37 +637995,37 +637996,37 +637997,37 +637998,39 +637999,39 +638000,39 +638001,39 +638002,39 +638003,23 +638004,23 +638005,23 +638006,23 +638007,23 +638008,23 +638009,23 +638010,23 +638011,23 +638012,23 +638013,23 +638014,35 +638015,35 +638016,27 +638017,27 +638018,27 +638019,1 +638020,3 +638021,3 +638022,3 +638023,3 +638024,3 +638025,3 +638026,3 +638027,3 +638028,3 +638029,3 +638030,3 +638031,3 +638032,3 +638033,3 +638034,3 +638035,31 +638036,27 +638037,31 +638038,31 +638039,31 +638040,31 +638041,31 +638042,31 +638043,2 +638044,2 +638045,2 +638046,2 +638047,2 +638048,2 +638049,2 +638050,2 +638051,2 +638052,2 +638053,2 +638054,2 +638055,2 +638056,2 +638057,2 +638058,2 +638059,2 +638060,0 +638061,0 +638062,0 +638063,0 +638064,0 +638065,0 +638066,0 +638067,0 +638068,0 +638069,0 +638070,0 +638071,0 +638072,0 +638073,0 +638074,0 +638075,0 +638076,0 +638077,0 +638078,0 +638079,0 +638080,0 +638081,0 +638082,0 +638083,0 +638084,0 +638085,0 +638086,0 +638087,0 +638088,0 +638089,0 +638090,0 +638091,0 +638092,0 +638093,0 +638094,0 +638095,0 +638096,0 +638097,0 +638098,0 +638099,0 +638100,0 +638101,0 +638102,0 +638103,0 +638104,0 +638105,0 +638106,0 +638107,0 +638108,0 +638109,0 +638110,0 +638111,0 +638112,0 +638113,0 +638114,0 +638115,0 +638116,0 +638117,0 +638118,0 +638119,0 +638120,0 +638121,0 +638122,0 +638123,0 +638124,0 +638125,0 +638126,0 +638127,0 +638128,0 +638129,0 +638130,0 +638131,0 +638132,0 +638133,0 +638134,0 +638135,0 +638136,0 +638137,0 +638138,0 +638139,0 +638140,0 +638141,0 +638142,0 +638143,0 +638144,0 +638145,0 +638146,0 +638147,0 +638148,0 +638149,0 +638150,0 +638151,0 +638152,0 +638153,0 +638154,0 +638155,0 +638156,0 +638157,0 +638158,0 +638159,0 +638160,0 +638161,0 +638162,0 +638163,0 +638164,0 +638165,0 +638166,0 +638167,0 +638168,0 +638169,0 +638170,0 +638171,0 +638172,0 +638173,0 +638174,0 +638175,0 +638176,0 +638177,0 +638178,0 +638179,0 +638180,0 +638181,0 +638182,0 +638183,0 +638184,0 +638185,0 +638186,0 +638187,0 +638188,0 +638189,0 +638190,0 +638191,0 +638192,0 +638193,0 +638194,0 +638195,0 +638196,0 +638197,0 +638198,0 +638199,0 +638200,0 +638201,0 +638202,0 +638203,0 +638204,0 +638205,0 +638206,0 +638207,0 +638208,0 +638209,0 +638210,0 +638211,0 +638212,0 +638213,0 +638214,0 +638215,7 +638216,7 +638217,7 +638218,7 +638219,7 +638220,7 +638221,7 +638222,7 +638223,11 +638224,11 +638225,1 +638226,1 +638227,23 +638228,23 +638229,23 +638230,23 +638231,23 +638232,23 +638233,23 +638234,23 +638235,39 +638236,39 +638237,39 +638238,39 +638239,39 +638240,39 +638241,39 +638242,39 +638243,39 +638244,7 +638245,3 +638246,3 +638247,39 +638248,39 +638249,39 +638250,39 +638251,3 +638252,3 +638253,3 +638254,3 +638255,3 +638256,3 +638257,3 +638258,3 +638259,3 +638260,3 +638261,3 +638262,8 +638263,8 +638264,8 +638265,8 +638266,8 +638267,8 +638268,8 +638269,8 +638270,19 +638271,19 +638272,19 +638273,4 +638274,4 +638275,4 +638276,4 +638277,12 +638278,12 +638279,12 +638280,12 +638281,12 +638282,12 +638283,12 +638284,12 +638285,12 +638286,12 +638287,12 +638288,12 +638289,12 +638290,12 +638291,12 +638292,12 +638293,26 +638294,26 +638295,26 +638296,26 +638297,26 +638298,10 +638299,34 +638300,34 +638301,34 +638302,34 +638303,34 +638304,34 +638305,10 +638306,10 +638307,10 +638308,10 +638309,10 +638310,10 +638311,10 +638312,10 +638313,10 +638314,10 +638315,10 +638316,10 +638317,10 +638318,10 +638319,10 +638320,10 +638321,10 +638322,14 +638323,10 +638324,14 +638325,14 +638326,39 +638327,0 +638328,0 +638329,0 +638330,32 +638331,32 +638332,32 +638333,0 +638334,0 +638335,0 +638336,0 +638337,25 +638338,25 +638339,25 +638340,25 +638341,25 +638342,25 +638343,0 +638344,0 +638345,0 +638346,0 +638347,0 +638348,0 +638349,0 +638350,0 +638351,0 +638352,0 +638353,0 +638354,0 +638355,0 +638356,0 +638357,0 +638358,0 +638359,0 +638360,0 +638361,0 +638362,0 +638363,0 +638364,0 +638365,0 +638366,0 +638367,0 +638368,0 +638369,0 +638370,0 +638371,0 +638372,0 +638373,0 +638374,0 +638375,0 +638376,0 +638377,0 +638378,0 +638379,0 +638380,0 +638381,0 +638382,0 +638383,0 +638384,0 +638385,0 +638386,0 +638387,0 +638388,0 +638389,0 +638390,0 +638391,0 +638392,0 +638393,0 +638394,0 +638395,0 +638396,0 +638397,0 +638398,0 +638399,0 +638400,0 +638401,0 +638402,0 +638403,0 +638404,0 +638405,0 +638406,0 +638407,0 +638408,0 +638409,0 +638410,0 +638411,0 +638412,0 +638413,0 +638414,0 +638415,0 +638416,0 +638417,0 +638418,0 +638419,0 +638420,0 +638421,0 +638422,0 +638423,0 +638424,0 +638425,0 +638426,0 +638427,0 +638428,0 +638429,0 +638430,0 +638431,0 +638432,0 +638433,0 +638434,0 +638435,0 +638436,0 +638437,0 +638438,0 +638439,0 +638440,0 +638441,0 +638442,0 +638443,0 +638444,0 +638445,0 +638446,0 +638447,0 +638448,0 +638449,0 +638450,0 +638451,0 +638452,0 +638453,0 +638454,0 +638455,0 +638456,0 +638457,0 +638458,0 +638459,0 +638460,0 +638461,0 +638462,0 +638463,0 +638464,0 +638465,0 +638466,0 +638467,0 +638468,0 +638469,0 +638470,0 +638471,0 +638472,0 +638473,0 +638474,23 +638475,23 +638476,23 +638477,23 +638478,23 +638479,23 +638480,23 +638481,23 +638482,23 +638483,23 +638484,23 +638485,23 +638486,23 +638487,23 +638488,4 +638489,9 +638490,9 +638491,9 +638492,37 +638493,37 +638494,37 +638495,37 +638496,37 +638497,37 +638498,37 +638499,35 +638500,37 +638501,37 +638502,37 +638503,37 +638504,37 +638505,37 +638506,37 +638507,39 +638508,39 +638509,39 +638510,39 +638511,39 +638512,39 +638513,39 +638514,39 +638515,39 +638516,39 +638517,39 +638518,2 +638519,2 +638520,2 +638521,2 +638522,2 +638523,2 +638524,2 +638525,2 +638526,2 +638527,2 +638528,31 +638529,31 +638530,31 +638531,31 +638532,5 +638533,5 +638534,5 +638535,5 +638536,5 +638537,2 +638538,2 +638539,2 +638540,2 +638541,2 +638542,2 +638543,2 +638544,31 +638545,31 +638546,31 +638547,31 +638548,31 +638549,24 +638550,24 +638551,24 +638552,24 +638553,24 +638554,24 +638555,24 +638556,28 +638557,28 +638558,28 +638559,28 +638560,28 +638561,28 +638562,28 +638563,28 +638564,28 +638565,28 +638566,28 +638567,10 +638568,10 +638569,10 +638570,10 +638571,10 +638572,10 +638573,10 +638574,10 +638575,10 +638576,10 +638577,10 +638578,10 +638579,10 +638580,10 +638581,10 +638582,10 +638583,10 +638584,10 +638585,10 +638586,10 +638587,31 +638588,31 +638589,31 +638590,31 +638591,31 +638592,31 +638593,31 +638594,31 +638595,33 +638596,33 +638597,33 +638598,33 +638599,33 +638600,33 +638601,33 +638602,33 +638603,33 +638604,33 +638605,33 +638606,33 +638607,33 +638608,33 +638609,33 +638610,33 +638611,33 +638612,33 +638613,5 +638614,5 +638615,5 +638616,5 +638617,5 +638618,5 +638619,5 +638620,5 +638621,5 +638622,5 +638623,5 +638624,5 +638625,5 +638626,5 +638627,5 +638628,5 +638629,5 +638630,5 +638631,5 +638632,5 +638633,5 +638634,5 +638635,5 +638636,5 +638637,5 +638638,5 +638639,5 +638640,5 +638641,0 +638642,0 +638643,0 +638644,0 +638645,0 +638646,0 +638647,0 +638648,0 +638649,0 +638650,0 +638651,0 +638652,0 +638653,0 +638654,0 +638655,0 +638656,0 +638657,0 +638658,0 +638659,0 +638660,0 +638661,0 +638662,0 +638663,0 +638664,0 +638665,0 +638666,0 +638667,0 +638668,0 +638669,0 +638670,0 +638671,0 +638672,0 +638673,0 +638674,31 +638675,31 +638676,31 +638677,31 +638678,31 +638679,31 +638680,31 +638681,31 +638682,31 +638683,31 +638684,2 +638685,2 +638686,2 +638687,2 +638688,2 +638689,2 +638690,2 +638691,2 +638692,2 +638693,2 +638694,2 +638695,40 +638696,40 +638697,40 +638698,40 +638699,40 +638700,40 +638701,40 +638702,6 +638703,6 +638704,6 +638705,6 +638706,6 +638707,6 +638708,31 +638709,31 +638710,31 +638711,31 +638712,31 +638713,31 +638714,31 +638715,31 +638716,31 +638717,31 +638718,5 +638719,5 +638720,5 +638721,5 +638722,5 +638723,5 +638724,5 +638725,0 +638726,5 +638727,5 +638728,32 +638729,29 +638730,29 +638731,29 +638732,29 +638733,29 +638734,29 +638735,29 +638736,29 +638737,29 +638738,29 +638739,31 +638740,31 +638741,31 +638742,31 +638743,31 +638744,31 +638745,4 +638746,4 +638747,4 +638748,4 +638749,4 +638750,4 +638751,4 +638752,4 +638753,4 +638754,4 +638755,4 +638756,4 +638757,4 +638758,39 +638759,7 +638760,39 +638761,39 +638762,39 +638763,39 +638764,39 +638765,39 +638766,39 +638767,39 +638768,39 +638769,39 +638770,39 +638771,39 +638772,39 +638773,39 +638774,39 +638775,23 +638776,23 +638777,23 +638778,23 +638779,23 +638780,23 +638781,23 +638782,23 +638783,23 +638784,23 +638785,0 +638786,23 +638787,4 +638788,4 +638789,4 +638790,4 +638791,0 +638792,0 +638793,0 +638794,0 +638795,0 +638796,0 +638797,0 +638798,0 +638799,0 +638800,0 +638801,0 +638802,0 +638803,0 +638804,0 +638805,0 +638806,0 +638807,0 +638808,0 +638809,0 +638810,0 +638811,0 +638812,0 +638813,0 +638814,0 +638815,0 +638816,0 +638817,0 +638818,0 +638819,0 +638820,0 +638821,0 +638822,0 +638823,0 +638824,0 +638825,0 +638826,0 +638827,31 +638828,31 +638829,31 +638830,31 +638831,31 +638832,31 +638833,31 +638834,31 +638835,31 +638836,31 +638837,31 +638838,38 +638839,38 +638840,38 +638841,38 +638842,38 +638843,38 +638844,38 +638845,38 +638846,38 +638847,38 +638848,38 +638849,38 +638850,38 +638851,38 +638852,38 +638853,38 +638854,38 +638855,25 +638856,25 +638857,25 +638858,25 +638859,25 +638860,25 +638861,25 +638862,25 +638863,25 +638864,25 +638865,25 +638866,25 +638867,25 +638868,25 +638869,25 +638870,25 +638871,25 +638872,25 +638873,25 +638874,25 +638875,19 +638876,19 +638877,19 +638878,19 +638879,19 +638880,19 +638881,19 +638882,19 +638883,19 +638884,19 +638885,19 +638886,19 +638887,19 +638888,19 +638889,19 +638890,19 +638891,19 +638892,19 +638893,19 +638894,19 +638895,19 +638896,19 +638897,19 +638898,29 +638899,29 +638900,31 +638901,31 +638902,31 +638903,31 +638904,31 +638905,35 +638906,35 +638907,35 +638908,35 +638909,35 +638910,35 +638911,35 +638912,35 +638913,35 +638914,35 +638915,35 +638916,35 +638917,35 +638918,40 +638919,40 +638920,40 +638921,36 +638922,36 +638923,36 +638924,36 +638925,36 +638926,36 +638927,36 +638928,36 +638929,36 +638930,36 +638931,40 +638932,40 +638933,40 +638934,40 +638935,40 +638936,40 +638937,40 +638938,40 +638939,19 +638940,19 +638941,19 +638942,19 +638943,19 +638944,19 +638945,19 +638946,19 +638947,19 +638948,19 +638949,19 +638950,19 +638951,19 +638952,19 +638953,19 +638954,19 +638955,0 +638956,0 +638957,0 +638958,0 +638959,0 +638960,0 +638961,0 +638962,0 +638963,0 +638964,0 +638965,0 +638966,0 +638967,0 +638968,0 +638969,0 +638970,0 +638971,0 +638972,0 +638973,0 +638974,0 +638975,0 +638976,0 +638977,0 +638978,0 +638979,0 +638980,0 +638981,0 +638982,0 +638983,0 +638984,0 +638985,0 +638986,0 +638987,0 +638988,0 +638989,0 +638990,0 +638991,0 +638992,0 +638993,0 +638994,36 +638995,36 +638996,36 +638997,40 +638998,36 +638999,36 +639000,36 +639001,36 +639002,36 +639003,36 +639004,5 +639005,5 +639006,5 +639007,12 +639008,37 +639009,12 +639010,12 +639011,12 +639012,12 +639013,12 +639014,12 +639015,12 +639016,12 +639017,27 +639018,14 +639019,14 +639020,14 +639021,14 +639022,14 +639023,14 +639024,4 +639025,4 +639026,4 +639027,29 +639028,39 +639029,39 +639030,39 +639031,39 +639032,39 +639033,39 +639034,39 +639035,39 +639036,19 +639037,19 +639038,19 +639039,32 +639040,32 +639041,32 +639042,32 +639043,32 +639044,32 +639045,32 +639046,14 +639047,14 +639048,14 +639049,14 +639050,14 +639051,14 +639052,14 +639053,14 +639054,14 +639055,11 +639056,11 +639057,11 +639058,11 +639059,11 +639060,11 +639061,11 +639062,11 +639063,11 +639064,11 +639065,11 +639066,31 +639067,31 +639068,31 +639069,5 +639070,5 +639071,5 +639072,5 +639073,5 +639074,5 +639075,30 +639076,5 +639077,30 +639078,30 +639079,30 +639080,30 +639081,39 +639082,39 +639083,39 +639084,39 +639085,39 +639086,39 +639087,23 +639088,23 +639089,23 +639090,23 +639091,23 +639092,23 +639093,23 +639094,23 +639095,23 +639096,25 +639097,25 +639098,25 +639099,25 +639100,25 +639101,25 +639102,29 +639103,29 +639104,29 +639105,29 +639106,29 +639107,39 +639108,39 +639109,39 +639110,39 +639111,39 +639112,39 +639113,39 +639114,33 +639115,33 +639116,33 +639117,33 +639118,33 +639119,33 +639120,33 +639121,33 +639122,33 +639123,32 +639124,32 +639125,32 +639126,32 +639127,32 +639128,32 +639129,32 +639130,32 +639131,32 +639132,32 +639133,27 +639134,27 +639135,27 +639136,27 +639137,5 +639138,5 +639139,5 +639140,5 +639141,5 +639142,5 +639143,39 +639144,39 +639145,39 +639146,39 +639147,27 +639148,27 +639149,27 +639150,27 +639151,14 +639152,5 +639153,5 +639154,5 +639155,5 +639156,5 +639157,13 +639158,13 +639159,19 +639160,19 +639161,19 +639162,19 +639163,19 +639164,40 +639165,40 +639166,40 +639167,40 +639168,40 +639169,40 +639170,40 +639171,40 +639172,40 +639173,14 +639174,14 +639175,14 +639176,14 +639177,14 +639178,14 +639179,14 +639180,14 +639181,14 +639182,14 +639183,14 +639184,14 +639185,14 +639186,14 +639187,14 +639188,14 +639189,14 +639190,39 +639191,39 +639192,39 +639193,39 +639194,39 +639195,39 +639196,39 +639197,39 +639198,39 +639199,39 +639200,0 +639201,0 +639202,0 +639203,0 +639204,0 +639205,0 +639206,0 +639207,0 +639208,0 +639209,0 +639210,0 +639211,0 +639212,0 +639213,0 +639214,0 +639215,0 +639216,0 +639217,0 +639218,0 +639219,0 +639220,12 +639221,12 +639222,12 +639223,12 +639224,31 +639225,31 +639226,31 +639227,31 +639228,31 +639229,31 +639230,5 +639231,5 +639232,14 +639233,14 +639234,14 +639235,14 +639236,14 +639237,14 +639238,40 +639239,40 +639240,40 +639241,36 +639242,14 +639243,14 +639244,14 +639245,14 +639246,14 +639247,14 +639248,6 +639249,6 +639250,6 +639251,6 +639252,6 +639253,6 +639254,2 +639255,2 +639256,2 +639257,2 +639258,2 +639259,2 +639260,2 +639261,2 +639262,2 +639263,2 +639264,32 +639265,32 +639266,32 +639267,32 +639268,32 +639269,37 +639270,37 +639271,37 +639272,37 +639273,37 +639274,37 +639275,37 +639276,37 +639277,37 +639278,37 +639279,37 +639280,37 +639281,37 +639282,37 +639283,37 +639284,39 +639285,39 +639286,39 +639287,39 +639288,39 +639289,31 +639290,31 +639291,31 +639292,31 +639293,31 +639294,2 +639295,2 +639296,2 +639297,2 +639298,2 +639299,2 +639300,2 +639301,2 +639302,2 +639303,29 +639304,29 +639305,29 +639306,29 +639307,31 +639308,31 +639309,31 +639310,31 +639311,31 +639312,28 +639313,28 +639314,28 +639315,28 +639316,28 +639317,28 +639318,28 +639319,28 +639320,14 +639321,14 +639322,14 +639323,14 +639324,14 +639325,14 +639326,14 +639327,21 +639328,21 +639329,21 +639330,21 +639331,21 +639332,21 +639333,22 +639334,22 +639335,22 +639336,22 +639337,22 +639338,30 +639339,30 +639340,30 +639341,30 +639342,2 +639343,2 +639344,2 +639345,2 +639346,2 +639347,2 +639348,2 +639349,2 +639350,2 +639351,2 +639352,2 +639353,2 +639354,2 +639355,31 +639356,31 +639357,31 +639358,31 +639359,32 +639360,32 +639361,32 +639362,32 +639363,32 +639364,32 +639365,32 +639366,32 +639367,32 +639368,32 +639369,32 +639370,32 +639371,32 +639372,37 +639373,37 +639374,37 +639375,37 +639376,37 +639377,37 +639378,26 +639379,26 +639380,26 +639381,26 +639382,26 +639383,26 +639384,26 +639385,26 +639386,26 +639387,26 +639388,10 +639389,10 +639390,10 +639391,10 +639392,10 +639393,10 +639394,10 +639395,10 +639396,10 +639397,10 +639398,10 +639399,10 +639400,10 +639401,10 +639402,10 +639403,10 +639404,10 +639405,8 +639406,8 +639407,8 +639408,2 +639409,2 +639410,2 +639411,8 +639412,8 +639413,8 +639414,8 +639415,8 +639416,8 +639417,2 +639418,2 +639419,2 +639420,2 +639421,40 +639422,40 +639423,31 +639424,40 +639425,40 +639426,5 +639427,5 +639428,5 +639429,5 +639430,5 +639431,2 +639432,2 +639433,2 +639434,2 +639435,2 +639436,2 +639437,2 +639438,2 +639439,2 +639440,2 +639441,2 +639442,40 +639443,40 +639444,40 +639445,40 +639446,40 +639447,36 +639448,36 +639449,36 +639450,4 +639451,4 +639452,4 +639453,4 +639454,31 +639455,31 +639456,31 +639457,31 +639458,31 +639459,31 +639460,8 +639461,8 +639462,2 +639463,2 +639464,8 +639465,2 +639466,2 +639467,2 +639468,2 +639469,2 +639470,23 +639471,23 +639472,23 +639473,23 +639474,23 +639475,23 +639476,23 +639477,23 +639478,23 +639479,23 +639480,36 +639481,36 +639482,36 +639483,36 +639484,36 +639485,36 +639486,36 +639487,36 +639488,36 +639489,36 +639490,36 +639491,6 +639492,6 +639493,6 +639494,6 +639495,6 +639496,6 +639497,6 +639498,11 +639499,11 +639500,11 +639501,11 +639502,11 +639503,11 +639504,11 +639505,11 +639506,11 +639507,11 +639508,11 +639509,11 +639510,27 +639511,27 +639512,27 +639513,27 +639514,27 +639515,27 +639516,27 +639517,27 +639518,27 +639519,5 +639520,5 +639521,5 +639522,5 +639523,5 +639524,5 +639525,5 +639526,5 +639527,5 +639528,5 +639529,5 +639530,0 +639531,0 +639532,0 +639533,0 +639534,0 +639535,0 +639536,0 +639537,0 +639538,0 +639539,0 +639540,0 +639541,0 +639542,0 +639543,0 +639544,0 +639545,0 +639546,0 +639547,0 +639548,0 +639549,0 +639550,0 +639551,0 +639552,0 +639553,0 +639554,0 +639555,0 +639556,0 +639557,0 +639558,0 +639559,0 +639560,0 +639561,0 +639562,0 +639563,0 +639564,31 +639565,31 +639566,31 +639567,31 +639568,31 +639569,31 +639570,31 +639571,31 +639572,31 +639573,31 +639574,31 +639575,24 +639576,24 +639577,24 +639578,24 +639579,2 +639580,2 +639581,2 +639582,2 +639583,2 +639584,2 +639585,2 +639586,2 +639587,2 +639588,2 +639589,2 +639590,39 +639591,39 +639592,39 +639593,39 +639594,39 +639595,39 +639596,39 +639597,39 +639598,39 +639599,39 +639600,39 +639601,39 +639602,39 +639603,39 +639604,39 +639605,5 +639606,5 +639607,5 +639608,5 +639609,19 +639610,19 +639611,27 +639612,27 +639613,31 +639614,31 +639615,31 +639616,4 +639617,4 +639618,4 +639619,4 +639620,4 +639621,35 +639622,35 +639623,35 +639624,35 +639625,35 +639626,35 +639627,35 +639628,35 +639629,35 +639630,35 +639631,35 +639632,35 +639633,26 +639634,26 +639635,31 +639636,26 +639637,26 +639638,31 +639639,31 +639640,31 +639641,9 +639642,9 +639643,9 +639644,9 +639645,9 +639646,13 +639647,13 +639648,13 +639649,13 +639650,13 +639651,13 +639652,13 +639653,13 +639654,13 +639655,13 +639656,13 +639657,13 +639658,5 +639659,5 +639660,5 +639661,5 +639662,5 +639663,5 +639664,5 +639665,5 +639666,5 +639667,5 +639668,5 +639669,0 +639670,0 +639671,0 +639672,0 +639673,0 +639674,0 +639675,0 +639676,0 +639677,0 +639678,0 +639679,0 +639680,0 +639681,0 +639682,0 +639683,31 +639684,31 +639685,31 +639686,31 +639687,31 +639688,31 +639689,31 +639690,31 +639691,31 +639692,31 +639693,32 +639694,32 +639695,32 +639696,32 +639697,32 +639698,32 +639699,32 +639700,32 +639701,32 +639702,32 +639703,32 +639704,32 +639705,26 +639706,26 +639707,26 +639708,26 +639709,26 +639710,26 +639711,26 +639712,26 +639713,30 +639714,28 +639715,28 +639716,28 +639717,28 +639718,5 +639719,5 +639720,28 +639721,28 +639722,28 +639723,29 +639724,29 +639725,31 +639726,31 +639727,31 +639728,31 +639729,31 +639730,31 +639731,30 +639732,30 +639733,30 +639734,30 +639735,30 +639736,30 +639737,30 +639738,30 +639739,30 +639740,9 +639741,9 +639742,9 +639743,9 +639744,9 +639745,9 +639746,9 +639747,9 +639748,31 +639749,31 +639750,10 +639751,10 +639752,10 +639753,10 +639754,10 +639755,10 +639756,10 +639757,10 +639758,10 +639759,10 +639760,10 +639761,10 +639762,10 +639763,14 +639764,14 +639765,10 +639766,10 +639767,10 +639768,5 +639769,5 +639770,5 +639771,5 +639772,5 +639773,5 +639774,5 +639775,5 +639776,5 +639777,5 +639778,5 +639779,0 +639780,0 +639781,0 +639782,0 +639783,0 +639784,0 +639785,0 +639786,0 +639787,0 +639788,0 +639789,0 +639790,0 +639791,0 +639792,0 +639793,0 +639794,0 +639795,0 +639796,0 +639797,0 +639798,0 +639799,0 +639800,0 +639801,0 +639802,0 +639803,0 +639804,0 +639805,0 +639806,0 +639807,0 +639808,0 +639809,0 +639810,0 +639811,0 +639812,0 +639813,0 +639814,0 +639815,0 +639816,31 +639817,31 +639818,31 +639819,31 +639820,31 +639821,31 +639822,28 +639823,28 +639824,28 +639825,28 +639826,28 +639827,28 +639828,28 +639829,27 +639830,27 +639831,27 +639832,27 +639833,27 +639834,2 +639835,2 +639836,2 +639837,2 +639838,2 +639839,2 +639840,2 +639841,2 +639842,27 +639843,27 +639844,27 +639845,27 +639846,27 +639847,27 +639848,27 +639849,8 +639850,8 +639851,8 +639852,8 +639853,8 +639854,28 +639855,28 +639856,28 +639857,28 +639858,28 +639859,28 +639860,28 +639861,28 +639862,28 +639863,28 +639864,25 +639865,25 +639866,25 +639867,25 +639868,25 +639869,25 +639870,25 +639871,25 +639872,25 +639873,25 +639874,25 +639875,2 +639876,2 +639877,2 +639878,2 +639879,2 +639880,2 +639881,2 +639882,2 +639883,2 +639884,39 +639885,39 +639886,39 +639887,39 +639888,39 +639889,39 +639890,39 +639891,39 +639892,39 +639893,39 +639894,2 +639895,2 +639896,2 +639897,2 +639898,2 +639899,2 +639900,2 +639901,2 +639902,2 +639903,2 +639904,2 +639905,2 +639906,2 +639907,2 +639908,2 +639909,28 +639910,28 +639911,28 +639912,28 +639913,28 +639914,28 +639915,28 +639916,14 +639917,40 +639918,40 +639919,27 +639920,27 +639921,27 +639922,27 +639923,27 +639924,27 +639925,27 +639926,27 +639927,27 +639928,27 +639929,38 +639930,38 +639931,38 +639932,38 +639933,31 +639934,31 +639935,31 +639936,0 +639937,0 +639938,0 +639939,19 +639940,19 +639941,19 +639942,0 +639943,0 +639944,0 +639945,0 +639946,0 +639947,0 +639948,0 +639949,0 +639950,0 +639951,0 +639952,0 +639953,0 +639954,0 +639955,0 +639956,0 +639957,0 +639958,0 +639959,0 +639960,0 +639961,0 +639962,0 +639963,0 +639964,0 +639965,0 +639966,0 +639967,0 +639968,0 +639969,15 +639970,15 +639971,15 +639972,40 +639973,40 +639974,40 +639975,40 +639976,40 +639977,40 +639978,40 +639979,40 +639980,40 +639981,6 +639982,6 +639983,6 +639984,6 +639985,6 +639986,6 +639987,6 +639988,6 +639989,6 +639990,31 +639991,31 +639992,31 +639993,27 +639994,5 +639995,5 +639996,5 +639997,5 +639998,5 +639999,5 +640000,5 +640001,5 +640002,5 +640003,5 +640004,5 +640005,5 +640006,5 +640007,19 +640008,19 +640009,4 +640010,4 +640011,4 +640012,4 +640013,4 +640014,19 +640015,4 +640016,4 +640017,4 +640018,4 +640019,4 +640020,4 +640021,4 +640022,4 +640023,0 +640024,4 +640025,4 +640026,4 +640027,4 +640028,4 +640029,4 +640030,27 +640031,27 +640032,27 +640033,27 +640034,28 +640035,28 +640036,28 +640037,28 +640038,28 +640039,28 +640040,28 +640041,28 +640042,28 +640043,39 +640044,39 +640045,39 +640046,39 +640047,39 +640048,39 +640049,39 +640050,39 +640051,39 +640052,19 +640053,19 +640054,19 +640055,27 +640056,27 +640057,27 +640058,31 +640059,31 +640060,6 +640061,6 +640062,6 +640063,6 +640064,6 +640065,6 +640066,6 +640067,6 +640068,6 +640069,6 +640070,31 +640071,31 +640072,31 +640073,31 +640074,31 +640075,31 +640076,31 +640077,31 +640078,28 +640079,28 +640080,28 +640081,28 +640082,28 +640083,28 +640084,28 +640085,28 +640086,19 +640087,19 +640088,19 +640089,19 +640090,19 +640091,19 +640092,19 +640093,25 +640094,25 +640095,25 +640096,25 +640097,25 +640098,25 +640099,25 +640100,25 +640101,25 +640102,25 +640103,25 +640104,25 +640105,25 +640106,25 +640107,25 +640108,25 +640109,6 +640110,6 +640111,6 +640112,6 +640113,6 +640114,6 +640115,6 +640116,6 +640117,6 +640118,6 +640119,6 +640120,6 +640121,6 +640122,30 +640123,30 +640124,30 +640125,30 +640126,30 +640127,30 +640128,36 +640129,36 +640130,36 +640131,36 +640132,36 +640133,36 +640134,36 +640135,36 +640136,36 +640137,36 +640138,40 +640139,40 +640140,36 +640141,36 +640142,36 +640143,36 +640144,36 +640145,36 +640146,36 +640147,36 +640148,36 +640149,36 +640150,36 +640151,36 +640152,2 +640153,2 +640154,2 +640155,2 +640156,2 +640157,2 +640158,2 +640159,2 +640160,2 +640161,2 +640162,2 +640163,2 +640164,2 +640165,2 +640166,2 +640167,2 +640168,2 +640169,2 +640170,2 +640171,2 +640172,2 +640173,0 +640174,0 +640175,0 +640176,0 +640177,0 +640178,0 +640179,0 +640180,0 +640181,0 +640182,0 +640183,0 +640184,0 +640185,0 +640186,0 +640187,0 +640188,0 +640189,0 +640190,0 +640191,0 +640192,0 +640193,0 +640194,0 +640195,0 +640196,0 +640197,0 +640198,0 +640199,0 +640200,0 +640201,0 +640202,39 +640203,39 +640204,39 +640205,39 +640206,39 +640207,35 +640208,35 +640209,39 +640210,39 +640211,39 +640212,39 +640213,39 +640214,39 +640215,19 +640216,19 +640217,19 +640218,19 +640219,19 +640220,19 +640221,27 +640222,27 +640223,27 +640224,27 +640225,27 +640226,27 +640227,2 +640228,2 +640229,2 +640230,2 +640231,2 +640232,2 +640233,2 +640234,2 +640235,2 +640236,2 +640237,6 +640238,6 +640239,6 +640240,6 +640241,6 +640242,6 +640243,6 +640244,6 +640245,6 +640246,36 +640247,36 +640248,36 +640249,36 +640250,36 +640251,36 +640252,36 +640253,24 +640254,24 +640255,24 +640256,24 +640257,24 +640258,25 +640259,25 +640260,25 +640261,25 +640262,25 +640263,25 +640264,25 +640265,19 +640266,19 +640267,19 +640268,35 +640269,35 +640270,35 +640271,35 +640272,35 +640273,35 +640274,35 +640275,35 +640276,27 +640277,27 +640278,27 +640279,27 +640280,27 +640281,27 +640282,8 +640283,8 +640284,8 +640285,8 +640286,8 +640287,19 +640288,19 +640289,19 +640290,19 +640291,19 +640292,19 +640293,19 +640294,19 +640295,19 +640296,19 +640297,26 +640298,26 +640299,26 +640300,9 +640301,9 +640302,9 +640303,9 +640304,9 +640305,9 +640306,9 +640307,9 +640308,9 +640309,9 +640310,4 +640311,4 +640312,4 +640313,4 +640314,4 +640315,4 +640316,4 +640317,25 +640318,25 +640319,25 +640320,25 +640321,25 +640322,25 +640323,19 +640324,19 +640325,19 +640326,19 +640327,19 +640328,19 +640329,19 +640330,27 +640331,27 +640332,27 +640333,27 +640334,27 +640335,27 +640336,2 +640337,2 +640338,2 +640339,2 +640340,2 +640341,2 +640342,2 +640343,2 +640344,2 +640345,32 +640346,32 +640347,32 +640348,32 +640349,32 +640350,32 +640351,32 +640352,32 +640353,32 +640354,30 +640355,30 +640356,30 +640357,30 +640358,30 +640359,30 +640360,30 +640361,14 +640362,14 +640363,14 +640364,14 +640365,14 +640366,14 +640367,14 +640368,14 +640369,14 +640370,36 +640371,36 +640372,36 +640373,36 +640374,14 +640375,14 +640376,14 +640377,13 +640378,13 +640379,13 +640380,13 +640381,5 +640382,13 +640383,13 +640384,13 +640385,12 +640386,12 +640387,12 +640388,12 +640389,12 +640390,12 +640391,27 +640392,27 +640393,22 +640394,19 +640395,19 +640396,35 +640397,32 +640398,32 +640399,32 +640400,32 +640401,39 +640402,39 +640403,39 +640404,39 +640405,39 +640406,39 +640407,39 +640408,39 +640409,39 +640410,39 +640411,6 +640412,6 +640413,6 +640414,6 +640415,6 +640416,6 +640417,22 +640418,22 +640419,22 +640420,31 +640421,31 +640422,5 +640423,5 +640424,5 +640425,19 +640426,19 +640427,5 +640428,19 +640429,19 +640430,2 +640431,2 +640432,2 +640433,2 +640434,2 +640435,2 +640436,2 +640437,2 +640438,2 +640439,2 +640440,2 +640441,2 +640442,40 +640443,27 +640444,27 +640445,27 +640446,27 +640447,27 +640448,27 +640449,19 +640450,19 +640451,4 +640452,4 +640453,4 +640454,25 +640455,25 +640456,25 +640457,25 +640458,25 +640459,37 +640460,25 +640461,37 +640462,37 +640463,19 +640464,19 +640465,19 +640466,19 +640467,19 +640468,19 +640469,36 +640470,36 +640471,36 +640472,36 +640473,36 +640474,36 +640475,36 +640476,36 +640477,36 +640478,36 +640479,5 +640480,5 +640481,5 +640482,15 +640483,19 +640484,19 +640485,19 +640486,27 +640487,14 +640488,14 +640489,14 +640490,14 +640491,28 +640492,28 +640493,28 +640494,28 +640495,28 +640496,28 +640497,28 +640498,28 +640499,28 +640500,32 +640501,32 +640502,32 +640503,32 +640504,32 +640505,32 +640506,32 +640507,32 +640508,32 +640509,32 +640510,37 +640511,37 +640512,37 +640513,37 +640514,37 +640515,37 +640516,26 +640517,26 +640518,26 +640519,26 +640520,26 +640521,26 +640522,26 +640523,26 +640524,32 +640525,32 +640526,32 +640527,32 +640528,32 +640529,32 +640530,32 +640531,25 +640532,25 +640533,25 +640534,25 +640535,25 +640536,25 +640537,25 +640538,25 +640539,25 +640540,23 +640541,23 +640542,23 +640543,23 +640544,23 +640545,23 +640546,23 +640547,23 +640548,23 +640549,23 +640550,23 +640551,23 +640552,23 +640553,25 +640554,25 +640555,25 +640556,25 +640557,28 +640558,28 +640559,28 +640560,28 +640561,28 +640562,28 +640563,28 +640564,28 +640565,27 +640566,27 +640567,27 +640568,27 +640569,27 +640570,30 +640571,30 +640572,30 +640573,30 +640574,30 +640575,30 +640576,39 +640577,39 +640578,39 +640579,39 +640580,14 +640581,14 +640582,14 +640583,14 +640584,14 +640585,39 +640586,39 +640587,39 +640588,39 +640589,39 +640590,39 +640591,39 +640592,36 +640593,40 +640594,40 +640595,40 +640596,40 +640597,40 +640598,40 +640599,40 +640600,40 +640601,37 +640602,37 +640603,37 +640604,37 +640605,37 +640606,37 +640607,37 +640608,37 +640609,37 +640610,37 +640611,25 +640612,4 +640613,4 +640614,4 +640615,4 +640616,4 +640617,4 +640618,4 +640619,4 +640620,39 +640621,39 +640622,39 +640623,39 +640624,39 +640625,39 +640626,39 +640627,39 +640628,12 +640629,12 +640630,12 +640631,12 +640632,12 +640633,12 +640634,12 +640635,12 +640636,27 +640637,27 +640638,27 +640639,38 +640640,38 +640641,38 +640642,38 +640643,2 +640644,2 +640645,2 +640646,2 +640647,2 +640648,2 +640649,2 +640650,2 +640651,2 +640652,2 +640653,2 +640654,2 +640655,2 +640656,33 +640657,33 +640658,33 +640659,33 +640660,33 +640661,33 +640662,33 +640663,33 +640664,30 +640665,11 +640666,11 +640667,11 +640668,11 +640669,11 +640670,11 +640671,11 +640672,11 +640673,11 +640674,11 +640675,33 +640676,33 +640677,33 +640678,30 +640679,30 +640680,30 +640681,30 +640682,30 +640683,30 +640684,30 +640685,31 +640686,31 +640687,27 +640688,27 +640689,27 +640690,2 +640691,2 +640692,2 +640693,2 +640694,2 +640695,2 +640696,2 +640697,4 +640698,4 +640699,4 +640700,4 +640701,4 +640702,4 +640703,10 +640704,10 +640705,10 +640706,10 +640707,10 +640708,10 +640709,10 +640710,10 +640711,10 +640712,10 +640713,10 +640714,19 +640715,19 +640716,19 +640717,19 +640718,19 +640719,19 +640720,19 +640721,19 +640722,39 +640723,39 +640724,39 +640725,39 +640726,39 +640727,39 +640728,39 +640729,39 +640730,39 +640731,39 +640732,39 +640733,39 +640734,39 +640735,39 +640736,39 +640737,39 +640738,31 +640739,31 +640740,31 +640741,31 +640742,31 +640743,31 +640744,31 +640745,31 +640746,27 +640747,27 +640748,27 +640749,27 +640750,27 +640751,8 +640752,8 +640753,8 +640754,8 +640755,8 +640756,8 +640757,8 +640758,8 +640759,8 +640760,8 +640761,8 +640762,8 +640763,2 +640764,2 +640765,2 +640766,0 +640767,0 +640768,0 +640769,0 +640770,0 +640771,0 +640772,0 +640773,0 +640774,0 +640775,0 +640776,0 +640777,0 +640778,0 +640779,0 +640780,0 +640781,0 +640782,0 +640783,0 +640784,0 +640785,0 +640786,0 +640787,0 +640788,0 +640789,0 +640790,0 +640791,0 +640792,0 +640793,0 +640794,0 +640795,0 +640796,0 +640797,0 +640798,0 +640799,0 +640800,0 +640801,0 +640802,0 +640803,0 +640804,0 +640805,0 +640806,0 +640807,0 +640808,0 +640809,0 +640810,0 +640811,0 +640812,35 +640813,35 +640814,35 +640815,35 +640816,35 +640817,3 +640818,3 +640819,3 +640820,35 +640821,35 +640822,35 +640823,35 +640824,39 +640825,27 +640826,27 +640827,27 +640828,27 +640829,27 +640830,8 +640831,8 +640832,8 +640833,8 +640834,8 +640835,29 +640836,23 +640837,23 +640838,23 +640839,23 +640840,23 +640841,23 +640842,27 +640843,27 +640844,27 +640845,27 +640846,27 +640847,27 +640848,27 +640849,5 +640850,5 +640851,5 +640852,5 +640853,5 +640854,5 +640855,5 +640856,5 +640857,5 +640858,5 +640859,5 +640860,5 +640861,5 +640862,5 +640863,5 +640864,5 +640865,2 +640866,2 +640867,2 +640868,2 +640869,2 +640870,2 +640871,2 +640872,2 +640873,2 +640874,2 +640875,2 +640876,2 +640877,33 +640878,33 +640879,33 +640880,33 +640881,33 +640882,33 +640883,33 +640884,33 +640885,33 +640886,33 +640887,33 +640888,33 +640889,23 +640890,23 +640891,23 +640892,23 +640893,23 +640894,23 +640895,23 +640896,23 +640897,23 +640898,23 +640899,23 +640900,23 +640901,9 +640902,9 +640903,9 +640904,9 +640905,9 +640906,9 +640907,9 +640908,37 +640909,37 +640910,37 +640911,37 +640912,37 +640913,16 +640914,16 +640915,16 +640916,16 +640917,16 +640918,16 +640919,16 +640920,16 +640921,16 +640922,16 +640923,16 +640924,16 +640925,28 +640926,28 +640927,28 +640928,28 +640929,28 +640930,28 +640931,28 +640932,28 +640933,19 +640934,31 +640935,25 +640936,25 +640937,25 +640938,25 +640939,25 +640940,25 +640941,25 +640942,25 +640943,25 +640944,25 +640945,31 +640946,4 +640947,4 +640948,4 +640949,6 +640950,6 +640951,4 +640952,4 +640953,4 +640954,32 +640955,0 +640956,2 +640957,2 +640958,2 +640959,2 +640960,2 +640961,2 +640962,2 +640963,2 +640964,2 +640965,8 +640966,8 +640967,0 +640968,0 +640969,0 +640970,0 +640971,0 +640972,0 +640973,0 +640974,0 +640975,0 +640976,0 +640977,0 +640978,0 +640979,0 +640980,0 +640981,0 +640982,0 +640983,0 +640984,0 +640985,0 +640986,0 +640987,0 +640988,0 +640989,0 +640990,0 +640991,0 +640992,0 +640993,0 +640994,0 +640995,0 +640996,0 +640997,0 +640998,0 +640999,0 +641000,0 +641001,0 +641002,0 +641003,0 +641004,0 +641005,0 +641006,0 +641007,0 +641008,0 +641009,0 +641010,31 +641011,31 +641012,31 +641013,31 +641014,31 +641015,31 +641016,31 +641017,40 +641018,40 +641019,31 +641020,8 +641021,8 +641022,8 +641023,8 +641024,8 +641025,8 +641026,9 +641027,9 +641028,9 +641029,9 +641030,9 +641031,9 +641032,9 +641033,9 +641034,9 +641035,9 +641036,9 +641037,9 +641038,9 +641039,9 +641040,9 +641041,9 +641042,26 +641043,26 +641044,26 +641045,26 +641046,10 +641047,10 +641048,10 +641049,10 +641050,10 +641051,10 +641052,10 +641053,10 +641054,10 +641055,10 +641056,10 +641057,10 +641058,10 +641059,35 +641060,35 +641061,35 +641062,35 +641063,35 +641064,40 +641065,40 +641066,40 +641067,40 +641068,36 +641069,24 +641070,29 +641071,29 +641072,29 +641073,29 +641074,29 +641075,29 +641076,6 +641077,6 +641078,6 +641079,29 +641080,29 +641081,29 +641082,29 +641083,14 +641084,14 +641085,14 +641086,14 +641087,27 +641088,27 +641089,27 +641090,27 +641091,27 +641092,27 +641093,27 +641094,27 +641095,27 +641096,27 +641097,27 +641098,19 +641099,19 +641100,19 +641101,19 +641102,28 +641103,28 +641104,28 +641105,28 +641106,28 +641107,28 +641108,5 +641109,5 +641110,5 +641111,5 +641112,5 +641113,5 +641114,5 +641115,5 +641116,5 +641117,5 +641118,5 +641119,5 +641120,5 +641121,5 +641122,5 +641123,5 +641124,5 +641125,5 +641126,5 +641127,5 +641128,5 +641129,5 +641130,5 +641131,5 +641132,5 +641133,0 +641134,0 +641135,0 +641136,0 +641137,0 +641138,0 +641139,0 +641140,0 +641141,0 +641142,0 +641143,0 +641144,0 +641145,0 +641146,0 +641147,0 +641148,0 +641149,0 +641150,0 +641151,0 +641152,0 +641153,0 +641154,0 +641155,0 +641156,0 +641157,0 +641158,0 +641159,0 +641160,0 +641161,0 +641162,0 +641163,0 +641164,0 +641165,0 +641166,0 +641167,0 +641168,0 +641169,0 +641170,0 +641171,0 +641172,0 +641173,0 +641174,0 +641175,27 +641176,27 +641177,27 +641178,27 +641179,27 +641180,27 +641181,27 +641182,27 +641183,27 +641184,27 +641185,27 +641186,5 +641187,5 +641188,19 +641189,19 +641190,19 +641191,25 +641192,25 +641193,25 +641194,25 +641195,25 +641196,25 +641197,25 +641198,25 +641199,25 +641200,25 +641201,25 +641202,25 +641203,25 +641204,25 +641205,25 +641206,25 +641207,25 +641208,25 +641209,37 +641210,37 +641211,37 +641212,37 +641213,37 +641214,39 +641215,39 +641216,39 +641217,39 +641218,39 +641219,39 +641220,39 +641221,39 +641222,39 +641223,39 +641224,39 +641225,39 +641226,39 +641227,39 +641228,39 +641229,39 +641230,39 +641231,39 +641232,39 +641233,39 +641234,39 +641235,39 +641236,39 +641237,39 +641238,39 +641239,39 +641240,32 +641241,32 +641242,32 +641243,32 +641244,32 +641245,32 +641246,32 +641247,32 +641248,32 +641249,37 +641250,25 +641251,25 +641252,25 +641253,25 +641254,25 +641255,23 +641256,23 +641257,23 +641258,23 +641259,23 +641260,23 +641261,23 +641262,23 +641263,23 +641264,23 +641265,23 +641266,23 +641267,23 +641268,25 +641269,25 +641270,25 +641271,25 +641272,25 +641273,25 +641274,25 +641275,25 +641276,25 +641277,25 +641278,25 +641279,25 +641280,19 +641281,19 +641282,5 +641283,5 +641284,5 +641285,5 +641286,5 +641287,5 +641288,31 +641289,31 +641290,31 +641291,5 +641292,5 +641293,5 +641294,5 +641295,5 +641296,5 +641297,5 +641298,5 +641299,5 +641300,5 +641301,5 +641302,5 +641303,5 +641304,5 +641305,5 +641306,5 +641307,5 +641308,5 +641309,5 +641310,4 +641311,4 +641312,4 +641313,4 +641314,4 +641315,0 +641316,2 +641317,2 +641318,2 +641319,2 +641320,2 +641321,2 +641322,2 +641323,8 +641324,8 +641325,8 +641326,8 +641327,8 +641328,8 +641329,8 +641330,8 +641331,8 +641332,2 +641333,0 +641334,0 +641335,0 +641336,0 +641337,0 +641338,0 +641339,0 +641340,0 +641341,0 +641342,0 +641343,0 +641344,0 +641345,0 +641346,0 +641347,0 +641348,0 +641349,0 +641350,0 +641351,0 +641352,0 +641353,0 +641354,0 +641355,0 +641356,0 +641357,0 +641358,0 +641359,0 +641360,0 +641361,0 +641362,0 +641363,0 +641364,0 +641365,0 +641366,0 +641367,0 +641368,0 +641369,0 +641370,0 +641371,0 +641372,0 +641373,0 +641374,0 +641375,0 +641376,0 +641377,0 +641378,0 +641379,0 +641380,0 +641381,0 +641382,0 +641383,0 +641384,0 +641385,0 +641386,0 +641387,0 +641388,0 +641389,0 +641390,0 +641391,0 +641392,0 +641393,0 +641394,0 +641395,0 +641396,0 +641397,0 +641398,0 +641399,0 +641400,0 +641401,0 +641402,0 +641403,0 +641404,0 +641405,0 +641406,0 +641407,0 +641408,0 +641409,0 +641410,0 +641411,0 +641412,0 +641413,0 +641414,0 +641415,0 +641416,0 +641417,31 +641418,31 +641419,31 +641420,31 +641421,31 +641422,31 +641423,31 +641424,31 +641425,31 +641426,31 +641427,5 +641428,5 +641429,5 +641430,5 +641431,19 +641432,19 +641433,19 +641434,19 +641435,10 +641436,31 +641437,31 +641438,31 +641439,10 +641440,31 +641441,10 +641442,10 +641443,10 +641444,10 +641445,10 +641446,10 +641447,4 +641448,4 +641449,16 +641450,16 +641451,16 +641452,16 +641453,16 +641454,4 +641455,4 +641456,4 +641457,4 +641458,4 +641459,4 +641460,4 +641461,4 +641462,4 +641463,1 +641464,1 +641465,31 +641466,31 +641467,31 +641468,31 +641469,31 +641470,31 +641471,2 +641472,2 +641473,2 +641474,2 +641475,2 +641476,2 +641477,2 +641478,2 +641479,2 +641480,2 +641481,2 +641482,2 +641483,2 +641484,2 +641485,2 +641486,2 +641487,2 +641488,2 +641489,2 +641490,2 +641491,2 +641492,2 +641493,2 +641494,4 +641495,4 +641496,4 +641497,4 +641498,4 +641499,4 +641500,4 +641501,4 +641502,0 +641503,16 +641504,16 +641505,4 +641506,0 +641507,10 +641508,10 +641509,0 +641510,10 +641511,10 +641512,10 +641513,10 +641514,10 +641515,10 +641516,10 +641517,10 +641518,10 +641519,10 +641520,10 +641521,10 +641522,10 +641523,10 +641524,10 +641525,10 +641526,10 +641527,10 +641528,10 +641529,10 +641530,10 +641531,10 +641532,10 +641533,10 +641534,10 +641535,10 +641536,40 +641537,28 +641538,28 +641539,28 +641540,28 +641541,28 +641542,28 +641543,28 +641544,28 +641545,28 +641546,28 +641547,28 +641548,28 +641549,37 +641550,37 +641551,37 +641552,37 +641553,27 +641554,27 +641555,27 +641556,27 +641557,27 +641558,8 +641559,8 +641560,8 +641561,8 +641562,8 +641563,8 +641564,8 +641565,8 +641566,8 +641567,8 +641568,26 +641569,33 +641570,33 +641571,33 +641572,33 +641573,33 +641574,33 +641575,33 +641576,33 +641577,30 +641578,30 +641579,30 +641580,30 +641581,30 +641582,30 +641583,30 +641584,31 +641585,31 +641586,31 +641587,31 +641588,31 +641589,31 +641590,31 +641591,31 +641592,31 +641593,27 +641594,31 +641595,27 +641596,31 +641597,27 +641598,31 +641599,31 +641600,31 +641601,31 +641602,31 +641603,31 +641604,5 +641605,5 +641606,5 +641607,5 +641608,5 +641609,5 +641610,5 +641611,39 +641612,39 +641613,39 +641614,0 +641615,0 +641616,0 +641617,0 +641618,0 +641619,0 +641620,0 +641621,0 +641622,0 +641623,0 +641624,5 +641625,5 +641626,5 +641627,0 +641628,4 +641629,4 +641630,2 +641631,2 +641632,0 +641633,0 +641634,32 +641635,32 +641636,32 +641637,4 +641638,4 +641639,8 +641640,8 +641641,8 +641642,0 +641643,0 +641644,0 +641645,0 +641646,0 +641647,0 +641648,0 +641649,0 +641650,0 +641651,0 +641652,30 +641653,30 +641654,0 +641655,0 +641656,0 +641657,0 +641658,0 +641659,0 +641660,0 +641661,0 +641662,0 +641663,0 +641664,0 +641665,0 +641666,0 +641667,0 +641668,0 +641669,0 +641670,0 +641671,0 +641672,0 +641673,0 +641674,0 +641675,0 +641676,0 +641677,0 +641678,0 +641679,0 +641680,0 +641681,0 +641682,0 +641683,0 +641684,0 +641685,0 +641686,0 +641687,0 +641688,0 +641689,0 +641690,0 +641691,0 +641692,0 +641693,0 +641694,0 +641695,0 +641696,0 +641697,0 +641698,0 +641699,0 +641700,0 +641701,0 +641702,0 +641703,0 +641704,0 +641705,0 +641706,0 +641707,0 +641708,0 +641709,0 +641710,31 +641711,31 +641712,31 +641713,31 +641714,31 +641715,31 +641716,31 +641717,31 +641718,31 +641719,31 +641720,31 +641721,5 +641722,19 +641723,19 +641724,5 +641725,5 +641726,5 +641727,5 +641728,5 +641729,35 +641730,27 +641731,27 +641732,32 +641733,35 +641734,35 +641735,35 +641736,35 +641737,35 +641738,35 +641739,35 +641740,35 +641741,35 +641742,35 +641743,35 +641744,36 +641745,36 +641746,36 +641747,36 +641748,36 +641749,36 +641750,36 +641751,24 +641752,24 +641753,24 +641754,24 +641755,24 +641756,24 +641757,39 +641758,39 +641759,39 +641760,39 +641761,39 +641762,39 +641763,39 +641764,39 +641765,39 +641766,19 +641767,24 +641768,24 +641769,24 +641770,24 +641771,24 +641772,24 +641773,12 +641774,12 +641775,12 +641776,12 +641777,12 +641778,12 +641779,12 +641780,12 +641781,12 +641782,12 +641783,12 +641784,12 +641785,12 +641786,12 +641787,12 +641788,12 +641789,12 +641790,25 +641791,25 +641792,25 +641793,25 +641794,25 +641795,25 +641796,25 +641797,25 +641798,25 +641799,25 +641800,25 +641801,25 +641802,25 +641803,25 +641804,25 +641805,25 +641806,29 +641807,29 +641808,29 +641809,29 +641810,29 +641811,29 +641812,39 +641813,39 +641814,39 +641815,39 +641816,39 +641817,26 +641818,26 +641819,26 +641820,26 +641821,26 +641822,37 +641823,37 +641824,37 +641825,37 +641826,37 +641827,37 +641828,37 +641829,4 +641830,4 +641831,4 +641832,4 +641833,4 +641834,4 +641835,4 +641836,4 +641837,4 +641838,4 +641839,4 +641840,27 +641841,27 +641842,27 +641843,27 +641844,30 +641845,30 +641846,30 +641847,30 +641848,30 +641849,30 +641850,17 +641851,17 +641852,17 +641853,17 +641854,33 +641855,37 +641856,37 +641857,37 +641858,37 +641859,37 +641860,37 +641861,37 +641862,37 +641863,37 +641864,25 +641865,14 +641866,27 +641867,27 +641868,14 +641869,14 +641870,14 +641871,14 +641872,14 +641873,14 +641874,14 +641875,5 +641876,13 +641877,13 +641878,13 +641879,13 +641880,13 +641881,9 +641882,9 +641883,9 +641884,9 +641885,9 +641886,9 +641887,9 +641888,9 +641889,9 +641890,9 +641891,30 +641892,30 +641893,30 +641894,30 +641895,30 +641896,30 +641897,30 +641898,30 +641899,30 +641900,30 +641901,30 +641902,2 +641903,2 +641904,2 +641905,2 +641906,2 +641907,2 +641908,2 +641909,31 +641910,31 +641911,31 +641912,31 +641913,31 +641914,31 +641915,31 +641916,12 +641917,12 +641918,12 +641919,12 +641920,12 +641921,12 +641922,12 +641923,31 +641924,31 +641925,31 +641926,8 +641927,8 +641928,8 +641929,8 +641930,8 +641931,8 +641932,32 +641933,32 +641934,32 +641935,32 +641936,32 +641937,32 +641938,32 +641939,32 +641940,32 +641941,32 +641942,32 +641943,26 +641944,26 +641945,26 +641946,26 +641947,26 +641948,26 +641949,26 +641950,5 +641951,5 +641952,5 +641953,5 +641954,5 +641955,11 +641956,11 +641957,11 +641958,16 +641959,11 +641960,11 +641961,11 +641962,11 +641963,11 +641964,12 +641965,12 +641966,12 +641967,12 +641968,12 +641969,12 +641970,12 +641971,12 +641972,12 +641973,27 +641974,27 +641975,27 +641976,27 +641977,27 +641978,27 +641979,27 +641980,27 +641981,4 +641982,4 +641983,4 +641984,4 +641985,4 +641986,4 +641987,4 +641988,31 +641989,31 +641990,31 +641991,31 +641992,30 +641993,30 +641994,30 +641995,30 +641996,30 +641997,30 +641998,30 +641999,30 +642000,30 +642001,30 +642002,30 +642003,30 +642004,30 +642005,30 +642006,30 +642007,9 +642008,9 +642009,9 +642010,9 +642011,9 +642012,9 +642013,9 +642014,9 +642015,9 +642016,13 +642017,13 +642018,13 +642019,13 +642020,21 +642021,21 +642022,35 +642023,25 +642024,25 +642025,25 +642026,25 +642027,25 +642028,25 +642029,25 +642030,25 +642031,32 +642032,32 +642033,32 +642034,32 +642035,32 +642036,32 +642037,32 +642038,32 +642039,32 +642040,32 +642041,26 +642042,26 +642043,26 +642044,26 +642045,9 +642046,9 +642047,9 +642048,26 +642049,9 +642050,9 +642051,9 +642052,9 +642053,9 +642054,9 +642055,9 +642056,9 +642057,9 +642058,8 +642059,8 +642060,8 +642061,8 +642062,8 +642063,8 +642064,8 +642065,8 +642066,27 +642067,27 +642068,27 +642069,27 +642070,27 +642071,27 +642072,27 +642073,27 +642074,27 +642075,27 +642076,27 +642077,8 +642078,8 +642079,8 +642080,8 +642081,8 +642082,8 +642083,8 +642084,8 +642085,8 +642086,8 +642087,8 +642088,2 +642089,2 +642090,2 +642091,2 +642092,2 +642093,2 +642094,2 +642095,2 +642096,2 +642097,2 +642098,2 +642099,0 +642100,0 +642101,0 +642102,0 +642103,0 +642104,0 +642105,0 +642106,0 +642107,0 +642108,0 +642109,8 +642110,8 +642111,8 +642112,8 +642113,8 +642114,0 +642115,0 +642116,0 +642117,0 +642118,0 +642119,0 +642120,0 +642121,0 +642122,0 +642123,0 +642124,0 +642125,0 +642126,0 +642127,0 +642128,0 +642129,0 +642130,0 +642131,0 +642132,0 +642133,0 +642134,0 +642135,0 +642136,0 +642137,0 +642138,0 +642139,0 +642140,0 +642141,0 +642142,0 +642143,0 +642144,0 +642145,0 +642146,0 +642147,0 +642148,0 +642149,0 +642150,0 +642151,0 +642152,0 +642153,0 +642154,0 +642155,0 +642156,0 +642157,21 +642158,21 +642159,21 +642160,21 +642161,21 +642162,36 +642163,36 +642164,36 +642165,36 +642166,36 +642167,26 +642168,26 +642169,26 +642170,26 +642171,26 +642172,26 +642173,26 +642174,10 +642175,5 +642176,5 +642177,5 +642178,5 +642179,5 +642180,5 +642181,12 +642182,12 +642183,12 +642184,12 +642185,12 +642186,31 +642187,31 +642188,31 +642189,31 +642190,31 +642191,31 +642192,31 +642193,31 +642194,33 +642195,33 +642196,23 +642197,23 +642198,23 +642199,23 +642200,23 +642201,23 +642202,23 +642203,23 +642204,25 +642205,25 +642206,25 +642207,21 +642208,21 +642209,21 +642210,21 +642211,21 +642212,21 +642213,21 +642214,21 +642215,21 +642216,14 +642217,14 +642218,14 +642219,14 +642220,14 +642221,14 +642222,14 +642223,15 +642224,15 +642225,15 +642226,15 +642227,15 +642228,7 +642229,7 +642230,7 +642231,39 +642232,7 +642233,22 +642234,22 +642235,22 +642236,37 +642237,37 +642238,37 +642239,31 +642240,31 +642241,24 +642242,24 +642243,24 +642244,24 +642245,24 +642246,24 +642247,24 +642248,24 +642249,36 +642250,36 +642251,36 +642252,36 +642253,36 +642254,36 +642255,36 +642256,36 +642257,36 +642258,36 +642259,36 +642260,36 +642261,36 +642262,36 +642263,5 +642264,5 +642265,5 +642266,5 +642267,5 +642268,5 +642269,5 +642270,5 +642271,5 +642272,4 +642273,4 +642274,4 +642275,4 +642276,4 +642277,4 +642278,4 +642279,4 +642280,4 +642281,4 +642282,4 +642283,4 +642284,39 +642285,39 +642286,39 +642287,39 +642288,39 +642289,39 +642290,39 +642291,39 +642292,39 +642293,39 +642294,39 +642295,39 +642296,39 +642297,8 +642298,8 +642299,8 +642300,8 +642301,8 +642302,8 +642303,35 +642304,8 +642305,8 +642306,39 +642307,39 +642308,39 +642309,39 +642310,39 +642311,39 +642312,39 +642313,39 +642314,39 +642315,39 +642316,39 +642317,39 +642318,39 +642319,39 +642320,39 +642321,39 +642322,39 +642323,7 +642324,7 +642325,7 +642326,7 +642327,7 +642328,22 +642329,22 +642330,22 +642331,25 +642332,25 +642333,25 +642334,25 +642335,25 +642336,25 +642337,25 +642338,25 +642339,25 +642340,19 +642341,19 +642342,19 +642343,19 +642344,19 +642345,19 +642346,19 +642347,19 +642348,19 +642349,19 +642350,19 +642351,9 +642352,9 +642353,9 +642354,9 +642355,9 +642356,9 +642357,9 +642358,9 +642359,30 +642360,30 +642361,30 +642362,30 +642363,30 +642364,30 +642365,23 +642366,23 +642367,23 +642368,23 +642369,23 +642370,23 +642371,23 +642372,12 +642373,12 +642374,12 +642375,12 +642376,31 +642377,31 +642378,8 +642379,8 +642380,8 +642381,8 +642382,8 +642383,8 +642384,8 +642385,23 +642386,32 +642387,32 +642388,32 +642389,32 +642390,32 +642391,32 +642392,32 +642393,23 +642394,23 +642395,30 +642396,30 +642397,30 +642398,10 +642399,30 +642400,40 +642401,40 +642402,40 +642403,40 +642404,40 +642405,40 +642406,40 +642407,18 +642408,18 +642409,18 +642410,18 +642411,18 +642412,8 +642413,8 +642414,8 +642415,25 +642416,25 +642417,25 +642418,25 +642419,25 +642420,25 +642421,25 +642422,25 +642423,25 +642424,25 +642425,25 +642426,25 +642427,25 +642428,8 +642429,8 +642430,8 +642431,8 +642432,8 +642433,8 +642434,8 +642435,8 +642436,8 +642437,8 +642438,8 +642439,8 +642440,4 +642441,4 +642442,4 +642443,4 +642444,0 +642445,0 +642446,0 +642447,0 +642448,0 +642449,0 +642450,0 +642451,0 +642452,0 +642453,0 +642454,0 +642455,0 +642456,0 +642457,7 +642458,7 +642459,7 +642460,7 +642461,7 +642462,7 +642463,22 +642464,22 +642465,22 +642466,37 +642467,37 +642468,37 +642469,37 +642470,37 +642471,37 +642472,10 +642473,10 +642474,10 +642475,10 +642476,10 +642477,10 +642478,10 +642479,34 +642480,34 +642481,34 +642482,36 +642483,36 +642484,36 +642485,36 +642486,36 +642487,36 +642488,36 +642489,36 +642490,36 +642491,15 +642492,15 +642493,15 +642494,15 +642495,15 +642496,2 +642497,2 +642498,2 +642499,2 +642500,2 +642501,2 +642502,2 +642503,2 +642504,2 +642505,2 +642506,2 +642507,7 +642508,7 +642509,7 +642510,7 +642511,7 +642512,27 +642513,27 +642514,5 +642515,5 +642516,5 +642517,5 +642518,5 +642519,5 +642520,5 +642521,5 +642522,23 +642523,23 +642524,23 +642525,23 +642526,23 +642527,23 +642528,23 +642529,23 +642530,23 +642531,23 +642532,40 +642533,40 +642534,40 +642535,40 +642536,40 +642537,40 +642538,40 +642539,40 +642540,2 +642541,2 +642542,2 +642543,2 +642544,2 +642545,2 +642546,2 +642547,2 +642548,2 +642549,2 +642550,2 +642551,31 +642552,31 +642553,31 +642554,31 +642555,24 +642556,24 +642557,24 +642558,24 +642559,24 +642560,31 +642561,31 +642562,31 +642563,31 +642564,31 +642565,30 +642566,30 +642567,30 +642568,30 +642569,30 +642570,30 +642571,30 +642572,30 +642573,30 +642574,30 +642575,30 +642576,30 +642577,2 +642578,8 +642579,8 +642580,8 +642581,8 +642582,8 +642583,8 +642584,8 +642585,8 +642586,2 +642587,2 +642588,2 +642589,2 +642590,2 +642591,2 +642592,2 +642593,2 +642594,2 +642595,2 +642596,2 +642597,0 +642598,0 +642599,0 +642600,0 +642601,0 +642602,0 +642603,0 +642604,0 +642605,0 +642606,0 +642607,0 +642608,0 +642609,0 +642610,0 +642611,0 +642612,2 +642613,2 +642614,2 +642615,2 +642616,2 +642617,2 +642618,2 +642619,2 +642620,2 +642621,2 +642622,2 +642623,2 +642624,2 +642625,2 +642626,2 +642627,2 +642628,2 +642629,2 +642630,2 +642631,33 +642632,33 +642633,33 +642634,33 +642635,33 +642636,33 +642637,33 +642638,33 +642639,33 +642640,5 +642641,28 +642642,28 +642643,28 +642644,5 +642645,28 +642646,28 +642647,28 +642648,10 +642649,10 +642650,10 +642651,10 +642652,10 +642653,4 +642654,4 +642655,4 +642656,4 +642657,4 +642658,4 +642659,4 +642660,4 +642661,4 +642662,23 +642663,23 +642664,23 +642665,23 +642666,23 +642667,23 +642668,23 +642669,37 +642670,37 +642671,37 +642672,37 +642673,37 +642674,27 +642675,39 +642676,39 +642677,39 +642678,39 +642679,39 +642680,39 +642681,37 +642682,37 +642683,37 +642684,37 +642685,37 +642686,37 +642687,37 +642688,37 +642689,37 +642690,2 +642691,2 +642692,2 +642693,2 +642694,2 +642695,2 +642696,2 +642697,2 +642698,2 +642699,2 +642700,2 +642701,40 +642702,40 +642703,40 +642704,40 +642705,40 +642706,40 +642707,40 +642708,31 +642709,31 +642710,31 +642711,31 +642712,5 +642713,5 +642714,5 +642715,5 +642716,5 +642717,5 +642718,5 +642719,5 +642720,5 +642721,5 +642722,5 +642723,5 +642724,5 +642725,5 +642726,5 +642727,5 +642728,8 +642729,8 +642730,8 +642731,8 +642732,8 +642733,8 +642734,8 +642735,8 +642736,2 +642737,8 +642738,2 +642739,2 +642740,2 +642741,2 +642742,2 +642743,2 +642744,2 +642745,2 +642746,0 +642747,0 +642748,0 +642749,0 +642750,0 +642751,0 +642752,0 +642753,0 +642754,0 +642755,0 +642756,0 +642757,0 +642758,0 +642759,0 +642760,0 +642761,0 +642762,0 +642763,0 +642764,0 +642765,0 +642766,0 +642767,0 +642768,0 +642769,29 +642770,29 +642771,31 +642772,31 +642773,31 +642774,31 +642775,31 +642776,28 +642777,28 +642778,28 +642779,28 +642780,28 +642781,28 +642782,28 +642783,28 +642784,3 +642785,3 +642786,3 +642787,3 +642788,3 +642789,3 +642790,3 +642791,3 +642792,3 +642793,3 +642794,3 +642795,5 +642796,5 +642797,5 +642798,5 +642799,5 +642800,5 +642801,30 +642802,30 +642803,30 +642804,30 +642805,30 +642806,30 +642807,30 +642808,30 +642809,10 +642810,10 +642811,10 +642812,14 +642813,14 +642814,14 +642815,14 +642816,10 +642817,4 +642818,4 +642819,4 +642820,4 +642821,4 +642822,4 +642823,37 +642824,37 +642825,37 +642826,37 +642827,37 +642828,37 +642829,37 +642830,37 +642831,37 +642832,37 +642833,37 +642834,37 +642835,37 +642836,31 +642837,31 +642838,31 +642839,31 +642840,31 +642841,31 +642842,31 +642843,31 +642844,10 +642845,10 +642846,10 +642847,10 +642848,10 +642849,10 +642850,10 +642851,10 +642852,10 +642853,10 +642854,10 +642855,10 +642856,10 +642857,10 +642858,10 +642859,10 +642860,10 +642861,10 +642862,19 +642863,19 +642864,19 +642865,19 +642866,19 +642867,19 +642868,19 +642869,19 +642870,19 +642871,19 +642872,0 +642873,0 +642874,0 +642875,0 +642876,0 +642877,0 +642878,0 +642879,0 +642880,0 +642881,0 +642882,0 +642883,0 +642884,0 +642885,0 +642886,0 +642887,0 +642888,0 +642889,0 +642890,0 +642891,0 +642892,0 +642893,0 +642894,0 +642895,0 +642896,0 +642897,0 +642898,0 +642899,0 +642900,0 +642901,0 +642902,0 +642903,0 +642904,0 +642905,0 +642906,0 +642907,0 +642908,0 +642909,0 +642910,0 +642911,0 +642912,0 +642913,0 +642914,0 +642915,0 +642916,0 +642917,0 +642918,0 +642919,0 +642920,0 +642921,0 +642922,0 +642923,0 +642924,0 +642925,0 +642926,0 +642927,0 +642928,0 +642929,0 +642930,0 +642931,0 +642932,0 +642933,0 +642934,0 +642935,0 +642936,0 +642937,0 +642938,0 +642939,0 +642940,0 +642941,0 +642942,0 +642943,0 +642944,0 +642945,0 +642946,0 +642947,0 +642948,0 +642949,0 +642950,0 +642951,0 +642952,0 +642953,0 +642954,0 +642955,0 +642956,0 +642957,0 +642958,0 +642959,0 +642960,0 +642961,0 +642962,0 +642963,0 +642964,0 +642965,0 +642966,0 +642967,0 +642968,0 +642969,0 +642970,0 +642971,0 +642972,0 +642973,0 +642974,0 +642975,0 +642976,0 +642977,0 +642978,0 +642979,0 +642980,0 +642981,0 +642982,0 +642983,0 +642984,0 +642985,0 +642986,0 +642987,0 +642988,0 +642989,0 +642990,0 +642991,0 +642992,0 +642993,0 +642994,0 +642995,0 +642996,0 +642997,0 +642998,0 +642999,0 +643000,0 +643001,0 +643002,0 +643003,0 +643004,36 +643005,36 +643006,36 +643007,36 +643008,5 +643009,5 +643010,19 +643011,19 +643012,19 +643013,19 +643014,19 +643015,5 +643016,2 +643017,2 +643018,2 +643019,2 +643020,2 +643021,2 +643022,2 +643023,2 +643024,2 +643025,2 +643026,2 +643027,2 +643028,2 +643029,33 +643030,33 +643031,33 +643032,33 +643033,33 +643034,33 +643035,33 +643036,33 +643037,33 +643038,33 +643039,33 +643040,33 +643041,33 +643042,33 +643043,29 +643044,29 +643045,29 +643046,29 +643047,29 +643048,31 +643049,31 +643050,31 +643051,31 +643052,31 +643053,31 +643054,4 +643055,4 +643056,4 +643057,4 +643058,4 +643059,4 +643060,4 +643061,4 +643062,4 +643063,4 +643064,4 +643065,4 +643066,4 +643067,4 +643068,12 +643069,12 +643070,12 +643071,40 +643072,40 +643073,40 +643074,5 +643075,5 +643076,5 +643077,5 +643078,39 +643079,39 +643080,39 +643081,39 +643082,39 +643083,28 +643084,28 +643085,28 +643086,28 +643087,28 +643088,28 +643089,28 +643090,28 +643091,28 +643092,31 +643093,31 +643094,31 +643095,31 +643096,31 +643097,5 +643098,5 +643099,5 +643100,5 +643101,5 +643102,31 +643103,31 +643104,31 +643105,31 +643106,4 +643107,4 +643108,4 +643109,4 +643110,4 +643111,4 +643112,4 +643113,2 +643114,2 +643115,2 +643116,2 +643117,2 +643118,2 +643119,2 +643120,4 +643121,4 +643122,4 +643123,4 +643124,4 +643125,12 +643126,12 +643127,12 +643128,9 +643129,9 +643130,9 +643131,9 +643132,9 +643133,9 +643134,9 +643135,9 +643136,9 +643137,9 +643138,9 +643139,9 +643140,9 +643141,9 +643142,9 +643143,9 +643144,26 +643145,32 +643146,32 +643147,32 +643148,32 +643149,32 +643150,32 +643151,32 +643152,32 +643153,32 +643154,32 +643155,32 +643156,32 +643157,32 +643158,32 +643159,32 +643160,32 +643161,32 +643162,32 +643163,36 +643164,36 +643165,36 +643166,36 +643167,36 +643168,36 +643169,36 +643170,36 +643171,36 +643172,36 +643173,36 +643174,36 +643175,36 +643176,36 +643177,36 +643178,36 +643179,2 +643180,2 +643181,2 +643182,2 +643183,2 +643184,2 +643185,2 +643186,2 +643187,2 +643188,4 +643189,4 +643190,4 +643191,4 +643192,4 +643193,4 +643194,4 +643195,4 +643196,4 +643197,27 +643198,27 +643199,27 +643200,27 +643201,27 +643202,27 +643203,27 +643204,5 +643205,5 +643206,5 +643207,5 +643208,5 +643209,5 +643210,5 +643211,5 +643212,4 +643213,4 +643214,4 +643215,4 +643216,4 +643217,4 +643218,4 +643219,4 +643220,3 +643221,3 +643222,3 +643223,3 +643224,3 +643225,3 +643226,31 +643227,31 +643228,31 +643229,5 +643230,5 +643231,5 +643232,5 +643233,27 +643234,31 +643235,27 +643236,27 +643237,27 +643238,27 +643239,31 +643240,31 +643241,5 +643242,5 +643243,5 +643244,5 +643245,5 +643246,5 +643247,5 +643248,23 +643249,23 +643250,23 +643251,23 +643252,23 +643253,23 +643254,23 +643255,23 +643256,23 +643257,23 +643258,23 +643259,23 +643260,23 +643261,25 +643262,25 +643263,31 +643264,31 +643265,31 +643266,5 +643267,5 +643268,5 +643269,5 +643270,27 +643271,27 +643272,27 +643273,31 +643274,31 +643275,31 +643276,31 +643277,31 +643278,19 +643279,19 +643280,19 +643281,19 +643282,19 +643283,19 +643284,39 +643285,3 +643286,3 +643287,39 +643288,3 +643289,3 +643290,3 +643291,39 +643292,39 +643293,39 +643294,39 +643295,39 +643296,39 +643297,39 +643298,39 +643299,39 +643300,39 +643301,39 +643302,39 +643303,39 +643304,39 +643305,39 +643306,39 +643307,0 +643308,0 +643309,0 +643310,0 +643311,0 +643312,0 +643313,0 +643314,0 +643315,0 +643316,0 +643317,0 +643318,0 +643319,0 +643320,0 +643321,0 +643322,0 +643323,0 +643324,0 +643325,0 +643326,0 +643327,0 +643328,0 +643329,0 +643330,0 +643331,0 +643332,0 +643333,0 +643334,0 +643335,0 +643336,0 +643337,0 +643338,0 +643339,0 +643340,0 +643341,0 +643342,0 +643343,0 +643344,0 +643345,0 +643346,0 +643347,0 +643348,0 +643349,0 +643350,2 +643351,2 +643352,2 +643353,2 +643354,2 +643355,2 +643356,2 +643357,2 +643358,2 +643359,2 +643360,2 +643361,2 +643362,2 +643363,2 +643364,2 +643365,2 +643366,2 +643367,2 +643368,2 +643369,14 +643370,14 +643371,14 +643372,14 +643373,14 +643374,14 +643375,14 +643376,14 +643377,14 +643378,14 +643379,14 +643380,5 +643381,5 +643382,5 +643383,19 +643384,15 +643385,15 +643386,15 +643387,19 +643388,18 +643389,19 +643390,18 +643391,18 +643392,18 +643393,18 +643394,18 +643395,18 +643396,14 +643397,14 +643398,14 +643399,14 +643400,14 +643401,14 +643402,14 +643403,14 +643404,14 +643405,14 +643406,14 +643407,14 +643408,14 +643409,14 +643410,14 +643411,14 +643412,14 +643413,14 +643414,14 +643415,14 +643416,14 +643417,14 +643418,5 +643419,5 +643420,5 +643421,5 +643422,5 +643423,5 +643424,5 +643425,5 +643426,4 +643427,4 +643428,4 +643429,3 +643430,3 +643431,3 +643432,2 +643433,2 +643434,2 +643435,2 +643436,2 +643437,2 +643438,2 +643439,2 +643440,2 +643441,8 +643442,2 +643443,2 +643444,2 +643445,2 +643446,2 +643447,2 +643448,2 +643449,2 +643450,2 +643451,2 +643452,2 +643453,2 +643454,2 +643455,2 +643456,2 +643457,2 +643458,2 +643459,2 +643460,2 +643461,2 +643462,2 +643463,2 +643464,2 +643465,2 +643466,2 +643467,2 +643468,2 +643469,2 +643470,2 +643471,2 +643472,2 +643473,2 +643474,2 +643475,2 +643476,40 +643477,40 +643478,40 +643479,40 +643480,40 +643481,40 +643482,40 +643483,40 +643484,4 +643485,4 +643486,29 +643487,29 +643488,29 +643489,29 +643490,29 +643491,29 +643492,29 +643493,31 +643494,31 +643495,31 +643496,31 +643497,31 +643498,5 +643499,5 +643500,5 +643501,5 +643502,5 +643503,5 +643504,5 +643505,5 +643506,5 +643507,5 +643508,5 +643509,5 +643510,5 +643511,5 +643512,5 +643513,0 +643514,0 +643515,0 +643516,0 +643517,0 +643518,0 +643519,0 +643520,0 +643521,0 +643522,0 +643523,0 +643524,0 +643525,0 +643526,0 +643527,0 +643528,0 +643529,0 +643530,0 +643531,0 +643532,0 +643533,0 +643534,0 +643535,0 +643536,0 +643537,0 +643538,0 +643539,0 +643540,0 +643541,0 +643542,0 +643543,0 +643544,0 +643545,0 +643546,0 +643547,0 +643548,0 +643549,0 +643550,0 +643551,0 +643552,0 +643553,0 +643554,0 +643555,29 +643556,29 +643557,29 +643558,29 +643559,29 +643560,29 +643561,31 +643562,27 +643563,27 +643564,27 +643565,27 +643566,2 +643567,2 +643568,2 +643569,2 +643570,2 +643571,2 +643572,4 +643573,4 +643574,4 +643575,4 +643576,4 +643577,4 +643578,4 +643579,4 +643580,4 +643581,4 +643582,37 +643583,37 +643584,37 +643585,26 +643586,26 +643587,26 +643588,26 +643589,26 +643590,6 +643591,6 +643592,6 +643593,6 +643594,6 +643595,6 +643596,6 +643597,6 +643598,11 +643599,11 +643600,11 +643601,11 +643602,11 +643603,11 +643604,11 +643605,11 +643606,16 +643607,11 +643608,11 +643609,25 +643610,25 +643611,25 +643612,25 +643613,25 +643614,25 +643615,25 +643616,25 +643617,8 +643618,8 +643619,8 +643620,8 +643621,8 +643622,8 +643623,8 +643624,8 +643625,8 +643626,24 +643627,24 +643628,24 +643629,24 +643630,24 +643631,24 +643632,40 +643633,40 +643634,40 +643635,40 +643636,40 +643637,40 +643638,40 +643639,37 +643640,37 +643641,37 +643642,37 +643643,37 +643644,37 +643645,37 +643646,37 +643647,37 +643648,37 +643649,37 +643650,37 +643651,39 +643652,39 +643653,39 +643654,39 +643655,39 +643656,39 +643657,21 +643658,21 +643659,21 +643660,21 +643661,21 +643662,21 +643663,21 +643664,21 +643665,21 +643666,21 +643667,21 +643668,37 +643669,37 +643670,37 +643671,37 +643672,37 +643673,37 +643674,37 +643675,14 +643676,14 +643677,14 +643678,14 +643679,14 +643680,14 +643681,14 +643682,14 +643683,4 +643684,4 +643685,4 +643686,4 +643687,4 +643688,30 +643689,30 +643690,30 +643691,30 +643692,30 +643693,39 +643694,39 +643695,39 +643696,39 +643697,39 +643698,39 +643699,39 +643700,39 +643701,39 +643702,31 +643703,31 +643704,31 +643705,31 +643706,31 +643707,31 +643708,5 +643709,5 +643710,5 +643711,5 +643712,5 +643713,5 +643714,5 +643715,2 +643716,2 +643717,2 +643718,2 +643719,2 +643720,2 +643721,2 +643722,2 +643723,2 +643724,2 +643725,2 +643726,2 +643727,2 +643728,10 +643729,10 +643730,10 +643731,10 +643732,10 +643733,10 +643734,10 +643735,10 +643736,10 +643737,10 +643738,10 +643739,10 +643740,10 +643741,10 +643742,10 +643743,10 +643744,10 +643745,10 +643746,10 +643747,10 +643748,10 +643749,10 +643750,36 +643751,36 +643752,36 +643753,36 +643754,36 +643755,36 +643756,2 +643757,2 +643758,2 +643759,2 +643760,2 +643761,2 +643762,2 +643763,8 +643764,2 +643765,8 +643766,2 +643767,2 +643768,2 +643769,2 +643770,2 +643771,2 +643772,2 +643773,2 +643774,2 +643775,0 +643776,0 +643777,0 +643778,0 +643779,0 +643780,0 +643781,0 +643782,0 +643783,0 +643784,0 +643785,0 +643786,0 +643787,0 +643788,0 +643789,0 +643790,0 +643791,31 +643792,31 +643793,31 +643794,31 +643795,31 +643796,31 +643797,31 +643798,31 +643799,31 +643800,31 +643801,5 +643802,5 +643803,5 +643804,19 +643805,19 +643806,5 +643807,5 +643808,5 +643809,5 +643810,2 +643811,2 +643812,2 +643813,2 +643814,2 +643815,2 +643816,2 +643817,2 +643818,2 +643819,2 +643820,2 +643821,2 +643822,2 +643823,39 +643824,39 +643825,39 +643826,39 +643827,39 +643828,28 +643829,28 +643830,5 +643831,5 +643832,5 +643833,5 +643834,5 +643835,4 +643836,4 +643837,4 +643838,4 +643839,4 +643840,4 +643841,4 +643842,4 +643843,4 +643844,4 +643845,27 +643846,27 +643847,27 +643848,19 +643849,19 +643850,19 +643851,19 +643852,19 +643853,19 +643854,19 +643855,14 +643856,14 +643857,14 +643858,14 +643859,14 +643860,14 +643861,14 +643862,14 +643863,14 +643864,14 +643865,25 +643866,25 +643867,25 +643868,25 +643869,25 +643870,25 +643871,25 +643872,25 +643873,25 +643874,25 +643875,25 +643876,25 +643877,25 +643878,25 +643879,25 +643880,25 +643881,25 +643882,14 +643883,14 +643884,14 +643885,14 +643886,14 +643887,14 +643888,14 +643889,14 +643890,14 +643891,14 +643892,14 +643893,14 +643894,5 +643895,5 +643896,5 +643897,5 +643898,5 +643899,18 +643900,18 +643901,18 +643902,11 +643903,11 +643904,11 +643905,11 +643906,11 +643907,11 +643908,31 +643909,31 +643910,31 +643911,31 +643912,31 +643913,5 +643914,5 +643915,5 +643916,5 +643917,5 +643918,5 +643919,5 +643920,2 +643921,2 +643922,2 +643923,2 +643924,2 +643925,2 +643926,2 +643927,2 +643928,2 +643929,2 +643930,2 +643931,2 +643932,31 +643933,31 +643934,31 +643935,31 +643936,31 +643937,31 +643938,31 +643939,28 +643940,28 +643941,28 +643942,28 +643943,28 +643944,28 +643945,28 +643946,28 +643947,28 +643948,28 +643949,2 +643950,2 +643951,2 +643952,2 +643953,2 +643954,2 +643955,2 +643956,2 +643957,2 +643958,2 +643959,2 +643960,9 +643961,9 +643962,9 +643963,9 +643964,9 +643965,9 +643966,9 +643967,37 +643968,37 +643969,37 +643970,37 +643971,37 +643972,37 +643973,37 +643974,37 +643975,37 +643976,37 +643977,37 +643978,37 +643979,25 +643980,31 +643981,24 +643982,31 +643983,24 +643984,24 +643985,24 +643986,24 +643987,24 +643988,24 +643989,24 +643990,24 +643991,24 +643992,24 +643993,37 +643994,37 +643995,37 +643996,37 +643997,37 +643998,40 +643999,40 +644000,14 +644001,14 +644002,14 +644003,14 +644004,14 +644005,14 +644006,39 +644007,39 +644008,39 +644009,39 +644010,39 +644011,39 +644012,39 +644013,39 +644014,39 +644015,39 +644016,30 +644017,30 +644018,30 +644019,22 +644020,22 +644021,31 +644022,22 +644023,22 +644024,37 +644025,37 +644026,37 +644027,37 +644028,37 +644029,37 +644030,37 +644031,37 +644032,37 +644033,9 +644034,9 +644035,9 +644036,9 +644037,9 +644038,9 +644039,9 +644040,9 +644041,9 +644042,9 +644043,37 +644044,37 +644045,37 +644046,37 +644047,37 +644048,37 +644049,4 +644050,4 +644051,37 +644052,37 +644053,37 +644054,37 +644055,37 +644056,25 +644057,25 +644058,25 +644059,25 +644060,25 +644061,37 +644062,37 +644063,37 +644064,37 +644065,37 +644066,37 +644067,37 +644068,25 +644069,25 +644070,25 +644071,25 +644072,25 +644073,25 +644074,25 +644075,25 +644076,0 +644077,0 +644078,0 +644079,0 +644080,35 +644081,35 +644082,35 +644083,35 +644084,32 +644085,32 +644086,32 +644087,32 +644088,32 +644089,30 +644090,30 +644091,30 +644092,30 +644093,30 +644094,30 +644095,10 +644096,10 +644097,10 +644098,10 +644099,10 +644100,10 +644101,10 +644102,10 +644103,6 +644104,6 +644105,6 +644106,6 +644107,6 +644108,6 +644109,6 +644110,6 +644111,6 +644112,6 +644113,6 +644114,6 +644115,6 +644116,34 +644117,34 +644118,34 +644119,34 +644120,34 +644121,34 +644122,34 +644123,34 +644124,34 +644125,34 +644126,34 +644127,34 +644128,34 +644129,34 +644130,34 +644131,8 +644132,8 +644133,8 +644134,8 +644135,8 +644136,8 +644137,8 +644138,8 +644139,8 +644140,27 +644141,27 +644142,27 +644143,27 +644144,27 +644145,27 +644146,8 +644147,8 +644148,8 +644149,8 +644150,8 +644151,8 +644152,8 +644153,8 +644154,31 +644155,31 +644156,31 +644157,31 +644158,30 +644159,30 +644160,30 +644161,30 +644162,30 +644163,30 +644164,30 +644165,30 +644166,30 +644167,30 +644168,30 +644169,30 +644170,30 +644171,9 +644172,9 +644173,9 +644174,9 +644175,9 +644176,9 +644177,9 +644178,9 +644179,9 +644180,9 +644181,5 +644182,5 +644183,5 +644184,13 +644185,13 +644186,13 +644187,13 +644188,36 +644189,36 +644190,31 +644191,31 +644192,31 +644193,31 +644194,5 +644195,5 +644196,5 +644197,5 +644198,5 +644199,5 +644200,40 +644201,40 +644202,40 +644203,40 +644204,40 +644205,37 +644206,37 +644207,37 +644208,37 +644209,37 +644210,37 +644211,37 +644212,37 +644213,37 +644214,37 +644215,26 +644216,26 +644217,26 +644218,26 +644219,26 +644220,34 +644221,34 +644222,34 +644223,2 +644224,2 +644225,2 +644226,2 +644227,2 +644228,2 +644229,2 +644230,2 +644231,2 +644232,4 +644233,4 +644234,4 +644235,4 +644236,4 +644237,4 +644238,4 +644239,4 +644240,4 +644241,4 +644242,4 +644243,37 +644244,37 +644245,37 +644246,37 +644247,37 +644248,37 +644249,37 +644250,37 +644251,37 +644252,37 +644253,37 +644254,39 +644255,39 +644256,39 +644257,39 +644258,39 +644259,39 +644260,39 +644261,39 +644262,39 +644263,16 +644264,16 +644265,16 +644266,16 +644267,16 +644268,4 +644269,4 +644270,4 +644271,4 +644272,4 +644273,4 +644274,4 +644275,4 +644276,4 +644277,4 +644278,4 +644279,4 +644280,4 +644281,4 +644282,4 +644283,4 +644284,0 +644285,0 +644286,0 +644287,0 +644288,0 +644289,0 +644290,0 +644291,0 +644292,0 +644293,0 +644294,0 +644295,0 +644296,0 +644297,0 +644298,0 +644299,0 +644300,0 +644301,0 +644302,0 +644303,0 +644304,0 +644305,0 +644306,0 +644307,0 +644308,0 +644309,0 +644310,0 +644311,0 +644312,0 +644313,0 +644314,0 +644315,0 +644316,0 +644317,0 +644318,0 +644319,0 +644320,0 +644321,0 +644322,0 +644323,0 +644324,0 +644325,0 +644326,0 +644327,0 +644328,0 +644329,0 +644330,35 +644331,35 +644332,35 +644333,35 +644334,35 +644335,35 +644336,35 +644337,35 +644338,35 +644339,35 +644340,25 +644341,25 +644342,25 +644343,25 +644344,25 +644345,25 +644346,19 +644347,19 +644348,19 +644349,19 +644350,19 +644351,19 +644352,19 +644353,19 +644354,19 +644355,19 +644356,19 +644357,14 +644358,14 +644359,14 +644360,14 +644361,14 +644362,14 +644363,14 +644364,2 +644365,2 +644366,2 +644367,2 +644368,2 +644369,2 +644370,8 +644371,8 +644372,8 +644373,31 +644374,31 +644375,31 +644376,31 +644377,31 +644378,31 +644379,32 +644380,32 +644381,32 +644382,32 +644383,32 +644384,32 +644385,30 +644386,24 +644387,24 +644388,17 +644389,17 +644390,17 +644391,17 +644392,17 +644393,17 +644394,17 +644395,17 +644396,31 +644397,31 +644398,31 +644399,31 +644400,31 +644401,31 +644402,31 +644403,4 +644404,4 +644405,4 +644406,4 +644407,4 +644408,4 +644409,4 +644410,4 +644411,27 +644412,27 +644413,27 +644414,27 +644415,27 +644416,5 +644417,5 +644418,5 +644419,5 +644420,5 +644421,26 +644422,26 +644423,26 +644424,26 +644425,26 +644426,26 +644427,26 +644428,26 +644429,26 +644430,26 +644431,26 +644432,26 +644433,26 +644434,37 +644435,37 +644436,37 +644437,37 +644438,37 +644439,37 +644440,11 +644441,11 +644442,11 +644443,11 +644444,11 +644445,11 +644446,11 +644447,11 +644448,11 +644449,11 +644450,11 +644451,39 +644452,7 +644453,7 +644454,3 +644455,3 +644456,7 +644457,7 +644458,7 +644459,7 +644460,3 +644461,3 +644462,3 +644463,3 +644464,3 +644465,3 +644466,3 +644467,3 +644468,3 +644469,3 +644470,3 +644471,3 +644472,0 +644473,0 +644474,0 +644475,0 +644476,0 +644477,0 +644478,0 +644479,0 +644480,0 +644481,0 +644482,0 +644483,0 +644484,0 +644485,0 +644486,0 +644487,0 +644488,0 +644489,0 +644490,0 +644491,0 +644492,0 +644493,0 +644494,0 +644495,0 +644496,0 +644497,0 +644498,0 +644499,0 +644500,0 +644501,0 +644502,0 +644503,0 +644504,0 +644505,0 +644506,0 +644507,0 +644508,0 +644509,0 +644510,0 +644511,0 +644512,0 +644513,0 +644514,0 +644515,0 +644516,0 +644517,0 +644518,0 +644519,0 +644520,0 +644521,0 +644522,0 +644523,0 +644524,0 +644525,0 +644526,0 +644527,0 +644528,0 +644529,0 +644530,0 +644531,0 +644532,0 +644533,0 +644534,0 +644535,0 +644536,0 +644537,0 +644538,0 +644539,0 +644540,0 +644541,0 +644542,0 +644543,0 +644544,0 +644545,0 +644546,0 +644547,0 +644548,0 +644549,0 +644550,0 +644551,0 +644552,0 +644553,0 +644554,0 +644555,0 +644556,0 +644557,0 +644558,0 +644559,0 +644560,0 +644561,0 +644562,0 +644563,0 +644564,0 +644565,0 +644566,0 +644567,0 +644568,0 +644569,0 +644570,0 +644571,0 +644572,0 +644573,0 +644574,0 +644575,0 +644576,0 +644577,0 +644578,0 +644579,0 +644580,0 +644581,0 +644582,0 +644583,0 +644584,10 +644585,10 +644586,10 +644587,10 +644588,10 +644589,10 +644590,10 +644591,10 +644592,10 +644593,10 +644594,10 +644595,10 +644596,10 +644597,10 +644598,10 +644599,10 +644600,10 +644601,10 +644602,10 +644603,10 +644604,6 +644605,6 +644606,6 +644607,6 +644608,6 +644609,6 +644610,31 +644611,31 +644612,31 +644613,31 +644614,31 +644615,5 +644616,5 +644617,5 +644618,5 +644619,5 +644620,5 +644621,5 +644622,23 +644623,29 +644624,29 +644625,23 +644626,40 +644627,40 +644628,40 +644629,40 +644630,40 +644631,40 +644632,40 +644633,40 +644634,2 +644635,2 +644636,2 +644637,2 +644638,2 +644639,2 +644640,2 +644641,2 +644642,2 +644643,10 +644644,10 +644645,10 +644646,10 +644647,10 +644648,10 +644649,10 +644650,10 +644651,10 +644652,36 +644653,14 +644654,14 +644655,14 +644656,14 +644657,14 +644658,14 +644659,40 +644660,40 +644661,40 +644662,27 +644663,40 +644664,40 +644665,5 +644666,5 +644667,5 +644668,5 +644669,5 +644670,19 +644671,19 +644672,19 +644673,19 +644674,27 +644675,27 +644676,27 +644677,27 +644678,27 +644679,27 +644680,27 +644681,2 +644682,2 +644683,2 +644684,2 +644685,2 +644686,2 +644687,2 +644688,31 +644689,31 +644690,31 +644691,31 +644692,31 +644693,31 +644694,31 +644695,32 +644696,32 +644697,32 +644698,32 +644699,32 +644700,26 +644701,26 +644702,17 +644703,17 +644704,17 +644705,17 +644706,17 +644707,17 +644708,17 +644709,10 +644710,10 +644711,10 +644712,27 +644713,31 +644714,5 +644715,5 +644716,5 +644717,5 +644718,8 +644719,4 +644720,8 +644721,8 +644722,4 +644723,27 +644724,27 +644725,27 +644726,27 +644727,27 +644728,27 +644729,27 +644730,27 +644731,19 +644732,19 +644733,19 +644734,19 +644735,19 +644736,19 +644737,19 +644738,19 +644739,19 +644740,19 +644741,19 +644742,0 +644743,0 +644744,0 +644745,0 +644746,0 +644747,0 +644748,0 +644749,0 +644750,0 +644751,0 +644752,0 +644753,0 +644754,0 +644755,0 +644756,0 +644757,0 +644758,0 +644759,0 +644760,0 +644761,0 +644762,0 +644763,0 +644764,0 +644765,0 +644766,0 +644767,0 +644768,0 +644769,0 +644770,0 +644771,0 +644772,0 +644773,0 +644774,0 +644775,0 +644776,0 +644777,0 +644778,0 +644779,0 +644780,0 +644781,0 +644782,0 +644783,0 +644784,0 +644785,0 +644786,0 +644787,0 +644788,0 +644789,0 +644790,0 +644791,0 +644792,0 +644793,0 +644794,0 +644795,0 +644796,0 +644797,0 +644798,0 +644799,0 +644800,0 +644801,0 +644802,0 +644803,0 +644804,0 +644805,0 +644806,0 +644807,0 +644808,0 +644809,0 +644810,0 +644811,0 +644812,0 +644813,10 +644814,10 +644815,10 +644816,10 +644817,10 +644818,10 +644819,10 +644820,10 +644821,10 +644822,10 +644823,10 +644824,10 +644825,10 +644826,10 +644827,10 +644828,10 +644829,10 +644830,10 +644831,10 +644832,10 +644833,10 +644834,34 +644835,34 +644836,10 +644837,12 +644838,12 +644839,12 +644840,12 +644841,12 +644842,12 +644843,12 +644844,12 +644845,31 +644846,33 +644847,33 +644848,8 +644849,8 +644850,8 +644851,8 +644852,8 +644853,8 +644854,8 +644855,8 +644856,31 +644857,31 +644858,31 +644859,31 +644860,31 +644861,31 +644862,31 +644863,15 +644864,15 +644865,15 +644866,15 +644867,15 +644868,15 +644869,15 +644870,15 +644871,15 +644872,15 +644873,15 +644874,26 +644875,26 +644876,26 +644877,34 +644878,34 +644879,34 +644880,34 +644881,34 +644882,34 +644883,34 +644884,34 +644885,34 +644886,34 +644887,34 +644888,34 +644889,30 +644890,30 +644891,30 +644892,30 +644893,30 +644894,0 +644895,0 +644896,0 +644897,0 +644898,0 +644899,0 +644900,0 +644901,0 +644902,4 +644903,4 +644904,4 +644905,4 +644906,4 +644907,4 +644908,4 +644909,4 +644910,4 +644911,22 +644912,22 +644913,22 +644914,31 +644915,31 +644916,27 +644917,25 +644918,19 +644919,19 +644920,19 +644921,19 +644922,19 +644923,19 +644924,19 +644925,27 +644926,27 +644927,27 +644928,27 +644929,27 +644930,27 +644931,27 +644932,27 +644933,27 +644934,2 +644935,2 +644936,2 +644937,2 +644938,2 +644939,2 +644940,2 +644941,2 +644942,2 +644943,32 +644944,32 +644945,32 +644946,32 +644947,32 +644948,32 +644949,32 +644950,32 +644951,37 +644952,37 +644953,37 +644954,37 +644955,37 +644956,37 +644957,37 +644958,36 +644959,36 +644960,36 +644961,36 +644962,36 +644963,36 +644964,36 +644965,10 +644966,10 +644967,10 +644968,10 +644969,10 +644970,10 +644971,10 +644972,10 +644973,10 +644974,10 +644975,10 +644976,10 +644977,10 +644978,10 +644979,10 +644980,19 +644981,19 +644982,19 +644983,19 +644984,19 +644985,19 +644986,21 +644987,8 +644988,8 +644989,8 +644990,8 +644991,8 +644992,29 +644993,29 +644994,29 +644995,8 +644996,39 +644997,39 +644998,39 +644999,39 +645000,39 +645001,39 +645002,39 +645003,39 +645004,39 +645005,39 +645006,39 +645007,39 +645008,39 +645009,31 +645010,31 +645011,31 +645012,31 +645013,31 +645014,31 +645015,31 +645016,31 +645017,31 +645018,31 +645019,32 +645020,32 +645021,32 +645022,32 +645023,32 +645024,0 +645025,0 +645026,0 +645027,6 +645028,6 +645029,6 +645030,32 +645031,32 +645032,32 +645033,32 +645034,36 +645035,36 +645036,36 +645037,36 +645038,36 +645039,36 +645040,36 +645041,5 +645042,5 +645043,5 +645044,5 +645045,5 +645046,5 +645047,4 +645048,4 +645049,4 +645050,4 +645051,4 +645052,4 +645053,4 +645054,4 +645055,27 +645056,27 +645057,27 +645058,27 +645059,27 +645060,27 +645061,27 +645062,11 +645063,11 +645064,11 +645065,11 +645066,11 +645067,11 +645068,11 +645069,11 +645070,11 +645071,11 +645072,11 +645073,11 +645074,11 +645075,11 +645076,11 +645077,11 +645078,11 +645079,11 +645080,27 +645081,27 +645082,27 +645083,27 +645084,27 +645085,27 +645086,31 +645087,31 +645088,27 +645089,27 +645090,4 +645091,4 +645092,4 +645093,4 +645094,32 +645095,32 +645096,32 +645097,32 +645098,32 +645099,32 +645100,32 +645101,32 +645102,32 +645103,32 +645104,31 +645105,31 +645106,31 +645107,31 +645108,32 +645109,31 +645110,31 +645111,31 +645112,31 +645113,31 +645114,31 +645115,31 +645116,31 +645117,24 +645118,24 +645119,24 +645120,24 +645121,24 +645122,24 +645123,24 +645124,24 +645125,24 +645126,24 +645127,28 +645128,28 +645129,28 +645130,28 +645131,28 +645132,28 +645133,28 +645134,28 +645135,28 +645136,28 +645137,28 +645138,10 +645139,10 +645140,10 +645141,10 +645142,10 +645143,10 +645144,10 +645145,34 +645146,34 +645147,10 +645148,10 +645149,10 +645150,10 +645151,10 +645152,10 +645153,10 +645154,10 +645155,10 +645156,10 +645157,10 +645158,28 +645159,28 +645160,28 +645161,28 +645162,28 +645163,28 +645164,28 +645165,28 +645166,28 +645167,28 +645168,5 +645169,5 +645170,5 +645171,28 +645172,28 +645173,14 +645174,14 +645175,14 +645176,36 +645177,36 +645178,36 +645179,36 +645180,36 +645181,36 +645182,36 +645183,36 +645184,36 +645185,36 +645186,36 +645187,36 +645188,36 +645189,36 +645190,5 +645191,5 +645192,5 +645193,5 +645194,5 +645195,5 +645196,5 +645197,35 +645198,35 +645199,35 +645200,35 +645201,35 +645202,35 +645203,33 +645204,33 +645205,33 +645206,33 +645207,33 +645208,33 +645209,22 +645210,22 +645211,22 +645212,22 +645213,22 +645214,22 +645215,22 +645216,22 +645217,19 +645218,19 +645219,19 +645220,19 +645221,19 +645222,19 +645223,19 +645224,19 +645225,0 +645226,0 +645227,0 +645228,0 +645229,0 +645230,0 +645231,0 +645232,0 +645233,0 +645234,0 +645235,0 +645236,0 +645237,0 +645238,0 +645239,0 +645240,0 +645241,0 +645242,0 +645243,0 +645244,0 +645245,0 +645246,0 +645247,0 +645248,0 +645249,0 +645250,0 +645251,0 +645252,0 +645253,0 +645254,0 +645255,0 +645256,0 +645257,0 +645258,0 +645259,0 +645260,0 +645261,0 +645262,0 +645263,0 +645264,0 +645265,0 +645266,12 +645267,12 +645268,12 +645269,12 +645270,12 +645271,12 +645272,12 +645273,40 +645274,40 +645275,40 +645276,40 +645277,40 +645278,5 +645279,5 +645280,5 +645281,4 +645282,4 +645283,4 +645284,4 +645285,4 +645286,4 +645287,4 +645288,4 +645289,4 +645290,4 +645291,4 +645292,4 +645293,38 +645294,4 +645295,38 +645296,38 +645297,38 +645298,38 +645299,38 +645300,37 +645301,37 +645302,37 +645303,37 +645304,37 +645305,3 +645306,3 +645307,3 +645308,3 +645309,3 +645310,29 +645311,29 +645312,29 +645313,29 +645314,29 +645315,31 +645316,31 +645317,31 +645318,31 +645319,31 +645320,31 +645321,31 +645322,31 +645323,32 +645324,32 +645325,32 +645326,32 +645327,32 +645328,32 +645329,32 +645330,32 +645331,32 +645332,32 +645333,32 +645334,32 +645335,30 +645336,30 +645337,30 +645338,30 +645339,30 +645340,30 +645341,14 +645342,14 +645343,14 +645344,14 +645345,36 +645346,36 +645347,10 +645348,10 +645349,13 +645350,13 +645351,13 +645352,13 +645353,13 +645354,13 +645355,13 +645356,13 +645357,13 +645358,13 +645359,13 +645360,13 +645361,5 +645362,5 +645363,5 +645364,5 +645365,5 +645366,5 +645367,8 +645368,8 +645369,8 +645370,8 +645371,8 +645372,8 +645373,8 +645374,8 +645375,8 +645376,8 +645377,2 +645378,2 +645379,2 +645380,2 +645381,2 +645382,0 +645383,0 +645384,0 +645385,0 +645386,0 +645387,0 +645388,0 +645389,0 +645390,0 +645391,0 +645392,0 +645393,0 +645394,0 +645395,0 +645396,0 +645397,0 +645398,0 +645399,0 +645400,0 +645401,0 +645402,0 +645403,0 +645404,0 +645405,0 +645406,15 +645407,15 +645408,31 +645409,31 +645410,31 +645411,31 +645412,31 +645413,31 +645414,4 +645415,4 +645416,4 +645417,4 +645418,4 +645419,4 +645420,4 +645421,4 +645422,4 +645423,4 +645424,4 +645425,12 +645426,12 +645427,31 +645428,31 +645429,31 +645430,31 +645431,5 +645432,5 +645433,5 +645434,5 +645435,5 +645436,29 +645437,29 +645438,14 +645439,14 +645440,14 +645441,14 +645442,14 +645443,14 +645444,14 +645445,14 +645446,14 +645447,14 +645448,6 +645449,6 +645450,6 +645451,6 +645452,6 +645453,6 +645454,6 +645455,6 +645456,6 +645457,6 +645458,6 +645459,6 +645460,6 +645461,6 +645462,6 +645463,6 +645464,14 +645465,14 +645466,14 +645467,14 +645468,14 +645469,14 +645470,14 +645471,14 +645472,14 +645473,14 +645474,14 +645475,14 +645476,14 +645477,28 +645478,28 +645479,28 +645480,28 +645481,28 +645482,28 +645483,28 +645484,5 +645485,5 +645486,5 +645487,5 +645488,27 +645489,27 +645490,27 +645491,27 +645492,27 +645493,37 +645494,37 +645495,37 +645496,37 +645497,37 +645498,37 +645499,37 +645500,37 +645501,37 +645502,25 +645503,29 +645504,29 +645505,29 +645506,29 +645507,29 +645508,29 +645509,31 +645510,31 +645511,31 +645512,31 +645513,31 +645514,28 +645515,28 +645516,28 +645517,28 +645518,28 +645519,28 +645520,28 +645521,28 +645522,28 +645523,28 +645524,34 +645525,34 +645526,34 +645527,34 +645528,34 +645529,34 +645530,34 +645531,10 +645532,10 +645533,10 +645534,26 +645535,26 +645536,26 +645537,26 +645538,4 +645539,4 +645540,4 +645541,4 +645542,4 +645543,4 +645544,4 +645545,4 +645546,4 +645547,4 +645548,4 +645549,4 +645550,27 +645551,27 +645552,27 +645553,27 +645554,31 +645555,31 +645556,5 +645557,5 +645558,5 +645559,5 +645560,5 +645561,5 +645562,5 +645563,5 +645564,5 +645565,5 +645566,5 +645567,8 +645568,8 +645569,8 +645570,8 +645571,8 +645572,8 +645573,8 +645574,8 +645575,8 +645576,8 +645577,8 +645578,2 +645579,2 +645580,2 +645581,0 +645582,0 +645583,0 +645584,0 +645585,0 +645586,0 +645587,0 +645588,0 +645589,0 +645590,0 +645591,0 +645592,0 +645593,0 +645594,0 +645595,0 +645596,0 +645597,0 +645598,0 +645599,0 +645600,0 +645601,0 +645602,0 +645603,0 +645604,0 +645605,0 +645606,0 +645607,0 +645608,0 +645609,0 +645610,0 +645611,0 +645612,0 +645613,0 +645614,0 +645615,0 +645616,15 +645617,15 +645618,15 +645619,31 +645620,31 +645621,31 +645622,31 +645623,4 +645624,4 +645625,4 +645626,32 +645627,32 +645628,32 +645629,32 +645630,32 +645631,31 +645632,31 +645633,31 +645634,31 +645635,31 +645636,31 +645637,31 +645638,5 +645639,5 +645640,5 +645641,5 +645642,5 +645643,27 +645644,27 +645645,27 +645646,27 +645647,27 +645648,27 +645649,27 +645650,27 +645651,27 +645652,27 +645653,14 +645654,4 +645655,4 +645656,4 +645657,4 +645658,4 +645659,4 +645660,4 +645661,4 +645662,4 +645663,4 +645664,4 +645665,4 +645666,4 +645667,40 +645668,40 +645669,40 +645670,40 +645671,40 +645672,40 +645673,40 +645674,40 +645675,40 +645676,34 +645677,34 +645678,34 +645679,31 +645680,34 +645681,34 +645682,34 +645683,34 +645684,35 +645685,35 +645686,35 +645687,35 +645688,35 +645689,35 +645690,35 +645691,25 +645692,25 +645693,25 +645694,25 +645695,25 +645696,25 +645697,25 +645698,25 +645699,25 +645700,25 +645701,12 +645702,12 +645703,12 +645704,12 +645705,12 +645706,12 +645707,12 +645708,27 +645709,27 +645710,27 +645711,27 +645712,27 +645713,38 +645714,38 +645715,32 +645716,32 +645717,32 +645718,32 +645719,32 +645720,7 +645721,7 +645722,7 +645723,7 +645724,7 +645725,7 +645726,7 +645727,7 +645728,7 +645729,7 +645730,7 +645731,31 +645732,31 +645733,31 +645734,31 +645735,31 +645736,31 +645737,27 +645738,27 +645739,23 +645740,23 +645741,23 +645742,23 +645743,23 +645744,23 +645745,23 +645746,23 +645747,23 +645748,18 +645749,18 +645750,18 +645751,18 +645752,18 +645753,27 +645754,27 +645755,27 +645756,27 +645757,27 +645758,27 +645759,27 +645760,31 +645761,2 +645762,2 +645763,2 +645764,2 +645765,2 +645766,2 +645767,2 +645768,2 +645769,2 +645770,2 +645771,2 +645772,2 +645773,2 +645774,2 +645775,2 +645776,2 +645777,2 +645778,2 +645779,14 +645780,14 +645781,14 +645782,14 +645783,14 +645784,14 +645785,14 +645786,14 +645787,14 +645788,14 +645789,40 +645790,40 +645791,40 +645792,40 +645793,40 +645794,40 +645795,40 +645796,40 +645797,40 +645798,40 +645799,40 +645800,19 +645801,19 +645802,19 +645803,19 +645804,19 +645805,19 +645806,19 +645807,19 +645808,5 +645809,5 +645810,5 +645811,0 +645812,0 +645813,0 +645814,0 +645815,0 +645816,0 +645817,0 +645818,0 +645819,0 +645820,0 +645821,0 +645822,0 +645823,0 +645824,0 +645825,0 +645826,0 +645827,0 +645828,0 +645829,0 +645830,0 +645831,0 +645832,0 +645833,0 +645834,0 +645835,35 +645836,35 +645837,35 +645838,35 +645839,35 +645840,35 +645841,35 +645842,35 +645843,35 +645844,35 +645845,35 +645846,34 +645847,34 +645848,34 +645849,34 +645850,34 +645851,34 +645852,34 +645853,30 +645854,30 +645855,30 +645856,30 +645857,30 +645858,21 +645859,21 +645860,21 +645861,21 +645862,21 +645863,21 +645864,21 +645865,1 +645866,1 +645867,1 +645868,1 +645869,39 +645870,36 +645871,36 +645872,36 +645873,36 +645874,36 +645875,36 +645876,36 +645877,36 +645878,40 +645879,36 +645880,36 +645881,36 +645882,40 +645883,40 +645884,36 +645885,36 +645886,29 +645887,29 +645888,29 +645889,40 +645890,40 +645891,31 +645892,31 +645893,40 +645894,40 +645895,5 +645896,5 +645897,5 +645898,5 +645899,5 +645900,5 +645901,5 +645902,5 +645903,35 +645904,35 +645905,35 +645906,35 +645907,35 +645908,35 +645909,35 +645910,35 +645911,35 +645912,35 +645913,35 +645914,35 +645915,36 +645916,36 +645917,36 +645918,36 +645919,36 +645920,36 +645921,40 +645922,40 +645923,40 +645924,40 +645925,6 +645926,38 +645927,38 +645928,38 +645929,38 +645930,38 +645931,35 +645932,1 +645933,1 +645934,39 +645935,39 +645936,39 +645937,39 +645938,39 +645939,39 +645940,39 +645941,39 +645942,39 +645943,39 +645944,11 +645945,11 +645946,11 +645947,11 +645948,11 +645949,11 +645950,11 +645951,11 +645952,11 +645953,11 +645954,11 +645955,11 +645956,11 +645957,11 +645958,11 +645959,39 +645960,39 +645961,39 +645962,39 +645963,39 +645964,3 +645965,3 +645966,3 +645967,3 +645968,3 +645969,3 +645970,30 +645971,30 +645972,30 +645973,30 +645974,30 +645975,30 +645976,30 +645977,30 +645978,15 +645979,15 +645980,15 +645981,15 +645982,15 +645983,15 +645984,15 +645985,15 +645986,15 +645987,39 +645988,39 +645989,39 +645990,39 +645991,39 +645992,39 +645993,39 +645994,39 +645995,39 +645996,39 +645997,39 +645998,39 +645999,39 +646000,39 +646001,39 +646002,39 +646003,1 +646004,1 +646005,1 +646006,39 +646007,39 +646008,39 +646009,39 +646010,39 +646011,39 +646012,39 +646013,39 +646014,39 +646015,39 +646016,39 +646017,39 +646018,39 +646019,39 +646020,39 +646021,39 +646022,39 +646023,0 +646024,0 +646025,0 +646026,0 +646027,0 +646028,0 +646029,0 +646030,0 +646031,0 +646032,0 +646033,0 +646034,0 +646035,0 +646036,0 +646037,0 +646038,2 +646039,2 +646040,0 +646041,0 +646042,2 +646043,2 +646044,2 +646045,2 +646046,2 +646047,2 +646048,2 +646049,2 +646050,2 +646051,2 +646052,0 +646053,0 +646054,0 +646055,0 +646056,0 +646057,0 +646058,0 +646059,0 +646060,0 +646061,0 +646062,0 +646063,0 +646064,0 +646065,0 +646066,0 +646067,0 +646068,0 +646069,0 +646070,0 +646071,30 +646072,30 +646073,30 +646074,30 +646075,30 +646076,22 +646077,22 +646078,22 +646079,22 +646080,27 +646081,27 +646082,27 +646083,32 +646084,4 +646085,4 +646086,4 +646087,4 +646088,4 +646089,4 +646090,32 +646091,32 +646092,28 +646093,27 +646094,27 +646095,27 +646096,27 +646097,13 +646098,13 +646099,13 +646100,13 +646101,21 +646102,21 +646103,21 +646104,21 +646105,21 +646106,21 +646107,21 +646108,21 +646109,21 +646110,21 +646111,21 +646112,33 +646113,33 +646114,33 +646115,33 +646116,33 +646117,33 +646118,33 +646119,33 +646120,33 +646121,33 +646122,33 +646123,5 +646124,5 +646125,5 +646126,5 +646127,5 +646128,5 +646129,5 +646130,4 +646131,4 +646132,4 +646133,4 +646134,4 +646135,4 +646136,4 +646137,4 +646138,4 +646139,4 +646140,4 +646141,4 +646142,4 +646143,26 +646144,26 +646145,26 +646146,26 +646147,26 +646148,26 +646149,26 +646150,26 +646151,9 +646152,9 +646153,26 +646154,6 +646155,6 +646156,6 +646157,6 +646158,6 +646159,6 +646160,6 +646161,6 +646162,6 +646163,4 +646164,4 +646165,4 +646166,4 +646167,4 +646168,37 +646169,37 +646170,37 +646171,37 +646172,37 +646173,25 +646174,25 +646175,25 +646176,25 +646177,25 +646178,25 +646179,25 +646180,25 +646181,25 +646182,25 +646183,25 +646184,25 +646185,25 +646186,25 +646187,25 +646188,4 +646189,4 +646190,4 +646191,4 +646192,4 +646193,4 +646194,4 +646195,12 +646196,12 +646197,12 +646198,12 +646199,12 +646200,12 +646201,12 +646202,12 +646203,12 +646204,12 +646205,31 +646206,31 +646207,9 +646208,9 +646209,31 +646210,31 +646211,31 +646212,5 +646213,5 +646214,5 +646215,5 +646216,5 +646217,5 +646218,5 +646219,5 +646220,5 +646221,5 +646222,5 +646223,5 +646224,2 +646225,2 +646226,2 +646227,2 +646228,2 +646229,2 +646230,2 +646231,2 +646232,2 +646233,2 +646234,2 +646235,2 +646236,2 +646237,2 +646238,2 +646239,2 +646240,2 +646241,2 +646242,2 +646243,2 +646244,2 +646245,2 +646246,2 +646247,2 +646248,2 +646249,2 +646250,2 +646251,2 +646252,0 +646253,0 +646254,0 +646255,0 +646256,0 +646257,0 +646258,0 +646259,0 +646260,0 +646261,0 +646262,0 +646263,0 +646264,0 +646265,0 +646266,0 +646267,0 diff --git a/HW02/caishaokang_submission_hw02_score.png b/HW02/caishaokang_submission_hw02_score.png new file mode 100644 index 00000000..901886fb Binary files /dev/null and b/HW02/caishaokang_submission_hw02_score.png differ diff --git a/HW03/HW03_caishaokang.ipynb b/HW03/HW03_caishaokang.ipynb new file mode 100644 index 00000000..3ae58f66 --- /dev/null +++ b/HW03/HW03_caishaokang.ipynb @@ -0,0 +1,144875 @@ +{ + "cells": [ + { + "cell_type": "markdown", + "id": "fa3a7c9d", + "metadata": { + "papermill": { + "duration": 0.014844, + "end_time": "2022-10-29T05:18:28.790439", + "exception": false, + "start_time": "2022-10-29T05:18:28.775595", + "status": "completed" + }, + "tags": [] + }, + "source": [ + "# If you want to access the version you have already modified, click \"Edit\"\n", + "# If you want to access the original sample code, click \"...\", then click \"Copy & Edit Notebook\"" + ] + }, + { + "cell_type": "code", + "execution_count": 1, + "id": "561b2ba4", + "metadata": { + "execution": { + "iopub.execute_input": "2022-10-29T05:18:28.827567Z", + "iopub.status.busy": "2022-10-29T05:18:28.826757Z", + "iopub.status.idle": "2022-10-29T05:18:28.830524Z", + "shell.execute_reply": "2022-10-29T05:18:28.829956Z", + "shell.execute_reply.started": "2022-10-28T14:40:57.257074Z" + }, + "papermill": { + "duration": 0.026395, + "end_time": "2022-10-29T05:18:28.830682", + "exception": false, + "start_time": "2022-10-29T05:18:28.804287", + "status": "completed" + }, + "tags": [] + }, + "outputs": [], + "source": [ + "_exp_name = \"sample\"" + ] + }, + { + "cell_type": "code", + "execution_count": 2, + "id": "fd4a3e30", + "metadata": { + "execution": { + "iopub.execute_input": "2022-10-29T05:18:28.863566Z", + "iopub.status.busy": "2022-10-29T05:18:28.862967Z", + "iopub.status.idle": "2022-10-29T05:18:30.851092Z", + "shell.execute_reply": "2022-10-29T05:18:30.850156Z", + "shell.execute_reply.started": "2022-10-28T14:40:57.273369Z" + }, + "papermill": { + "duration": 2.007143, + "end_time": "2022-10-29T05:18:30.851247", + "exception": false, + "start_time": "2022-10-29T05:18:28.844104", + "status": "completed" + }, + "tags": [] + }, + "outputs": [], + "source": [ + "import numpy as np # linear algebra\n", + "import pandas as pd # data processing, CSV file I/O (e.g. pd.read_csv)\n", + "import os\n", + "# Import necessary packages.\n", + "import numpy as np\n", + "import torch\n", + "import os\n", + "import torch.nn as nn\n", + "import torchvision.transforms as transforms\n", + "from PIL import Image\n", + "# \"ConcatDataset\" and \"Subset\" are possibly useful when doing semi-supervised learning.\n", + "from torch.utils.data import ConcatDataset, DataLoader, Subset, Dataset\n", + "from torchvision.datasets import DatasetFolder, VisionDataset\n", + "\n", + "# This is for the progress bar.\n", + "from tqdm.auto import tqdm\n", + "import random" + ] + }, + { + "cell_type": "code", + "execution_count": 3, + "id": "8d53d120", + "metadata": { + "execution": { + "iopub.execute_input": "2022-10-29T05:18:30.882947Z", + "iopub.status.busy": "2022-10-29T05:18:30.882293Z", + "iopub.status.idle": "2022-10-29T05:18:30.953353Z", + "shell.execute_reply": "2022-10-29T05:18:30.952498Z", + "shell.execute_reply.started": "2022-10-28T14:40:58.034046Z" + }, + "papermill": { + "duration": 0.088874, + "end_time": "2022-10-29T05:18:30.953480", + "exception": false, + "start_time": "2022-10-29T05:18:30.864606", + "status": "completed" + }, + "tags": [] + }, + "outputs": [], + "source": [ + "myseed = 6666 # set a random seed for reproducibility\n", + "torch.backends.cudnn.deterministic = True\n", + "torch.backends.cudnn.benchmark = False\n", + "np.random.seed(myseed)\n", + "torch.manual_seed(myseed)\n", + "if torch.cuda.is_available():\n", + " torch.cuda.manual_seed_all(myseed)" + ] + }, + { + "cell_type": "markdown", + "id": "45c6f3fd", + "metadata": { + "papermill": { + "duration": 0.013241, + "end_time": "2022-10-29T05:18:30.980473", + "exception": false, + "start_time": "2022-10-29T05:18:30.967232", + "status": "completed" + }, + "tags": [] + }, + "source": [ + "## **Transforms**\n", + "Torchvision provides lots of useful utilities for image preprocessing, data wrapping as well as data augmentation.\n", + "\n", + "Please refer to PyTorch official website for details about different transforms." + ] + }, + { + "cell_type": "code", + "execution_count": 4, + "id": "ea0b78d5", + "metadata": { + "execution": { + "iopub.execute_input": "2022-10-29T05:18:31.015452Z", + "iopub.status.busy": "2022-10-29T05:18:31.014678Z", + "iopub.status.idle": "2022-10-29T05:18:31.016705Z", + "shell.execute_reply": "2022-10-29T05:18:31.017119Z", + "shell.execute_reply.started": "2022-10-28T14:40:58.114856Z" + }, + "papermill": { + "duration": 0.023541, + "end_time": "2022-10-29T05:18:31.017252", + "exception": false, + "start_time": "2022-10-29T05:18:30.993711", + "status": "completed" + }, + "tags": [] + }, + "outputs": [], + "source": [ + "# Normally, We don't need augmentations in testing and validation.\n", + "# All we need here is to resize the PIL image and transform it into Tensor.\n", + "test_tfm = transforms.Compose([\n", + " transforms.Resize((128, 128)),\n", + " transforms.ToTensor(),\n", + "])\n", + "\n", + "# However, it is also possible to use augmentation in the testing phase.\n", + "# You may use train_tfm to produce a variety of images and then test using ensemble methods\n", + "train_tfm = transforms.Compose([\n", + " # Resize the image into a fixed shape (height = width = 128)\n", + " #transforms.CenterCrop()\n", + " transforms.RandomResizedCrop((128, 128), scale=(0.7, 1.0)),\n", + " #transforms.AutoAugment(transforms.AutoAugmentPolicy.IMAGENET),\n", + " #transforms.Normalize((0.485, 0.456, 0.406), (0.229, 0.224, 0.225)),\n", + " transforms.RandomHorizontalFlip(0.5),\n", + " transforms.RandomVerticalFlip(0.5),\n", + " transforms.RandomRotation(180),\n", + " transforms.RandomAffine(30),\n", + " #transforms.RandomInvert(p=0.2),\n", + " #transforms.RandomPosterize(bits=2),\n", + " #transforms.RandomSolarize(threshold=192.0, p=0.2),\n", + " #transforms.RandomEqualize(p=0.2),\n", + " transforms.RandomGrayscale(p=0.2),\n", + " transforms.ToTensor(),\n", + " #transforms.RandomApply(torch.nn.ModuleList([]))\n", + " # You may add some transforms here.\n", + " # ToTensor() should be the last one of the transforms.\n", + "])\n" + ] + }, + { + "cell_type": "markdown", + "id": "3d35acc1", + "metadata": { + "papermill": { + "duration": 0.01353, + "end_time": "2022-10-29T05:18:31.044766", + "exception": false, + "start_time": "2022-10-29T05:18:31.031236", + "status": "completed" + }, + "tags": [] + }, + "source": [ + "## **Datasets**\n", + "The data is labelled by the name, so we load images and label while calling '__getitem__'" + ] + }, + { + "cell_type": "code", + "execution_count": 5, + "id": "83f41f80", + "metadata": { + "execution": { + "iopub.execute_input": "2022-10-29T05:18:31.080990Z", + "iopub.status.busy": "2022-10-29T05:18:31.079898Z", + "iopub.status.idle": "2022-10-29T05:18:31.082287Z", + "shell.execute_reply": "2022-10-29T05:18:31.082689Z", + "shell.execute_reply.started": "2022-10-28T14:40:58.123780Z" + }, + "papermill": { + "duration": 0.024244, + "end_time": "2022-10-29T05:18:31.082821", + "exception": false, + "start_time": "2022-10-29T05:18:31.058577", + "status": "completed" + }, + "tags": [] + }, + "outputs": [], + "source": [ + "class FoodDataset(Dataset):\n", + "\n", + " def __init__(self, path=None, tfm=test_tfm, files=None):\n", + " super(FoodDataset).__init__()\n", + " self.path = path\n", + " if files is not None:\n", + " self.files = files\n", + " else:\n", + " self.files = sorted([os.path.join(path, x) for x in os.listdir(path) if x.endswith(\".jpg\")])\n", + "\n", + " print(f\"One sample\", self.files[0])\n", + " self.transform = tfm\n", + " \n", + " def __len__(self):\n", + " return len(self.files)\n", + "# return 128\n", + " \n", + " def __getitem__(self,idx):\n", + " fname = self.files[idx]\n", + " im = Image.open(fname)\n", + " im = self.transform(im)\n", + " #im = self.data[idx]\n", + " try:\n", + " label = int(fname.split(\"/\")[-1].split(\"_\")[0])\n", + " except:\n", + " label = -1 # test has no label\n", + " return im,label\n", + "\n" + ] + }, + { + "cell_type": "code", + "execution_count": 6, + "id": "d1cdb2e1", + "metadata": { + "execution": { + "iopub.execute_input": "2022-10-29T05:18:31.120634Z", + "iopub.status.busy": "2022-10-29T05:18:31.119723Z", + "iopub.status.idle": "2022-10-29T05:18:31.129536Z", + "shell.execute_reply": "2022-10-29T05:18:31.129024Z", + "shell.execute_reply.started": "2022-10-28T14:40:58.135161Z" + }, + "papermill": { + "duration": 0.033122, + "end_time": "2022-10-29T05:18:31.129657", + "exception": false, + "start_time": "2022-10-29T05:18:31.096535", + "status": "completed" + }, + "tags": [] + }, + "outputs": [], + "source": [ + "class Residual_Block(nn.Module):\n", + " def __init__(self, ic, oc, stride=1):\n", + " # torch.nn.Conv2d(in_channels, out_channels, kernel_size, stride, padding)\n", + " # torch.nn.MaxPool2d(kernel_size, stride, padding)\n", + " super().__init__()\n", + " self.conv1 = nn.Sequential(\n", + " nn.Conv2d(ic, oc, kernel_size=3, stride=stride, padding=1),\n", + " nn.BatchNorm2d(oc),\n", + " nn.ReLU(inplace=True)\n", + " )\n", + " \n", + " self.conv2 = nn.Sequential(\n", + " nn.Conv2d(oc, oc, kernel_size=3, stride=1, padding=1),\n", + " nn.BatchNorm2d(oc),\n", + " )\n", + " \n", + " self.relu = nn.ReLU(inplace=True)\n", + " \n", + " self.downsample = None\n", + " if stride != 1 or (ic != oc):\n", + " self.downsample = nn.Sequential(\n", + " nn.Conv2d(ic, oc, kernel_size=1, stride=stride),\n", + " nn.BatchNorm2d(oc),\n", + " )\n", + " \n", + " def forward(self, x):\n", + " residual = x\n", + " out = self.conv1(x)\n", + " out = self.conv2(out)\n", + " \n", + " if self.downsample:\n", + " residual = self.downsample(x)\n", + " \n", + " out += residual\n", + " return self.relu(out)\n", + " \n", + "class Classifier(nn.Module):\n", + " def __init__(self, block, num_layers, num_classes=11):\n", + " super().__init__()\n", + " self.preconv = nn.Sequential(\n", + " nn.Conv2d(3, 32, kernel_size=7, stride=2, padding=3, bias=False),\n", + " nn.BatchNorm2d(32),\n", + " nn.ReLU(inplace=True),\n", + " )\n", + " \n", + " self.layer0 = self.make_residual(block, 32, 64, num_layers[0], stride=2)\n", + " self.layer1 = self.make_residual(block, 64, 128, num_layers[1], stride=2)\n", + " self.layer2 = self.make_residual(block, 128, 256, num_layers[2], stride=2)\n", + " self.layer3 = self.make_residual(block, 256, 512, num_layers[3], stride=2)\n", + " \n", + " #self.avgpool = nn.AvgPool2d(2)\n", + " \n", + " self.fc = nn.Sequential( \n", + " nn.Dropout(0.4),\n", + " nn.Linear(512*4*4, 512),\n", + " nn.BatchNorm1d(512),\n", + " nn.ReLU(inplace=True),\n", + " nn.Dropout(0.2),\n", + " nn.Linear(512, 11),\n", + " )\n", + " \n", + " \n", + " def make_residual(self, block, ic, oc, num_layer, stride=1):\n", + " layers = []\n", + " layers.append(block(ic, oc, stride))\n", + " for i in range(1, num_layer):\n", + " layers.append(block(oc, oc))\n", + " return nn.Sequential(*layers)\n", + " \n", + " def forward(self, x):\n", + " # [3, 128, 128]\n", + " out = self.preconv(x) # [32, 64, 64]\n", + " out = self.layer0(out) # [64, 32, 32]\n", + " out = self.layer1(out) # [128, 16, 16]\n", + " out = self.layer2(out) # [256, 8, 8]\n", + " out = self.layer3(out) # [512, 4, 4]\n", + " #out = self.avgpool(out) # [512, 2, 2]\n", + " out = self.fc(out.view(out.size(0), -1)) \n", + " return out" + ] + }, + { + "cell_type": "code", + "execution_count": 7, + "id": "8eccf53e", + "metadata": { + "execution": { + "iopub.execute_input": "2022-10-29T05:18:31.159260Z", + "iopub.status.busy": "2022-10-29T05:18:31.158374Z", + "iopub.status.idle": "2022-10-29T05:18:31.167503Z", + "shell.execute_reply": "2022-10-29T05:18:31.167977Z", + "shell.execute_reply.started": "2022-10-28T14:40:58.154568Z" + }, + "papermill": { + "duration": 0.02495, + "end_time": "2022-10-29T05:18:31.168101", + "exception": false, + "start_time": "2022-10-29T05:18:31.143151", + "status": "completed" + }, + "tags": [] + }, + "outputs": [], + "source": [ + "import torch.nn.functional as F\n", + "from torch.autograd import Variable\n", + "\n", + "class FocalLoss(nn.Module):\n", + " def __init__(self, class_num, alpha=None, gamma=2, size_average=True):\n", + " super().__init__()\n", + " if alpha is None:\n", + " self.alpha = Variable(torch.ones(class_num, 1))\n", + " else:\n", + " if isinstance(alpha, Variable):\n", + " self.alpha = alpha\n", + " else:\n", + " self.alpha = Variable(alpha)\n", + " self.gamma = gamma\n", + " self.class_num = class_num\n", + " self.size_average = size_average\n", + " \n", + " def forward(self, inputs, targets):\n", + " N = inputs.size(0)\n", + " C = inputs.size(1)\n", + " P = F.softmax(inputs, dim=1)\n", + " \n", + " class_mask = inputs.data.new(N, C).fill_(0)\n", + " class_mask = Variable(class_mask)\n", + " ids = targets.view(-1, 1)\n", + " class_mask.scatter_(1, ids.data, 1.)\n", + " \n", + " if inputs.is_cuda and not self.alpha.is_cuda:\n", + " self.alpha = self.alpha.cuda()\n", + " alpha = self.alpha[ids.data.view(-1)]\n", + " probs = (P*class_mask).sum(1).view(-1, 1)\n", + " \n", + " log_p = probs.log()\n", + " \n", + " batch_loss = -alpha*(torch.pow((1-probs), self.gamma))*log_p\n", + " \n", + " if self.size_average:\n", + " loss = batch_loss.mean()\n", + " else:\n", + " loss = batch_loss.sum()\n", + " \n", + " return loss" + ] + }, + { + "cell_type": "code", + "execution_count": 8, + "id": "3b579aeb", + "metadata": { + "execution": { + "iopub.execute_input": "2022-10-29T05:18:31.203623Z", + "iopub.status.busy": "2022-10-29T05:18:31.202988Z", + "iopub.status.idle": "2022-10-29T05:18:31.206455Z", + "shell.execute_reply": "2022-10-29T05:18:31.206862Z", + "shell.execute_reply.started": "2022-10-28T14:40:58.168819Z" + }, + "papermill": { + "duration": 0.025693, + "end_time": "2022-10-29T05:18:31.207051", + "exception": false, + "start_time": "2022-10-29T05:18:31.181358", + "status": "completed" + }, + "tags": [] + }, + "outputs": [], + "source": [ + "# super params\n", + "n_folds = 4\n", + "batch_size = 128\n", + "alpha = torch.Tensor([1, 2.3, 0.66, 1, 1.1, 0.75, 2.3, 3.5, 1.1, 0.66, 1.4])\n", + "# The number of training epochs and patience.\n", + "n_epochs = 200\n", + "patience = 30 # If no improvement in 'patience' epochs, early stop\n", + "num_layers = [2, 4, 3, 1] # residual number layers" + ] + }, + { + "cell_type": "code", + "execution_count": 9, + "id": "955dab72", + "metadata": { + "execution": { + "iopub.execute_input": "2022-10-29T05:18:31.239127Z", + "iopub.status.busy": "2022-10-29T05:18:31.238445Z", + "iopub.status.idle": "2022-10-29T05:18:31.808380Z", + "shell.execute_reply": "2022-10-29T05:18:31.807563Z", + "shell.execute_reply.started": "2022-10-28T14:40:58.187515Z" + }, + "papermill": { + "duration": 0.587756, + "end_time": "2022-10-29T05:18:31.808517", + "exception": false, + "start_time": "2022-10-29T05:18:31.220761", + "status": "completed" + }, + "tags": [] + }, + "outputs": [], + "source": [ + "# data\n", + "_dataset_dir = \"../input/ml2022spring-hw3b/food11\"\n", + "train_data_path = os.path.join(_dataset_dir, \"training\")\n", + "valid_data_path = os.path.join(_dataset_dir, \"validation\")\n", + "\n", + "train_data_files = [os.path.join(train_data_path, x) for x in os.listdir(train_data_path) if x.endswith(\".jpg\")]\n", + "valid_data_files = [os.path.join(valid_data_path, x) for x in os.listdir(valid_data_path) if x.endswith(\".jpg\")]\n", + "\n", + "total_data_files = train_data_files + valid_data_files" + ] + }, + { + "cell_type": "code", + "execution_count": 10, + "id": "99a86273", + "metadata": { + "execution": { + "iopub.execute_input": "2022-10-29T05:18:31.839454Z", + "iopub.status.busy": "2022-10-29T05:18:31.838475Z", + "iopub.status.idle": "2022-10-29T11:44:01.482826Z", + "shell.execute_reply": "2022-10-29T11:44:01.483274Z", + "shell.execute_reply.started": "2022-10-28T14:40:59.073635Z" + }, + "papermill": { + "duration": 23129.661331, + "end_time": "2022-10-29T11:44:01.483439", + "exception": false, + "start_time": "2022-10-29T05:18:31.822108", + "status": "completed" + }, + "tags": [] + }, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "total_num: 3324\n", + "One sample ../input/ml2022spring-hw3b/food11/training/8_248.jpg\n", + "One sample ../input/ml2022spring-hw3b/food11/training/5_58.jpg\n" + ] + }, + { + "data": { + "application/vnd.jupyter.widget-view+json": { + "model_id": "b71feb3b560c4a01a4ef32ea84b1ed76", + "version_major": 2, + "version_minor": 0 + }, + "text/plain": [ + " 0%| | 0/78 [00:00 best\n", + "Best model found at epoch 0, saving model\n" + ] + }, + { + "data": { + "application/vnd.jupyter.widget-view+json": { + "model_id": "e6eaf8010c674bf780534ace32b396a4", + "version_major": 2, + "version_minor": 0 + }, + "text/plain": [ + " 0%| | 0/78 [00:00 best\n", + "Best model found at epoch 1, saving model\n" + ] + }, + { + "data": { + "application/vnd.jupyter.widget-view+json": { + "model_id": "092db35de06d48ddb8dc630a1aa2986f", + "version_major": 2, + "version_minor": 0 + }, + "text/plain": [ + " 0%| | 0/78 [00:00 best\n", + "Best model found at epoch 3, saving model\n" + ] + }, + { + "data": { + "application/vnd.jupyter.widget-view+json": { + "model_id": "ed7d6d51c8434e0f8b819498fa47b95e", + "version_major": 2, + "version_minor": 0 + }, + "text/plain": [ + " 0%| | 0/78 [00:00 best\n", + "Best model found at epoch 5, saving model\n" + ] + }, + { + "data": { + "application/vnd.jupyter.widget-view+json": { + "model_id": "e7487edf94114d80b38a7798191a48a1", + "version_major": 2, + "version_minor": 0 + }, + "text/plain": [ + " 0%| | 0/78 [00:00 best\n", + "Best model found at epoch 7, saving model\n" + ] + }, + { + "data": { + "application/vnd.jupyter.widget-view+json": { + "model_id": "5e18addd09bf4dc8a3d412065d5d6344", + "version_major": 2, + "version_minor": 0 + }, + "text/plain": [ + " 0%| | 0/78 [00:00 best\n", + "Best model found at epoch 8, saving model\n" + ] + }, + { + "data": { + "application/vnd.jupyter.widget-view+json": { + "model_id": "87ae7abf5afb43788e4efbe312e09e7b", + "version_major": 2, + "version_minor": 0 + }, + "text/plain": [ + " 0%| | 0/78 [00:00 best\n", + "Best model found at epoch 10, saving model\n" + ] + }, + { + "data": { + "application/vnd.jupyter.widget-view+json": { + "model_id": "09bc4ea4acdf4ccc86167ba52b7f8cb1", + "version_major": 2, + "version_minor": 0 + }, + "text/plain": [ + " 0%| | 0/78 [00:00 best\n", + "Best model found at epoch 11, saving model\n" + ] + }, + { + "data": { + "application/vnd.jupyter.widget-view+json": { + "model_id": "cd278c7dd4bc466f9920a36c0cefbe3a", + "version_major": 2, + "version_minor": 0 + }, + "text/plain": [ + " 0%| | 0/78 [00:00 best\n", + "Best model found at epoch 12, saving model\n" + ] + }, + { + "data": { + "application/vnd.jupyter.widget-view+json": { + "model_id": "6421e4d6a57841288ce52a62655edc64", + "version_major": 2, + "version_minor": 0 + }, + "text/plain": [ + " 0%| | 0/78 [00:00 best\n", + "Best model found at epoch 13, saving model\n" + ] + }, + { + "data": { + "application/vnd.jupyter.widget-view+json": { + "model_id": "1263926a1bc645e8a8e7347a2cf112dc", + "version_major": 2, + "version_minor": 0 + }, + "text/plain": [ + " 0%| | 0/78 [00:00 best\n", + "Best model found at epoch 14, saving model\n" + ] + }, + { + "data": { + "application/vnd.jupyter.widget-view+json": { + "model_id": "fc72f8daaea24f1d869f3fa19fc93766", + "version_major": 2, + "version_minor": 0 + }, + "text/plain": [ + " 0%| | 0/78 [00:00 best\n", + "Best model found at epoch 15, saving model\n" + ] + }, + { + "data": { + "application/vnd.jupyter.widget-view+json": { + "model_id": "dadb5b9c39624cc69c8a513b5c048b95", + "version_major": 2, + "version_minor": 0 + }, + "text/plain": [ + " 0%| | 0/78 [00:00 best\n", + "Best model found at epoch 24, saving model\n" + ] + }, + { + "data": { + "application/vnd.jupyter.widget-view+json": { + "model_id": "6547c91e48e141d191b12023fee3eb3b", + "version_major": 2, + "version_minor": 0 + }, + "text/plain": [ + " 0%| | 0/78 [00:00 best\n", + "Best model found at epoch 26, saving model\n" + ] + }, + { + "data": { + "application/vnd.jupyter.widget-view+json": { + "model_id": "d6b0f5619e1140698fded7b2ef5b6d56", + "version_major": 2, + "version_minor": 0 + }, + "text/plain": [ + " 0%| | 0/78 [00:00 best\n", + "Best model found at epoch 27, saving model\n" + ] + }, + { + "data": { + "application/vnd.jupyter.widget-view+json": { + "model_id": "c0d988d82513416281bedf84a58d8ad2", + "version_major": 2, + "version_minor": 0 + }, + "text/plain": [ + " 0%| | 0/78 [00:00 best\n", + "Best model found at epoch 30, saving model\n" + ] + }, + { + "data": { + "application/vnd.jupyter.widget-view+json": { + "model_id": "8b25e401bce843f2a509e689442d293a", + "version_major": 2, + "version_minor": 0 + }, + "text/plain": [ + " 0%| | 0/78 [00:00 best\n", + "Best model found at epoch 31, saving model\n" + ] + }, + { + "data": { + "application/vnd.jupyter.widget-view+json": { + "model_id": "bd7257d0db3f4b41b841a24de0be9d24", + "version_major": 2, + "version_minor": 0 + }, + "text/plain": [ + " 0%| | 0/78 [00:00 best\n", + "Best model found at epoch 44, saving model\n" + ] + }, + { + "data": { + "application/vnd.jupyter.widget-view+json": { + "model_id": "e1b043157fd9485fa540320e13fdeeaf", + "version_major": 2, + "version_minor": 0 + }, + "text/plain": [ + " 0%| | 0/78 [00:00 best\n", + "Best model found at epoch 45, saving model\n" + ] + }, + { + "data": { + "application/vnd.jupyter.widget-view+json": { + "model_id": "e2977067cfbc4e2492b2a22e71ca6184", + "version_major": 2, + "version_minor": 0 + }, + "text/plain": [ + " 0%| | 0/78 [00:00 best\n", + "Best model found at epoch 46, saving model\n" + ] + }, + { + "data": { + "application/vnd.jupyter.widget-view+json": { + "model_id": "41c4d2bf51fa4db3bf5c74f32bda1505", + "version_major": 2, + "version_minor": 0 + }, + "text/plain": [ + " 0%| | 0/78 [00:00 best\n", + "Best model found at epoch 47, saving model\n" + ] + }, + { + "data": { + "application/vnd.jupyter.widget-view+json": { + "model_id": "e99bb61f449940859af1abd117838cd8", + "version_major": 2, + "version_minor": 0 + }, + "text/plain": [ + " 0%| | 0/78 [00:00 best\n", + "Best model found at epoch 60, saving model\n" + ] + }, + { + "data": { + "application/vnd.jupyter.widget-view+json": { + "model_id": "059be301382d43df94162018062a5e80", + "version_major": 2, + "version_minor": 0 + }, + "text/plain": [ + " 0%| | 0/78 [00:00 best\n", + "Best model found at epoch 61, saving model\n" + ] + }, + { + "data": { + "application/vnd.jupyter.widget-view+json": { + "model_id": "a665df7323784664aac38e292f33fac0", + "version_major": 2, + "version_minor": 0 + }, + "text/plain": [ + " 0%| | 0/78 [00:00 best\n", + "Best model found at epoch 62, saving model\n" + ] + }, + { + "data": { + "application/vnd.jupyter.widget-view+json": { + "model_id": "97239665a6604f6885f38272e3a2bc74", + "version_major": 2, + "version_minor": 0 + }, + "text/plain": [ + " 0%| | 0/78 [00:00 best\n", + "Best model found at epoch 63, saving model\n" + ] + }, + { + "data": { + "application/vnd.jupyter.widget-view+json": { + "model_id": "c89d7001256b49438904287d36d66200", + "version_major": 2, + "version_minor": 0 + }, + "text/plain": [ + " 0%| | 0/78 [00:00 best\n", + "Best model found at epoch 76, saving model\n" + ] + }, + { + "data": { + "application/vnd.jupyter.widget-view+json": { + "model_id": "cd8f3d9f76b1444d8be0bc012c8cbb62", + "version_major": 2, + "version_minor": 0 + }, + "text/plain": [ + " 0%| | 0/78 [00:00 best\n", + "Best model found at epoch 77, saving model\n" + ] + }, + { + "data": { + "application/vnd.jupyter.widget-view+json": { + "model_id": "3f390a635bdf4b8d8d4a05e0975da28c", + "version_major": 2, + "version_minor": 0 + }, + "text/plain": [ + " 0%| | 0/78 [00:00 best\n", + "Best model found at epoch 93, saving model\n" + ] + }, + { + "data": { + "application/vnd.jupyter.widget-view+json": { + "model_id": "22d80b65fa0546248dc9df5bba097c0c", + "version_major": 2, + "version_minor": 0 + }, + "text/plain": [ + " 0%| | 0/78 [00:00 best\n", + "Best model found at epoch 94, saving model\n" + ] + }, + { + "data": { + "application/vnd.jupyter.widget-view+json": { + "model_id": "719193e43cd649c1b180b8e8a083fb82", + "version_major": 2, + "version_minor": 0 + }, + "text/plain": [ + " 0%| | 0/78 [00:00 best\n", + "Best model found at epoch 108, saving model\n" + ] + }, + { + "data": { + "application/vnd.jupyter.widget-view+json": { + "model_id": "5ccc563a01da4b8e9ba30cab05870360", + "version_major": 2, + "version_minor": 0 + }, + "text/plain": [ + " 0%| | 0/78 [00:00 best\n", + "Best model found at epoch 125, saving model\n" + ] + }, + { + "data": { + "application/vnd.jupyter.widget-view+json": { + "model_id": "cc5fa8f0a22b4c06a798975cd7f20a1e", + "version_major": 2, + "version_minor": 0 + }, + "text/plain": [ + " 0%| | 0/78 [00:00 best\n", + "Best model found at epoch 126, saving model\n" + ] + }, + { + "data": { + "application/vnd.jupyter.widget-view+json": { + "model_id": "ad7adafa33304c7f8f50fb6b86ae9b62", + "version_major": 2, + "version_minor": 0 + }, + "text/plain": [ + " 0%| | 0/78 [00:00 best\n", + "Best model found at epoch 127, saving model\n" + ] + }, + { + "data": { + "application/vnd.jupyter.widget-view+json": { + "model_id": "9d05faf096ab4f44a0742bb34b344d73", + "version_major": 2, + "version_minor": 0 + }, + "text/plain": [ + " 0%| | 0/78 [00:00 best\n", + "Best model found at epoch 139, saving model\n" + ] + }, + { + "data": { + "application/vnd.jupyter.widget-view+json": { + "model_id": "ca3a61b1c5934328aae6e7f57f156e5b", + "version_major": 2, + "version_minor": 0 + }, + "text/plain": [ + " 0%| | 0/78 [00:00 best\n", + "Best model found at epoch 140, saving model\n" + ] + }, + { + "data": { + "application/vnd.jupyter.widget-view+json": { + "model_id": "32a16fdd283944b0947268b88ce7ff0b", + "version_major": 2, + "version_minor": 0 + }, + "text/plain": [ + " 0%| | 0/78 [00:00 best\n", + "Best model found at epoch 154, saving model\n" + ] + }, + { + "data": { + "application/vnd.jupyter.widget-view+json": { + "model_id": "c77de3252e4f460a9048e2495131fe2c", + "version_major": 2, + "version_minor": 0 + }, + "text/plain": [ + " 0%| | 0/78 [00:00 best\n", + "Best model found at epoch 156, saving model\n" + ] + }, + { + "data": { + "application/vnd.jupyter.widget-view+json": { + "model_id": "733fe0ebccff48579c578371920203b6", + "version_major": 2, + "version_minor": 0 + }, + "text/plain": [ + " 0%| | 0/78 [00:00 best\n", + "Best model found at epoch 157, saving model\n" + ] + }, + { + "data": { + "application/vnd.jupyter.widget-view+json": { + "model_id": "cfb24cf4c43d4f83bd88875ba6a3ad10", + "version_major": 2, + "version_minor": 0 + }, + "text/plain": [ + " 0%| | 0/78 [00:00 best\n", + "Best model found at epoch 158, saving model\n" + ] + }, + { + "data": { + "application/vnd.jupyter.widget-view+json": { + "model_id": "f0962dd263064b0b9885323992613e9a", + "version_major": 2, + "version_minor": 0 + }, + "text/plain": [ + " 0%| | 0/78 [00:00 best\n", + "Best model found at epoch 159, saving model\n" + ] + }, + { + "data": { + "application/vnd.jupyter.widget-view+json": { + "model_id": "40c2280ddd2a405a9fcec8ce06197df5", + "version_major": 2, + "version_minor": 0 + }, + "text/plain": [ + " 0%| | 0/78 [00:00 best\n", + "Best model found at epoch 189, saving model\n" + ] + }, + { + "data": { + "application/vnd.jupyter.widget-view+json": { + "model_id": "fa5e5c4d3b9f4e75900870a803f666cc", + "version_major": 2, + "version_minor": 0 + }, + "text/plain": [ + " 0%| | 0/78 [00:00 best\n", + "Best model found at epoch 190, saving model\n" + ] + }, + { + "data": { + "application/vnd.jupyter.widget-view+json": { + "model_id": "2644578b69884347ada981e67009579a", + "version_major": 2, + "version_minor": 0 + }, + "text/plain": [ + " 0%| | 0/78 [00:00 best_acc:\n", + " with open(f\"./{_exp_name}_log.txt\", \"a\"):\n", + " print(\n", + " f\"[ Valid | {epoch + 1:03d}/{n_epochs:03d} ] loss = {valid_loss:.5f}, acc = {valid_acc:.5f} -> best\")\n", + " else:\n", + " with open(f\"./{_exp_name}_log.txt\", \"a\"):\n", + " print(f\"[ Valid | {epoch + 1:03d}/{n_epochs:03d} ] loss = {valid_loss:.5f}, acc = {valid_acc:.5f}\")\n", + "\n", + " # save models\n", + " if valid_acc > best_acc:\n", + " print(f\"Best model found at epoch {epoch}, saving model\")\n", + " torch.save(model.state_dict(),\n", + " f\"{_exp_name}_{i_fold}_best.ckpt\") # only save best to prevent output memory exceed error\n", + " best_acc = valid_acc\n", + " stale = 0\n", + " else:\n", + " stale += 1\n", + " if stale > patience:\n", + " print(f\"No improvment {patience} consecutive epochs, early stopping\")\n", + " break" + ] + }, + { + "cell_type": "code", + "execution_count": 11, + "id": "1d7f3678", + "metadata": { + "execution": { + "iopub.execute_input": "2022-10-29T11:44:01.993039Z", + "iopub.status.busy": "2022-10-29T11:44:01.992200Z", + "iopub.status.idle": "2022-10-29T11:44:01.994480Z", + "shell.execute_reply": "2022-10-29T11:44:01.994950Z", + "shell.execute_reply.started": "2022-10-28T14:41:15.611568Z" + }, + "papermill": { + "duration": 0.259776, + "end_time": "2022-10-29T11:44:01.995115", + "exception": false, + "start_time": "2022-10-29T11:44:01.735339", + "status": "completed" + }, + "tags": [] + }, + "outputs": [], + "source": [ + "# test_set = FoodDataset(os.path.join(_dataset_dir,\"test\"), tfm=test_tfm)\n", + "# test_loader = DataLoader(test_set, batch_size=batch_size, shuffle=False, num_workers=0, pin_memory=True)" + ] + }, + { + "cell_type": "markdown", + "id": "2c42b8bb", + "metadata": { + "papermill": { + "duration": 0.380887, + "end_time": "2022-10-29T11:44:02.741483", + "exception": false, + "start_time": "2022-10-29T11:44:02.360596", + "status": "completed" + }, + "tags": [] + }, + "source": [ + "## Testing and generate prediction CSV" + ] + }, + { + "cell_type": "code", + "execution_count": 12, + "id": "a2364827", + "metadata": { + "execution": { + "iopub.execute_input": "2022-10-29T11:44:03.271284Z", + "iopub.status.busy": "2022-10-29T11:44:03.269479Z", + "iopub.status.idle": "2022-10-29T11:44:03.271870Z", + "shell.execute_reply": "2022-10-29T11:44:03.272320Z", + "shell.execute_reply.started": "2022-10-28T14:41:16.327382Z" + }, + "papermill": { + "duration": 0.268864, + "end_time": "2022-10-29T11:44:03.272465", + "exception": false, + "start_time": "2022-10-29T11:44:03.003601", + "status": "completed" + }, + "tags": [] + }, + "outputs": [], + "source": [ + "# models = []\n", + "# for i_fold in range(n_folds):\n", + "# model_best = Classifier(Residual_Block, num_layers).to(device)\n", + "# model_best.load_state_dict(torch.load(f\"{_exp_name}_{i_fold}_best.ckpt\"))\n", + "# model_best.eval()\n", + "# models.append(model_best)\n", + "\n", + "# prediction = []\n", + "# with torch.no_grad():\n", + "# for data, _ in test_loader:\n", + "# test_preds = []\n", + "# for model_best in models:\n", + "# test_pred = model_best(data.to(device))\n", + "# test_preds.append(test_pred.cpu().data.numpy())\n", + "# test_preds = sum(test_preds)\n", + "# test_label = np.argmax(test_preds, axis=1)\n", + "# prediction += test_label.squeeze().tolist()\n" + ] + }, + { + "cell_type": "code", + "execution_count": 13, + "id": "e742c77b", + "metadata": { + "execution": { + "iopub.execute_input": "2022-10-29T11:44:03.779017Z", + "iopub.status.busy": "2022-10-29T11:44:03.777396Z", + "iopub.status.idle": "2022-10-29T11:44:03.779605Z", + "shell.execute_reply": "2022-10-29T11:44:03.780038Z", + "shell.execute_reply.started": "2022-10-28T14:41:16.335770Z" + }, + "papermill": { + "duration": 0.256928, + "end_time": "2022-10-29T11:44:03.780186", + "exception": false, + "start_time": "2022-10-29T11:44:03.523258", + "status": "completed" + }, + "tags": [] + }, + "outputs": [], + "source": [ + "#create test csv\n", + "# def pad4(i):\n", + "# return \"0\"*(4-len(str(i)))+str(i)\n", + "# df = pd.DataFrame()\n", + "# df[\"Id\"] = [pad4(i) for i in range(1,len(test_set)+1)]\n", + "# df[\"Category\"] = prediction\n", + "# df.to_csv(\"submission.csv\",index = False)" + ] + } + ], + "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.7.12" + }, + "papermill": { + "default_parameters": {}, + "duration": 23146.652978, + "end_time": "2022-10-29T11:44:07.057374", + "environment_variables": {}, + "exception": null, + "input_path": "__notebook__.ipynb", + "output_path": "__notebook__.ipynb", + "parameters": {}, + "start_time": "2022-10-29T05:18:20.404396", + "version": "2.3.3" + }, + "widgets": { + "application/vnd.jupyter.widget-state+json": { + "state": { + "0008830bf01e4653b45207e5913b244a": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_495765ce0b144a319bfc766033ccfb4e", + "placeholder": "​", + "style": "IPY_MODEL_47b1db9749684f62935086af6dc24665", + "value": "100%" + } + }, + "000ca704209346ae8bb61d12fcbb2377": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_916f30d8c10445eaa8f2477d81363c75", + "placeholder": "​", + "style": "IPY_MODEL_97b4e2b0204c43a7a94da42de2b14a72", + "value": "T: 195/200: 100%" + } + }, + "00264b014326444fa1ce39e352aded02": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "FloatProgressModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_9bb3b15401be40639048a80a599d25d5", + "max": 26.0, + "min": 0.0, + "orientation": "horizontal", + "style": "IPY_MODEL_ae027134baff48c4b6f483430c382ca6", + "value": 26.0 + } + }, + "00292741baa046e38bf70ed5488133b2": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "FloatProgressModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_08fd77829c7b46e8a2cb0d094703a75a", + "max": 78.0, + "min": 0.0, + "orientation": "horizontal", + "style": "IPY_MODEL_1bd7bee532eb42ed892b057c693b7caa", + "value": 78.0 + } + }, + "003d9a6064da43398616cb8e08cf8aea": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "004bf5ea84174bdcb30b5c8a5c918a02": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "004e5dce499740e68c54aba1570fac66": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "006e43a1dfa04c54bb715355a85b63fe": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HBoxModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_b4ba4265473c4a50bb11cce7530adc42", + "IPY_MODEL_089e98f357a14fbf94964eca56031753", + "IPY_MODEL_150b1b10b77c44e0a7a97a52b3da8df3" + ], + "layout": "IPY_MODEL_1f079a03b93b466e94e7366361343cbc" + } + }, + "006fc4cbcbc143409f39673c86b2a080": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "0072adbf22b64fd9afcb91e800df8106": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "0092b8e4389d4ef689e5445b1645c5ea": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "00a6650b379d455985980a84842dfaf8": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_143e372281634ebd85ac51aa1755ff94", + "placeholder": "​", + "style": "IPY_MODEL_a4c170c37c07496c952a35d3aaa5374e", + "value": " 26/26 [00:23<00:00, 1.04it/s]" + } + }, + "00a9716c41c14354a4d6269e1c3db946": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "00cee6837af044ab8bab3734b6a23381": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HBoxModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_9fa97ad1e4f1456aba09392fb3b80346", + "IPY_MODEL_d277c7c326ab4cf186f375ac4d2f9d44", + "IPY_MODEL_0c574c8df5c046a98ea3c03f8aab75e3" + ], + "layout": "IPY_MODEL_24eb2ac0c1f543a7a1d2643fe07e7acc" + } + }, + "00dcefdc5ab2439b8171f9ecfc6136ef": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_f2218c999bc84fcbb4a033cf84bc30c0", + "placeholder": "​", + "style": "IPY_MODEL_65d26a6c209b41bab204a5257a2a3c23", + "value": " 78/78 [01:31<00:00, 1.05s/it, fold=2, lr=0.000233, b_loss=0.371, b_acc=0.784, loss=0.439, acc=0.751]" + } + }, + "011676e789804b30b809fb09731c1d0f": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_041339cdaa3a44ac943a74c5a3d6c3e1", + "placeholder": "​", + "style": "IPY_MODEL_82fa37a60bdb48078f4db99b503b1dc5", + "value": "100%" + } + }, + "012208d81cda4f519ded94d5224d9aef": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "0122655e160743a7b64d35e6519c84c1": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "012c343ea9a14130a9b882bb97f03b5c": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "012e707da2644537b7512002e3cc0a02": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_c972f27db2eb4723a3f09724cebb30d5", + "placeholder": "​", + "style": "IPY_MODEL_433a451bc3e2428cb8d1d0bad3f88ca7", + "value": " 78/78 [01:31<00:00, 1.10s/it, fold=2, lr=0.000233, b_loss=0.814, b_acc=0.586, loss=0.939, acc=0.543]" + } + }, + "014b9a1ce9bf4bfb86d5c0a1e7ff84a3": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_92ba96772e464dea987bbd58583f5f5d", + "placeholder": "​", + "style": "IPY_MODEL_775c1edb6c784760995b4e4d713969c8", + "value": " 78/78 [01:32<00:00, 1.06s/it, fold=2, lr=0.00015, b_loss=0.355, b_acc=0.776, loss=0.253, acc=0.836]" + } + }, + "014c6466a92a4a30857ec33e0f952f53": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "016cdc9f72c14fed9cbec004dd9fd2e2": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "017f258b48ba40f782921b1632a797ae": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "0183a201d0224f129d0b0527f779da6f": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_d1d47aaedafa4e2a849a6f977fa9f0a4", + "placeholder": "​", + "style": "IPY_MODEL_71d22c5a330a45fc8354817066f91c6b", + "value": "T: 056/200: 100%" + } + }, + "019b09df46df4954ba1a493923bb5d04": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "01c3355c7d284e17a7fa5d4fd8311cf0": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "01db7411d68c4b73a163279ac7d3546b": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "01dc2e010b754bcb8c8cd0db0721bd2e": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "ProgressStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "01dda94a63744a32909522be4f05e4a1": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_a55102bf99274a26a0b4f002cefd671a", + "placeholder": "​", + "style": "IPY_MODEL_e8f68dddc85a4b45a11c2f2b88cb5ec1", + "value": "T: 020/200: 100%" + } + }, + "01f1166d2a20432c8a1ca9f430204792": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_a6922c82f52e45559d013bb11704b058", + "placeholder": "​", + "style": "IPY_MODEL_0bf911993e804a01a453afcfc3681c3e", + "value": "100%" + } + }, + "020cc91250674aad8d5f29072a28014b": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_b59944398eb14f7d9485d54ea3ce1b55", + "placeholder": "​", + "style": "IPY_MODEL_4d96efea50104ce991312dffa8b4a453", + "value": "100%" + } + }, + "020d7636c0d448c69dad3af0773876c3": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "0212877b7ede4be4b21fd99f36e145bf": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "022a1e93a8964fc8907cd209eb9bc851": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "023638d3a58645c68f208a56b091b238": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "ProgressStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "023e13ab448f43d69bd977730fadd660": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "FloatProgressModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_aa8c9468e65e447cafbd63551a6fc7b9", + "max": 78.0, + "min": 0.0, + "orientation": "horizontal", + "style": "IPY_MODEL_0f56fa893a7e46bba85e643941337a23", + "value": 78.0 + } + }, + "023e94e50f3c4d3ba3a000f23db5d757": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "FloatProgressModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_c31396a5bdf34c90a3adba235568eb4d", + "max": 78.0, + "min": 0.0, + "orientation": "horizontal", + "style": "IPY_MODEL_a5a3cc0b589049c0b637a3ad4777c2ce", + "value": 78.0 + } + }, + "025a73c117754e7e8d7d7fbcc062cc21": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "ProgressStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "025d66cce4fa40b28bb2497f6864926d": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "FloatProgressModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_60484486d16e44d597088ee0dc061a3f", + "max": 78.0, + "min": 0.0, + "orientation": "horizontal", + "style": "IPY_MODEL_7bc9e674004a44f68f29288aaa27f9d2", + "value": 78.0 + } + }, + "02608a7d5a3a40d8a0b2d84f5ca81789": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "026b59b9a1174f3a963cea4fb6a36df6": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "02745e0d0764473185564d21b444e6ea": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "0277e8eb045c45b88e45c172fd1a30a5": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "028e71e8ea1a4b029e69af520535dbe9": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HBoxModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_820992b2aeef403fad822fbbf139452d", + "IPY_MODEL_4a919b2612c4450fb78f8b83aea5c548", + "IPY_MODEL_7ee0845d833342c9a106c2d2a924c7bc" + ], + "layout": "IPY_MODEL_07a4e4c1104a4f3faf53ce639fa569c9" + } + }, + "029b6d5f6bf44036ace7b6c0d086f4df": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "FloatProgressModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_8ce2a8c8a4cf444993ed896d233f3a85", + "max": 78.0, + "min": 0.0, + "orientation": "horizontal", + "style": "IPY_MODEL_4cc76d4418434c4b8eb085703c466eec", + "value": 78.0 + } + }, + "02aebcb7ed0144eeb13a9dbb261ff664": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HBoxModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_f923c3a1b26142ab92df8eeda8e413a5", + "IPY_MODEL_fbc386edb3b14dd8b0e92bfe36be40ee", + "IPY_MODEL_7e2f1f7e7d9043c8bef2f8fa2a6bf651" + ], + "layout": "IPY_MODEL_0a6e63c1a52644dbb9abeb00794b5c37" + } + }, + "02b4a66c23b647889dd2594c1f1d7ff0": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_ed8516e97e25401499459fc4a1bec52b", + "placeholder": "​", + "style": "IPY_MODEL_30248033e6664bc3b46172b68ca387fc", + "value": " 78/78 [01:31<00:00, 1.11s/it, fold=2, lr=4.39e-5, b_loss=0.31, b_acc=0.75, loss=0.349, acc=0.789]" + } + }, + "02c557b621a44a3ebb07596fb531d6cd": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_42ab5d7e60b643aa85620d4c32930110", + "placeholder": "​", + "style": "IPY_MODEL_43c832b119c743f3b11a7c99e84cc594", + "value": " 26/26 [00:24<00:00, 1.03it/s]" + } + }, + "03218ece12f74317a71383f75369f78f": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "FloatProgressModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_654a783f24bf4e1ea06a9d220ddbce2f", + "max": 26.0, + "min": 0.0, + "orientation": "horizontal", + "style": "IPY_MODEL_f56d710b87294f91bd0550da80c707c1", + "value": 26.0 + } + }, + "0337a7f6a662460796081d51a40ed0ac": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "035299b7a59c47bfa2606c7cee60292b": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HBoxModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_a3410b0238a94f409ca139f2751feea1", + "IPY_MODEL_9a9c9e944e984fa4bf8c357863e7c8f8", + "IPY_MODEL_69713e0760d2464590201c8acbd77f8c" + ], + "layout": "IPY_MODEL_b5f2368519ba4897a41161ffb28b7a1f" + } + }, + "035f2ac2f5f147d48c965b95d3eb2a7d": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "035fbabc727c494d85d4d2d361514b4d": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "ProgressStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "0362a72b6b444c9aabe954685cc55006": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_d45d0921026d4892a076fb7b5315503d", + "placeholder": "​", + "style": "IPY_MODEL_0844218347bf4f0ea91e9f1588ad8191", + "value": "100%" + } + }, + "0377dcfcda59484192ac79b5a8084b2d": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HBoxModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_42d9dc76245b42399e37f88ec08bc4aa", + "IPY_MODEL_27de56d0792f44fdb2bead93c02fc869", + "IPY_MODEL_94138e0f3da245ed8f56a53ea760c259" + ], + "layout": "IPY_MODEL_dedf2b31394944709045f5d510edc7ba" + } + }, + "038156004d564e8399874154d8cd741d": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_3c04a73fea1447dfbaa8e6fb4b94cde3", + "placeholder": "​", + "style": "IPY_MODEL_20a528ab08094640a0db78532d32cdb5", + "value": "T: 174/200: 100%" + } + }, + "038a1bfbaa54433daa2d6b45df32bab8": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "FloatProgressModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_3f2ab838727b421d8199ceb77ded2b51", + "max": 26.0, + "min": 0.0, + "orientation": "horizontal", + "style": "IPY_MODEL_45380a4fc32346889cbd48c885827bed", + "value": 26.0 + } + }, + "038c564a6b70438b81e9f31745785a0e": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_a32413a732d24e80b6ef1b142bfe2db2", + "placeholder": "​", + "style": "IPY_MODEL_3bb11db27c3945d1bc6fd6d5e5811f8d", + "value": " 26/26 [00:23<00:00, 1.01it/s]" + } + }, + "0394113046424dffb90bcea61ff7cadd": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "ProgressStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "03b8345c36764ca081467203a5234aa7": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "ProgressStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "03bd48c9d1524619b7f712523d428d80": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "03d126a3b4c444d8882509035fd680f3": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "03e0f4ab27944f7681d105695d8b0aa7": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "03e40c7ee691463098cd86fc8301a8ab": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "03e438233bca4ea4b2ee12d447d7729a": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "03e5c910d4ef42db8467b9b540427e46": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "0400119b33ca489bb1b6e547e64a12a4": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "FloatProgressModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_2ca7a3ef50ff4883bed954f22972bcc8", + "max": 78.0, + "min": 0.0, + "orientation": "horizontal", + "style": "IPY_MODEL_186b06009e9d46eb845bde63b648366d", + "value": 78.0 + } + }, + "0411edfa7ddc4a2999e5744bfc10318e": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "041339cdaa3a44ac943a74c5a3d6c3e1": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "0417660593a34218bbb8ece042a0aeb7": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "0444e5795dda4d75bb5eef06474ad9e4": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "FloatProgressModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_7218b40885264cb3b7994f783267c6aa", + "max": 26.0, + "min": 0.0, + "orientation": "horizontal", + "style": "IPY_MODEL_45df7756816b40b8a9fedea9ba104dd5", + "value": 26.0 + } + }, + "044c5f51235a415ea44b95e927df094a": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "0455f3c941104520be5d4655e9d0eea4": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "04565e7fbeb84398811ade4fd1f0d130": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HBoxModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_b8aed2bb73014a9b9c5385cb3aa555fc", + "IPY_MODEL_d25ea3a36f2a40758ba8ee32bf7169a8", + "IPY_MODEL_bd262da6bec34d659e889139fb20bcb5" + ], + "layout": "IPY_MODEL_8222409a3ace46c7bfc7c5760c25344e" + } + }, + "04804116847c4601a68a404cb4c62eac": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_a29680b0264d480a8a7a2dabf9c69810", + "placeholder": "​", + "style": "IPY_MODEL_878a93da3a9540c88ea97524a6e2191e", + "value": " 78/78 [01:30<00:00, 1.02s/it, fold=2, lr=0.00015, b_loss=0.183, b_acc=0.897, loss=0.198, acc=0.864]" + } + }, + "0488e4712b524a09a4ea87f606833ac2": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "04971adff21e456986a9aef15eebeac1": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_b98d2d2af0df4dda86104c40ee44a77d", + "placeholder": "​", + "style": "IPY_MODEL_4d5b713c400a4facabfcc8e412c5bef9", + "value": "100%" + } + }, + "04972041656549129010e786cf312acf": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_ead408e435c44d56aa982b7461f35373", + "placeholder": "​", + "style": "IPY_MODEL_c9e0a24d3ab7431ebd7d087bb6fcff46", + "value": "100%" + } + }, + "049d5b1dbb4742f4a3073166a6967a2e": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_88c6599dad954108926c6f6af4e5cd11", + "placeholder": "​", + "style": "IPY_MODEL_8432a80801684aa789f60e20793fba6a", + "value": " 26/26 [00:23<00:00, 1.03it/s]" + } + }, + "049fb5b1521d4919962d7d43575038da": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "04a9550704e84a9c8306aa6d810848d6": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "04ac0cde2c1b4994ae380c446d673031": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "04ae881bcc674243bb468368cf568415": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "FloatProgressModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_4b198c5d8d264f08850f1f0d356eb7fe", + "max": 78.0, + "min": 0.0, + "orientation": "horizontal", + "style": "IPY_MODEL_f87dd51548cc4165a938c988aca7bf68", + "value": 78.0 + } + }, + "04bdf20577e2483fb862692fffeac4bb": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "04cf1f0a7d894e18992c7dcafd9b0403": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "04d0c6fe744b41f793db690168fcbe1e": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "ProgressStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "04d79daee82747e5b0efcc08113c28c1": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "04e8aed344184b949514edcb1ed46b5b": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HBoxModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_fecc79789e8c4cd39158cdde8682d3d3", + "IPY_MODEL_a19bb85f72a44a08b8cf90a38185fb30", + "IPY_MODEL_f82bc544db4841349cef65c83cdb4210" + ], + "layout": "IPY_MODEL_a41861834e2c4858878d3f5306eda25e" + } + }, + "04f74ae6f1d6480ca68ca6e8f68e5fb5": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "04fa723e51214491a0c45ad8b1a57437": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "04fcca4800d44520bd27d1c15c7fb438": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "05014b6cf6fc47ddbae1b07bf6857ee0": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HBoxModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_2a07e903e6db4904a63e0c6426902cd3", + "IPY_MODEL_1d46f39e0f614fb3ba14b4099a400714", + "IPY_MODEL_6360bd9b59bc439a84969030b452a967" + ], + "layout": "IPY_MODEL_319f4aaec78d4461a352848827bf2d5c" + } + }, + "05084f88dc2e4559bff4c896a6a316a5": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "05159f1dcc8e4d1db0d286b218813944": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "052866d5016c4b9397d2cba7f0ddb774": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "052f0eaf94bf448b8fbefa02c98f1c85": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "FloatProgressModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_d1d6ff0243d041838fc79bc7613202e9", + "max": 26.0, + "min": 0.0, + "orientation": "horizontal", + "style": "IPY_MODEL_450dc7203c304c58a558b76240491e3e", + "value": 26.0 + } + }, + "053b1130e3c645cdb74d7a8fe51b1458": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "055022cbd9b94aee80685123e301d6a9": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "0556ab0f6d2b4fda883afc575c7f5feb": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HBoxModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_3f61dab516294cab9274c9c87c2ea1d7", + "IPY_MODEL_b42963a18f1a481c979664531bdb3709", + "IPY_MODEL_0a3f249ff928441fad13220206cabe5d" + ], + "layout": "IPY_MODEL_3c68bc37b58440a280b20e65349d8cf2" + } + }, + "055a26e5084041209e6662a9fa740d1a": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "0568bc887697425bb2aa8b0b2098a91f": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "05918f1934b342fea615ebe77a0a0041": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "059be301382d43df94162018062a5e80": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HBoxModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_dbaaa79c47ce4f0a9ca12f0c0fcd76db", + "IPY_MODEL_5bb165dc012842e097ff8c63e11f79ac", + "IPY_MODEL_5d2fa5aab560406a972888daf9032d20" + ], + "layout": "IPY_MODEL_a772c1e7bcd04883bd8d3933a93df437" + } + }, + "05c219db847a445f97485c74a4846435": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "05d1b0a50d1c444abadd806a3d94e7ec": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "05dd7a56487142608c63d8b3974af6a5": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_6eee7080215d407682f96c27706f0639", + "placeholder": "​", + "style": "IPY_MODEL_b82b9784888948cf9edb86fce22b2942", + "value": " 78/78 [01:33<00:00, 1.11s/it, fold=2, lr=1.14e-5, b_loss=0.167, b_acc=0.897, loss=0.182, acc=0.879]" + } + }, + "05e0ff15bceb41f2bc8779e3a1e466a1": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "05edfd5e5339411481da6841e5555872": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "05ff1be419e6489b9c101693010a0cd8": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "0623f4c88fbc48d79e03acd4a3767224": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "062ca7425a0d46c6bba12cf3e7743a68": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "063820cff1b54025b98fb625bee4971b": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "063e06b2dcf94df6930285534fc29afa": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "06493d4261e2416f9b485bf3d597e1ab": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "0650b1ca2415428bb56a78b2e2aa6671": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "06781566f8934cecbedd684cf1fca614": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_b93ddd754f8b44d1b0c0a607e96e907a", + "placeholder": "​", + "style": "IPY_MODEL_f9c18f8ee07842609076b3afd9fcd69e", + "value": "T: 091/200: 100%" + } + }, + "06806330aab64dc4ba51866ed93ae6c4": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "068fac7c08214322be478260d43823b8": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "0693407f7d7d4391853af867611df5d5": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "ProgressStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "06ae6c2b93d84672a83e42a9f03989c7": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "ProgressStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "06c9c7614b134e1f80b6e5d3a1b47ff4": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "06da5b941fe24e05a7d1b6cb2d58ed9e": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_2f71429c038f4a2698a6fffdf6914d5c", + "placeholder": "​", + "style": "IPY_MODEL_798abfd2e2584815bfb1a3ae1dc7e6e3", + "value": "T: 129/200: 100%" + } + }, + "06dcbedb5bdf42f989cb9e02c90731f0": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "FloatProgressModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_82701ce0c80a4d4cb14a1f20e554757f", + "max": 26.0, + "min": 0.0, + "orientation": "horizontal", + "style": "IPY_MODEL_ed05be19a5cf434abd3e8d0de92c84fb", + "value": 26.0 + } + }, + "06e2c05322bd4c98ba8dcf3e3a2ac632": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "06e8a07110264731a4fd84f1dbdc92b9": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "06e8a63027d941e1a9dc95d43fca79b3": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "FloatProgressModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_a4e3023fa94d4327a331e24293bed844", + "max": 78.0, + "min": 0.0, + "orientation": "horizontal", + "style": "IPY_MODEL_3aa60947e6fe49e2baffd91b7ce6fa97", + "value": 78.0 + } + }, + "07190bc7de8a4f35b60f787105768c9e": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "0734d77fd7f54f669cfbf5cfd49e1603": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "073fe0c3c0f441bdb1101697b5d2e4d4": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HBoxModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_cc0564e3933644d98c6af7cfbf3f6ad6", + "IPY_MODEL_74c48c4b26014616b0d991a8d436e551", + "IPY_MODEL_ff0af0d593d94581b56f068d0b5cd129" + ], + "layout": "IPY_MODEL_2ec490ac4b6d4393aa8c3cca985193a2" + } + }, + "0746db6460344d6292cfcd3fcedb017b": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "07564d5cd5de4a1296d21fb256f0935d": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "FloatProgressModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_cc8c0d80bde04bf1914c4067424f70d2", + "max": 26.0, + "min": 0.0, + "orientation": "horizontal", + "style": "IPY_MODEL_6f077f46dc6f425d9dfe029938497eb3", + "value": 26.0 + } + }, + "075c33165a584aab88318f6626f4febe": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HBoxModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_df549c09ee7641a99178a07355d4223c", + "IPY_MODEL_c86b074e181d41f68f442c6a7e5c451d", + "IPY_MODEL_e613bdb7216246c2b19a47a6e9b7ee13" + ], + "layout": "IPY_MODEL_be863d9c257d445391b22b13d62f0aea" + } + }, + "076a3a5da7794329b299cc4189f2f661": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "07761f960490496a8eecac3d70e1c2ad": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "0776af75914d49a0be6a8d4406e2cf30": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_a8ee613f5c624e249bb8d0a912bc1019", + "placeholder": "​", + "style": "IPY_MODEL_7384a25b799647e09623490b21942348", + "value": " 78/78 [01:32<00:00, 1.18s/it, fold=2, lr=2.88e-6, b_loss=0.546, b_acc=0.733, loss=0.533, acc=0.707]" + } + }, + "077b772a492146469bc6c974d451a0fc": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "077bdf33208945fd9805438676fd7b99": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_b68a6000dab14d599ef5bf8d8e8ab9d2", + "placeholder": "​", + "style": "IPY_MODEL_3de080e613d742aebb6442ec8f72dae2", + "value": "100%" + } + }, + "07a4d750274143289093acb0ef59d3b6": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "07a4e4c1104a4f3faf53ce639fa569c9": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "07c4f46b4a0c45a9aa98d739f35810f4": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "FloatProgressModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_052866d5016c4b9397d2cba7f0ddb774", + "max": 26.0, + "min": 0.0, + "orientation": "horizontal", + "style": "IPY_MODEL_7bab2bd76b0b409da6aea7cef3ca5ef0", + "value": 26.0 + } + }, + "07d212d11e63492db56911797db2b2d2": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_3804fd7b02c04b0eb3b2471cd396ccc4", + "placeholder": "​", + "style": "IPY_MODEL_64738483e40c4b119974aae12cc76174", + "value": " 26/26 [00:23<00:00, 1.23it/s]" + } + }, + "07d48dea1adc4b05a794e1e546995aff": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "07e11ec7e6f44c1cad4587aeeb3d6fb9": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "07e26eafa0884b1e872e89ebc3b90175": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "07e497916bd84cefad306f393fedb7aa": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "07e5d0049a634c859b9d4bdbbe8a0381": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_d465449f58cc4325a64f807eecbb543f", + "placeholder": "​", + "style": "IPY_MODEL_42a974c92dd945d38d6c0c58ed790880", + "value": "100%" + } + }, + "07ebae382bf54aecaa1b6371f75269d6": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "07ece329422046c2b270684c0740923a": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "07f2b555909041088f0c9daa1d1e49c5": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "07f43adb3c1c4356828e9fcb636906da": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_5729ad61730b47acaf919e6f32eace67", + "placeholder": "​", + "style": "IPY_MODEL_568a75630150425fb67d50f6b5af6d6c", + "value": " 78/78 [01:32<00:00, 1.16s/it, fold=2, lr=0.0003, b_loss=0.446, b_acc=0.784, loss=0.433, acc=0.75]" + } + }, + "080e1cd2e7634f79b1fd56622ace4505": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "081d327fd5f145ccb0025900bb0a205f": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "FloatProgressModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_17a66eb655474f3b91b3a4f3f39b017e", + "max": 26.0, + "min": 0.0, + "orientation": "horizontal", + "style": "IPY_MODEL_a95c87b4cbe34ca9918bf4b79725e3ee", + "value": 26.0 + } + }, + "082064fe48eb49519f09061eae889980": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "ProgressStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "08237ea37e3d4adf98df9ccc2e34caeb": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "082f6d6a63f7484092626729b0d6e54b": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_6ab0462d8e0d457aa6dc1f8cec5cd682", + "placeholder": "​", + "style": "IPY_MODEL_f48a2f2b9af0472ab247d8eb904dfa84", + "value": "100%" + } + }, + "08351182d9d84ea4b3187f2aa86bdff7": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "08425713210246f5bb27821b29c5f309": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HBoxModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_c7bab17c49af479db3cd66d635ab5ef6", + "IPY_MODEL_68219e5d548a4922ba667ddfd8dc87a9", + "IPY_MODEL_c07701db0cc5484a8baeabd2c2510524" + ], + "layout": "IPY_MODEL_7898119c26144654b2695580736ef523" + } + }, + "0844218347bf4f0ea91e9f1588ad8191": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "0853f9cf6cd3422abdfae4c8f7feb651": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "FloatProgressModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_8da847c5c99841b1b78ac169a282dbeb", + "max": 26.0, + "min": 0.0, + "orientation": "horizontal", + "style": "IPY_MODEL_01dc2e010b754bcb8c8cd0db0721bd2e", + "value": 26.0 + } + }, + "085804362a68421fafd6f39bad33d274": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "FloatProgressModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_263a52fb53e84786968121bdf0234161", + "max": 26.0, + "min": 0.0, + "orientation": "horizontal", + "style": "IPY_MODEL_9519c5ad422449929e9739cebbfff483", + "value": 26.0 + } + }, + "085fc5cb108645f49b954e7bffa7871a": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HBoxModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_06781566f8934cecbedd684cf1fca614", + "IPY_MODEL_99e05ed9f71d482b811747fa661ec44d", + "IPY_MODEL_1781cc57826c4b7187883d83c5248234" + ], + "layout": "IPY_MODEL_3ba2eb766a524c6389b5c9c383d56a6e" + } + }, + "0870a2a9741c41d7ac474d6aed5856b8": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "0877c6c0348f49909439dcefdfc46477": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "088000e103c347a5bd1543e569a3f04d": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "0894c5cd52524da2b35b901c68072344": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "089785667a5849c39b0585f7ec539d76": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "ProgressStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "089e98f357a14fbf94964eca56031753": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "FloatProgressModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_fecdeb566b094c67af66a89751f58fbc", + "max": 78.0, + "min": 0.0, + "orientation": "horizontal", + "style": "IPY_MODEL_53d968d5fc674de497a1f7c944839ef6", + "value": 78.0 + } + }, + "08a399a8ae7140419ce475bf113940c1": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HBoxModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_da7be7b4ca2a4ef694fad6f2d7d04670", + "IPY_MODEL_d0a737bebcc6492386adde1e111261dc", + "IPY_MODEL_a364eaf34a5c4c9eab99ea39685834c6" + ], + "layout": "IPY_MODEL_020d7636c0d448c69dad3af0773876c3" + } + }, + "08a47ac7046544d7b8c134b764eb5d94": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_a328508be0e242e1add959cb04aba6da", + "placeholder": "​", + "style": "IPY_MODEL_976a68fec9b743c2a8746835f46aad64", + "value": " 78/78 [01:35<00:00, 1.29s/it, fold=2, lr=0.000289, b_loss=0.672, b_acc=0.655, loss=0.828, acc=0.587]" + } + }, + "08a4c5fa3c8b4357b301ad1a8fe43b1c": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "08aab804ae9a472bb2448d405ab6d168": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_bf577d2d35094898b033b2c7cee07716", + "placeholder": "​", + "style": "IPY_MODEL_2fc15655b761445e9c5cb1bb28c21f25", + "value": "T: 126/200: 100%" + } + }, + "08b95116a7fc4db9818620f403f8a6ba": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "FloatProgressModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_7e1c4d50eeea4c63b9509ca8065ec10a", + "max": 26.0, + "min": 0.0, + "orientation": "horizontal", + "style": "IPY_MODEL_23cafe40acba4e4cb8c5c29bda7176b6", + "value": 26.0 + } + }, + "08c466767b9a466cb7f3ee601ebd30d2": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "08fb3a8c992e4e79985334139c165eb1": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "08fc5af766a94ad69d7821c93dcf174b": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "FloatProgressModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_bf89eccbd0424a8db8c44bf5040276b8", + "max": 26.0, + "min": 0.0, + "orientation": "horizontal", + "style": "IPY_MODEL_d9619f48039840069a507745a4664309", + "value": 26.0 + } + }, + "08fd77829c7b46e8a2cb0d094703a75a": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "092db35de06d48ddb8dc630a1aa2986f": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HBoxModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_9f85764c4c9b48e6a35e10dc62f43d03", + "IPY_MODEL_77a391f6ba234519b08b4a419a795ff5", + "IPY_MODEL_df137064727847afa05101324cd30ff5" + ], + "layout": "IPY_MODEL_aad58a81606149869f548108d8000521" + } + }, + "09355b9427dc4affab97aefb04ec149d": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "094089e8866d442d856133dacb6b9f6a": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "09474b747e0249dd8b9e46e7939a8b1d": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "095fe98e99a740f78b96cc87fddde085": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "097f9ea6989440d48ad398a9021e9204": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "09893ea934d24842bc5e6dac38e1f901": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "098df8cc73ee4b92b1fa1ec1cb88153b": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "0994446edc194392b5e1e9d28fa48fb7": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_a6733c735fd84a7396f7b16c27856bb2", + "placeholder": "​", + "style": "IPY_MODEL_1852fd10a8eb4c8283b29a61252b9095", + "value": " 26/26 [00:23<00:00, 1.21it/s]" + } + }, + "0997b4c90da448c0afde18a703ce7fcc": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "09a05d864cce43e99ab0fdd78fb08c5d": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "09b50acc83ab4189bdf17223048ca686": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_a4506754b9f94e32bfb2c4916425ab80", + "placeholder": "​", + "style": "IPY_MODEL_07a4d750274143289093acb0ef59d3b6", + "value": "T: 035/200: 100%" + } + }, + "09bc4ea4acdf4ccc86167ba52b7f8cb1": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HBoxModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_172f1d83a83d4571bf7d628935db9a69", + "IPY_MODEL_8acbc5de7ab94a18a1a12a3f2676638f", + "IPY_MODEL_e508bf16f4164d52bc55b509a018c2f6" + ], + "layout": "IPY_MODEL_994aedeaf8c94ffcaff4062d7581f001" + } + }, + "09cac424c2b249db97ad8fe37a607031": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "09def249cc144760a801755f9dfabf8b": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "0a06ee2eae64492bb51de728bf81c922": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "0a0820649ad44aaaa9001651b2989eab": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "FloatProgressModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_25079cdd96c9462c99402cc2b52cd3d4", + "max": 78.0, + "min": 0.0, + "orientation": "horizontal", + "style": "IPY_MODEL_91d5d8be6e3b44abba85e5b08b75d75f", + "value": 78.0 + } + }, + "0a103dbd7a9a4addaced74261afe705f": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "0a16ecba00db4494a4c6da95fe9a11b7": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "ProgressStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "0a2cb50cea294d4bacc9d1d28bcd1bbe": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "FloatProgressModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_a62429ff8910478d9353f94bbc63d134", + "max": 78.0, + "min": 0.0, + "orientation": "horizontal", + "style": "IPY_MODEL_639eeb288be24074a5ff4f66add26401", + "value": 78.0 + } + }, + "0a3985d2035e42dfaee5a7e4953bbcf1": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "0a3f249ff928441fad13220206cabe5d": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_3a3889bfefe14307ba79f6dabea66a18", + "placeholder": "​", + "style": "IPY_MODEL_2f93c40f33a942a5959ec4ac027738bc", + "value": " 26/26 [00:23<00:00, 1.06it/s]" + } + }, + "0a573784694b451b85fb3c96ed64c2bd": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "FloatProgressModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_8234ecc97ad841c3a0f991f1240fbd4b", + "max": 78.0, + "min": 0.0, + "orientation": "horizontal", + "style": "IPY_MODEL_ad2f24aab89244f0baf076d69d28eb8c", + "value": 78.0 + } + }, + "0a6e63c1a52644dbb9abeb00794b5c37": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "0a78e725ab024c06957fe1788b8e7496": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "0a8d7a0768174ac6ba40f048e7c4c4d1": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_9c45f8f7742f431d9436034e3929943e", + "placeholder": "​", + "style": "IPY_MODEL_5447e414c12c435288b00aa036a4f83d", + "value": "T: 198/200: 100%" + } + }, + "0aba6d082f2e4060aac48cfde1bb6f0d": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HBoxModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_e6332c572b1f45629751053173789928", + "IPY_MODEL_942356f01fe74c0e9c00c567ae25bd25", + "IPY_MODEL_531077c01926462289621b2a39002e94" + ], + "layout": "IPY_MODEL_a5ee12d31367402e8391f68d6858edc0" + } + }, + "0ac37dc90978458fad15bc98bf88f368": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "0acfb9526a2443d3870abccdb0f60b08": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "ProgressStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "0ae2893384144b37a74c28767052e760": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_72b2270f52624612b4bad9235df32996", + "placeholder": "​", + "style": "IPY_MODEL_49b1965ebcd14cfdb50eac82f3a91356", + "value": "100%" + } + }, + "0b034fe58c2e4824a5b91dd563252ed7": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "ProgressStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "0b40322a52e7438fa838df3e96d185a7": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "0b416809d3824768aec9c1130bcd6de7": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "0b7446a269704a3098c75eb8862c347d": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "0b9ed7dffb31499fa0048953696f81cb": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "0bb6783ff7ce40f2b9173579a3a01436": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "0bb9868f674140f6883058c7c5cc3d47": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "0bbd3abb975f4c25846ca055c9781382": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "0bd5f12a081943119ff2a6cca002c217": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "FloatProgressModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_588c11839f384c2298e9f75efcaba8ad", + "max": 26.0, + "min": 0.0, + "orientation": "horizontal", + "style": "IPY_MODEL_f982b08c71e649db8881d7409738e303", + "value": 26.0 + } + }, + "0bdc67e83ac34cc48205aebaff926493": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "0bdd1f006de441c0b892abc27378f3ac": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_026b59b9a1174f3a963cea4fb6a36df6", + "placeholder": "​", + "style": "IPY_MODEL_0c0591c855f84e6684ba6559aaa5ed2a", + "value": " 78/78 [01:30<00:00, 1.08s/it, fold=2, lr=0.000207, b_loss=0.516, b_acc=0.741, loss=0.54, acc=0.708]" + } + }, + "0bdddf2850c049e9abe91a9ef3387b3c": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "0bed3cd1eee74486982f0bf38d7ab4ed": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_9f742254ecbf409da2faef9fe7008bd3", + "placeholder": "​", + "style": "IPY_MODEL_7e187c44289d4e60919d27cee3ceb163", + "value": "T: 125/200: 100%" + } + }, + "0bf911993e804a01a453afcfc3681c3e": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "0bf9bdf784434528b2d4952f1cb731fe": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "FloatProgressModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_9d5bb2c26f9846ba9d4f3eb55653f337", + "max": 78.0, + "min": 0.0, + "orientation": "horizontal", + "style": "IPY_MODEL_ab95c7a3436c4ca1b6dfa5188ca4b461", + "value": 78.0 + } + }, + "0c0591c855f84e6684ba6559aaa5ed2a": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "0c0f6d0b3cd34736bf06b38eac257ec3": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "FloatProgressModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_7b612f2942f04110bc09852c151a8d8b", + "max": 26.0, + "min": 0.0, + "orientation": "horizontal", + "style": "IPY_MODEL_f54efa2769494d33892afead9b257d4e", + "value": 26.0 + } + }, + "0c15be13e8734fb7844eb92551d531f8": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "0c1cec92d2e94552a04bb3dc48075e3b": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "0c3ea19a9ffe49baa4f8340f49817cdf": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "0c574c8df5c046a98ea3c03f8aab75e3": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_f7e8076d593441debf5f9ca706a3d3ed", + "placeholder": "​", + "style": "IPY_MODEL_a1c26e85e9634529aae6d73deca95f90", + "value": " 26/26 [00:24<00:00, 1.12it/s]" + } + }, + "0c5ac9d92d0d470b97ea64379b2153ba": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_d38696ac44044bf8b53495e9ae90b1eb", + "placeholder": "​", + "style": "IPY_MODEL_23a8001e40ea407ba1e7e4c1e82d1ffb", + "value": "T: 089/200: 100%" + } + }, + "0c5fbd08fd554deaa60985438ea0c403": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "FloatProgressModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_487cbacfef4f4e41af3d50bbf4289f36", + "max": 78.0, + "min": 0.0, + "orientation": "horizontal", + "style": "IPY_MODEL_77298043b91b46b387292400f1a054bb", + "value": 78.0 + } + }, + "0c6624afa25f4244ac4e472c679875c4": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "0c730e3b1bb446849760290999ff339d": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "0c73129a32864565b93dad7992792a49": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "FloatProgressModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_3dcbf52ee2ca434092d3bc2ca2ea64f5", + "max": 26.0, + "min": 0.0, + "orientation": "horizontal", + "style": "IPY_MODEL_17417158dc27496a84c5827b4c8993a9", + "value": 26.0 + } + }, + "0c7e7aae9ab847428094c1680665b537": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HBoxModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_0e65b7cc03ca40a1a1d22fa5575d5933", + "IPY_MODEL_b3201c4fc7254ae299cd4d7af7c2c043", + "IPY_MODEL_5e0e62d701ec4b4c9e0fe3cf10201262" + ], + "layout": "IPY_MODEL_7db0432fe73c44bcb0d41d77e7d30ca0" + } + }, + "0ca66cb87b1347b28ff691ddecb0c09b": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "0cd893cad13f465c935e8b966e9aa51e": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "0ce8fd114a934389b14bff9b7613e0fd": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "0cee4c8a73084764ba1729c202f597ba": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "0d4dc1b3452f4d2cbed8f036419e75d8": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "0d4fac6f3d2441afa79299aec5a2715d": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "FloatProgressModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_0e6bcd464cd34e8c8916aa6a15c78835", + "max": 78.0, + "min": 0.0, + "orientation": "horizontal", + "style": "IPY_MODEL_733cebebb00a4d3b9b451e8b4058301c", + "value": 78.0 + } + }, + "0d679bbcb23d435d9b00a5f02212ca59": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "0d8747e3bf4f46478554fac15c57c38d": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "0da73e94fb864af4b424f1a44b545a16": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "0daeeb768e5c4099a64b513ad9d655f0": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "0dbdb71f40284ea1827ec4f37606d09c": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_71317748f799414ab28ba9defc0ea37e", + "placeholder": "​", + "style": "IPY_MODEL_80369f21e53a452a96643682e78f787e", + "value": " 26/26 [00:23<00:00, 1.17it/s]" + } + }, + "0dbe64d0358d4d6e892645e417c2c0bb": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "0dbf249b83214d03a3cc59e8fef546c1": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "0dc7047c43e546798743f82f05e61814": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "ProgressStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "0dcc8d341e4a48ff91bf1d51ea770a4c": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_a78cd90cd02245568ef19b01a81e6a59", + "placeholder": "​", + "style": "IPY_MODEL_e55924b47e5043fab4df63bd4e258bd0", + "value": "T: 061/200: 100%" + } + }, + "0ddd9fe1eded4787aa4553f69841a91b": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "0e210e3486cd4aaf9adc8923edc07f83": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_0e4030128b9e431b8e275fe1ba5b1102", + "placeholder": "​", + "style": "IPY_MODEL_301369b0685d4234a7aa06f45d925719", + "value": "T: 034/200: 100%" + } + }, + "0e229cb7a3544dcc846c78e7cc1712c8": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "0e3a255618204da0b043e4393106f57c": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "0e3af6109bb44875aada44f566b84342": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "ProgressStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "0e4030128b9e431b8e275fe1ba5b1102": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "0e541889f9c04c5788ce6187229581b9": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "0e65b7cc03ca40a1a1d22fa5575d5933": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_8d98949a89b24f98b40046307cdbd7e3", + "placeholder": "​", + "style": "IPY_MODEL_fb871e254fe34322aa5941e7c3779c75", + "value": "100%" + } + }, + "0e6abc2aba664f0cbce8e1dc32edd2c2": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "0e6bcd464cd34e8c8916aa6a15c78835": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "0e862939b9304477b966cf36d6bf5e87": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "ProgressStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "0ea992b6f49f4347945b3dd52d1da0da": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_91c490cb08604b9c81401e12506012c0", + "placeholder": "​", + "style": "IPY_MODEL_cf14f9e1fd3c42b68b78c1755a170ef0", + "value": " 26/26 [00:23<00:00, 1.07it/s]" + } + }, + "0ec82e35b95a4d2aa6cadd7c34ea4266": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "0ed5c40478b6425cabf68227446ee5d3": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_3d65498d2daa4ae88b4b32d6cb1d7e76", + "placeholder": "​", + "style": "IPY_MODEL_88a0bf74b56c42b586119669b7541ec4", + "value": " 78/78 [01:31<00:00, 1.17s/it, fold=2, lr=0.0003, b_loss=0.374, b_acc=0.759, loss=0.371, acc=0.776]" + } + }, + "0ed7e73b3eb142c1b3b3a20c6d345f22": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HBoxModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_2536055bd70e40bf9e77ed40b1a13432", + "IPY_MODEL_08fc5af766a94ad69d7821c93dcf174b", + "IPY_MODEL_e740c5b8da9c44018583db9bd96b46c6" + ], + "layout": "IPY_MODEL_58a1d102b5b64123bbc0ce9a3391a39c" + } + }, + "0ed9a37833134a34ab5a2e783e0686a5": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HBoxModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_7038ec70ca7443bead57462304ca4a74", + "IPY_MODEL_b5fd378ff0ba4f5eab7c77dd6d5025b9", + "IPY_MODEL_0994446edc194392b5e1e9d28fa48fb7" + ], + "layout": "IPY_MODEL_307383783b36419abe7f3ed6c184f29b" + } + }, + "0ee3ff9bb18d4facafb7bcb2fac1e22c": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "0f01bfe49217426ba1b079142829eff6": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_a65ec3bde52b4c6088d0d37ea2c77c30", + "placeholder": "​", + "style": "IPY_MODEL_e621e48a9b0549b7986bea5625a50ec1", + "value": " 78/78 [01:31<00:00, 1.10s/it, fold=2, lr=0.000289, b_loss=0.616, b_acc=0.707, loss=0.705, acc=0.642]" + } + }, + "0f095d57a20c4950997ebc9c6cabff61": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_8a072bb0bfc8416ba0c23829145832a2", + "placeholder": "​", + "style": "IPY_MODEL_c012798e26ec42ab8df6779072dccfc3", + "value": " 26/26 [00:24<00:00, 1.15it/s]" + } + }, + "0f0c428f91404d4d82ab77040497b928": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "0f106a23e7c744a78e85d4ab3a6a28b2": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "0f2cd00e17eb459da3d9d4fc579c2fef": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HBoxModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_b7d7aea777c54620a8ae7efd3e93401d", + "IPY_MODEL_484092290d02406f8757dcff8a3cbfd1", + "IPY_MODEL_480255f49e22478ebbbe7b242191a83f" + ], + "layout": "IPY_MODEL_19c48d90c95c4fe286f607731a2a49a8" + } + }, + "0f2e7486e78f4d10ae2a2088081d169e": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "0f31312bbd784216a385fb933ff5c84b": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "0f3f38ee1b0e47b48bce5a53059d325b": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_e9fc5c66ad9b41b79067580491c029e6", + "placeholder": "​", + "style": "IPY_MODEL_5a504deb8feb4e30b33f740f17522b8e", + "value": " 78/78 [01:31<00:00, 1.09s/it, fold=2, lr=0.000121, b_loss=0.596, b_acc=0.672, loss=0.629, acc=0.672]" + } + }, + "0f408406ecd54768837396b3a9ac4f49": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "0f56fa893a7e46bba85e643941337a23": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "ProgressStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "0f771f6b29994466a283be4dc8cac634": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "0f79561d005e4a4ba8247fa26f4d91eb": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HBoxModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_193e83dcdd19449f9ec13b34d0a7d72e", + "IPY_MODEL_9060c5c671a8472e8e096676abb6e095", + "IPY_MODEL_5102232d43044c8eb2e8d29a8ad026fa" + ], + "layout": "IPY_MODEL_6985b38fdd184a2aba4fc944db253f7f" + } + }, + "0f7a704d4fae432981db43f4b0388c2d": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "0f90c1ce7c4545d8bd7607e1f02e7fd1": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "0f92ecf70dd34818b32f09f14da7f15b": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_da19e00ca8c04a6c9c48eae0ecd7fe68", + "placeholder": "​", + "style": "IPY_MODEL_d147cd0050634f85a67388a81ef87edd", + "value": " 26/26 [00:23<00:00, 1.15it/s]" + } + }, + "0f99d16a78f949a98ef6e5528a13eb5c": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_03e438233bca4ea4b2ee12d447d7729a", + "placeholder": "​", + "style": "IPY_MODEL_0ce8fd114a934389b14bff9b7613e0fd", + "value": " 26/26 [00:23<00:00, 1.18it/s]" + } + }, + "0fb051826dea45bba7c19c6a899f4929": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "FloatProgressModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_2be6501d554a4e089a4345e536fec9a3", + "max": 26.0, + "min": 0.0, + "orientation": "horizontal", + "style": "IPY_MODEL_c2d07ce840ca4b76a87c3d0086f5febe", + "value": 26.0 + } + }, + "0fe1b81433a844e397fd003e0fca5734": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "0fed9f466066487984c61b9bd4c84b93": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "0ff5db36b3084ad29ac4e074a9307a92": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_ad75cec89f1947ba975f1529249afb01", + "placeholder": "​", + "style": "IPY_MODEL_884f19d312bd407c9decedb48aab8c9b", + "value": " 78/78 [01:31<00:00, 1.04s/it, fold=2, lr=0.000297, b_loss=0.278, b_acc=0.802, loss=0.388, acc=0.763]" + } + }, + "0ff6665c64d04cdc8e772c4e6312dd1d": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "0ffdc0be78d44c66bd79c2634d60a64a": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "ProgressStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "100950540dd94697b5bb7be001ea5d4a": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_99b6c535e59e4206b0225e1e8fccae51", + "placeholder": "​", + "style": "IPY_MODEL_6ce3a080aaca4fc3ae519efc97c74c23", + "value": " 26/26 [00:23<00:00, 1.15it/s]" + } + }, + "100d3436a75c446e835571b324694ab1": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_56b6b19c873e4e04b9d9105d871ada71", + "placeholder": "​", + "style": "IPY_MODEL_96d13e783309486ea5c822a4644cf15e", + "value": "T: 182/200: 100%" + } + }, + "100e8a0f2f1b4fadae2952a484c70311": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_903b77a5cf704a9881bd7aac425657ac", + "placeholder": "​", + "style": "IPY_MODEL_4ef386faf28142a3a78cc0c56052afd3", + "value": " 78/78 [01:31<00:00, 1.14s/it, fold=2, lr=0.000179, b_loss=1.38, b_acc=0.328, loss=1.16, acc=0.466]" + } + }, + "101b90d682434ed29562c7a34968548e": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "1028c698423b45d3851775400edd09a7": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HBoxModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_454ac971f28443b5aa4634bb014754dd", + "IPY_MODEL_79011e9500914e3bbea8350b5f80ba36", + "IPY_MODEL_839112b653c04c96bf8ee475e6729fd1" + ], + "layout": "IPY_MODEL_b52aacbc91b84b9bb561c8cc57d842b2" + } + }, + "1034026ed6844a14b7f22e47b1589619": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_8ba6bf20874d4d82a23645a9fdf372f1", + "placeholder": "​", + "style": "IPY_MODEL_bb5dd5f12e2d4f3bba267ac416b00bf4", + "value": " 26/26 [00:23<00:00, 1.06it/s]" + } + }, + "1037156a439a4ce18de24e6cfd9f1525": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "103e553a3bb14ceb82b3d6295e988e1c": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "104695d2611043159d89ef760824b848": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "10545e58aa214b7687b3a0a6d6a04905": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "105f8463ef204b0e8d6e68739fc0d859": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "106a631384064f1ca6064715ebc2d3e7": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "FloatProgressModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_9fe1c30324a142709bdb6dec048468f0", + "max": 78.0, + "min": 0.0, + "orientation": "horizontal", + "style": "IPY_MODEL_0693407f7d7d4391853af867611df5d5", + "value": 78.0 + } + }, + "108a7e4d590241bfa4669dc7261f9e68": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "10949a57cdb54289bf57856f75b6380a": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_c2e1d1b0432e441ab033b5103490f613", + "placeholder": "​", + "style": "IPY_MODEL_b26f54fef9cf49b982034c0da51b88b7", + "value": " 78/78 [01:32<00:00, 1.08s/it, fold=2, lr=0.00015, b_loss=0.331, b_acc=0.716, loss=0.43, acc=0.75]" + } + }, + "10b77fdb863b4fe38754508a58106090": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "10c1e7a48d3c4cd997db3ab30f82ee05": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "FloatProgressModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_77a2e494f7e24049b01b2cd8a393f847", + "max": 26.0, + "min": 0.0, + "orientation": "horizontal", + "style": "IPY_MODEL_a2770571ab5e4555ae38d01cb3282b6e", + "value": 26.0 + } + }, + "10c620fabd2541a19254e8b2e1534247": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_9665a383f13b447dbaa21b6ad3df2a32", + "placeholder": "​", + "style": "IPY_MODEL_adf91afa5d62412bbd1553885fc0659a", + "value": " 78/78 [01:31<00:00, 1.10s/it, fold=2, lr=0.000275, b_loss=0.68, b_acc=0.681, loss=0.514, acc=0.713]" + } + }, + "10dcffec51a0414f91eb2c861bbaf611": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "10dec257ea6943a8b6cb8ac6b59120d6": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_be48903132964a938368fd41a3c231a0", + "placeholder": "​", + "style": "IPY_MODEL_ff365881b90a4d91bb8c73eac4533b70", + "value": " 26/26 [00:24<00:00, 1.13it/s]" + } + }, + "10f094bb79e548a59ebfb0420b61f97f": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HBoxModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_8a10f7d10c4c4056bef6cadb7b5c5eda", + "IPY_MODEL_a5f371979f2e420eb7f3a0ee486903a3", + "IPY_MODEL_0dbdb71f40284ea1827ec4f37606d09c" + ], + "layout": "IPY_MODEL_0122655e160743a7b64d35e6519c84c1" + } + }, + "11094da46b2b4cf081b3cb54ae72c81e": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "FloatProgressModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_6f24ea4e89254076b7f08d9faef71808", + "max": 78.0, + "min": 0.0, + "orientation": "horizontal", + "style": "IPY_MODEL_f21087eb0e56405cb72c5258255ff754", + "value": 78.0 + } + }, + "1116cd744c06439e8b3d98eb38f40ac4": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "112f0798643f4b138739019c2c92d480": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "11477ee9d67348cd85cec7ecb35975ae": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "114c378facf649e4845dbabcc08493f0": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_4481f24d80e349d4ab70e514a9cd1b2a", + "placeholder": "​", + "style": "IPY_MODEL_60e1fe12e5024903bd6f1f1e9bc9c549", + "value": "T: 122/200: 100%" + } + }, + "115150d871da43e38b9be9a771844ad7": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_77473fafd9b64ca5a152a65cfb5181ba", + "placeholder": "​", + "style": "IPY_MODEL_9aa12802aa7445a1a71ab6deab375337", + "value": " 78/78 [01:31<00:00, 1.05s/it, fold=2, lr=9.26e-5, b_loss=0.397, b_acc=0.759, loss=0.517, acc=0.718]" + } + }, + "11550ba7fcb94b55ba9bdb36b722ed34": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HBoxModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_100d3436a75c446e835571b324694ab1", + "IPY_MODEL_189776d4919f4a71a6bf026b2b65e0ee", + "IPY_MODEL_ec0f430ef45e4e06affe9cd4c838cdb6" + ], + "layout": "IPY_MODEL_e718d9be99804bdcaad230469e4e0d2d" + } + }, + "1171429e52944427b09247919fc45228": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "ProgressStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "1177b0e2a65a4d9a898f5f52d75a62e8": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "118799852ab24dab8bb1d7c32021f5f2": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "FloatProgressModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_2cb1c86693d5484b9439fd3fd4b6980d", + "max": 26.0, + "min": 0.0, + "orientation": "horizontal", + "style": "IPY_MODEL_cfef209567fd421f96d784b474f3d46b", + "value": 26.0 + } + }, + "11943a679f9a430cae60a4d00e13163a": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "ProgressStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "119c200083f94fb1a54b85d743f83481": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "11c0611b6c394e44a5a1aa332030a5f7": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "11c764fafcb24b5b81ab02ce40a0461f": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "11cbd0b6df8d4dc2a2ae2707860cbab0": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_c2e1df5b8e3d4225ad37fd39209cef67", + "placeholder": "​", + "style": "IPY_MODEL_6c095bd95d114dbeb15071a7c20c3788", + "value": "T: 147/200: 100%" + } + }, + "1206b6fef70440c785fa9d51234c2db4": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_919b3800d0bb4b7fa6c739cf16f888f7", + "placeholder": "​", + "style": "IPY_MODEL_8f136826774942f9af745c2292421c2f", + "value": " 78/78 [01:31<00:00, 1.08s/it, fold=2, lr=4.39e-5, b_loss=0.377, b_acc=0.784, loss=0.398, acc=0.768]" + } + }, + "12140ba94d17450eb5caa7d88788842f": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "1226e5e3a9614a75948aabeb3e8af85d": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HBoxModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_e5ec62a4d9094d99a5461c0a0e405a4f", + "IPY_MODEL_bd5c6c6f63dd4fb1a41e0ea87c4c84d0", + "IPY_MODEL_d560ed2e6e0342a1a01fe2a17ef06a3f" + ], + "layout": "IPY_MODEL_1c496caedbea489cb97b3c977a4141fc" + } + }, + "122ad44c163c4e8cb93611a3cf89f264": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "1263926a1bc645e8a8e7347a2cf112dc": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HBoxModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_eb4ced1231ca41a4bb991bb0bd1eb93f", + "IPY_MODEL_43e5b6d4bb374cdaba4f763aed2f2330", + "IPY_MODEL_a26b55a4e97049d9ae0bb0f74594701d" + ], + "layout": "IPY_MODEL_06e8a07110264731a4fd84f1dbdc92b9" + } + }, + "1268c14188364789a83a23258acb46ea": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "126f12f6cd1445e8baac3b87fa1549e5": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "12826d3f343949bbb17688fe420bae3e": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_f08bf904242840108df9f164eae94598", + "placeholder": "​", + "style": "IPY_MODEL_54527988d2af4374bda5f3f4cc36ec29", + "value": " 78/78 [01:31<00:00, 1.15s/it, fold=2, lr=0.000121, b_loss=0.304, b_acc=0.828, loss=0.275, acc=0.824]" + } + }, + "12a1dca9411e49a681c7495db0944550": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "12d21f1b1d4e4971b5807d7596dc98f3": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "12d683775abc461d9c6205b73b25d7fe": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "12dba99f76594f9ebd32e8cdd5f2e18f": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "12fc7f42faf34f438276f872638ce17a": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_9ed063eb263c4a038e04705740bd26b8", + "placeholder": "​", + "style": "IPY_MODEL_8bab3853aa324edaa86d2cf420666cfb", + "value": "100%" + } + }, + "12fe976ada354852bb86c6f2e31f3036": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "131a27a7fc3245f49266b630702206a6": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HBoxModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_1800fc03604c471c9217407e1b6d6098", + "IPY_MODEL_4c3b0dc55a7246229c853813bec07b56", + "IPY_MODEL_cca4c91b5f6849cda2da306598ddc690" + ], + "layout": "IPY_MODEL_b04062104d294a5fab2f536906e6b6db" + } + }, + "131fc36a2b4e48e0a7107a85ceb31018": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "ProgressStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "13281c1540a545f2a9169737cbc096ca": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "13430ebec1c8463cac651c4c7f7f6562": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "135f297e7d4b4167a89c063e4f32706d": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "13a31585e856405297bd2bc26856c4bb": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HBoxModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_549323da159247f7885c68b223460bb7", + "IPY_MODEL_48d2e741089c4f3e8fb99d0900d56019", + "IPY_MODEL_23c1d87800f841cf8c936d87bc4c0998" + ], + "layout": "IPY_MODEL_2785382bbb554db98535f74fc5532041" + } + }, + "13c1f80effd74d70a2e62fac57ada1ae": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HBoxModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_ec8cecebabb84dd28e45f00819e3c85d", + "IPY_MODEL_dbe94d6086f946a688184eda6df0d391", + "IPY_MODEL_8b89455cbd7e4de6b6f91fb96170eb05" + ], + "layout": "IPY_MODEL_5093c065366141c5afb975f96be33a8c" + } + }, + "13c60050a8044811be0cd0c9d4f1578a": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "13ca088a8b904eccb22edababbc547b6": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "13da6b252e4e4313b7ecc6de51f9a384": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "ProgressStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "13eb8695addd4fcaa46ab94cb450c29e": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "13ee1dd6ad954147a88b0390487a0191": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "1411a6a52378435aa91730aa10c4bc83": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "1423137fdd7042e19576845b652cbcda": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_522fb258ca7842b3b7688a6d96e1e781", + "placeholder": "​", + "style": "IPY_MODEL_fa5e88e697a641a8baacd250923b198c", + "value": "T: 011/200: 100%" + } + }, + "142e0d582cc443e1944f40e32e91ad5d": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_19dc9d9ae1034be4aced79dcdabd385f", + "placeholder": "​", + "style": "IPY_MODEL_8b32fa17b59c4e3b92e64fa7dfd7eb27", + "value": "100%" + } + }, + "14349638f07a4a3295c2ede9f5f601d6": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "1436c2f3e5c54f528f6da76eb8a1202f": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "FloatProgressModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_ff4cad0ffe1e459f92b60ad8c07faca3", + "max": 78.0, + "min": 0.0, + "orientation": "horizontal", + "style": "IPY_MODEL_b0a5bfcc8fbf44159bb58b128240a2a7", + "value": 78.0 + } + }, + "143e372281634ebd85ac51aa1755ff94": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "144f5a5737b8496dae2db3392f7a2265": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "14673b8d5d58425592730ff4ec07acc2": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "14737a650e1d40519db87c13d89f2bbf": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "ProgressStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "1476f63ca93c46b1997389ab04d3548d": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_f1b207fe02f146c1bac0eaa7f9076e0d", + "placeholder": "​", + "style": "IPY_MODEL_a4cf90edac8046839b109b5f2b7dcc04", + "value": " 26/26 [00:23<00:00, 1.01it/s]" + } + }, + "14a792eccaa04eef879f7cd862516ba3": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "14ce2b16d26f4017b1d826cc59e80eb4": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_efe66e8ece5a4f93a788d31ea7fdeaff", + "placeholder": "​", + "style": "IPY_MODEL_0f2e7486e78f4d10ae2a2088081d169e", + "value": "100%" + } + }, + "14d303fdc6f94bc1a5844c49842ed272": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "14dced8e82e04571b0e67e9560a8ecc3": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "150b1b10b77c44e0a7a97a52b3da8df3": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_db0dfd1a08294a53abe07e0ff31cee15", + "placeholder": "​", + "style": "IPY_MODEL_fcb0749531ae47a789b77577bb28fd8e", + "value": " 78/78 [01:31<00:00, 1.22s/it, fold=2, lr=0.000289, b_loss=0.375, b_acc=0.759, loss=0.419, acc=0.757]" + } + }, + "1510d93ab3e84dceb6626496e2ccb969": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "1518c73fdc54429b80cf0e13939954fd": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_72f1bcbb645d436b93fc5653e078bd8b", + "placeholder": "​", + "style": "IPY_MODEL_922427cbeec84995978573ebe50e85ea", + "value": " 26/26 [00:42<00:00, 1.58s/it]" + } + }, + "153a8c88932e412ea9b5088a096bc12a": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "154aed915f9844b6b10e13eed3ae8b3e": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "ProgressStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "1550be5eb2b74d42b108e87f0aa4b0ec": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "1561bfd5500941fcac2d1c0cdff31cb6": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "1598e4ef3667441287a30ba2f78fbf7a": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "159a6afb1c9744118dfa9116ed78de2f": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "15a996647be74e36908ce68b60bd8ea2": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "ProgressStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "15b1b3dd622246d98a028a650123730a": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HBoxModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_a09a41a53cb2412aa29d34c4e65742a6", + "IPY_MODEL_dde74d17ed9345d6989703813230cae8", + "IPY_MODEL_945be843994941a88a928bfd3b8ed4ab" + ], + "layout": "IPY_MODEL_04d79daee82747e5b0efcc08113c28c1" + } + }, + "15b99f768bf14f3f90549507838c30b5": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "15c799ec86604beb9e0a514c7f8b218e": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "15c7b2aeb84f46488c5574ad9a4b5011": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_5bb227b24b05402eace204d626756ab0", + "placeholder": "​", + "style": "IPY_MODEL_925245dfd9824db8b76319b60ddf58a2", + "value": "100%" + } + }, + "15fa2efaadae4f7c802fb11686adfd43": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "ProgressStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "15ff190b91f6435eb03c53441b804e3e": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "ProgressStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "161c63490f434f0bbc0f7018f7800e08": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "1658d31466b04399964f2daaccadc9a0": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "1659fb567550449ea0140c3193be35ec": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_e17fd9ec90db41769271641f370459d0", + "placeholder": "​", + "style": "IPY_MODEL_0870a2a9741c41d7ac474d6aed5856b8", + "value": " 78/78 [01:31<00:00, 1.04s/it, fold=2, lr=1.14e-5, b_loss=0.138, b_acc=0.897, loss=0.202, acc=0.863]" + } + }, + "165ca3b2215f4dab9cb6075294371b4a": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_d15ab0eccbd34f4ebbff9ec4cca25b9f", + "placeholder": "​", + "style": "IPY_MODEL_09474b747e0249dd8b9e46e7939a8b1d", + "value": "100%" + } + }, + "166c83400dfd4bbaa008cedd72537794": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "1671d6a33fd04ddf80e226064baa77ff": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_bfad503b05e44d048d57c4b1426de25e", + "placeholder": "​", + "style": "IPY_MODEL_dec49f3bf3ff4206b1eb5a27255e12d2", + "value": " 78/78 [01:30<00:00, 1.07s/it, fold=2, lr=4.39e-5, b_loss=0.285, b_acc=0.793, loss=0.256, acc=0.836]" + } + }, + "168259b84aed4fdd91cdafbd7b31dfd4": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_19606123f8394bf6bb6b834fc553fa23", + "placeholder": "​", + "style": "IPY_MODEL_5514570450c647edad405cd272793d43", + "value": "T: 088/200: 100%" + } + }, + "168bec6dcf924a6d9355ce146a2514ac": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "1690070f984e4240a19be9121589ecd7": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "ProgressStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "16b003750f3d48fd88c96d5aaaf4469f": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HBoxModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_a529025b99e9410f9a2158e62644aec5", + "IPY_MODEL_c123af827d154b458ad99115951c0cab", + "IPY_MODEL_c668289d6427462abed78b6bae03a53b" + ], + "layout": "IPY_MODEL_4b0b40cfe25943378ae37dfbd0121f60" + } + }, + "16c218e8f22643f89a36c636234fee69": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "16cb8cd6861d49948045da54c6160735": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_9d0e431241af48528d77616361c841e9", + "placeholder": "​", + "style": "IPY_MODEL_b84514c730ea45f386aeb4e6653953ae", + "value": " 78/78 [01:31<00:00, 1.03s/it, fold=2, lr=6.67e-5, b_loss=0.072, b_acc=0.931, loss=0.159, acc=0.893]" + } + }, + "16d10ceeebd447df969340a2c0d88ada": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_b97f81176cf64221ac3267214fb23860", + "placeholder": "​", + "style": "IPY_MODEL_8a7116b7bed442318eb8ffe59b902d54", + "value": "T: 005/200: 100%" + } + }, + "16e39bc3b2af4a48b91cafca4daf2acf": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "16f462c475ee46c480f4666662818afd": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HBoxModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_9b2d6f99f69f47cb99502bcad430b28a", + "IPY_MODEL_e7f64f08e0944acdb214d73793cff8ef", + "IPY_MODEL_7953bf270f8e4693a9eb1d384a508d86" + ], + "layout": "IPY_MODEL_4ad02aead7e141c3b22aa7c867d9a99e" + } + }, + "1708373d6ebd43b091999b37a9980a52": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "170a6f9c76df4519824a1e3190c39d0f": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "1712611dc7b04bdc8480532ecf2775ef": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_ba694e273cdc44f2962244c408f90644", + "placeholder": "​", + "style": "IPY_MODEL_b0ab1f938ce74501845d0365cfc44da2", + "value": " 26/26 [00:23<00:00, 1.21it/s]" + } + }, + "17187e8f9d0c4fa683082535d47f9da9": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_db034e547d554870b725899e5692b8d6", + "placeholder": "​", + "style": "IPY_MODEL_c0f090e919d240ff82b09547b1112dca", + "value": "T: 121/200: 100%" + } + }, + "171cf5d1db6b49c697df31d2609371fd": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_04bdf20577e2483fb862692fffeac4bb", + "placeholder": "​", + "style": "IPY_MODEL_1116cd744c06439e8b3d98eb38f40ac4", + "value": "T: 161/200: 100%" + } + }, + "172f1d83a83d4571bf7d628935db9a69": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_bb5b7f2dc385470ab2d8493048b4f253", + "placeholder": "​", + "style": "IPY_MODEL_398725cb30514e52a99d1d9c2df94375", + "value": "T: 012/200: 100%" + } + }, + "172fe5d60b5c4594ac061c2918b4c3a5": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "17417158dc27496a84c5827b4c8993a9": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "ProgressStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "1746a2fc79974124aa6802c9b7c14a9b": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "FloatProgressModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_0337a7f6a662460796081d51a40ed0ac", + "max": 78.0, + "min": 0.0, + "orientation": "horizontal", + "style": "IPY_MODEL_592242954628477fbd9d9757bd731c72", + "value": 78.0 + } + }, + "1758eff98eae4ea18a421bcb8b4e3660": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "1781cc57826c4b7187883d83c5248234": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_8a19c260ec024d2397a6322ef77819b9", + "placeholder": "​", + "style": "IPY_MODEL_98c6a12ac8244817bb2de2204427b660", + "value": " 78/78 [01:31<00:00, 1.10s/it, fold=2, lr=9.26e-5, b_loss=0.404, b_acc=0.759, loss=0.382, acc=0.772]" + } + }, + "178374edbf2849d686bcaa35f9ea4010": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "ProgressStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "178c9e37a992435cbd08d2275a0a8cf9": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "17932919d6df48de913c7592fb6308f0": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "17a4335ed47b4bf38b3c182f654d71db": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "FloatProgressModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_eb7dab506c954cb8a1c60027be6357ff", + "max": 78.0, + "min": 0.0, + "orientation": "horizontal", + "style": "IPY_MODEL_35e1c0b15d4041baa1caf8ed1d1cf389", + "value": 78.0 + } + }, + "17a66eb655474f3b91b3a4f3f39b017e": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "17b9f35ad74c4879b6987f7d857753f3": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "17cbb85cc9f94bf9acebd27c1de6d7e7": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HBoxModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_94cff65958184a3aa33d32cfd1b29db7", + "IPY_MODEL_3437b565fe8049309d8e44e5099785cf", + "IPY_MODEL_fa8796899fea4a78b4b58c9640e00736" + ], + "layout": "IPY_MODEL_f2150306efdd40f1b84f98812b861dba" + } + }, + "17dcd82507d64b219155531cb4b38895": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "17ea555a077b4eaeaf7b67ffc41c57fa": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_c7da4e282fae49dfaac1b91d62794918", + "placeholder": "​", + "style": "IPY_MODEL_3593718425884473bbf27cef25bd025b", + "value": "T: 013/200: 100%" + } + }, + "17ee8ca50e6d424c928f75071bfe0340": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "FloatProgressModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_8daaa2bb11c540538b2c256de7dcf891", + "max": 78.0, + "min": 0.0, + "orientation": "horizontal", + "style": "IPY_MODEL_81fd4d0976844cef943f07bd1a9774ad", + "value": 78.0 + } + }, + "17fb5342247a4f9198a9fb343ddbc3fc": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "FloatProgressModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_da58e39b672f483eb22b4cea1bd26006", + "max": 78.0, + "min": 0.0, + "orientation": "horizontal", + "style": "IPY_MODEL_c7e1c08cd7d744e7aa101ab25c3c9004", + "value": 78.0 + } + }, + "1800477a6643403eb01325a1b111392b": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "1800fc03604c471c9217407e1b6d6098": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_777093c48cc841b0a0fb6ece8bb4b68e", + "placeholder": "​", + "style": "IPY_MODEL_7d6bc546d4b84a3aa493beb6b54d2a41", + "value": "T: 055/200: 100%" + } + }, + "18015363b066469fb2503c644fba6812": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_81c98bdb6b56415eb41765438e305141", + "placeholder": "​", + "style": "IPY_MODEL_2d83bb8718024db2abd8c28614e6ce5a", + "value": "T: 144/200: 100%" + } + }, + "180a1b66155b408b935d46e8b700f778": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_f8ffa27a6e254e0bb75dab4b4ed0b88a", + "placeholder": "​", + "style": "IPY_MODEL_f009648edbf54f2282de1767f9cf2691", + "value": " 26/26 [00:24<00:00, 1.05it/s]" + } + }, + "181bea0b37954055850ebdbbbd2cd9ec": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_44548e10ce364b478597c9f67225b848", + "placeholder": "​", + "style": "IPY_MODEL_0f90c1ce7c4545d8bd7607e1f02e7fd1", + "value": " 26/26 [00:23<00:00, 1.14it/s]" + } + }, + "183e6452b6fe45a08036088712389b87": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "185038e3de07434e838bb9663bc2ed92": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "1852fd10a8eb4c8283b29a61252b9095": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "185415014d884aca8ce7743557243e44": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "FloatProgressModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_31145fe3db25437a97e73cb745fdac35", + "max": 78.0, + "min": 0.0, + "orientation": "horizontal", + "style": "IPY_MODEL_f9f692319b164a07b3768bf03a7e2140", + "value": 78.0 + } + }, + "185c04119b1c4e808ca059eeb17e6706": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "18602528b5e94233b2e0b78504a8bc6a": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "186b06009e9d46eb845bde63b648366d": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "ProgressStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "18777ce357064284afe8859aa64c0434": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "18783cecb9a547639eef33b3d1ddcd9f": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "187e5c14963d42879c57cb506701196f": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "1885847341e2458d8abcc4d92d260ad7": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "188d6840d67d47aa818a313fc22573ab": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "189776d4919f4a71a6bf026b2b65e0ee": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "FloatProgressModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_d35b30893d9f4d7384df34ff8de7e906", + "max": 78.0, + "min": 0.0, + "orientation": "horizontal", + "style": "IPY_MODEL_da3ef4af0bcf49b5812a431334f199c7", + "value": 78.0 + } + }, + "18a09c5ff6fa4f3f86ebc9a20183b334": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HBoxModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_1ef0a7f8f2f9409698c6d7f29f10ffff", + "IPY_MODEL_9f2f68211e014d3184ab4828772e4dfa", + "IPY_MODEL_90895821cec24701b94aa36a39824e78" + ], + "layout": "IPY_MODEL_fe9da599d0c8424da23cdb43e9f0dd3e" + } + }, + "18ae4c6f35104b6b98e3bad1a2c1f058": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "18b8cafc3da44e40b074dce347e8c682": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HBoxModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_e5ca6dac6dfa4a39ab80c6538a3bddd5", + "IPY_MODEL_66b55e0ef76d4ab8862596c219361220", + "IPY_MODEL_e1b2b7da0e634d23b249cd3cb0b1a06a" + ], + "layout": "IPY_MODEL_b04894c097904d45868340e2d3fb9fb0" + } + }, + "18f4ee3794b743c78c43588854245648": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "ProgressStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "190ac441df3f4cfe87901ee694c05645": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "FloatProgressModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_0623f4c88fbc48d79e03acd4a3767224", + "max": 78.0, + "min": 0.0, + "orientation": "horizontal", + "style": "IPY_MODEL_25750c4c6b114253942168a28d95c28e", + "value": 78.0 + } + }, + "1915c917f590433296ac0f7308ab7258": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "FloatProgressModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_7149a36f09c247478877ac7c13d593fa", + "max": 78.0, + "min": 0.0, + "orientation": "horizontal", + "style": "IPY_MODEL_b70017e1752f4f428c093a92916a6307", + "value": 78.0 + } + }, + "1919fdc2ff4a488ba813ce280d27c279": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "FloatProgressModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_8cc7258bf20c427fabd5aef27ea9e363", + "max": 78.0, + "min": 0.0, + "orientation": "horizontal", + "style": "IPY_MODEL_8cbda9a94c0b4645872400f1b4c2658f", + "value": 78.0 + } + }, + "192f8a90436a44f0a0a49d857330fa96": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "19300991d5034db4bd4cc4446a60f668": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "19395df350ec45d1b0cc4d5e76886929": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "193bca6ce59f4939ae083ee1d3e7cad3": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "FloatProgressModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_8c882a15e41c4b5686fc84cf7db244f5", + "max": 78.0, + "min": 0.0, + "orientation": "horizontal", + "style": "IPY_MODEL_4b726138b4b6402c9fe5661aebff9b68", + "value": 78.0 + } + }, + "193e83dcdd19449f9ec13b34d0a7d72e": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_bd7ede47f4094ec583c42cb0e8d8db7a", + "placeholder": "​", + "style": "IPY_MODEL_b32501b7065c45c79df41b2ff1d8bf9d", + "value": "100%" + } + }, + "1954d79b7fa14c33a14d11d4309d36d2": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "1959ef2f17ff47f6b6567e2010887ffd": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "19606123f8394bf6bb6b834fc553fa23": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "196e5c7d35e44252a252811641efd698": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "197048ff95b64730ac8342d92d2cb589": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "FloatProgressModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_d3167af6a8384318babda2bb57e133d9", + "max": 78.0, + "min": 0.0, + "orientation": "horizontal", + "style": "IPY_MODEL_8a0cdd1633984a62a771ccfee4ec5762", + "value": 78.0 + } + }, + "197f5ffa4e6a4eee9db38cbf3f012c21": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "1982d621c078489caac5d12ce55d2998": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "1992568a5fa24ab5a4694f443459888e": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "199423f70eae442ab414d7e6262c14c8": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "199796f473ca47a288ef3e08c0cea921": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "199bed0abc21477699552241263a6628": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_dc156c09a2e04f89b74566773911913a", + "placeholder": "​", + "style": "IPY_MODEL_7748f3f671184fdbbe0e21a245e6d0b0", + "value": "T: 032/200: 100%" + } + }, + "19a6c495e5f2457bbb9c03b6ab81ad25": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "FloatProgressModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_70df9b9f7bfa42958ed230cb050f8aba", + "max": 26.0, + "min": 0.0, + "orientation": "horizontal", + "style": "IPY_MODEL_f918a699f76e4fad829ffdf0ff10632e", + "value": 26.0 + } + }, + "19b85572c497422580a05414f063af88": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "19c2cf1f5dc045c3a234d9a230e3d18d": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "19c48d90c95c4fe286f607731a2a49a8": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "19dc9d9ae1034be4aced79dcdabd385f": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "19e60b2eeb6e40a799797b4ed00fba7d": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "19e9828bced7437c8458f12b05570bbf": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_71e5ea431fe949e189251ca45540d5d7", + "placeholder": "​", + "style": "IPY_MODEL_52c90d11e974477cac947ae463de9cb0", + "value": " 78/78 [01:31<00:00, 1.13s/it, fold=2, lr=9.26e-5, b_loss=0.678, b_acc=0.612, loss=0.739, acc=0.627]" + } + }, + "1a042447e8714badbe7a41c43b1f7a35": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "1a05ad2b52db4ede98ef001be894aba8": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "1a0f3fd6c1af4035bb0b9a8c7a16d97c": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "1a19cecf26a3487db83bd640e2d919d4": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "1a1cb80793524aaf9733eebeb9ef54af": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "1a228947514e440a814be05e69f71486": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_eedccb77a47847aab1bc56606f65cc26", + "placeholder": "​", + "style": "IPY_MODEL_9cdc531d8056457aaf4f0eb2f5a8042c", + "value": "100%" + } + }, + "1a36733442044408ae0e8587b90cfc91": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "1a4a0c0e0209439ab6dbae2a7132647b": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_1e86d0e327cf4cae9b0796a4063e043c", + "placeholder": "​", + "style": "IPY_MODEL_f133dbc66b4e4d148f5daa011c49b11b", + "value": "100%" + } + }, + "1a53dcf5ee0d4b46ad66ae3cee3a90ac": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "1a6052154478469aa328116ccd295b95": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "1a718110f5f145aa8adb253884788e47": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "1a82d0329d1247b980ed82867da8c1eb": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "ProgressStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "1a91ed4407c94568a1620a19e867e584": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "1aa2268dc65e4452b1cf488ded68d86e": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HBoxModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_e8152578321f4d348d0c3cfc4c9a5c12", + "IPY_MODEL_038a1bfbaa54433daa2d6b45df32bab8", + "IPY_MODEL_8ecdabb0b5d5478280ab9771e9384670" + ], + "layout": "IPY_MODEL_4b7fb98b694a4b64aa3522182d4ce595" + } + }, + "1aba609e4c704c05821321f5a508e7c4": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "1acb62915b2a4cc0aacd671e6c01ecb0": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "1acea0cb4b194a0bbd0f16230cd91391": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "1ad5b24ac94b4484a0e47f84ee4ba308": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "1aec54db9aed45768fcfb2b0fe836d6b": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "FloatProgressModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_385a32d900ac4a3e855fcfbfa3946b47", + "max": 78.0, + "min": 0.0, + "orientation": "horizontal", + "style": "IPY_MODEL_858176c99bfb4afb9bea02dd7b5fa235", + "value": 78.0 + } + }, + "1aed6f7b47a441d88b2d4ccfc4470bf6": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "ProgressStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "1affa226283149f792b909868cb6c1b4": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HBoxModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_f7875a10d06b4878ad5918ced77e43d5", + "IPY_MODEL_596c6a360cfa40f8a6b224b6498bc97d", + "IPY_MODEL_ce083d7c87ea45c0808ba76d5a02290f" + ], + "layout": "IPY_MODEL_374c2333d23c4d7b8faaeb8196f9b0b0" + } + }, + "1b0898c4b5b643629e90e4d691269546": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "1b129bbe5cdb4461a947f74471d7f1ad": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "1b1820ef38084191ba39785fb1f7004f": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HBoxModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_8663c21bf1e14883bc38c7431b65bd1e", + "IPY_MODEL_0a573784694b451b85fb3c96ed64c2bd", + "IPY_MODEL_1fb5dfd334324acbabc6517a7bdca29a" + ], + "layout": "IPY_MODEL_da2a3e3ccfe44263bac0f700881548f4" + } + }, + "1b203864c3054aa88529da562300d087": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "1b2cb560749f4785b3e6c539a482c0bb": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "FloatProgressModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_c830336adb4b443f8893fb39f0fc0e81", + "max": 26.0, + "min": 0.0, + "orientation": "horizontal", + "style": "IPY_MODEL_ce2456cb66114559aff8409a5abf7b6c", + "value": 26.0 + } + }, + "1b306cf0de8047d5a7b63296f1804b1b": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "1b3843fc38cf4684bbb9972a0d1d0dbc": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "FloatProgressModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_852f55bd4301448082bed485f3a0658f", + "max": 78.0, + "min": 0.0, + "orientation": "horizontal", + "style": "IPY_MODEL_d1676cadc05845e489247ef4894bc859", + "value": 78.0 + } + }, + "1b782dbcaed3493c8df1cfdfd6509ba3": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "ProgressStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "1b84a1f20632480981e215812b951577": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_11c0611b6c394e44a5a1aa332030a5f7", + "placeholder": "​", + "style": "IPY_MODEL_96799fb1e778472f839324f0673f78aa", + "value": "T: 038/200: 100%" + } + }, + "1b930a41da124992a6337a296d2a3770": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "1bafb40198dd433eb33ed456dc2a52c2": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "1bb2c633344e4bfa81fd464c5005a211": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "1bb48311805d436fba97a88acaa0ddda": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "FloatProgressModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_f4c490d6d60642e5aa2ea499bfb30a3b", + "max": 78.0, + "min": 0.0, + "orientation": "horizontal", + "style": "IPY_MODEL_a940010d742947239c1068e55008a497", + "value": 78.0 + } + }, + "1bbeffd271834360b7be04a42be2fa60": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_82731c58db1c452ca57e92df6919b1e2", + "placeholder": "​", + "style": "IPY_MODEL_cbff14f54ab04c73b33db5d05312d5d6", + "value": " 78/78 [01:30<00:00, 1.19s/it, fold=2, lr=1.14e-5, b_loss=0.362, b_acc=0.784, loss=0.464, acc=0.741]" + } + }, + "1bc0a828950d44e3b8584a11fc7c1515": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HBoxModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_c630b7be7df7493495dcfc0481c2ce07", + "IPY_MODEL_c5310729d8a64ec68d61bc0a97607efe", + "IPY_MODEL_0ff5db36b3084ad29ac4e074a9307a92" + ], + "layout": "IPY_MODEL_f1039ec8dc74456798c0bdb286a0a150" + } + }, + "1bc5c8690d084c78ade04b138f329a0e": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "FloatProgressModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_08237ea37e3d4adf98df9ccc2e34caeb", + "max": 26.0, + "min": 0.0, + "orientation": "horizontal", + "style": "IPY_MODEL_99b518d0c5694dcfbaf30a0a348b0cc7", + "value": 26.0 + } + }, + "1bcd6014672b44e3b0f7b2d4163bca09": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "FloatProgressModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_209c5fb51614408680d4b68f9eb455c3", + "max": 78.0, + "min": 0.0, + "orientation": "horizontal", + "style": "IPY_MODEL_be2bedcc380944d68fa1b9040ac8590b", + "value": 78.0 + } + }, + "1bcfe1f4f432475f8f869e0cbcf22aee": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HBoxModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_5f3244ff2af8480fb70f399e0358e287", + "IPY_MODEL_c8700d07b89f40e88ec317a6d484e9a7", + "IPY_MODEL_c69e102181d34f0aac7e782f09b240fd" + ], + "layout": "IPY_MODEL_8f178af2f9964579b2773c7a89787c67" + } + }, + "1bd05fae3e6845f99d9825bac9699db0": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "1bd7bee532eb42ed892b057c693b7caa": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "ProgressStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "1be0e1af01b747a190a8de48b808ea1d": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "1bee12f104be47bcaa25b2fb5120e2e4": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "1bf960c5aa7c440e88d6ed945ef7ccd0": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_7d2139b207114f86bb487db15a2aa4d2", + "placeholder": "​", + "style": "IPY_MODEL_f09b5be0a10648fc8f36fdbefe5994db", + "value": " 78/78 [01:31<00:00, 1.18s/it, fold=2, lr=2.53e-5, b_loss=0.105, b_acc=0.957, loss=0.18, acc=0.875]" + } + }, + "1bfdb89a9cc14522abc36354b6b5d083": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "1c0394db83634e5da747d5fde7fc892c": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "1c109d1111ad448ca383cd02ed528268": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "1c13bbf5c306435a89bea3cfe4801502": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "1c1759019e944410b9d3b697999f5c65": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "1c28d90af46a4771905e503aa65b2476": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "1c34050a77c64ebb9b2d976dd0cdea5d": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HBoxModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_31baf2120eb94c98b3094d4d8416d552", + "IPY_MODEL_3944f31ebf0e4ec39bcbfcb66a0aeb20", + "IPY_MODEL_782c9d4d1c6240e99627a70814252e02" + ], + "layout": "IPY_MODEL_707c529aea0a45b1b0e79f6ff6ae10e1" + } + }, + "1c496caedbea489cb97b3c977a4141fc": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "1c50d6f0b10e4a02a337b5c9d0a1f3d2": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "1c638c4309f5478b935d2a61d00a4417": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "ProgressStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "1c68e49fc5d9430781af07d616798637": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "1c6ef270ad3e425697c146b362aa3a5b": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "1c71ed92134543fbb7ac323ffa929ded": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_71320150474643e684dad287e2e2c38c", + "placeholder": "​", + "style": "IPY_MODEL_99c0179398134fbcbf27fcdb992c9a06", + "value": " 78/78 [01:30<00:00, 1.08s/it, fold=2, lr=0.000256, b_loss=0.412, b_acc=0.767, loss=0.402, acc=0.762]" + } + }, + "1c71f12e7dda4597a834571ea2c07151": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "1c90ca6da7d543efbdb379e24f8082f7": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "1ca40e68918c46d9ba847ac2ef8ec10d": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "1cb5fea394324406b2bf4f8b062cf8b7": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_b582cbfb229645eaa20626f78297d144", + "placeholder": "​", + "style": "IPY_MODEL_c47e4d61f6f34943a1c6cc4d318ddbf4", + "value": "T: 118/200: 100%" + } + }, + "1cc378d0d3104c368d2d640d9e0c700f": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_675139e93b3d40c798c1ef7147bd9be0", + "placeholder": "​", + "style": "IPY_MODEL_d8b95fa6ceaa4e8e9650d60266202011", + "value": "100%" + } + }, + "1cc460a7d8b14e52bdfb784120cd8292": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "1ccd1d1c78ac435b86bbd48395d3ed4f": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "ProgressStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "1d170a8a03594ed59d3d38f4bf1b635b": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "1d1b6a3dbe2945a681d0b965486c0256": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_05084f88dc2e4559bff4c896a6a316a5", + "placeholder": "​", + "style": "IPY_MODEL_97de4de333f541a0b22de297d9c359a2", + "value": "100%" + } + }, + "1d46f39e0f614fb3ba14b4099a400714": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "FloatProgressModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_f765acc05c1944a490937c5359b8fe1f", + "max": 26.0, + "min": 0.0, + "orientation": "horizontal", + "style": "IPY_MODEL_c2d60b8cb2f947afb590168b5e5c1160", + "value": 26.0 + } + }, + "1d4d22f45cda4a67bef1a232440eca7c": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "1d5d56dcaa67452c84424106f6648c9b": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "1d6355f5dd5749db94ae5976f67ddb79": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_dd55e2b3fb4344339af745244635aff5", + "placeholder": "​", + "style": "IPY_MODEL_3c2367bf610243b78692d93855ac622a", + "value": "100%" + } + }, + "1d7e2bd8e40047e88ec598663e497e65": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_0f408406ecd54768837396b3a9ac4f49", + "placeholder": "​", + "style": "IPY_MODEL_7d74f82e9cef4ca481156969825b0441", + "value": " 78/78 [01:31<00:00, 1.09s/it, fold=2, lr=0.000121, b_loss=0.135, b_acc=0.922, loss=0.19, acc=0.87]" + } + }, + "1d8b130c014f46bda67376ecb1ca96b4": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "1d91cf16356347d9855f4fda9e7d4301": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "1d9300233f154c4194b5f2d26ba08bc8": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "FloatProgressModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_f474a08f372d42f899c9d624bc2907e0", + "max": 26.0, + "min": 0.0, + "orientation": "horizontal", + "style": "IPY_MODEL_da118e401032434c9bf73c80a2cf39ac", + "value": 26.0 + } + }, + "1da3c011e5c343e595408e0bccf26004": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_6af785d080ae4d8ca3c063819201ae7c", + "placeholder": "​", + "style": "IPY_MODEL_1acea0cb4b194a0bbd0f16230cd91391", + "value": "100%" + } + }, + "1dbc609a898a4ef1839998b3f2a8bd63": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "FloatProgressModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_1658d31466b04399964f2daaccadc9a0", + "max": 26.0, + "min": 0.0, + "orientation": "horizontal", + "style": "IPY_MODEL_a21b526f0144416f8a47f7e5d81cf3a9", + "value": 26.0 + } + }, + "1dc7a9d40cc0400c8ca91e4b86b3e2a4": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "FloatProgressModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_d6759ac869c145e9b8f2a069c0d188ce", + "max": 78.0, + "min": 0.0, + "orientation": "horizontal", + "style": "IPY_MODEL_ffa8bfb792da4e18979c66475920eb6a", + "value": 78.0 + } + }, + "1dcf83650e004964abb543bff7f46471": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HBoxModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_40bb66dc30f644998b32c8bdb72e5622", + "IPY_MODEL_2c13a888222e48eaa6d1c761deb90a87", + "IPY_MODEL_a5574959688c42b1ad691692cc1b3474" + ], + "layout": "IPY_MODEL_363c99e390854051a7c6458b2e0e69fe" + } + }, + "1de04b2cc7a24d298d9881efc2c015ec": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "1df8d2f7e8cc4d959a78152352b618d2": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "1df9c51a240b413c9ed784d28f0ad98c": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "FloatProgressModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_42b0d8d363084fc6927d46e04caaa2bf", + "max": 78.0, + "min": 0.0, + "orientation": "horizontal", + "style": "IPY_MODEL_1aed6f7b47a441d88b2d4ccfc4470bf6", + "value": 78.0 + } + }, + "1e060ec0c99c4b23b000c193f609efae": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HBoxModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_3eb63476b89c4e7e9d7145c867c1624f", + "IPY_MODEL_321c88837344401d88a428020a2b4126", + "IPY_MODEL_9889e894b455471e9adef2ee42645481" + ], + "layout": "IPY_MODEL_fb66671159c04983804a6dee28b4fc7b" + } + }, + "1e095b02902a411f85e229188694a230": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "ProgressStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "1e1b29fdb5ad49e1977e62d01b0d1641": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "1e2342c10490494097a1ff8bc0f2d81d": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_0277e8eb045c45b88e45c172fd1a30a5", + "placeholder": "​", + "style": "IPY_MODEL_af7a790b0e5445f7af76c4016e3cbb53", + "value": "100%" + } + }, + "1e268c6f4dae4a62a14ba1cb8a8ce964": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "1e60d97a74c14d7b95ecf58c517906e0": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_66797fc8134548cea7f0277784d96b83", + "placeholder": "​", + "style": "IPY_MODEL_e52fde39b67b408fb8de76f20b0ee083", + "value": "100%" + } + }, + "1e7e99cd3e2045bc894f868cb7b3c4ac": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "1e83d4febbb54224849589501a30f297": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "1e84b01331874bb1a655a62310f85c3e": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "FloatProgressModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_a9aef5abc7b545e4b73181021b514ad4", + "max": 78.0, + "min": 0.0, + "orientation": "horizontal", + "style": "IPY_MODEL_3596b3c5d5fe4688aa1ac57be99923fd", + "value": 78.0 + } + }, + "1e86d0e327cf4cae9b0796a4063e043c": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "1ebed664a5ad42a982078323a5e31be4": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "1ed9195c256d49df8e96713e4ab12a5b": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "1ee2c72f10dd4c52aa56a968578c395f": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "FloatProgressModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_053b1130e3c645cdb74d7a8fe51b1458", + "max": 78.0, + "min": 0.0, + "orientation": "horizontal", + "style": "IPY_MODEL_e86e4f95235a49d48ad7c6826e6ed8bb", + "value": 78.0 + } + }, + "1eea4e5395d14d3db9c9c78faf12f7b5": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_7571c1f82d524d8fb0ef37bdfc623dd6", + "placeholder": "​", + "style": "IPY_MODEL_4ae76cb882ee42d695c0db93341daf5f", + "value": " 78/78 [01:30<00:00, 1.08s/it, fold=2, lr=9.26e-5, b_loss=0.301, b_acc=0.845, loss=0.167, acc=0.887]" + } + }, + "1eeb433ce9ca4fa88107ccff83ec27d2": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "FloatProgressModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_07ebae382bf54aecaa1b6371f75269d6", + "max": 26.0, + "min": 0.0, + "orientation": "horizontal", + "style": "IPY_MODEL_28bfe347e2f7478fa5709458f99ed55a", + "value": 26.0 + } + }, + "1eed704ab622455e96128e6f4be6f1c4": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HBoxModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_ec5919a716764168831ca3327e5841d3", + "IPY_MODEL_242a95ba1c814a1383080beacdcd243e", + "IPY_MODEL_24dcf80593d74d78b6490196e1fae8d5" + ], + "layout": "IPY_MODEL_4a423839e6cb484d9389332c9523346a" + } + }, + "1ef0a7f8f2f9409698c6d7f29f10ffff": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_267073bcea1b43e689fa298911fe3289", + "placeholder": "​", + "style": "IPY_MODEL_bd46e96e23d04ecd9335b88e8b112dbe", + "value": "100%" + } + }, + "1f01c0d72b4e4ed2a797f890cf6edc93": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "ProgressStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "1f079a03b93b466e94e7366361343cbc": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "1f227c75346e4f7fadad4bf5d0fc082e": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "1f3e0875dc4f4ca081f9a831c09543e6": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "1f3f0031b0064e1fac51b848d3b30a70": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_17dcd82507d64b219155531cb4b38895", + "placeholder": "​", + "style": "IPY_MODEL_71398cec089b449bb40385ebbb9f7465", + "value": "T: 004/200: 100%" + } + }, + "1f421d9fe92442979f9cde6bba6dbe27": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_d3b3a36fddc84b4eabc9a7d906edcec8", + "placeholder": "​", + "style": "IPY_MODEL_1982d621c078489caac5d12ce55d2998", + "value": " 78/78 [01:30<00:00, 1.02s/it, fold=2, lr=0.000275, b_loss=0.224, b_acc=0.871, loss=0.261, acc=0.83]" + } + }, + "1f5fedc1d60147c5bff799215dcae383": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HBoxModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_4b93c386e39647f38350732bc9f8e78b", + "IPY_MODEL_63aa79b3bcce42499263fc0b9150f1a9", + "IPY_MODEL_3aabba903d3c4d74905e29edb100e143" + ], + "layout": "IPY_MODEL_c86782507c6245d68c69c6b603e0ed31" + } + }, + "1f79e0ef00f2447296651e2eb03e5aae": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "1f90bb4c59ab436ba22e69d1e623f1c7": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HBoxModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_8949b3eea1fc4887b491b032ded1f9cf", + "IPY_MODEL_5951148f933b46329a143f155320cba6", + "IPY_MODEL_6d4c700590164d689400ba8308eb02a4" + ], + "layout": "IPY_MODEL_1959ef2f17ff47f6b6567e2010887ffd" + } + }, + "1f9cbe0aff3e470fb2b456e3b34d6136": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "1fab7488dac8440ab7a84925d3a1282e": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "1fb5dfd334324acbabc6517a7bdca29a": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_4a4e22a230944cc587b372ba9bd37ba7", + "placeholder": "​", + "style": "IPY_MODEL_9180cb3d674b418597c71ef5f40adea0", + "value": " 78/78 [01:31<00:00, 1.13s/it, fold=2, lr=0.000179, b_loss=0.813, b_acc=0.586, loss=0.699, acc=0.645]" + } + }, + "1fc2499bbf3b408eaf681b4a897aaf29": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "1fca800dc52f4ff78b4dfee89d5c71c3": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "1fcc6a4e2f4d41a2bc184e531b17a97d": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "ProgressStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "1fce6aa8a719437685d4dba4f19706ae": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "1fd501054b054f85ba3a340afe0a8b89": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_f429c01767b04c43831ffdafd24a528f", + "placeholder": "​", + "style": "IPY_MODEL_bb08b67d89074d409170ede480967a53", + "value": "100%" + } + }, + "1fd86be4071a405b8f02e24556a168aa": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "1fee9ecf33204c10b60886d80cda7d17": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "1ff9891f7b7f47968c4cff6bc8789293": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "ProgressStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "200428a084f54d1ea53addfbf3425adc": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "2005895dc12a4d24832e0ebed3122d11": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HBoxModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_6a55feba1f2248418f13de5ea269c1ca", + "IPY_MODEL_3794d3cd7b8141d1a0c30072302549e0", + "IPY_MODEL_2e6e3447fee34868a042cfdeac342cda" + ], + "layout": "IPY_MODEL_322d8c612c66479d9b58a0acad21c7a2" + } + }, + "2010ba1696ad412f8556b88286e98630": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HBoxModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_640e72da4dde450b9b7c65ac45888024", + "IPY_MODEL_6223ddf9997a43e5a1e1a6b5a7f52e7d", + "IPY_MODEL_0bdd1f006de441c0b892abc27378f3ac" + ], + "layout": "IPY_MODEL_28e3a14e0d65475f835f4d333c573f66" + } + }, + "201123f35bb44a81b6be4b01ff962ced": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "ProgressStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "2011784651674ba690added23de8e81c": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "ProgressStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "202fa9274d0b4da08df69ff38017cfd3": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "204131a7195247268e2e8b52a10ac9f4": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_063820cff1b54025b98fb625bee4971b", + "placeholder": "​", + "style": "IPY_MODEL_62f7a3e7c56b456caa8f0cb974df0036", + "value": "T: 025/200: 100%" + } + }, + "2059505cbc2a400ebc213ef98ae67988": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "205d16613c914bc99ee2e08ede42592c": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HBoxModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_af9d4320e56546e7846b7a19407746d7", + "IPY_MODEL_eb7db083403348e88063f073be46c08f", + "IPY_MODEL_84f5dd31fcfc4f4d9223e4608264efa2" + ], + "layout": "IPY_MODEL_bf0888b61e32434081e81e892ef26265" + } + }, + "205eddae2e9a48c6a1c832c2295234a5": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HBoxModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_2fdaba0aa19d44c5a495d06a749667e6", + "IPY_MODEL_9a63f72348b34d7b8d70304a1ff241fd", + "IPY_MODEL_daec39fdc6084b918262d95823cf4249" + ], + "layout": "IPY_MODEL_22b8d8e6eb084c03bc6b25177adbe8d3" + } + }, + "2076c2d4e28b4588babc1811ad67650f": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HBoxModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_01dda94a63744a32909522be4f05e4a1", + "IPY_MODEL_06e8a63027d941e1a9dc95d43fca79b3", + "IPY_MODEL_b6680abcd0834f2ea250cf8fd342b865" + ], + "layout": "IPY_MODEL_ae02f060d8a54671969b1eb3f2cc4a6e" + } + }, + "20791e0c8a384a219c1d14a2dcabaa8f": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HBoxModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_a3585ff5f2f846ddafe6c1389e0e04f7", + "IPY_MODEL_3526a288b1324273a7fc784404819bb8", + "IPY_MODEL_efee70db7dbf42cdbc97fa19f7a84484" + ], + "layout": "IPY_MODEL_17b9f35ad74c4879b6987f7d857753f3" + } + }, + "2086d500960c4472acb0543691e98080": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "ProgressStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "209c5fb51614408680d4b68f9eb455c3": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "20a528ab08094640a0db78532d32cdb5": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "20a6d6556e644a5b85db5290278178bf": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "ProgressStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "20db4e2f3a2740219a5dbb8aae21934e": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_a77949e13059451fa46e1431dc4173bc", + "placeholder": "​", + "style": "IPY_MODEL_93964d6f43f84dd396c9b0aa389d130f", + "value": " 26/26 [00:23<00:00, 1.03it/s]" + } + }, + "21196559b35249c6ac1f778625ad942f": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "2131ac87a456453fb04765bf70c5d4c4": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "214459673bf848f0a23d58e3e93fb89c": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "215b50716ff746d7a0902ebfaea3cace": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_740c3a7d5be24d4ca7b3eacbf2a296ff", + "placeholder": "​", + "style": "IPY_MODEL_08c466767b9a466cb7f3ee601ebd30d2", + "value": "T: 029/200: 100%" + } + }, + "216ac6a9914e4a919424f40b311f0891": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_2e48114419cd46af8840c65bdb7fb958", + "placeholder": "​", + "style": "IPY_MODEL_eaf29a27d642473fb07e49823eec2685", + "value": " 78/78 [01:30<00:00, 1.08s/it, fold=2, lr=0.000256, b_loss=0.391, b_acc=0.733, loss=0.448, acc=0.744]" + } + }, + "216d13bd891d451190a99e6c16d2a63e": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "216d910c428840bcb93c595e5150be84": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "217cfaa301b74f0cad89da41b898c033": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "218a4fdc539c49eb87149abfea186e66": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HBoxModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_dc1f2c2172084e7396ffd2823c1047ea", + "IPY_MODEL_00292741baa046e38bf70ed5488133b2", + "IPY_MODEL_cb52aaa34453492f9714e2295ed6833b" + ], + "layout": "IPY_MODEL_ac2171f821484565b6f504dc1c520066" + } + }, + "21917ae1423a49a9929b97703ba1071c": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "ProgressStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "219c6cbf03f24fc49955aec0e18f8f42": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "ProgressStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "21ab60b5852d4ed6b1d8659a153a6d3a": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "21ad2a567e3c4ceaa2ef440610616cf2": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "21b0123b29a34bed877209cf2ee44c5b": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "FloatProgressModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_c2dcf21ee5b941bba4a6c08017ead64d", + "max": 26.0, + "min": 0.0, + "orientation": "horizontal", + "style": "IPY_MODEL_fd7480f579f54a0684278156bfd9c66f", + "value": 26.0 + } + }, + "21b1c16c98d54ca0a595a8dd66be404a": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "21c16743a47b42c8ae4a6bf4341c32ef": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "21fc9b524ae74e4ab033ca75ed9785e7": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_e5969942a92f46a79d78d852d38e8796", + "placeholder": "​", + "style": "IPY_MODEL_d85bc4f03793423f81261c1556c26b89", + "value": "T: 107/200: 100%" + } + }, + "22120714e4ce441ea8844d7f8a6d8c19": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "221c63239f1f46d4985803eafe6294b7": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "ProgressStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "22270c46aad1499aa81607c608fb0e94": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "2227d5ad6cb24b41b88cd6517f0e3e50": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HBoxModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_5c46f07202dd408693438b833a1104bb", + "IPY_MODEL_61673a26a2cd468d961e23a71b2a8a5c", + "IPY_MODEL_115150d871da43e38b9be9a771844ad7" + ], + "layout": "IPY_MODEL_b7ea739b951e4c7582c3eb7af13bd445" + } + }, + "223039d6b12d4e41966202ce23a05df4": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_8b40444ff3e9499f8810fde65ffa4b7a", + "placeholder": "​", + "style": "IPY_MODEL_9868646b92ed45e4aabaf01004b1035c", + "value": " 26/26 [00:24<00:00, 1.00s/it]" + } + }, + "223ca2d7f4294c6abec259b4b9557a80": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "226b8dcec73f4cf4abd3d6c232a59f58": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "229c396753444e268226a71796033a0c": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "22a2f96ec42d4b8abe19eca394406a29": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HBoxModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_aa50ac8447264e639092affd01c40711", + "IPY_MODEL_7848b15ff6384152ad0f4c8bbcd62d23", + "IPY_MODEL_d4a4d2efef154fb88d4ed2ec036a7a65" + ], + "layout": "IPY_MODEL_c8cefb4c021d4cafb26b4c6645426028" + } + }, + "22a7935a5b4642c5a4f868d95123aadc": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "FloatProgressModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_3ec2a28ca1d144d29b6b7a478cb9dd26", + "max": 26.0, + "min": 0.0, + "orientation": "horizontal", + "style": "IPY_MODEL_4016d1c73b09486aa51990ee34efe1b5", + "value": 26.0 + } + }, + "22b8d8e6eb084c03bc6b25177adbe8d3": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "22c0a4706f9b47c4ab5b00453760b72e": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "22d80b65fa0546248dc9df5bba097c0c": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HBoxModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_3017b9a461cf44ada9e589f5cc3b4bd6", + "IPY_MODEL_ac5eeef09f4842c28752ddce2251dbd5", + "IPY_MODEL_aeb9af44aed14c77842d20434f0703a9" + ], + "layout": "IPY_MODEL_2dad52cb47304e2f85994a64a8ff0862" + } + }, + "22e9187492524453bbe67e69b0b1acfc": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "22ec94c616c649b78f1a7894be603928": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "ProgressStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "22f28a900cca46e5a6beeb8bf677b669": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "ProgressStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "22f5743d411944e4b4efcca44d25b219": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HBoxModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_fdd1030e4a004e38bd441921af496a19", + "IPY_MODEL_0bd5f12a081943119ff2a6cca002c217", + "IPY_MODEL_3633d17e9e024408b93d3aff0c1653f4" + ], + "layout": "IPY_MODEL_90cdf6c6c6ca4cc68cb80cbb2e08d794" + } + }, + "231b564523494dc694f977804d65c320": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "FloatProgressModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_2ac5c1e1e3b14dcd969a466fb7e66d6f", + "max": 26.0, + "min": 0.0, + "orientation": "horizontal", + "style": "IPY_MODEL_291555734b5549d3a75cfb08d8a936e6", + "value": 26.0 + } + }, + "231cc4c33c084f89b3866f70e97b86fc": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_b468879ddc3a409a91dc380b697dfaf2", + "placeholder": "​", + "style": "IPY_MODEL_4a13c5485ef644a38ca3e5ffb8920046", + "value": "100%" + } + }, + "23245d56e7cd44d4b8847d5df669eefb": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "234a0bbfe99a4aa99733e59287664c45": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "ProgressStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "234e95b945db497dbf9fd0cc842e18ee": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_3d00e3ed734641378d11168da121fdb2", + "placeholder": "​", + "style": "IPY_MODEL_5fe6d8c5e383444d8219817b9d4e4fff", + "value": "100%" + } + }, + "23549d39202c41f29ba422bbdb9b0fb7": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "235516bf3583478f94b344e855f6b52f": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "237c69626da34f14bf66170949348eaf": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "2383faf9453045e68317194a74de0373": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_796396c728064cbe972a8e76577a939c", + "placeholder": "​", + "style": "IPY_MODEL_7510e364462645f0805fcfa2b6e6f7a9", + "value": " 26/26 [00:23<00:00, 1.18it/s]" + } + }, + "23a6374bf27c4f0aa7049a66304b2249": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "23a8001e40ea407ba1e7e4c1e82d1ffb": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "23ae220280b44d87b0a2488154167fb7": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "ProgressStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "23c1d87800f841cf8c936d87bc4c0998": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_c77d38631beb4db0831b6d0024ec584a", + "placeholder": "​", + "style": "IPY_MODEL_b4aacf49086a4e50a0a29b00edfc634f", + "value": " 26/26 [00:24<00:00, 1.15it/s]" + } + }, + "23c81aecdd94499b87d0b97568dad059": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "23cafe40acba4e4cb8c5c29bda7176b6": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "ProgressStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "23ce1ab15c0b4b628b0709b9ef657836": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "ProgressStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "23dd853239d74ad7aa9e6bdb7c474df3": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "2410c24ce6c848629b556c8f4bff21e2": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "24119a87e2314c0d9bd5ab13993f4340": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_12fe976ada354852bb86c6f2e31f3036", + "placeholder": "​", + "style": "IPY_MODEL_4d03f0b2c908421c9e11bf4b56601300", + "value": "T: 124/200: 100%" + } + }, + "242a95ba1c814a1383080beacdcd243e": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "FloatProgressModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_d4902434ed0b4d44b9ffc0cca47f6828", + "max": 26.0, + "min": 0.0, + "orientation": "horizontal", + "style": "IPY_MODEL_ff47db95d208457bad863d38aaee956f", + "value": 26.0 + } + }, + "242cee163ee34a0e818118ab4c62f0c4": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "245097235c454b5584bdf5594b42af11": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_e21702e92f93450f89eb7768c9835cc9", + "placeholder": "​", + "style": "IPY_MODEL_7a8a410d8c19435f9b8a18fd06a9be12", + "value": " 78/78 [01:31<00:00, 1.14s/it, fold=2, lr=4.39e-5, b_loss=0.213, b_acc=0.828, loss=0.221, acc=0.855]" + } + }, + "2469e7d825a74ae699a4d130d13785d9": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "24920a158a71475db0e656ab4fdef159": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "24977e5e7bb64fd6b7c4221b94f44d9d": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "24c1e8f3666c449a9fcafafb27ac3b86": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "24c37b12104f455d9eb953621be0803c": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_338c6a181a9447e2b9b58750079e9c26", + "placeholder": "​", + "style": "IPY_MODEL_fcde9b3b446a4562bfa4327c07fb9696", + "value": " 78/78 [01:31<00:00, 1.10s/it, fold=2, lr=6.67e-5, b_loss=0.722, b_acc=0.638, loss=0.719, acc=0.633]" + } + }, + "24d32de122bc45ffa3e2ddcc7bca3f31": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "24dcf80593d74d78b6490196e1fae8d5": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_6f7a2fbacd0b4949a609edd41210405a", + "placeholder": "​", + "style": "IPY_MODEL_2b6cb850239e43ef82612255e36dbefb", + "value": " 26/26 [00:23<00:00, 1.12it/s]" + } + }, + "24e86c3259834200b23469afaa89b2af": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "24eb2ac0c1f543a7a1d2643fe07e7acc": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "24fce6aacc84459896d08b151e482ec9": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_fb0010da77484dcbb77c1d45266f6279", + "placeholder": "​", + "style": "IPY_MODEL_38fd0937931e4d2faab7d08edaec329a", + "value": "100%" + } + }, + "25079cdd96c9462c99402cc2b52cd3d4": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "250c114b72af4de19e961b34e243fd83": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "25313cdf358b431c869639fc2ac40957": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "FloatProgressModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_5a1b410e00c24b199f19f1085947b3a7", + "max": 78.0, + "min": 0.0, + "orientation": "horizontal", + "style": "IPY_MODEL_ea75d95fa6fa4c71a8ec736c266baa35", + "value": 78.0 + } + }, + "2536055bd70e40bf9e77ed40b1a13432": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_74ba1cd12856448ca96962cc67580d12", + "placeholder": "​", + "style": "IPY_MODEL_d9ce21c09b9642048703c9c7d8718b5d", + "value": "100%" + } + }, + "254839a109de4f3ab3069d598d77b54c": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HBoxModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_ecd8f498f66e43a9bd6995e59ad7ae3d", + "IPY_MODEL_a03e59f5a361412ea9fb391278a8a71f", + "IPY_MODEL_827519c90ca8424f817b17d254e56dab" + ], + "layout": "IPY_MODEL_7459228409024de283970d6fb89bfa45" + } + }, + "254aac8000824d769ece954e615b7b0f": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "25536d734aaf408d9f4e862a2198194a": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_7a47e4982bf04b139360f19e625d0b1f", + "placeholder": "​", + "style": "IPY_MODEL_6e65252482224292b51f693edf48ab5d", + "value": " 78/78 [01:31<00:00, 1.13s/it, fold=2, lr=0.000297, b_loss=1.47, b_acc=0.259, loss=1.58, acc=0.32]" + } + }, + "255f94c5d0464d82a8a952a78935cc47": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "256864dc6e3c4bb1a4a1d7312ab663a1": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "257116f961494e88a658f84a9f4cb81d": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "25750c4c6b114253942168a28d95c28e": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "ProgressStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "257a8b1d59ea49eaac76e9b80293b5ec": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_9763049653f44cf2bf52b094beb548dc", + "placeholder": "​", + "style": "IPY_MODEL_0dbe64d0358d4d6e892645e417c2c0bb", + "value": "T: 101/200: 100%" + } + }, + "258bacbaed8a429491500ae652493400": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "FloatProgressModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_c71e21d6c4de4eb48cc6889a831edb68", + "max": 78.0, + "min": 0.0, + "orientation": "horizontal", + "style": "IPY_MODEL_b2a16e13533d497ca5934204eae65e89", + "value": 78.0 + } + }, + "259532e1709f4cd6a8b658e8dbbd4b06": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "25a91967a3004df985c460acece806a2": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "25adb9518bde402483e5505141cb2d2a": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "25b3551b018e437385a2db7fd034be88": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "25dfb21ded224579b51912edc08cd4c7": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "25fc9f0708f3411b82114bc2e22c8828": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "260cbf8934204452897531204edc8d3e": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "26246cbbe1c2463981159a438ae106ee": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "262b90861a084dfb9edc3be3c43263da": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "263a52fb53e84786968121bdf0234161": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "263abc08035643efa8b5de36d8090321": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "2644578b69884347ada981e67009579a": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HBoxModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_3e5192d4e989405aa75ac500f89f7ed8", + "IPY_MODEL_197048ff95b64730ac8342d92d2cb589", + "IPY_MODEL_c793e029b30e402eb6bc0d6dfd3ea563" + ], + "layout": "IPY_MODEL_e5135813fc2b47a8af53c823aa2f9569" + } + }, + "2653ebef06ba44c98f176e44b3a12d97": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HBoxModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_011676e789804b30b809fb09731c1d0f", + "IPY_MODEL_9ad0230ceb174314993ffc0405be1c83", + "IPY_MODEL_811af4de6af84383a764c3ebd96d5260" + ], + "layout": "IPY_MODEL_88e195bedf66458fb8d81dbbfa5c9bd2" + } + }, + "266a83054b33495bbaa411a85394bb2d": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "266bbee67288455ca77d88ac5cd3c226": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "267073bcea1b43e689fa298911fe3289": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "2673512bb4ac4f37b308eefe100d87dd": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "FloatProgressModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_b3e3ef8ca3a040a68af269eb452e57a5", + "max": 26.0, + "min": 0.0, + "orientation": "horizontal", + "style": "IPY_MODEL_0b034fe58c2e4824a5b91dd563252ed7", + "value": 26.0 + } + }, + "26836d8b339b47e1a676711f40df3280": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_6a7bc8690d3e4cb7be9c5e98b61350a8", + "placeholder": "​", + "style": "IPY_MODEL_ae312ffda98b47e0b1e877b824722afd", + "value": " 78/78 [01:32<00:00, 1.19s/it, fold=2, lr=2.88e-6, b_loss=0.181, b_acc=0.871, loss=0.18, acc=0.878]" + } + }, + "26878d188a20467facaa6692c763a1ac": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "269438e1a5f14d0b9aa9bf900bff0c08": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HBoxModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_b78024e3366b40a6a30102ca4556bada", + "IPY_MODEL_e3214c6cfa654c49b9f5c73afe84929c", + "IPY_MODEL_10dec257ea6943a8b6cb8ac6b59120d6" + ], + "layout": "IPY_MODEL_08351182d9d84ea4b3187f2aa86bdff7" + } + }, + "2696e86300b8454194e378466c9a2f8f": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "FloatProgressModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_76fad122e87b4e54a5daa616055ad986", + "max": 78.0, + "min": 0.0, + "orientation": "horizontal", + "style": "IPY_MODEL_ffcada8e43f64cae96a3561a912714d7", + "value": 78.0 + } + }, + "26cef7e32c5842cfbfd00d015d8f40ef": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "26d8b9f872974191bfb1111bf0232802": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "ProgressStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "26dc006091604526a11843a805b58d81": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "FloatProgressModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_4198bd7c13ac4de885718adee2b1de21", + "max": 26.0, + "min": 0.0, + "orientation": "horizontal", + "style": "IPY_MODEL_dbac520ba90c45138bd074fedf52a8f5", + "value": 26.0 + } + }, + "26e2c815790544b39f368df25231faa5": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_199423f70eae442ab414d7e6262c14c8", + "placeholder": "​", + "style": "IPY_MODEL_f22184398b6348cfba975b4fd61c735d", + "value": "100%" + } + }, + "26f37cd88b3347b5ba0174c8ac5c1285": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "26f9e13116504142a970b87fb4d02932": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "270a476bede543eaaa8e3f4083cc6a1a": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "2736a631d5e44c6cb874ae47032fd161": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_c8eec5d167ed40bc8cb24b5376a287b6", + "placeholder": "​", + "style": "IPY_MODEL_04fa723e51214491a0c45ad8b1a57437", + "value": "T: 141/200: 100%" + } + }, + "2748fe5d266f439dba5e4caf67f30b67": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HBoxModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_ad5398633790479b8f6fd7feaf2195c8", + "IPY_MODEL_62a187a1e0b24bdd879dc8b14a9c4af7", + "IPY_MODEL_9ea181b7f3bd41c1931032eafc87844e" + ], + "layout": "IPY_MODEL_3d89fb227f4c4cf596fd70efbb378246" + } + }, + "275c3a562e2a423e8c298cc1414e6940": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "2771e120a1e5425e97b528565e2d6105": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "FloatProgressModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_af5463d09cf345a3879073ac1805d207", + "max": 78.0, + "min": 0.0, + "orientation": "horizontal", + "style": "IPY_MODEL_4e8b740f047b4ce2adfabe5f1fe4efa4", + "value": 78.0 + } + }, + "277bd5752f924025bec6acc817a00e16": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_cde58e0bcf084914827eac811c686b4d", + "placeholder": "​", + "style": "IPY_MODEL_7e29d01e5eda4c858fb385addef1e724", + "value": " 26/26 [00:23<00:00, 1.15it/s]" + } + }, + "2785382bbb554db98535f74fc5532041": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "2788fb20e59a46619184620cd865ad8b": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "FloatProgressModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_c5f3d13896fe4139a4473b0502acd8f2", + "max": 26.0, + "min": 0.0, + "orientation": "horizontal", + "style": "IPY_MODEL_433704def3794b1f8acddc360bc4aa63", + "value": 26.0 + } + }, + "279268bc60fe4979b0122bff5ccbccb7": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "279702243005454ab50c28c1588e7442": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "27b99002833948c7a8edced77a3737d5": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HBoxModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_2ab27faf9264405b9d6d25363840a947", + "IPY_MODEL_4f14a1cb96ac479999e58daf2f9c42c6", + "IPY_MODEL_1659fb567550449ea0140c3193be35ec" + ], + "layout": "IPY_MODEL_2a0a92a4d0314974ac1dc374a81a2c8f" + } + }, + "27c62d7124974dbab43f397a6f193677": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "27c664cb81f84f5c80a7d34aac7bac0d": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "27de56d0792f44fdb2bead93c02fc869": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "FloatProgressModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_d42c8d74a8634c3bb5b6f938592277e0", + "max": 78.0, + "min": 0.0, + "orientation": "horizontal", + "style": "IPY_MODEL_4e8abb2104b948b2a9a3b01a6a043850", + "value": 78.0 + } + }, + "27e3409620b648e6b261e18118861775": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_e6f217e4a1324289a5f49335bbd93c16", + "placeholder": "​", + "style": "IPY_MODEL_80d540ad812243e2b2068f930718ed3a", + "value": " 26/26 [00:23<00:00, 1.02s/it]" + } + }, + "281d13c2fd61477984063fea93ab7b40": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "281fde089578461daf3b0f4fc203661f": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "284c77c60c384318903e7dea41be70a0": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "2851481dd5b04e42b9d20efa2b504a36": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "FloatProgressModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_b643a38f705846a1a66f3ec67f0fe4ee", + "max": 78.0, + "min": 0.0, + "orientation": "horizontal", + "style": "IPY_MODEL_83e8d5ccfadb46b2a16e3ce24cff5199", + "value": 78.0 + } + }, + "28565a9b48d04f1ebeb53898fc80b5b5": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "286e7cecb0e94070a36b499cf85a68e9": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "288e106634e84432b60da91916033ccd": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "289390af94e841a4908713c495fd4a1c": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_fc299edf110446edb3f418343b239801", + "placeholder": "​", + "style": "IPY_MODEL_85845c9576174581ba2c88cb2a571aa3", + "value": " 78/78 [01:30<00:00, 1.29s/it, fold=2, lr=0.000207, b_loss=0.401, b_acc=0.802, loss=0.426, acc=0.76]" + } + }, + "28ad3812ec364c31a9f04ee3f2049b0c": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "28b61968d98242ffae5bfb08b9a0e862": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "28bba80825b34d54a62e2e0bb433f296": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "FloatProgressModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_d8fd9bf84f7240869cab81275f896d59", + "max": 78.0, + "min": 0.0, + "orientation": "horizontal", + "style": "IPY_MODEL_c0716b3b8ff9497f8d8896f2630eed08", + "value": 78.0 + } + }, + "28bfe347e2f7478fa5709458f99ed55a": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "ProgressStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "28c259588a544d3fbc374484e248a1da": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "28c2726ab1114f0f91bcc19038d13716": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "28c35912f48a4c929e629f5e5604e545": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "28ce3579564d42218c1d239ac95f3f30": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "28d4955f05544e7bb1ddf801ad140684": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_016cdc9f72c14fed9cbec004dd9fd2e2", + "placeholder": "​", + "style": "IPY_MODEL_bd29993ef2634e9fb05119e226f2383d", + "value": " 78/78 [01:31<00:00, 1.13s/it, fold=2, lr=0.0003, b_loss=0.684, b_acc=0.595, loss=0.726, acc=0.625]" + } + }, + "28e3a14e0d65475f835f4d333c573f66": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "28e5211763914352a6f9551c7de35eb5": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "FloatProgressModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_7179fddc86b54332963463fa6e2694af", + "max": 78.0, + "min": 0.0, + "orientation": "horizontal", + "style": "IPY_MODEL_8d98ab8a600e4c9eb9ed35306c02db33", + "value": 78.0 + } + }, + "28e8891bcde640e482794c96c2db23d1": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HBoxModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_5731869dcd884df6848d5f4d4c598e97", + "IPY_MODEL_6215c4cd38a94a92ab64d3baf26809bb", + "IPY_MODEL_bb0d2bb2d4c140ca8c55b16b9b031732" + ], + "layout": "IPY_MODEL_3d8a9f869b9c4dbc9c122654e5ff2e59" + } + }, + "28e8a576a17746ffbabc952de0a9d71f": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "291555734b5549d3a75cfb08d8a936e6": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "ProgressStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "2932ebe83cce45c6a20c31ac3d4b0683": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_b255187a875b46dfa092bceedfa0b382", + "placeholder": "​", + "style": "IPY_MODEL_cad80881f55e441b883ba0aa7fde1f9d", + "value": "T: 190/200: 100%" + } + }, + "293b48c3c32a4fec861a65587ee64adb": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "2959bd56940643d993b09533b48d22a1": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "295cf2d24b9743d49b14a5e0bc4e6a00": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "296e8b24d65046bba2127e86278bb4ae": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "FloatProgressModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_7ad6abce04aa489c92dcda5616ef8794", + "max": 26.0, + "min": 0.0, + "orientation": "horizontal", + "style": "IPY_MODEL_f4d07a50c85644d5aa349d6ea1934c3a", + "value": 26.0 + } + }, + "29760c6d996841bea182350473a7ecaf": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "29784e0742434dee95939be335a8a2a1": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "297b5f4aa9bb45c1b0c53849d86e22d3": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "2998405bdeba4bce8a43dd1ac1b97b60": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_7e4d4146d3854ae989c88d0a63655c72", + "placeholder": "​", + "style": "IPY_MODEL_7ead77d3c30b40c48c9344abc3ef2658", + "value": "T: 165/200: 100%" + } + }, + "29bca8ae5b1d4da091ba88a23c427855": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "29e1b84baa1149239a88c56f616c42e6": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "2a07e903e6db4904a63e0c6426902cd3": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_c93670d8af7a46039849a93b003bbb1d", + "placeholder": "​", + "style": "IPY_MODEL_ea11da3f33a84670972174801b370146", + "value": "100%" + } + }, + "2a0a92a4d0314974ac1dc374a81a2c8f": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "2a0cff43082d4b4bbd6cbfefa7f66fd6": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_da4f1e5829df4b919dab93863043f8de", + "placeholder": "​", + "style": "IPY_MODEL_f14b7423173545c3a32cc508878943ac", + "value": " 26/26 [00:23<00:00, 1.21it/s]" + } + }, + "2a105ee9582f4cf2aebb17d073690b94": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_00a9716c41c14354a4d6269e1c3db946", + "placeholder": "​", + "style": "IPY_MODEL_c36332d4fa584e989b022236205f6540", + "value": "T: 193/200: 100%" + } + }, + "2a15e523495e440788b079933ef12eff": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_d9215a70f7e14f66a695a5de8c61e03b", + "placeholder": "​", + "style": "IPY_MODEL_21c16743a47b42c8ae4a6bf4341c32ef", + "value": " 78/78 [01:33<00:00, 1.04s/it, fold=2, lr=6.67e-5, b_loss=0.149, b_acc=0.914, loss=0.202, acc=0.863]" + } + }, + "2a205653d1794dba8f8e44314968d765": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "2a26babe40954ed1a7d5e1e7a132f10d": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "ProgressStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "2a2ff16949604bb88500d800afef5ff7": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "2a37f0d9a2914b6fb7a3e45b9ab809de": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HBoxModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_9b6a265e613a43dba4dcf2f26375aa90", + "IPY_MODEL_e4353b1546f140038252622cbd93ef68", + "IPY_MODEL_1f421d9fe92442979f9cde6bba6dbe27" + ], + "layout": "IPY_MODEL_0f106a23e7c744a78e85d4ab3a6a28b2" + } + }, + "2a49d3b949d8405a93acfb4909f8026d": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "FloatProgressModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_2aa1714eaa174d6697750b48a165b22e", + "max": 26.0, + "min": 0.0, + "orientation": "horizontal", + "style": "IPY_MODEL_1690070f984e4240a19be9121589ecd7", + "value": 26.0 + } + }, + "2a5321c0f6e34a93b9e9a490d01e9766": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "2a5f34f27f69466e8c329c154095ce87": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_c41aa183434d421fb9247a70d14f602b", + "placeholder": "​", + "style": "IPY_MODEL_a0e14e5e5bbd437d987f10dd68bf421d", + "value": " 26/26 [00:23<00:00, 1.15it/s]" + } + }, + "2a7a2a5d37d04f388f1110f39da2ff11": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "FloatProgressModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_637f69372a0a4a728a090336abdcaf09", + "max": 26.0, + "min": 0.0, + "orientation": "horizontal", + "style": "IPY_MODEL_3ab7442d649244dea23ca11fb04bf380", + "value": 26.0 + } + }, + "2a865ea4d05d4e058115098b648be271": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HBoxModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_feffc71c52f84352acce52739e437a08", + "IPY_MODEL_818036c70b18478f97d8ac93c9cd6eb1", + "IPY_MODEL_4a29a4784b644c46ae857e0c8abc5aaa" + ], + "layout": "IPY_MODEL_8639f7c354234a05a08e2ef0170c6e20" + } + }, + "2a879180c4104d7690fef9757fe62b53": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HBoxModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_1fd501054b054f85ba3a340afe0a8b89", + "IPY_MODEL_5dda06e795d04ae890edf9a3abc8597c", + "IPY_MODEL_9a27c530e47d47a9b8616d7533aa0229" + ], + "layout": "IPY_MODEL_62e1b33e6e2b4bc8912b4216a1cdf3e3" + } + }, + "2a8aad31994649f1b7230b50f43337dc": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HBoxModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_000ca704209346ae8bb61d12fcbb2377", + "IPY_MODEL_790c9efdfb7d42cb80c14cb523776724", + "IPY_MODEL_ef13c2c7dcd240f89330fe1e7b353fff" + ], + "layout": "IPY_MODEL_10dcffec51a0414f91eb2c861bbaf611" + } + }, + "2aa1714eaa174d6697750b48a165b22e": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "2ab27faf9264405b9d6d25363840a947": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_8cf983ad530a4a6daf883fd694d4282f", + "placeholder": "​", + "style": "IPY_MODEL_981f783868da45ae858f43b33c066923", + "value": "T: 143/200: 100%" + } + }, + "2abd2651ae20443798d752d3f68ba4b0": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "2ac5c1e1e3b14dcd969a466fb7e66d6f": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "2af8820e0eda4d67af6e4424f64cf45a": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "2b1afc83ace04977bd57bda974c3d5bb": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_0daeeb768e5c4099a64b513ad9d655f0", + "placeholder": "​", + "style": "IPY_MODEL_ef7d8bc8e03845f5ac8e680d8c69f268", + "value": "100%" + } + }, + "2b1ec805df6a4bd3b058e91788c977ae": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "2b290996d7c8438183dfdcbef9b08da1": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HBoxModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_0183a201d0224f129d0b0527f779da6f", + "IPY_MODEL_fb3b0c977aa64c1b8eb605a9b34c6674", + "IPY_MODEL_adb1396881974c288ac632672c66076d" + ], + "layout": "IPY_MODEL_4cd7d5bde7854b41bf8157931d61a6b9" + } + }, + "2b2cfa39cba244969b63246ff2d49e25": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "2b33be4aec224a5cae2669cdb9afd7e5": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "2b40a80266fd48bea19855805abd864f": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "2b671474deef4452941e58723d9e9803": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "FloatProgressModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_f1f2af3c29334321a968629e589634f3", + "max": 78.0, + "min": 0.0, + "orientation": "horizontal", + "style": "IPY_MODEL_34e867e9d11f42d697abf733c2068822", + "value": 78.0 + } + }, + "2b6a7f9fdba0435191155c9cb0270cf5": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "ProgressStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "2b6cb850239e43ef82612255e36dbefb": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "2ba6077e381740a08614801b3b5871d7": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "2bdd8679db5d4924a41e8446c10321e8": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "2bdf539695e44421b7b5de7446625b1f": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "2be6501d554a4e089a4345e536fec9a3": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "2be98969325f408c8014f18ca7b34377": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "2bf2c05655a5438b86c3fc810d359bca": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "FloatProgressModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_7e1b4a209ba244b1929faf2b652358d7", + "max": 78.0, + "min": 0.0, + "orientation": "horizontal", + "style": "IPY_MODEL_4ce3418b71bd4d639676eed9213254a0", + "value": 78.0 + } + }, + "2c094463a41d478ab4ca6ef1a1cba7f5": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "2c13a888222e48eaa6d1c761deb90a87": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "FloatProgressModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_f0e3f3eca2004da4aac0787efdfc1db5", + "max": 78.0, + "min": 0.0, + "orientation": "horizontal", + "style": "IPY_MODEL_b118be91624c474c87b664fcf85eba68", + "value": 78.0 + } + }, + "2c26b8a79c2b41ac9e9dbb4d76c02136": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "2c3475903f8a49f4a463bb1fc7567a28": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_ee70da9108cd47778335ad5a386518f9", + "placeholder": "​", + "style": "IPY_MODEL_917eb336b7144354928fb63ffb9ecf02", + "value": " 26/26 [00:24<00:00, 1.05it/s]" + } + }, + "2c3718731c014ae7bcef8f6014f976fc": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "2c3b0f7623304eddb2f5ae9406c8177a": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_d4e16c08298b4ef6bc74bae2245ee55d", + "placeholder": "​", + "style": "IPY_MODEL_fc3623defe23458ba9f2a5705bc5ce9c", + "value": " 78/78 [01:32<00:00, 1.07s/it, fold=2, lr=6.67e-5, b_loss=0.223, b_acc=0.879, loss=0.228, acc=0.85]" + } + }, + "2c3e7d8a19d844df9ca3b1347d9f02fb": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HBoxModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_34f05585236348eeae75ed9a87d60677", + "IPY_MODEL_7836a191f64743cc88f1d30d48334826", + "IPY_MODEL_563abb18e4fa42fcbaa9da2765cd86dc" + ], + "layout": "IPY_MODEL_50883350258e48adbf07866870abde48" + } + }, + "2c4504585f324cb884f6ccc89c150fb9": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "ProgressStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "2c4970b274174958bde1ed2006f80597": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "2c63acf029ec4b97b29ea25c8917d115": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "2c773dc0c56a4dd898f4fa82b07dd50a": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "ProgressStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "2c8ba2f8463546f2b0c64e9d2c5ee606": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "2ca1334e9c0443f88ca36541da42b867": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "2ca71465e71241f79f4a82b568a4d6ef": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "ProgressStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "2ca7a3ef50ff4883bed954f22972bcc8": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "2ca852005afd4e86ab5ded10bfbdefa8": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "ProgressStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "2cb1c86693d5484b9439fd3fd4b6980d": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "2cb51ebb863941779bde3ef3d90f6c8d": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "2cef856bc37d4e0ab5fbc84b42cc9861": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "2d10ee44a4154ea18e2731d7586c84f6": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "2d2d225fd0724b8d8d3080ae44ea4454": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "ProgressStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "2d415e4a6ec54d828608913d5b7bd8e6": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "ProgressStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "2d47007443ea450d8180c86e57f3da53": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HBoxModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_142e0d582cc443e1944f40e32e91ad5d", + "IPY_MODEL_b059f83a8c9d413394bce5e6e318bf0a", + "IPY_MODEL_e9372061c5d049d592a28ccfa851b16d" + ], + "layout": "IPY_MODEL_f30a1a1717c24531ac23af29e581820e" + } + }, + "2d548afdc42743f9b430d00bc0564a73": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "FloatProgressModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_0d679bbcb23d435d9b00a5f02212ca59", + "max": 26.0, + "min": 0.0, + "orientation": "horizontal", + "style": "IPY_MODEL_d4d3ad34a7aa44d78e57ffb2001834c2", + "value": 26.0 + } + }, + "2d65b81c7a8b4ee5a4791a9b5f2bbb14": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "2d7a4d426ff54827b6c9d912c99a0d5e": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "2d83bb8718024db2abd8c28614e6ce5a": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "2d967643c0cf4ebf8eb57e2afc5201df": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_8792ebc4498847eebfae96c8808cfdd8", + "placeholder": "​", + "style": "IPY_MODEL_27c664cb81f84f5c80a7d34aac7bac0d", + "value": "100%" + } + }, + "2d9696ed4bf440e18a9a00ed567da9ef": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_653cb57cf99a48eab6195d4f0a67faed", + "placeholder": "​", + "style": "IPY_MODEL_7f5669fab8ac4b439d2e51764feb1071", + "value": "T: 177/200: 100%" + } + }, + "2dad52cb47304e2f85994a64a8ff0862": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "2dc0d48b5b884082ad03be88c24c3555": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_ad089a656f4e4cf7ae08f43a103efc07", + "placeholder": "​", + "style": "IPY_MODEL_525de064f5ea4b8b840bf0c1616482e8", + "value": "100%" + } + }, + "2dc525cacffd46009b4453c7974dfda9": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_bf8a0616789940dda028a85a6391b449", + "placeholder": "​", + "style": "IPY_MODEL_323ccc3035234847bf2dfedf5e6e6b55", + "value": " 78/78 [01:30<00:00, 1.30s/it, fold=2, lr=0.000233, b_loss=0.325, b_acc=0.767, loss=0.387, acc=0.768]" + } + }, + "2dd4d54d335340b180ffe09485e19dbc": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_dbc32d14fb474d1eb7db4f1dec0e0274", + "placeholder": "​", + "style": "IPY_MODEL_7af6430e8f1f45a29d14e41e5ddb96d4", + "value": "T: 054/200: 100%" + } + }, + "2df1e6fd14c647aeb66c76f67f7fb591": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "2df8bcaab22844fc8a85a3283327699e": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_e9fa88fd900b456597a65797f59a72a1", + "placeholder": "​", + "style": "IPY_MODEL_5720c2a7366f4264bd04551e1bec8524", + "value": " 78/78 [01:31<00:00, 1.36s/it, fold=2, lr=0.00015, b_loss=0.345, b_acc=0.828, loss=0.325, acc=0.803]" + } + }, + "2e117c6186214f209d478b02bc3dfea2": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "ProgressStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "2e2d49e0feb44ed486ec9d347ea8fc7f": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HBoxModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_635b0722a82e447997661e460f9a8c51", + "IPY_MODEL_6cf1124beab64f3a9bb80060b6676223", + "IPY_MODEL_3a1803e75698444d8f6b5fee342c5e49" + ], + "layout": "IPY_MODEL_d1910f72a4294cdfb5ca0fb6d9d8f141" + } + }, + "2e3b4ed37ced450aaa4b8553dcdb9de7": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "2e3bc14b31c54bce8a80a597e4600cb1": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "2e48114419cd46af8840c65bdb7fb958": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "2e4fe995f7cb400d8f963378cec34da9": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "2e5ac659ac7b437887c627a097f4e7ef": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "2e6e3447fee34868a042cfdeac342cda": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_91f2b72b862245f98e0f50e708ffcfcb", + "placeholder": "​", + "style": "IPY_MODEL_f328c362ff234b1e82b8363e9ccd9202", + "value": " 78/78 [01:32<00:00, 1.08s/it, fold=2, lr=0.000179, b_loss=0.282, b_acc=0.862, loss=0.271, acc=0.826]" + } + }, + "2e85fe0fc2994c1f8176689f68df2867": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "2e9bbe4fdcd844349a99f75a45c92bad": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "2e9df5f5731d4f52bee7625e6464e648": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "2ea3ecbdc4344d3a85f552e33d46da49": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "2eb889685baa44faa157ca526da7e030": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "2ec490ac4b6d4393aa8c3cca985193a2": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "2ec8393ab920472da9460f5612c82751": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "2ee31128e54142b3918eb288b24eafea": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "2ee4019610aa49049f332d58684254d3": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_4ff4b98f39d84f03909bd9ca5b55ea8c", + "placeholder": "​", + "style": "IPY_MODEL_3298e4e9cd5341bcb57e4d61dd8a3a12", + "value": " 26/26 [00:23<00:00, 1.05it/s]" + } + }, + "2ee5b252e96d47ff9affa03aba713c84": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_0f771f6b29994466a283be4dc8cac634", + "placeholder": "​", + "style": "IPY_MODEL_3cd765ccf0ee45358ab1e3e4e42bc6e9", + "value": " 26/26 [00:23<00:00, 1.09it/s]" + } + }, + "2f03a663ddd146a5b9b50e0850b64b43": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "2f0d7a79369a460db33cfd24f97815de": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "ProgressStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "2f125cb3a0bc4b84a1f0d1786ad962d3": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_fa465aaf7941487aa56f1906e5cd057c", + "placeholder": "​", + "style": "IPY_MODEL_7fec1b3ea81141bab831eb34a00dd637", + "value": " 78/78 [01:30<00:00, 1.08s/it, fold=2, lr=2.53e-5, b_loss=0.0949, b_acc=0.931, loss=0.141, acc=0.9]" + } + }, + "2f36017f96094c239f68223807185d93": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "2f58aa28e6b54c03805e95a44c306402": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "FloatProgressModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_3752752977a046ab91cab165bc5df25e", + "max": 78.0, + "min": 0.0, + "orientation": "horizontal", + "style": "IPY_MODEL_e29348913c76492f9269c7e1aad32bdf", + "value": 78.0 + } + }, + "2f71429c038f4a2698a6fffdf6914d5c": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "2f93445112e346c3bef13f08f6e1a6d0": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "FloatProgressModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_d405c309a0b94fa5b4f1268b3d62588c", + "max": 26.0, + "min": 0.0, + "orientation": "horizontal", + "style": "IPY_MODEL_4930aed6d19741c1962c930bd4b8b6b6", + "value": 26.0 + } + }, + "2f93c40f33a942a5959ec4ac027738bc": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "2f9925f2e5fd41bc97ec977195d28ec8": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "2f9d365ac10f4edebc0b346b1e740733": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_645e7ee0a4dc4d99ae2f66f7e67b7a04", + "placeholder": "​", + "style": "IPY_MODEL_45c29f898d81452eb39af9ed44347185", + "value": "T: 001/200: 100%" + } + }, + "2fc15655b761445e9c5cb1bb28c21f25": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "2fcddd8b27ae4c2fa34d5ac7c34338a6": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "2fdaba0aa19d44c5a495d06a749667e6": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_b668bfdcfe55438c90efbe8f963ddf86", + "placeholder": "​", + "style": "IPY_MODEL_1bd05fae3e6845f99d9825bac9699db0", + "value": "100%" + } + }, + "2ff6783dc96647cb9b83dacab7d74d08": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "3012eba2d18e41528f963de7097a6c0b": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_284c77c60c384318903e7dea41be70a0", + "placeholder": "​", + "style": "IPY_MODEL_f9c44b46d7cb493eaaeae9bab9f6e80f", + "value": "100%" + } + }, + "301369b0685d4234a7aa06f45d925719": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "3017b9a461cf44ada9e589f5cc3b4bd6": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_3f3b157cbb874a6ca48efc7ac3cbc243", + "placeholder": "​", + "style": "IPY_MODEL_67f48d1cf0174b209adafdac820a4fe5", + "value": "T: 095/200: 100%" + } + }, + "301a5c93c4cc4a06adc9e95b4a0bf2bb": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_14349638f07a4a3295c2ede9f5f601d6", + "placeholder": "​", + "style": "IPY_MODEL_1e268c6f4dae4a62a14ba1cb8a8ce964", + "value": " 78/78 [01:31<00:00, 1.13s/it, fold=2, lr=0.000275, b_loss=0.266, b_acc=0.845, loss=0.3, acc=0.811]" + } + }, + "30248033e6664bc3b46172b68ca387fc": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "3036fea88564486aa6258520ecd693f5": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "303f922c9d8f42fea0e3cebd6b03ce9b": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "3063bd204f6041aebc29c6dd6aa82dd9": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "307383783b36419abe7f3ed6c184f29b": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "3076070d2ab94eee96cf322ab2b220ed": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_e761a2c65d82433ba3038d6caa3236ac", + "placeholder": "​", + "style": "IPY_MODEL_3cdb1c6044c34f199bfdbdb441aee182", + "value": "T: 079/200: 100%" + } + }, + "3089d0cb7744469e99f88e2a76a44edd": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "FloatProgressModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_1b203864c3054aa88529da562300d087", + "max": 78.0, + "min": 0.0, + "orientation": "horizontal", + "style": "IPY_MODEL_6b9cc21257fc4d389e095b0671d07d1e", + "value": 78.0 + } + }, + "309575a8d94340b0bd4ebfa0c07fd00b": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "30b77a3a770c40c08cbe348bf1319165": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_e32bbbdc781240138dad425494801a7f", + "placeholder": "​", + "style": "IPY_MODEL_beaa44a65cf249a2999f07d8f46da319", + "value": " 26/26 [00:24<00:00, 1.12it/s]" + } + }, + "30c11872811c438fa01b47cac4cf8849": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "30c2a9104ab949b584fbd4df9e743cd5": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "30c5aa9c38244da99f23d367718b581d": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HBoxModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_766fc1c06247457a8d68134844d2073a", + "IPY_MODEL_2f93445112e346c3bef13f08f6e1a6d0", + "IPY_MODEL_223039d6b12d4e41966202ce23a05df4" + ], + "layout": "IPY_MODEL_efe79d8e05454bd9afbd276aed38189b" + } + }, + "30f340ad9a0e47509fa248bbcd144466": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "FloatProgressModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_035f2ac2f5f147d48c965b95d3eb2a7d", + "max": 78.0, + "min": 0.0, + "orientation": "horizontal", + "style": "IPY_MODEL_398ed78e9bdf4d93b62e4fa96178eca9", + "value": 78.0 + } + }, + "310cdc7a480e4f12ad71dc944a884c8f": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "31145fe3db25437a97e73cb745fdac35": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "311717af36e74bf3bc72c14e548ec244": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "31220e6b2fb240b7b3f6e9273e5d3c9d": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "312d47a4651d47bc9c90346782a1d8db": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_6cab527652114f4a80bf0f0a7f0bb803", + "placeholder": "​", + "style": "IPY_MODEL_d6dea72509ed4907a1806631bc78f30f", + "value": "T: 142/200: 100%" + } + }, + "31397378f8ad437482e4086ace7dbe87": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "313afd0432c84925b600aa0e5895f1e1": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_9ce7b9b5622146d38e1d723b30283513", + "placeholder": "​", + "style": "IPY_MODEL_0746db6460344d6292cfcd3fcedb017b", + "value": " 78/78 [01:31<00:00, 1.14s/it, fold=2, lr=0.000179, b_loss=0.74, b_acc=0.569, loss=0.854, acc=0.573]" + } + }, + "316940d9015d45a8b82afd1129559c17": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "FloatProgressModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_9373b8cf62f642dcb526bf3c1af4e28b", + "max": 78.0, + "min": 0.0, + "orientation": "horizontal", + "style": "IPY_MODEL_ec2dcb19d3d24162b70fe8ecc7187503", + "value": 78.0 + } + }, + "317e3202006148d8a03bd03433892556": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "319f1a92547e4b978ebaa46675a62c8d": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "ProgressStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "319f4aaec78d4461a352848827bf2d5c": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "31b4edc8a95b446283368bed40520240": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "31b9567af5fa4014ba2a979c66e9fd8e": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_e797469bb3a24e2a876bdc76a70862da", + "placeholder": "​", + "style": "IPY_MODEL_542c6dfabd1f4382add0a187258c5b2b", + "value": " 78/78 [01:30<00:00, 1.14s/it, fold=2, lr=2.53e-5, b_loss=0.201, b_acc=0.871, loss=0.209, acc=0.858]" + } + }, + "31baf2120eb94c98b3094d4d8416d552": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_dc7d6aa5e21c4ebdbe6c4a143bced19b", + "placeholder": "​", + "style": "IPY_MODEL_3f302c959ed246bcb1772d4d831673c8", + "value": "T: 132/200: 100%" + } + }, + "31c7dd4d59184fb9bb764565149e97df": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "ProgressStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "31d367a295954db38fc78083a60993f3": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "FloatProgressModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_cf0f00d24b1a42e3b1d3d0f2afbc1cbe", + "max": 78.0, + "min": 0.0, + "orientation": "horizontal", + "style": "IPY_MODEL_ddd0fbec9dc844a49b9d474032465a1b", + "value": 78.0 + } + }, + "31da64dc6d2b4780949c6abfe4ca7512": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "31e033290fe1455fbe85c178a04b0fc8": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "31e68a84b7424ba681214e4644866076": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "ProgressStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "31fa0c40dae74500bb6f4118c3ba38f2": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "32075216e9bb48ebbc8f78201468093a": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_ceb263c84c13420ab1883fafd30fe5da", + "placeholder": "​", + "style": "IPY_MODEL_7044b653cc354a11b9b0c40c25afee96", + "value": "100%" + } + }, + "3216f58e5a794e379f7b878b60ffb7dc": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "321c88837344401d88a428020a2b4126": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "FloatProgressModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_0b416809d3824768aec9c1130bcd6de7", + "max": 78.0, + "min": 0.0, + "orientation": "horizontal", + "style": "IPY_MODEL_8e2ee140d25440259a75c41ce6ed9f80", + "value": 78.0 + } + }, + "322d8c612c66479d9b58a0acad21c7a2": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "32391df2e144449cb9e098f3fa2a37f7": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "ProgressStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "323ccc3035234847bf2dfedf5e6e6b55": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "325c8ebafa5042c3af7fb8e55e75b594": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "328b4df11bf841d5a3a27f7aeed50f41": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_b8655d8e78c04fcdaeead6db0c9d302c", + "placeholder": "​", + "style": "IPY_MODEL_ee1de96cfde74546bff8ba2273e4228e", + "value": "T: 112/200: 100%" + } + }, + "3298e4e9cd5341bcb57e4d61dd8a3a12": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "3299ea9f13ed4ad182418ff49396543b": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "32a16fdd283944b0947268b88ce7ff0b": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HBoxModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_312d47a4651d47bc9c90346782a1d8db", + "IPY_MODEL_17a4335ed47b4bf38b3c182f654d71db", + "IPY_MODEL_31b9567af5fa4014ba2a979c66e9fd8e" + ], + "layout": "IPY_MODEL_012208d81cda4f519ded94d5224d9aef" + } + }, + "32c2cd1cc0f0419e900df6b73559aef1": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "32c8aec42950477381ecc0c200f18883": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "FloatProgressModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_229c396753444e268226a71796033a0c", + "max": 26.0, + "min": 0.0, + "orientation": "horizontal", + "style": "IPY_MODEL_52e1fb3cba8d459aa487802359bd440d", + "value": 26.0 + } + }, + "32ddebd31284459891f47af6c37a1a64": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "32e600ccc4d54d4a99670569810ac83a": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_08a4c5fa3c8b4357b301ad1a8fe43b1c", + "placeholder": "​", + "style": "IPY_MODEL_2d10ee44a4154ea18e2731d7586c84f6", + "value": " 26/26 [00:23<00:00, 1.13it/s]" + } + }, + "32f8b367676f47b5aaecd2e71c55ad2d": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_34286e1d86b64be9b6f6d7062719c089", + "placeholder": "​", + "style": "IPY_MODEL_0e229cb7a3544dcc846c78e7cc1712c8", + "value": " 26/26 [00:23<00:00, 1.14it/s]" + } + }, + "3301a691b60f4ac8a78c977070cc9ae1": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "33192b4825bb4edd89425f5638f59fd6": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "33278869dbb140b79715e0bb33100d56": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_61744564e02d4439beed17770f5f23aa", + "placeholder": "​", + "style": "IPY_MODEL_88e3774186364cada3ace98b0f6d3fe5", + "value": "T: 189/200: 100%" + } + }, + "3331361f63fb48c0bf6d3cc6d5c18607": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "FloatProgressModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_c3857373e46b46c393a97620e124fd9a", + "max": 26.0, + "min": 0.0, + "orientation": "horizontal", + "style": "IPY_MODEL_035fbabc727c494d85d4d2d361514b4d", + "value": 26.0 + } + }, + "333655cabb6c4f139f221dd1951f5bf3": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "3358635d060541f481670fa8a1698d76": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_d9d56f203ef440c39840dad46580d85c", + "placeholder": "​", + "style": "IPY_MODEL_6b1462b345d543ce9b973232b2b7674c", + "value": " 78/78 [01:30<00:00, 1.06s/it, fold=2, lr=0.000256, b_loss=1.45, b_acc=0.388, loss=1.34, acc=0.402]" + } + }, + "3362a5472eda4f939b25af787fb3c857": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "FloatProgressModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_336b603626b84cf98d833f50ad3081d2", + "max": 78.0, + "min": 0.0, + "orientation": "horizontal", + "style": "IPY_MODEL_522e1b21e76b4042989cada4fbd3fbad", + "value": 78.0 + } + }, + "336b603626b84cf98d833f50ad3081d2": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "3377661e914d463e961d458e4f3c1ec3": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_dddeda34b8c3499b82266031b83ace4f", + "placeholder": "​", + "style": "IPY_MODEL_8006f3b186174ad2ad036b8a70548e16", + "value": "T: 178/200: 100%" + } + }, + "338a9f48b5a149e08e0502ef8e7b5f59": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_c015c373f4664af18aaa31d3e9a90818", + "placeholder": "​", + "style": "IPY_MODEL_8f4be07c4e54418cb150bb8678e97908", + "value": "T: 009/200: 100%" + } + }, + "338c6a181a9447e2b9b58750079e9c26": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "338eafbe2e1043bab64d5f6191f394f9": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "33c782e53c3b493d85c1074b5ae21225": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "33d39f903567476abf9352efd752b5b9": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "33d4b74ae7114881ac37aa36d1397a34": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "33dcd345d6384a268f22d0b13122a8ff": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_07e11ec7e6f44c1cad4587aeeb3d6fb9", + "placeholder": "​", + "style": "IPY_MODEL_581b7883ae3e4f74a34d9e06438f677a", + "value": " 26/26 [00:23<00:00, 1.15it/s]" + } + }, + "33f4c4d7f92c49f6832ec0b23afea43c": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "34286e1d86b64be9b6f6d7062719c089": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "342df74218d5464d900205007d18047d": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "343026999c744248b6214a6da04d138e": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "3437b565fe8049309d8e44e5099785cf": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "FloatProgressModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_96d349de3c1145e2b2d330a33ac842e7", + "max": 26.0, + "min": 0.0, + "orientation": "horizontal", + "style": "IPY_MODEL_554649610a174381ba885be7da6adab6", + "value": 26.0 + } + }, + "3447b3140bf9444b8178f9fc949eab3f": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_cdcd843b54c64366ad6623a400bbe9ac", + "placeholder": "​", + "style": "IPY_MODEL_59d51bceeea54577a50acedea1b52236", + "value": "T: 039/200: 100%" + } + }, + "344ca0972b3f4e8090a697e205e0d42e": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "345e9c6588a6494896b3f0d2decff71d": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "3491f885b0eb42cca152d7c9c1ccc93d": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "34a3090ab2aa4b5f80562454f90fb5dc": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_3ea3b0ad9f89419ebc662f6d1f57f967", + "placeholder": "​", + "style": "IPY_MODEL_e0da41e023a8479d921395e40b724878", + "value": "T: 070/200: 100%" + } + }, + "34afe0b46fa04e9ba55077f02ed42d5e": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "34dc059cf7a24ea3906e2a877f88fe86": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_1aba609e4c704c05821321f5a508e7c4", + "placeholder": "​", + "style": "IPY_MODEL_e1db52e04e984d918f0f4729851efb13", + "value": "100%" + } + }, + "34e867e9d11f42d697abf733c2068822": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "ProgressStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "34ee126f496a4455bb3278af73f30af3": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_270a476bede543eaaa8e3f4083cc6a1a", + "placeholder": "​", + "style": "IPY_MODEL_e3d83a82bf23422abede51677cc4edc6", + "value": " 78/78 [01:32<00:00, 1.16s/it, fold=2, lr=0.000233, b_loss=0.326, b_acc=0.767, loss=0.307, acc=0.804]" + } + }, + "34f05585236348eeae75ed9a87d60677": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_02608a7d5a3a40d8a0b2d84f5ca81789", + "placeholder": "​", + "style": "IPY_MODEL_7bf90b2130274f3ab4941e8ffeea60a2", + "value": "T: 148/200: 100%" + } + }, + "351c329b95984b73a650925af18658a4": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "3520801b69f44581986add4436ca95a5": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_9eebab9240554dc48ca8611363ca0af1", + "placeholder": "​", + "style": "IPY_MODEL_166c83400dfd4bbaa008cedd72537794", + "value": "T: 139/200: 100%" + } + }, + "3526a288b1324273a7fc784404819bb8": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "FloatProgressModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_076a3a5da7794329b299cc4189f2f661", + "max": 26.0, + "min": 0.0, + "orientation": "horizontal", + "style": "IPY_MODEL_af8272fca2a04607a0de037298102011", + "value": 26.0 + } + }, + "35366551f4cd47b0ba079eda49db8be4": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "354daaf55ba448f8b01216d89ece6672": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HBoxModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_1d1b6a3dbe2945a681d0b965486c0256", + "IPY_MODEL_7854f6484c0e4331ba70f8554f203ecc", + "IPY_MODEL_f3223a11af6043f79709ebdba94cae21" + ], + "layout": "IPY_MODEL_8b2613175037464187a18fd6d211b7cf" + } + }, + "3553f52713bb4495b396e35c749ff007": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "ProgressStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "355a81e8efd049f0848f50d1c42a26cf": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "FloatProgressModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_5648e12589fe448cb23465da8a08ad60", + "max": 78.0, + "min": 0.0, + "orientation": "horizontal", + "style": "IPY_MODEL_679b691444b4429b8b9b9ea69c99e41d", + "value": 78.0 + } + }, + "3569d016eff64cacab96212d7cfe963c": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "3570a533b95e4211b35f03e803c7454b": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_e49f6a050ffd465e9951910c9ad91ba0", + "placeholder": "​", + "style": "IPY_MODEL_709fe7fee72241fcb622fe9a0177efaa", + "value": " 26/26 [00:23<00:00, 1.13it/s]" + } + }, + "35796f7acacc4ba288864e5228f554b8": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_d80d9797b9d14682a24948862dbfb316", + "placeholder": "​", + "style": "IPY_MODEL_8bf2528e13e949d08bf6f04dc8b39519", + "value": " 78/78 [01:33<00:00, 1.22s/it, fold=2, lr=9.26e-5, b_loss=0.32, b_acc=0.81, loss=0.221, acc=0.855]" + } + }, + "35819fcbf37f4061a78ec33075f68ca1": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "ProgressStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "3593718425884473bbf27cef25bd025b": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "3596b3c5d5fe4688aa1ac57be99923fd": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "ProgressStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "35a16594a0f6464ab5891d15740dbc95": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_e7ad9fe1e7564b318c24950cd14324ba", + "placeholder": "​", + "style": "IPY_MODEL_83d5c2af3dc34d58824a771b3000d44e", + "value": "T: 180/200: 100%" + } + }, + "35bad097953b49daa32228eb25bd48f0": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "FloatProgressModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_9f6bd18d5989481594bb4f9dbd9d7985", + "max": 78.0, + "min": 0.0, + "orientation": "horizontal", + "style": "IPY_MODEL_b84d8b4dc987449ba68a98178024d700", + "value": 78.0 + } + }, + "35c82c161f41460d884cc0b0c4314f24": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "35e1c0b15d4041baa1caf8ed1d1cf389": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "ProgressStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "3607ec95dba340d69465285f8c6b2b55": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "362a1861210b4d2b88fd26f862aeaf9b": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "3633d17e9e024408b93d3aff0c1653f4": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_da063df044df42ddb619091eb358a123", + "placeholder": "​", + "style": "IPY_MODEL_3a02c6a478ef4a7794fae79bd638f396", + "value": " 26/26 [00:23<00:00, 1.13it/s]" + } + }, + "363c99e390854051a7c6458b2e0e69fe": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "3643bb9f23004ce58a640017bc9e7c5e": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_fb8ab499a1a14954ab7e1700fb5da11a", + "placeholder": "​", + "style": "IPY_MODEL_f21dee94cd294fa0b6deabd26733ce70", + "value": "100%" + } + }, + "36809326b2484815ac0378132decc4d7": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "FloatProgressModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_dc15a26d4fbc4275b4c70c378c978ebc", + "max": 26.0, + "min": 0.0, + "orientation": "horizontal", + "style": "IPY_MODEL_bed1010496a342edb95318962905869a", + "value": 26.0 + } + }, + "368bf7ecb1094e169d2df199aafa530e": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "36924e32bc334501bc495cb029bc52a1": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "FloatProgressModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_2ee31128e54142b3918eb288b24eafea", + "max": 78.0, + "min": 0.0, + "orientation": "horizontal", + "style": "IPY_MODEL_b902e30149ec4879985709ac2d012658", + "value": 78.0 + } + }, + "36924f451fb8482e988048c9f0575e5e": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "ProgressStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "36ab9e9ad8254bb2b637a0d4f702e3ff": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "36b31578a29f456da9b19774c7c26641": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "36ce1e83e0f541d594b585b52f4431e2": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "ProgressStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "36d2beb50352456c8afb4178d0b09c0d": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "FloatProgressModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_bd623afa7912411985ac3388063ac956", + "max": 26.0, + "min": 0.0, + "orientation": "horizontal", + "style": "IPY_MODEL_1b782dbcaed3493c8df1cfdfd6509ba3", + "value": 26.0 + } + }, + "36d44b815c4b4737a26c59922dbe1e06": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "36d74fb972e341378a75699abb20132f": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "371cbae019784440a10cc9cd285362bf": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "3728bdcab7a64f00ad08474b0319f110": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HBoxModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_34a3090ab2aa4b5f80562454f90fb5dc", + "IPY_MODEL_697ed13497854ec798340cba7a9e765c", + "IPY_MODEL_9af411a4adc04ffcb4a668b6e7560e00" + ], + "layout": "IPY_MODEL_eae0eb30f1224fa59f48ad2ec18b1d4e" + } + }, + "372f3e6d395d4b7abe2519cd58f82078": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "3736edfe5e844e63a54786e11cef28f3": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "3740781bda6c40d7be23689cd0aca4dd": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "ProgressStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "374c2333d23c4d7b8faaeb8196f9b0b0": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "3752752977a046ab91cab165bc5df25e": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "37711697c87e4926b00e3a9c6d6c82c7": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "ProgressStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "378938ff22284e10b9aa98b64765f5b7": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "FloatProgressModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_624732c8ab2342a49fc8cf308ace9e51", + "max": 26.0, + "min": 0.0, + "orientation": "horizontal", + "style": "IPY_MODEL_ce808d6a58dc4db592ccda0a2f96586a", + "value": 26.0 + } + }, + "3794d3cd7b8141d1a0c30072302549e0": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "FloatProgressModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_672074cb312642219db9f6e093ad9039", + "max": 78.0, + "min": 0.0, + "orientation": "horizontal", + "style": "IPY_MODEL_6f11aed3a95146fd97314525d62f231d", + "value": 78.0 + } + }, + "3795751c524f469083f97d1f353c14aa": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HBoxModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_55f302a53a244e509702a6a46e77aec1", + "IPY_MODEL_da5ee61ab6d5406d8d7034546db602b6", + "IPY_MODEL_16cb8cd6861d49948045da54c6160735" + ], + "layout": "IPY_MODEL_3607ec95dba340d69465285f8c6b2b55" + } + }, + "3797b21ca55d41a0b7138e7904d9413b": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_fba416cf3c98467d98cf8bf26a4e9414", + "placeholder": "​", + "style": "IPY_MODEL_9766b013386c455096abcc79cdf5b4d3", + "value": "T: 049/200: 100%" + } + }, + "379bf286584b4730bc4ca1ce1b9f973a": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "379cc2d2d6c64d278d8fe1171dd8178e": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "379e4678675d437c8f4f22d2a007fbf9": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "37ac79aca0694912a6932a832c001258": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "FloatProgressModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_db09b61f3b3c487d9f769c328b6b0059", + "max": 26.0, + "min": 0.0, + "orientation": "horizontal", + "style": "IPY_MODEL_ca5d29b542ac4c55a29e96eed62b154c", + "value": 26.0 + } + }, + "37c2de06af234de9919b086e2d361539": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HBoxModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_32075216e9bb48ebbc8f78201468093a", + "IPY_MODEL_cf30ac9009f94e85a25d8adf602341cd", + "IPY_MODEL_7997c973b9624973a0d0643f5482c73c" + ], + "layout": "IPY_MODEL_dc1d115cede74ba3be67903b8668fada" + } + }, + "37e01740290c4c379ba636d830ffe4bd": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "37ebbe27a5474723954b1c613901a25d": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_58914f24826d47648f5be132e3645a80", + "placeholder": "​", + "style": "IPY_MODEL_5c3604d3666e4e93aabeb2546ddb7585", + "value": "100%" + } + }, + "37eec9cf72d8419e9cc3262a20c2f911": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "3804fd7b02c04b0eb3b2471cd396ccc4": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "380a078df9a140d48a6f66ec3a1d55ed": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "381eaaaf7ed1403792174d57c97102f0": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "382ca3087fc249e0926747840d934fb6": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "3853f54fdd864bdcbba18792dff57f60": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "ProgressStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "385862e0fa444c97bbc39c90e8f2ec87": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "ProgressStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "385a32d900ac4a3e855fcfbfa3946b47": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "387c2b785fc440ec84105f3043d03c32": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "3888fc263a8e478fbd83c2139661c54a": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "FloatProgressModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_61a42da0dbc2497f903222ef7fc4d68e", + "max": 78.0, + "min": 0.0, + "orientation": "horizontal", + "style": "IPY_MODEL_0e862939b9304477b966cf36d6bf5e87", + "value": 78.0 + } + }, + "388d79765d8a4fa280176699292c7257": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "ProgressStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "389c5c97fd8f490d85a0fa431b924ca4": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "ProgressStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "38a14f229b044907a1130a320d664031": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_abf63fcb7d3b484f98c1d7809ae15ae9", + "placeholder": "​", + "style": "IPY_MODEL_1c1759019e944410b9d3b697999f5c65", + "value": " 26/26 [00:23<00:00, 1.11it/s]" + } + }, + "38b221d75afc4afcbe7a08bbd998d03f": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "38ca024438d841d1bf9108f3ed0f52b0": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "38db90c98a4e4be888ab3defeb0b9eec": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_dcf9c50234f44426af1b57663f90242d", + "placeholder": "​", + "style": "IPY_MODEL_86ad83d283024c01846c8adaeaebda98", + "value": "T: 026/200: 100%" + } + }, + "38e4ab3d18a64a9e9e564cdeb26fb00d": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "FloatProgressModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_3301a691b60f4ac8a78c977070cc9ae1", + "max": 26.0, + "min": 0.0, + "orientation": "horizontal", + "style": "IPY_MODEL_8d82481bb4644eb39ea8b7fadd81aefc", + "value": 26.0 + } + }, + "38ee27e4f4924f8d8925b321e575ce15": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "38eef36235a240e688b3789bfae6760e": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_04ac0cde2c1b4994ae380c446d673031", + "placeholder": "​", + "style": "IPY_MODEL_2eb889685baa44faa157ca526da7e030", + "value": " 26/26 [00:23<00:00, 1.07it/s]" + } + }, + "38f1456ae22b45daa1c58ec783abd79e": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "38fd0937931e4d2faab7d08edaec329a": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "391965771ea14dff9aa19aa0329e8fe4": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "392461286ccd4b10aabbebe9519769c2": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "ProgressStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "39327acee8ca4a19abc36fefa2efe13b": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "393f33d8ef4e4f53aa97a7c87db89254": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HBoxModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_ef8e87e9280e4542bae1a15921d170b2", + "IPY_MODEL_5cd6e85a9d734a7e9fe302b2b1ed4777", + "IPY_MODEL_744de2fedda54e88b07561c241296cec" + ], + "layout": "IPY_MODEL_9b0d60c7f3d34e7b8443708a3061f859" + } + }, + "3944f31ebf0e4ec39bcbfcb66a0aeb20": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "FloatProgressModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_6cfe2c710a04435ba986ebc3517593fb", + "max": 78.0, + "min": 0.0, + "orientation": "horizontal", + "style": "IPY_MODEL_f5bdfdabdc3a416591179ebabaf109b2", + "value": 78.0 + } + }, + "395b9b47ca024400b31b9b325a5608e6": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "ProgressStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "39624aabd2704121b6d8a4232011e505": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "396ba7e7346b4e318d876b11c23bce1f": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "396ea505aed24a779fef734b42a94993": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "397f055fdb444c579b0edf451031a6c1": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_e62f28e0c0f24c13a675b8dad20904e6", + "placeholder": "​", + "style": "IPY_MODEL_480c6c7470db45b8a6f1be6a0b3df9c7", + "value": " 26/26 [00:23<00:00, 1.09it/s]" + } + }, + "39806a416afe4002af10b5aa5d493849": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "398725cb30514e52a99d1d9c2df94375": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "398ed78e9bdf4d93b62e4fa96178eca9": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "ProgressStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "39965fa95a0c4186ae885ca1405c3955": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_3d35d840be38470f9ef3ced6ec18484b", + "placeholder": "​", + "style": "IPY_MODEL_4c36d463c1a94c8d8ffcf280697e8692", + "value": "T: 181/200: 100%" + } + }, + "39a74f1ab21546aaaf02f142a303b974": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "39a9f7376f264cdd87ccb92e2d72bf1f": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "39d33ea330924fceba28e64134c961b4": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "39d7af1577a84972a10caf9e1bd4907b": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_25dfb21ded224579b51912edc08cd4c7", + "placeholder": "​", + "style": "IPY_MODEL_5b4aa754cab34545b0d7fd4ea79d2228", + "value": "100%" + } + }, + "39e6d3c57e5c4213891939d108500703": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "39ecf3e2f6f741a7a0a6d584c126d9e5": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "3a02c6a478ef4a7794fae79bd638f396": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "3a0b8f84d2a242f2bd1a3f04f5db8527": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "3a1803e75698444d8f6b5fee342c5e49": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_d82254d1a9a14d188f40c9f3193f4594", + "placeholder": "​", + "style": "IPY_MODEL_e918dc9ba8fa4a8db3cd7813549e2ed5", + "value": " 78/78 [01:30<00:00, 1.03s/it, fold=2, lr=0.000179, b_loss=0.184, b_acc=0.836, loss=0.239, acc=0.84]" + } + }, + "3a2097140b794bdf8882f6c12196ef23": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "3a36ca1e683d4697a2d7e21bef330f01": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HBoxModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_71e1dc1b612143ff9ebbdb2cd5c8dfde", + "IPY_MODEL_e6fbeb77be0a41ed80cb5a9c7a6f3b34", + "IPY_MODEL_b4b5ca7a17c14dfb9bfde4d12ae708d0" + ], + "layout": "IPY_MODEL_e856e513fabc41b9830719c84829d56c" + } + }, + "3a3889bfefe14307ba79f6dabea66a18": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "3a42c8153b744ccfbfb75f9a01d4336e": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "3a58730561c84f30b67ab78a43c4da04": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "3a6c2dce20f64d0c893a507db989601a": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_1d170a8a03594ed59d3d38f4bf1b635b", + "placeholder": "​", + "style": "IPY_MODEL_25b3551b018e437385a2db7fd034be88", + "value": " 78/78 [01:31<00:00, 1.05s/it, fold=2, lr=0.000179, b_loss=0.501, b_acc=0.776, loss=0.511, acc=0.717]" + } + }, + "3a6d6eff5d424a79a028cbe91d24cc08": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "3a761e18c6db4882af5cef17a11396d8": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "3aa60947e6fe49e2baffd91b7ce6fa97": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "ProgressStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "3aabba903d3c4d74905e29edb100e143": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_cbee6f4cecea4e039b91beabbfe94aea", + "placeholder": "​", + "style": "IPY_MODEL_a73c8b6e04964cfebc6f6aba9966ed1c", + "value": " 26/26 [00:24<00:00, 1.16it/s]" + } + }, + "3ab6f95a0057489cb7336b03880aa3ce": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_14a792eccaa04eef879f7cd862516ba3", + "placeholder": "​", + "style": "IPY_MODEL_88114c51a50d4d5cbe792cd4227307ad", + "value": "T: 176/200: 100%" + } + }, + "3ab7442d649244dea23ca11fb04bf380": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "ProgressStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "3ac6ae6e342a47d7b23f7d820821918f": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "FloatProgressModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_ce893cb4f08f4d4481eb2edacbb4b1b6", + "max": 78.0, + "min": 0.0, + "orientation": "horizontal", + "style": "IPY_MODEL_cce6ed8c7a614904973db56c4fa6586b", + "value": 78.0 + } + }, + "3acef061b4b24adab87f4b78db09c9ca": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_8286b5357fd84c0b9df43b3c874e9be0", + "placeholder": "​", + "style": "IPY_MODEL_b3bf1101d62b4ff0a74918aea33c69a2", + "value": " 26/26 [00:23<00:00, 1.04it/s]" + } + }, + "3ad90f03c7394c1ca90e16d6b65b401b": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_309575a8d94340b0bd4ebfa0c07fd00b", + "placeholder": "​", + "style": "IPY_MODEL_187e5c14963d42879c57cb506701196f", + "value": " 78/78 [01:30<00:00, 1.28s/it, fold=2, lr=0.0003, b_loss=0.314, b_acc=0.759, loss=0.339, acc=0.79]" + } + }, + "3b0d716f24c0451cb6f6f0cb8b8e6be4": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "ProgressStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "3b0ea6309d7349589aeaebfb69105fa3": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HBoxModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_bdd03dfe605f4f529802c67b553f3013", + "IPY_MODEL_6a347943902f430a9b3c73a8ab7d88ee", + "IPY_MODEL_8cfb78b6b0534fb586c2d9180c620644" + ], + "layout": "IPY_MODEL_9899396f83364d1cb598df231306013c" + } + }, + "3b26341a189a487db86df06fec17580a": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "ProgressStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "3b31cac3a8824a2282ca7bce1e6dfeb9": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "FloatProgressModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_d68489848723449eb2ebfc6466091b5d", + "max": 78.0, + "min": 0.0, + "orientation": "horizontal", + "style": "IPY_MODEL_7f1b731daab14dcba9d87a32c3096a04", + "value": 78.0 + } + }, + "3b682369a9e745c1b9af818ba20811dd": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "3b6d34b988fc413e914e1df951d11db2": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "3b72850ab3bf40229d5d4ad36ae5bc6b": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "3b8214e67263486eb540b0c5c4bf0f06": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "3b848be4327347df8f68e967dff5bf21": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "3b88bc64c41e4018a04b6681a4b43177": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "ProgressStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "3b89ef72ce094e608b2b7b96aa57e09f": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "FloatProgressModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_0f31312bbd784216a385fb933ff5c84b", + "max": 26.0, + "min": 0.0, + "orientation": "horizontal", + "style": "IPY_MODEL_3740781bda6c40d7be23689cd0aca4dd", + "value": 26.0 + } + }, + "3b9106be73c647b0abc901a43668f144": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "3ba2eb766a524c6389b5c9c383d56a6e": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "3ba4c7ef6ea34cdf933c7fa7d65f374b": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_2a205653d1794dba8f8e44314968d765", + "placeholder": "​", + "style": "IPY_MODEL_774b208784d649ffadd31bfbac8809b1", + "value": "T: 085/200: 100%" + } + }, + "3bb11db27c3945d1bc6fd6d5e5811f8d": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "3bb296cec61743b286b5aacbf8618a81": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HBoxModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_b3dc0325c876401d9963d4742882ac1c", + "IPY_MODEL_68a793703bd04ee6be21247f3e64411c", + "IPY_MODEL_1c71ed92134543fbb7ac323ffa929ded" + ], + "layout": "IPY_MODEL_a8572cf76c554b6d909eb781f75dd5de" + } + }, + "3bcd5df4692442fba9642f306765bce5": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "3bd90bf4b149468fb9b106983f9a7d07": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "3bde75f8086b4242a867741415c5361a": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "3bee54a3c9b341ff99be0dd1974528f7": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "3c04a73fea1447dfbaa8e6fb4b94cde3": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "3c2367bf610243b78692d93855ac622a": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "3c25b83d2d7248f58afe22d9918698d8": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_178c9e37a992435cbd08d2275a0a8cf9", + "placeholder": "​", + "style": "IPY_MODEL_6da92416fa1147ff980f3c95fc54100c", + "value": "T: 067/200: 100%" + } + }, + "3c3d3a5a513c4c448d96dbd7f8cfe896": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "3c68bc37b58440a280b20e65349d8cf2": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "3c7071cb5a06409d94daba5929a684aa": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "3c726f65306b498cba8a6b089d4bc84b": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "3c847b9925ec485e9a77761872c8fc80": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_c5ec517d52ff419581f94ec802c01c8e", + "placeholder": "​", + "style": "IPY_MODEL_0fed9f466066487984c61b9bd4c84b93", + "value": "T: 191/200: 100%" + } + }, + "3cc921d730ae4adc8e5c86001a4a8c12": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_ae56fbca6b614f1b8a387decd0466ae4", + "placeholder": "​", + "style": "IPY_MODEL_288e106634e84432b60da91916033ccd", + "value": " 26/26 [00:23<00:00, 1.14it/s]" + } + }, + "3cd0de20fc8f4856bd2830e95a3d16ed": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "3cd765ccf0ee45358ab1e3e4e42bc6e9": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "3cd98c861bc5446290b18908849148fa": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "3cdaf16d847a4a8789017fd44bdd535c": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "3cdb1c6044c34f199bfdbdb441aee182": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "3cf03b3c20bf4d6abedde08d6fc347aa": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "3cf945386b8b4c0db6e9b8a731442fc9": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "FloatProgressModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_063e06b2dcf94df6930285534fc29afa", + "max": 78.0, + "min": 0.0, + "orientation": "horizontal", + "style": "IPY_MODEL_bb187abd5d734c2db0e8f9746579d571", + "value": 78.0 + } + }, + "3d00e3ed734641378d11168da121fdb2": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "3d0559b9c6ea40319e987c5307f2c498": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_fe01ed16f70c4f30a1f831de095a8e6d", + "placeholder": "​", + "style": "IPY_MODEL_f1cd653ef7bf4935b64fa5692c3e2768", + "value": "100%" + } + }, + "3d0aacb33a304b5bb2595698a996380b": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_27c62d7124974dbab43f397a6f193677", + "placeholder": "​", + "style": "IPY_MODEL_54521273bc69462b9b4cba3450ce3360", + "value": " 26/26 [00:23<00:00, 1.11it/s]" + } + }, + "3d2ca467030448da8454f7e7dbf21c5c": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "3d2e7de730c843bdbbe08d0121a37693": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "3d35d840be38470f9ef3ced6ec18484b": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "3d60b1d9953446f192e49685b7989f0f": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "ProgressStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "3d65498d2daa4ae88b4b32d6cb1d7e76": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "3d872f02227442e3afdf0525589a6188": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "3d89685534d24bb5b7fe876546ff8de3": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "3d89fb227f4c4cf596fd70efbb378246": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "3d8a9f869b9c4dbc9c122654e5ff2e59": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "3db7dd43152449f59f5908088323ff8c": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "3dcbf52ee2ca434092d3bc2ca2ea64f5": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "3de080e613d742aebb6442ec8f72dae2": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "3df203cb0e8c41c5af88ace83cd61b58": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_d80cdadd21af4efd82d3725759155fad", + "placeholder": "​", + "style": "IPY_MODEL_722194d944454e0b9a6996c9091d0b6e", + "value": "100%" + } + }, + "3e0f4642e65d48669207591fcf38074e": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "3e31fba9d1c545048c68d130ab8c7adc": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "3e3645eedec64d9f85d2c410e62ee49d": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "ProgressStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "3e5192d4e989405aa75ac500f89f7ed8": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_f1396ea305f04aed837ae8ebac258631", + "placeholder": "​", + "style": "IPY_MODEL_dbf189ba585e47b88de6b82b441136d4", + "value": "T: 192/200: 100%" + } + }, + "3e587b1f15924858b0f51ba91278557c": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "3e60d644b1f14bdd83e8e822e227d4a2": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "3e644eae3d4b412f89642d8e4583ba9c": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "3e72cdf4c8354c3fb91f2f16924ea64a": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "3e73477615bf47acba51e44f0ebce5e6": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "3e989d58aa3749d2a16b6f736b711b84": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "ProgressStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "3ea3b0ad9f89419ebc662f6d1f57f967": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "3ea5988f27514f8284cd19f83811e572": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_4e802665e4ca4ca4aa1787402edae3bd", + "placeholder": "​", + "style": "IPY_MODEL_b6eee626cde344fa98cc9e090d28ee9f", + "value": "T: 186/200: 100%" + } + }, + "3ead673055024493b8ad1a57479baf66": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "3eb63476b89c4e7e9d7145c867c1624f": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_c1365595d8a94350b26cab33f5617936", + "placeholder": "​", + "style": "IPY_MODEL_ecd3988edade411dac3f21b1311c5dd7", + "value": "T: 058/200: 100%" + } + }, + "3ebf2e5e629f463a8536f29105949ffa": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "3ec2a28ca1d144d29b6b7a478cb9dd26": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "3ed697b8a8ee47708ceeca9fb71958da": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "3ee5bb4e82234c7b8b4db1a47b85e5ca": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "3ef0338d229d460a9744379717004f64": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_c875c9c0d97c434e8805bddb02365782", + "placeholder": "​", + "style": "IPY_MODEL_b43930c515ce41c68cc0b619e423f91f", + "value": " 26/26 [00:23<00:00, 1.04it/s]" + } + }, + "3f145b47751a4411b302b81c4d9e5415": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "3f1c66d7fad14db8b69ce7714dd26b17": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "3f2ab838727b421d8199ceb77ded2b51": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "3f302c959ed246bcb1772d4d831673c8": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "3f32e9de78e9467386ea6d36fb9c603c": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_68f4e6b01d1847f6b9b12c735cc92e29", + "placeholder": "​", + "style": "IPY_MODEL_3d89685534d24bb5b7fe876546ff8de3", + "value": " 26/26 [00:23<00:00, 1.01it/s]" + } + }, + "3f390a635bdf4b8d8d4a05e0975da28c": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HBoxModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_3076070d2ab94eee96cf322ab2b220ed", + "IPY_MODEL_8e0fbe80037741f6bcd0309cf127f44e", + "IPY_MODEL_93eb28055abd4b5e960ba18fead4f756" + ], + "layout": "IPY_MODEL_872c661e994f4f2b9d20dd2fcc8716b8" + } + }, + "3f3b157cbb874a6ca48efc7ac3cbc243": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "3f5408c6084c48ebb7e939a85e68bd3a": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "3f61dab516294cab9274c9c87c2ea1d7": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_d8cb2e3a8e444d59a683dac9a6bd3b0e", + "placeholder": "​", + "style": "IPY_MODEL_4ef2343b1d5548dca3546d6f0d8f6dc6", + "value": "100%" + } + }, + "3f66d0710de84459ad428f49869f2135": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "3f6d1aa8e4b94df28bb64f6b5c2408ff": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "3f83843f936845e599dad1bc368c2a23": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_6995706aef44423cb9c05c2afa61f39c", + "placeholder": "​", + "style": "IPY_MODEL_2959bd56940643d993b09533b48d22a1", + "value": " 78/78 [01:31<00:00, 1.16s/it, fold=2, lr=6.67e-5, b_loss=0.215, b_acc=0.828, loss=0.315, acc=0.808]" + } + }, + "3f86db5a127542c886451a2cd76721c9": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "3fdb25a6254943ee821502b995386332": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "3fdf5f900a9044d39eb6b3e94a848785": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "3fe04597d00746288cb6d9dd7a2294cc": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "ProgressStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "3fe09b5e461f4928890d5be0131f196b": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "ProgressStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "4014614f9a3448c2930f1bfddcf96873": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_b35e5c75204a486ca775bd877d3f396d", + "placeholder": "​", + "style": "IPY_MODEL_b174e634d4d248a7bdc435ebaf554c3c", + "value": "T: 109/200: 100%" + } + }, + "4016d1c73b09486aa51990ee34efe1b5": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "ProgressStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "4018ad7bf0864777bc62507a075982d3": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "4022fedab4c74d59a6e647e0bc6ed893": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "4037cad0dbbd4291b86bde06c6dfb450": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "4041597ce90f4583a162f114122b064e": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "404c877975a84cb1a6a38516fa9a9c57": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_09def249cc144760a801755f9dfabf8b", + "placeholder": "​", + "style": "IPY_MODEL_168bec6dcf924a6d9355ce146a2514ac", + "value": " 78/78 [01:31<00:00, 1.06s/it, fold=2, lr=0.000275, b_loss=0.407, b_acc=0.793, loss=0.48, acc=0.73]" + } + }, + "405d71860cea4d379264dfd9e0e60951": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_955ee6c718dd4824b78e82c2709d65b2", + "placeholder": "​", + "style": "IPY_MODEL_924d058fa18c423788c011e4d09d82b2", + "value": " 26/26 [00:23<00:00, 1.14s/it]" + } + }, + "406c2a0818ed45edab15c1f6cbadbde6": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "40820655eabd4a07ae03462015ce0dff": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "40912f5eacea47d68053ee4abe0d122b": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_05159f1dcc8e4d1db0d286b218813944", + "placeholder": "​", + "style": "IPY_MODEL_fece9abd5894414b9ec9b77e1613138f", + "value": " 26/26 [00:23<00:00, 1.19it/s]" + } + }, + "4094f340c2cc4cecab28a03eefae2d0a": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "409a1f428fe34adca16b21d2f40a2f22": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "409da48674734770818825882e929f2c": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "ProgressStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "409e4b3317d04bf186d9b29286f4997b": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "40bb66dc30f644998b32c8bdb72e5622": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_31b4edc8a95b446283368bed40520240", + "placeholder": "​", + "style": "IPY_MODEL_8f14c68fce8b404da85497032c3112bd", + "value": "T: 157/200: 100%" + } + }, + "40c2280ddd2a405a9fcec8ce06197df5": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HBoxModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_171cf5d1db6b49c697df31d2609371fd", + "IPY_MODEL_9916fec658d0418fa26e37c86ef36b43", + "IPY_MODEL_cd5834852f094ac682cbe1bf90f5cff7" + ], + "layout": "IPY_MODEL_23dd853239d74ad7aa9e6bdb7c474df3" + } + }, + "40cc683193124e37949123846b22f430": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HBoxModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_01f1166d2a20432c8a1ca9f430204792", + "IPY_MODEL_1bc5c8690d084c78ade04b138f329a0e", + "IPY_MODEL_f6d2e9a1f702406690f3e88d25ab3796" + ], + "layout": "IPY_MODEL_ca2a0226340a485eade0779abc54d82f" + } + }, + "40d5a83e40c44ecfaf7fe2aa75b85574": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "40d7630bf9b8443fa58380772c7d2b57": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "411ba75b43f5448fa763da89c3757f5a": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_2c3718731c014ae7bcef8f6014f976fc", + "placeholder": "​", + "style": "IPY_MODEL_49006940fd314dae822717404ea0c1ab", + "value": " 26/26 [00:23<00:00, 1.14it/s]" + } + }, + "413d44b3b1f74506adee0d355d21ff8c": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_b1b399d27ea248eb82293e924f0f0932", + "placeholder": "​", + "style": "IPY_MODEL_48201162336b4f30975abd43fa518de0", + "value": " 78/78 [01:31<00:00, 1.14s/it, fold=2, lr=0.000256, b_loss=0.393, b_acc=0.793, loss=0.365, acc=0.781]" + } + }, + "4146090eb73447b5b4d727d72b537597": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "4151408b6a6d42a5affb1bc74ca9b708": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "415761a6e1af44aea0f6fc0c22cb405c": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "4166c717ce734daa97c0c705004667e2": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "419739b3adc04949ad9fa955245eeab9": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "4198bd7c13ac4de885718adee2b1de21": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "41a3c9235a1043d08d4a09742dafec5d": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "41ac531b513340659fc090cf87c28a13": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "41af6d58d24943ad8d2071239e8c9a5e": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_b921d77fe29142a7adcf453c19c3d6e0", + "placeholder": "​", + "style": "IPY_MODEL_396ea505aed24a779fef734b42a94993", + "value": "100%" + } + }, + "41c4d2bf51fa4db3bf5c74f32bda1505": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HBoxModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_edbcec06c5cf478eb3f95c61a4e8c459", + "IPY_MODEL_be9f55acfddf450db6819d18ed71df5e", + "IPY_MODEL_0776af75914d49a0be6a8d4406e2cf30" + ], + "layout": "IPY_MODEL_0092b8e4389d4ef689e5445b1645c5ea" + } + }, + "41d8dff15990467286404af4778e9303": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_13281c1540a545f2a9169737cbc096ca", + "placeholder": "​", + "style": "IPY_MODEL_caf16134870b48a4a2bc8940c05ebe29", + "value": " 26/26 [00:23<00:00, 1.00it/s]" + } + }, + "41daa27509cc4057a0dd1b7a85bf4154": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "41dd17532bad49ddbe92d2c42cbe9603": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "41de7d289e2747eda35f034bf00c99f6": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "41ded0fd97f44cb68367d88514983a3f": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "4205107f0b25408e8394b68b55f2eb45": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "FloatProgressModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_e513a2a48630433ba93536027b70b974", + "max": 26.0, + "min": 0.0, + "orientation": "horizontal", + "style": "IPY_MODEL_d75a1d0798ea416583cb253405951ec0", + "value": 26.0 + } + }, + "42178582af4b429eaebdfdcb3cc5ee75": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "423e32d5e388482184c0fcc2e6ba44de": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_d1183e785e764840865439baf2a456a6", + "placeholder": "​", + "style": "IPY_MODEL_671d10191df84965aee4ef97d9acf8b7", + "value": "100%" + } + }, + "4248196a49444ef4ba2af6b7fb4c43f4": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_c9e589fdf09a43fb8955ac8e37151e7e", + "placeholder": "​", + "style": "IPY_MODEL_cb16d3824a07494cb77f71ac70aba216", + "value": " 78/78 [01:31<00:00, 1.27s/it, fold=2, lr=4.39e-5, b_loss=0.541, b_acc=0.716, loss=0.474, acc=0.737]" + } + }, + "426322ae7cdc4307a059e6f353059bc2": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HBoxModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_c0eeac133114420b8b591512abe119a5", + "IPY_MODEL_052f0eaf94bf448b8fbefa02c98f1c85", + "IPY_MODEL_fdb72bdc7ed149f586d9e2a42c615442" + ], + "layout": "IPY_MODEL_ff5597ac84b74deba7528eb554920d22" + } + }, + "426ee967f85645f9811cf56c3c8ea82b": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "FloatProgressModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_87162eb47ac9476eb46186702f3ebf7d", + "max": 26.0, + "min": 0.0, + "orientation": "horizontal", + "style": "IPY_MODEL_3e3645eedec64d9f85d2c410e62ee49d", + "value": 26.0 + } + }, + "4270b1760d7e4052b468f574a2296ac1": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "428bdc5d5866489fb61e158914f2aaed": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "ProgressStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "42a3241cf2da45eaa7c8450d682c3f58": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_59b7a663825349f284470774ddbe3517", + "placeholder": "​", + "style": "IPY_MODEL_b7c780492ba14f1182c7ddac8660b61d", + "value": "100%" + } + }, + "42a974c92dd945d38d6c0c58ed790880": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "42ab5d7e60b643aa85620d4c32930110": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "42b0d8d363084fc6927d46e04caaa2bf": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "42b8b544c72d4f888ac7e5673a8dcfd3": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HBoxModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_d02b76d58d0044cb9f7e1e1b22139d20", + "IPY_MODEL_5ba9c53931c54eedb03bf0872967ec8d", + "IPY_MODEL_83596c5a781143628792a5e5ee579751" + ], + "layout": "IPY_MODEL_65b9647c95304d3d855127464560b00b" + } + }, + "42b9856a4ae94d8e8debd9ef46634888": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "FloatProgressModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_7af5b725c3d043df9aa2e4ab05d0119c", + "max": 26.0, + "min": 0.0, + "orientation": "horizontal", + "style": "IPY_MODEL_9c69ea65c1864ff39ae05708061ce0fb", + "value": 26.0 + } + }, + "42cd7edae0d6461ea06de09b5468072d": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "42d9dc76245b42399e37f88ec08bc4aa": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_255f94c5d0464d82a8a952a78935cc47", + "placeholder": "​", + "style": "IPY_MODEL_97aa200f6e0b469aaf2dcd8f2f747b24", + "value": "T: 171/200: 100%" + } + }, + "42e2911210e64b0a82cbbefdb6b03fe0": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_cc04070b40254d44b185ea2a77db3243", + "placeholder": "​", + "style": "IPY_MODEL_eb92f23889c44fffaa949dba31375baa", + "value": "T: 103/200: 100%" + } + }, + "42e91a4184724d3eb4e5ffcb40eef110": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "ProgressStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "43204a2a401948b699572ed98e11cf2b": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "ProgressStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "4329c76621b2409f96734840f139b15f": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "433704def3794b1f8acddc360bc4aa63": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "ProgressStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "433a451bc3e2428cb8d1d0bad3f88ca7": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "433f9cb733cc46d4b4ad1d896b9b1160": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "43780ad8bfb04ca3b70c49610a3be9a3": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_1f79e0ef00f2447296651e2eb03e5aae", + "placeholder": "​", + "style": "IPY_MODEL_25adb9518bde402483e5505141cb2d2a", + "value": "T: 046/200: 100%" + } + }, + "438e750d133a45959429862fb645ac11": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HBoxModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_b5685c075fd24b6293c8e5497abb8134", + "IPY_MODEL_0400119b33ca489bb1b6e547e64a12a4", + "IPY_MODEL_6331004d44af4720af6c50cbe17c2853" + ], + "layout": "IPY_MODEL_614eff02ee234d17a496f194e35702aa" + } + }, + "4397f8f0b7484bee93dfa38469d84592": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_6d8e03c5e8c441c38f49e46246344a32", + "placeholder": "​", + "style": "IPY_MODEL_10b77fdb863b4fe38754508a58106090", + "value": " 26/26 [00:23<00:00, 1.18it/s]" + } + }, + "43a02ddf1f654a3b8d36a3441bae9e44": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "43b799b097a74327b76d07db59fddcfe": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "43bb1da10f73419b91c8f36f07d90855": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "43c832b119c743f3b11a7c99e84cc594": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "43dd546f4ede4e608e3d2e8e62e3daf2": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_371cbae019784440a10cc9cd285362bf", + "placeholder": "​", + "style": "IPY_MODEL_250c114b72af4de19e961b34e243fd83", + "value": " 26/26 [00:23<00:00, 1.17it/s]" + } + }, + "43e3d1d735454ced8d86cfe11d99257b": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_52d931dc3fb642fdbd5ba0345e853148", + "placeholder": "​", + "style": "IPY_MODEL_9e1e229b28aa4806ab2579ab3ad240e5", + "value": " 78/78 [01:32<00:00, 1.10s/it, fold=2, lr=0.00015, b_loss=0.677, b_acc=0.629, loss=0.831, acc=0.592]" + } + }, + "43e5b6d4bb374cdaba4f763aed2f2330": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "FloatProgressModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_286e7cecb0e94070a36b499cf85a68e9", + "max": 78.0, + "min": 0.0, + "orientation": "horizontal", + "style": "IPY_MODEL_395b9b47ca024400b31b9b325a5608e6", + "value": 78.0 + } + }, + "441228a0fe0e4b66b731298bc1e6906b": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "442120d8ffcc45808fc165b3662c0618": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "ProgressStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "44385b1bcec54ad8a3da6e5a25373b42": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "444f49a81f49492e8e3317fadb693705": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "44546e5f816a412a972c778f661d5b72": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HBoxModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_98a68c4d8e5d4e648c44043c59d622c3", + "IPY_MODEL_26dc006091604526a11843a805b58d81", + "IPY_MODEL_f9efb97dee224de683662b0598bd654c" + ], + "layout": "IPY_MODEL_a0f2167aa74941f49c6c474db722bf2f" + } + }, + "44548e10ce364b478597c9f67225b848": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "4467de8ea9fd434b944e49a56ba018dd": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "44710063477e4387a9929f5fc45e9b35": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "4474a2c5a8bd4fd8b417833ffd74e824": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_1954d79b7fa14c33a14d11d4309d36d2", + "placeholder": "​", + "style": "IPY_MODEL_a3f5e5e1796f4455be6fe3d4114c4d8c", + "value": " 26/26 [00:24<00:00, 1.08it/s]" + } + }, + "4481f24d80e349d4ab70e514a9cd1b2a": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "448a806f756441e2abeb04af51932aaf": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "44d53691bee845b993cce465ab02764a": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "44dd6394f6cc4de2b7089b69bebad80b": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "450dc7203c304c58a558b76240491e3e": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "ProgressStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "450e26c6d8694a7f8fd5a1777dc5714c": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "4524cb48bc474a9e9adad4b36783afca": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "ProgressStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "452b277a33e44e3481265ea8b4e94ae6": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HBoxModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_04972041656549129010e786cf312acf", + "IPY_MODEL_c8aa65d803604c5fbc42db2bcafd335a", + "IPY_MODEL_df7ab70b4d214dda93f3ce0b171121be" + ], + "layout": "IPY_MODEL_ba1b097ce5ef40ccbd97923ec41f644a" + } + }, + "45380a4fc32346889cbd48c885827bed": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "ProgressStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "454ac971f28443b5aa4634bb014754dd": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_5eca7fc029474871b5030efe260dae53", + "placeholder": "​", + "style": "IPY_MODEL_648f6f44d128453e8bc198c5d0e17c8a", + "value": "T: 021/200: 100%" + } + }, + "455550fc3dc7458c968463321938c5f3": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "455be12c025e4e55a488603b03e94061": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "ProgressStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "4588e9ba8d4747c4aa992a9edd7e0b3c": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_77194a80f15c4ef68162be13f2284d2a", + "placeholder": "​", + "style": "IPY_MODEL_0bb6783ff7ce40f2b9173579a3a01436", + "value": "100%" + } + }, + "45abf550476a46d9a5ccc1f68e89a7ed": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_faf7b19bfd284964be90a4c3995bbcd6", + "placeholder": "​", + "style": "IPY_MODEL_1a6052154478469aa328116ccd295b95", + "value": " 26/26 [00:23<00:00, 1.02s/it]" + } + }, + "45c29f898d81452eb39af9ed44347185": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "45d6013830e0448d949f65942e6216ed": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "45da3527c7804205a478888e65c355db": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_d3d205173c56437db21ab61dc394b623", + "placeholder": "​", + "style": "IPY_MODEL_c2a04bcc5e834c74881037ae136e6dca", + "value": " 26/26 [00:23<00:00, 1.05s/it]" + } + }, + "45dcb6c5acd4439d8978acf4b643c319": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HBoxModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_8845ce4a913f499787ae3a58d41acc3d", + "IPY_MODEL_bf0394f293c545be8a1cea467e598332", + "IPY_MODEL_576862ec3f9f477f81c001cd8ed3c5c6" + ], + "layout": "IPY_MODEL_a005cc33be11429dbc3175f8f4bf44d5" + } + }, + "45de2456ace649b38ea9e775264f3a34": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_8c00c4729123485bb3df039696298744", + "placeholder": "​", + "style": "IPY_MODEL_3f145b47751a4411b302b81c4d9e5415", + "value": "100%" + } + }, + "45df7756816b40b8a9fedea9ba104dd5": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "ProgressStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "45fb953a73534283af231def7e0c5cbd": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_7776c3c55d874822afe781ac8599227b", + "placeholder": "​", + "style": "IPY_MODEL_1e7e99cd3e2045bc894f868cb7b3c4ac", + "value": " 78/78 [01:30<00:00, 1.26s/it, fold=2, lr=6.67e-5, b_loss=0.234, b_acc=0.853, loss=0.27, acc=0.827]" + } + }, + "46000c1827b54b259341e36178a51078": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "46183585aa9b431c84735dcec5ef4511": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HBoxModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_2b1afc83ace04977bd57bda974c3d5bb", + "IPY_MODEL_494a79b878ad46b7be9018378794f293", + "IPY_MODEL_86e33572473c49cf85df4e8d58db6bcf" + ], + "layout": "IPY_MODEL_8e13ac24bc664d0c9c8fd27cd3047a72" + } + }, + "464c7a1045904fd79a46316c70e761f6": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_950845c5c83a4ca49bbed877c7611116", + "placeholder": "​", + "style": "IPY_MODEL_657252f8e14647c9a356ca8db753e039", + "value": "100%" + } + }, + "4658830bfa6f455cadf97f7e2bd39b8d": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "467fc3eed42f4755aa4ba2cb6cdf9344": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_5ebddb938f164cc2b91fba644f6111b4", + "placeholder": "​", + "style": "IPY_MODEL_8e87d227fa74487886ad9dc148cf586f", + "value": " 78/78 [01:31<00:00, 1.22s/it, fold=2, lr=0.000207, b_loss=0.881, b_acc=0.491, loss=0.879, acc=0.572]" + } + }, + "46840b118e674c12a9e0624d356fc6f7": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "4685b5a21e8b4a898bfd36641cb20dcc": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "FloatProgressModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_f58f5821dbd74bfbae4d1acca4ae84f8", + "max": 78.0, + "min": 0.0, + "orientation": "horizontal", + "style": "IPY_MODEL_f08fd2a3216940df9cadfdc3175310cb", + "value": 78.0 + } + }, + "46a70840b78d4655b7c5607cdd4969d7": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_67082c28af434f19903c2c34b00be4fe", + "placeholder": "​", + "style": "IPY_MODEL_7a02d42caa6848389480ef7f2be084b3", + "value": "100%" + } + }, + "46ce9f47b7b04297902650c4eac6b2da": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HBoxModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_eee74059070f4be9b9363aa0ac740cd0", + "IPY_MODEL_07564d5cd5de4a1296d21fb256f0935d", + "IPY_MODEL_d695a75fc9e44af8ba50ae9e63ec9703" + ], + "layout": "IPY_MODEL_441228a0fe0e4b66b731298bc1e6906b" + } + }, + "46daa25fac0b464fa500a3ed92258ff4": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_3cf03b3c20bf4d6abedde08d6fc347aa", + "placeholder": "​", + "style": "IPY_MODEL_450e26c6d8694a7f8fd5a1777dc5714c", + "value": "100%" + } + }, + "46f186ac239c47a6804615baea4a43da": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HBoxModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_be76faaeb5844f31ae56f14b91b691c7", + "IPY_MODEL_118799852ab24dab8bb1d7c32021f5f2", + "IPY_MODEL_e036dc2a6dd8494bb737fc3b6cc28e82" + ], + "layout": "IPY_MODEL_41ded0fd97f44cb68367d88514983a3f" + } + }, + "4704085d2fd54b768d02370e5a646552": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "4705d192c61843a383b29f31e1bb7e0b": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "FloatProgressModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_7c85b76b1a3d47caae2aa7614344d376", + "max": 26.0, + "min": 0.0, + "orientation": "horizontal", + "style": "IPY_MODEL_388d79765d8a4fa280176699292c7257", + "value": 26.0 + } + }, + "47264f6f184b432fa8e2a8c2506ce6ab": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "ProgressStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "4731b641a42a42a290a34f296bd709d4": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "47385de1cecd45629130a19906a8d1f3": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "4747173fa0384c1ea07bcf144c0d7aa7": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "ProgressStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "4748372239e54752acd07fd1e8705e1e": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "4755878cd27a42359d0208bb315267d8": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HBoxModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_cf8d251a121e4da68845f486a40e3c0c", + "IPY_MODEL_e1b0e5c9f06347b38c28607e9337a960", + "IPY_MODEL_27e3409620b648e6b261e18118861775" + ], + "layout": "IPY_MODEL_b0d104d1b87f4df7baa0b363ba8916c3" + } + }, + "475909b9860441b796393e435148e0d1": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "ProgressStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "475a3dc79ae84fbb9f42cae9cb90211f": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "475c9c87a8fd4c7a993224012927c6cd": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "ProgressStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "47807bdc11ad4216917e9ae329d3adbd": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HBoxModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_46a70840b78d4655b7c5607cdd4969d7", + "IPY_MODEL_bee6d800909c4bd58d85492e41476766", + "IPY_MODEL_e66531faca3a472aac5d1797c75261eb" + ], + "layout": "IPY_MODEL_e93979107df14fbabc738a5b809c7462" + } + }, + "478c1d525288432db3fccd20bc39ae7e": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "478cf881328d4531bcd6f00a50bcb641": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HBoxModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_fc20f8d4dd4f43c586c7ae1bae983224", + "IPY_MODEL_9156e315d0234352a47f7e4d174cc8a8", + "IPY_MODEL_45da3527c7804205a478888e65c355db" + ], + "layout": "IPY_MODEL_ff7771f034b34a71a08539640c9e33df" + } + }, + "4790087de9024991ad616f7b6e238a63": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "FloatProgressModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_2a5321c0f6e34a93b9e9a490d01e9766", + "max": 78.0, + "min": 0.0, + "orientation": "horizontal", + "style": "IPY_MODEL_47264f6f184b432fa8e2a8c2506ce6ab", + "value": 78.0 + } + }, + "479d7a08444842bfb9de491008f45039": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "479e4092215748a89b40ac6e5dafbeab": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HBoxModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_f885d9078cd04bdf9ac0d2b2511482a4", + "IPY_MODEL_612602ebe77c41428d263c7634f74faa", + "IPY_MODEL_a5e3451bc014494b8dfd7657cc6aa0ac" + ], + "layout": "IPY_MODEL_7e69610a0a8b48ca84ea84868cd28497" + } + }, + "479f6d0612bb48a68da8af339252ae24": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HBoxModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_8f4923ae3c6941cdba8a388d0d3f57d2", + "IPY_MODEL_702ba6df107c46188cf27175008f03ff", + "IPY_MODEL_d3f02bfdf4c94a8180b2c72b02f1a3c9" + ], + "layout": "IPY_MODEL_f01a42089e2149bca0bfc2cb9e743167" + } + }, + "47a1051009284f01861dfad4def89032": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_415761a6e1af44aea0f6fc0c22cb405c", + "placeholder": "​", + "style": "IPY_MODEL_c3ee2fae8b4e4a01b122807cd8b1f730", + "value": " 26/26 [00:23<00:00, 1.10it/s]" + } + }, + "47a1c24d3e2f4b58bf264f64918ce148": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "47a71629607141e1bf08958c1fd5d6c3": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "ProgressStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "47ab1b5ad6014f2284a4339407d0eeb4": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "47b1db9749684f62935086af6dc24665": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "47e3b3c09bf744f49614d7404aeb89e0": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_f01d4a9c4c8e4bedbf73953f5b5e38cd", + "placeholder": "​", + "style": "IPY_MODEL_a88a65e0e79643a58ea9b4b045d98910", + "value": "T: 014/200: 100%" + } + }, + "47f6be1802c54ea5923fe46f37c6e209": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "480255f49e22478ebbbe7b242191a83f": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_50544d364287446e9597acf8212fa479", + "placeholder": "​", + "style": "IPY_MODEL_6f17c17c71f040009fe762a5dc3110bb", + "value": " 26/26 [00:24<00:00, 1.13it/s]" + } + }, + "48062426613c4b96a7f7aa032c95c57b": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "480929e4b6de45e981f8ef6e066d3319": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "480c6c7470db45b8a6f1be6a0b3df9c7": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "48201162336b4f30975abd43fa518de0": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "484092290d02406f8757dcff8a3cbfd1": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "FloatProgressModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_06806330aab64dc4ba51866ed93ae6c4", + "max": 26.0, + "min": 0.0, + "orientation": "horizontal", + "style": "IPY_MODEL_82cadee82aa34692870db7b53aecf209", + "value": 26.0 + } + }, + "484754cda9e54eeeb6f3e4ecac003ad9": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "484a66f972584970a45e3c8c01ea5dec": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HBoxModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_f18a8b3ca1dc46db9d0562300284381c", + "IPY_MODEL_61ff11d5574c4eb58b75f04e8a2ab72e", + "IPY_MODEL_c73ab7749cb84a04856d77f05da095ec" + ], + "layout": "IPY_MODEL_731b329fa69c4a648c39b8f6b1856a2d" + } + }, + "484c13bae47d4557bb814b8be02f5482": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_6ce77e8d5fe9467cbf106fbf3b9299ff", + "placeholder": "​", + "style": "IPY_MODEL_47ab1b5ad6014f2284a4339407d0eeb4", + "value": "100%" + } + }, + "4851e4abc833449d875b4810a53f50cd": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "48582b891d0b43ad801cefd009115dbd": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "48667158de0e4193ad2f84a9f9c903e0": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HBoxModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_7e636c444ff34ed1bf2bb55980378cce", + "IPY_MODEL_081d327fd5f145ccb0025900bb0a205f", + "IPY_MODEL_aab42af1a1e84ff9a1e09ee26b1e4248" + ], + "layout": "IPY_MODEL_b9c0e0d5e07343db989e9bb384cbb56a" + } + }, + "487cbacfef4f4e41af3d50bbf4289f36": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "4898c4afc9534f25adbae39e2a497c96": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "FloatProgressModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_6ad0e848ac6843ff998f25b85c996d01", + "max": 78.0, + "min": 0.0, + "orientation": "horizontal", + "style": "IPY_MODEL_deb8e6e4eae14f2cb354bafac39b2742", + "value": 78.0 + } + }, + "4899a629e2214604b0a81141a69a621d": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "489dcccda39149f4bc70af7de51a2cc5": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_1708373d6ebd43b091999b37a9980a52", + "placeholder": "​", + "style": "IPY_MODEL_dfe213cb263741c6a348b883e7f1f115", + "value": " 78/78 [01:32<00:00, 1.15s/it, fold=2, lr=2.53e-5, b_loss=0.196, b_acc=0.836, loss=0.245, acc=0.843]" + } + }, + "48bc7e061dfb4011b3a73da613406a5a": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HBoxModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_9eb612f68be841da9ad20ea2d313a323", + "IPY_MODEL_4790087de9024991ad616f7b6e238a63", + "IPY_MODEL_7d96a1e78f0d4369a486f9adcc1eed95" + ], + "layout": "IPY_MODEL_0ddd9fe1eded4787aa4553f69841a91b" + } + }, + "48d2e741089c4f3e8fb99d0900d56019": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "FloatProgressModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_895edc65275c4752bdc71899350ef71c", + "max": 26.0, + "min": 0.0, + "orientation": "horizontal", + "style": "IPY_MODEL_625b779dbe5b47cf8722094025b052a1", + "value": 26.0 + } + }, + "48e0251687514199b873baa162f8ea17": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "49006940fd314dae822717404ea0c1ab": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "49022766c54446568c862ee2acaf0da6": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "490d76b2b8234419b9342b98866222db": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "490e8d7531d74c0f9fce4ed4e5f44b89": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HBoxModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_328b4df11bf841d5a3a27f7aeed50f41", + "IPY_MODEL_7b3bd65b7bce41699d6b1a4ee1f2867b", + "IPY_MODEL_8380d59183ff40baa93638596b805364" + ], + "layout": "IPY_MODEL_c5d34282990f4a038237ab823720ccba" + } + }, + "4930aed6d19741c1962c930bd4b8b6b6": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "ProgressStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "494a79b878ad46b7be9018378794f293": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "FloatProgressModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_7fda8a78ca1f42598d0ebf69be035a62", + "max": 26.0, + "min": 0.0, + "orientation": "horizontal", + "style": "IPY_MODEL_a23808f3c2334447845809df59e7ae72", + "value": 26.0 + } + }, + "495765ce0b144a319bfc766033ccfb4e": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "4978973dde0148d5a33db4d949a47c78": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HBoxModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_de50add505404eeda020cdd2e28f77c1", + "IPY_MODEL_6fd946ede6ff43c59b7a2778307455b2", + "IPY_MODEL_ac993a23bdd14c2a957fa52a0345dbc9" + ], + "layout": "IPY_MODEL_263abc08035643efa8b5de36d8090321" + } + }, + "497a5e21a39d4bff85a1d55b5530e3ef": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "FloatProgressModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_38b221d75afc4afcbe7a08bbd998d03f", + "max": 26.0, + "min": 0.0, + "orientation": "horizontal", + "style": "IPY_MODEL_6893a2758d2140608dd9ed88e166513e", + "value": 26.0 + } + }, + "49b1965ebcd14cfdb50eac82f3a91356": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "49d05cf777e344318239c5c9cfac5761": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "49d9ff7de24747efbfb7b5a2144e0bb8": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_24d32de122bc45ffa3e2ddcc7bca3f31", + "placeholder": "​", + "style": "IPY_MODEL_634bc0eecfc74047bc61e0e376048367", + "value": "100%" + } + }, + "49e720d366ef44ef802dfe164a3ec719": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HBoxModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_cca66de7993c4cedb6537b5eace3188a", + "IPY_MODEL_36809326b2484815ac0378132decc4d7", + "IPY_MODEL_5bf778094e1e4a38b6836daf2bcab8c3" + ], + "layout": "IPY_MODEL_b86ac5832c0745158ab6579ba32d7b7d" + } + }, + "49ea7551867344789fd5548818f9f9b9": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "49ee7ae19f094f7c91b8decd3c5c317b": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HBoxModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_ad0ebfcb9e0841b9968b3b697c5bbe82", + "IPY_MODEL_67522e1f38514c23a44b9ecce01fbaac", + "IPY_MODEL_3f83843f936845e599dad1bc368c2a23" + ], + "layout": "IPY_MODEL_cf1ba3aaaee74e05baf52efa97107674" + } + }, + "4a13c5485ef644a38ca3e5ffb8920046": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "4a144807aa064dc597732811c8e35585": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_1ad5b24ac94b4484a0e47f84ee4ba308", + "placeholder": "​", + "style": "IPY_MODEL_379cc2d2d6c64d278d8fe1171dd8178e", + "value": "T: 160/200: 100%" + } + }, + "4a29a4784b644c46ae857e0c8abc5aaa": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_39327acee8ca4a19abc36fefa2efe13b", + "placeholder": "​", + "style": "IPY_MODEL_58973021dc924bd086f29f18b23f2bae", + "value": " 26/26 [00:24<00:00, 1.02it/s]" + } + }, + "4a423839e6cb484d9389332c9523346a": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "4a4e22a230944cc587b372ba9bd37ba7": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "4a580ae1475147b7a6767bf976244045": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "4a65aa2d048846258b64f6eea3ccfb82": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "ProgressStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "4a919b2612c4450fb78f8b83aea5c548": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "FloatProgressModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_5354315696b8416d994cee8cd02e3680", + "max": 26.0, + "min": 0.0, + "orientation": "horizontal", + "style": "IPY_MODEL_082064fe48eb49519f09061eae889980", + "value": 26.0 + } + }, + "4aabfb56e01c48c1be46a53ec8acb992": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "ProgressStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "4aada0592b6f4843a88aeb444386100a": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "4ab02f728a684e2eabf3c2ca4c4a06c0": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "ProgressStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "4ac05bdbbcfd4ab28ad327ee268eb484": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "ProgressStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "4ac122e033a647e3afbf55713fd05212": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "4ad02aead7e141c3b22aa7c867d9a99e": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "4ad6f7d65fe64c309de97c4d960a3a21": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "FloatProgressModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_8af56957f91449348f584dff9c60ee4c", + "max": 26.0, + "min": 0.0, + "orientation": "horizontal", + "style": "IPY_MODEL_221c63239f1f46d4985803eafe6294b7", + "value": 26.0 + } + }, + "4ae76cb882ee42d695c0db93341daf5f": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "4af716c3ab154f10ab4baf14e7a9743f": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "4b00946ae40a47e3aa3656c88701fdca": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "4b06e852243d4d788a7d8738e2d99898": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "FloatProgressModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_c699dc13ddaf42e1b062e487f0c11414", + "max": 26.0, + "min": 0.0, + "orientation": "horizontal", + "style": "IPY_MODEL_2ca852005afd4e86ab5ded10bfbdefa8", + "value": 26.0 + } + }, + "4b0b40cfe25943378ae37dfbd0121f60": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "4b12d7394b294b15b99db090abef1d25": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "ProgressStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "4b198c5d8d264f08850f1f0d356eb7fe": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "4b2123bdd1a04785aac487a74d2aeade": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "ProgressStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "4b2285a8740d4eb2b7c2a1ff77efeb8f": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HBoxModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_5d3f3c9c459749608cbda8f8a954929d", + "IPY_MODEL_b693861631be40a6975b0184ca472bfd", + "IPY_MODEL_9de1eb2056a54413ada3f8a0a191d163" + ], + "layout": "IPY_MODEL_a8965003504c4720802670df53a11e41" + } + }, + "4b2c2f6d5ae5496fb306a8e25f06c04b": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_eb3495a28887480eae3ef043a0fbff62", + "placeholder": "​", + "style": "IPY_MODEL_919c9fab40f8443ba979dc2401ccdaf3", + "value": "T: 175/200: 100%" + } + }, + "4b515146f9774a7284b1fca7469528fb": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "4b726138b4b6402c9fe5661aebff9b68": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "ProgressStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "4b7478aa62cd464582a2653e99a02beb": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "4b7fb98b694a4b64aa3522182d4ce595": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "4b8728dc568a44308d06ee6c875b51b0": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "ProgressStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "4b8e9385c8c44e93b559f8163882c691": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HBoxModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_1e60d97a74c14d7b95ecf58c517906e0", + "IPY_MODEL_4fb4c8c175c14597847cfaff707ceb35", + "IPY_MODEL_5fc201e8f8dc4e4789d3b3d23205c55c" + ], + "layout": "IPY_MODEL_ca108521507b4f1ab1d0dbf83fef8612" + } + }, + "4b93c386e39647f38350732bc9f8e78b": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_59ebf2c714c24ac8a8f1cc062d4322ca", + "placeholder": "​", + "style": "IPY_MODEL_8f4922db2b6641c7bdcde47834113ab2", + "value": "100%" + } + }, + "4bb7311ceeed422da18e77eb80f0d6d0": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_8974fff41bfd42079832bc2696feaf89", + "placeholder": "​", + "style": "IPY_MODEL_acc2cb12efb04c4b9667589f1c9e3155", + "value": "100%" + } + }, + "4bd0afe849964eef8371f40b20ac6c57": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "ProgressStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "4bdbcf6489a54b8f97d2132cca436259": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "4bedfc612b974059bbc0594b160394eb": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "4bf08e1f806b4281a8a3ec7b78bbafde": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_b5a47c69db18494bbc281d805a06610d", + "placeholder": "​", + "style": "IPY_MODEL_d25e1ebe2e1a441b873d8db34d138fb3", + "value": " 78/78 [01:31<00:00, 1.06s/it, fold=2, lr=0.000207, b_loss=1.34, b_acc=0.414, loss=1.21, acc=0.443]" + } + }, + "4c36d463c1a94c8d8ffcf280697e8692": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "4c3947be88924139ade78439f49f42e1": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "ProgressStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "4c3b0dc55a7246229c853813bec07b56": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "FloatProgressModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_214459673bf848f0a23d58e3e93fb89c", + "max": 78.0, + "min": 0.0, + "orientation": "horizontal", + "style": "IPY_MODEL_c27d190776db41c5b3ba433f21cdb284", + "value": 78.0 + } + }, + "4c4a62c7dc124f8ea5b157e3844376af": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HBoxModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_3377661e914d463e961d458e4f3c1ec3", + "IPY_MODEL_5164c78cb2a64cb8bc012f13a87d86d7", + "IPY_MODEL_b20e126299ec462b9a69b78d28542a22" + ], + "layout": "IPY_MODEL_70f831a0cc0549fa9a2de8546e536f12" + } + }, + "4c6391e381724494b9367f30101b85dd": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "4c67b2ad70164e98b4835f2b2aab502c": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "FloatProgressModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_8ce92cf145684a3f9db0fbb4029fd70e", + "max": 26.0, + "min": 0.0, + "orientation": "horizontal", + "style": "IPY_MODEL_2a26babe40954ed1a7d5e1e7a132f10d", + "value": 26.0 + } + }, + "4c6e64e217fe491aad0645986139fb4e": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "4ca5cc37b64341f7870c7a006cc8889a": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_0b9ed7dffb31499fa0048953696f81cb", + "placeholder": "​", + "style": "IPY_MODEL_2c26b8a79c2b41ac9e9dbb4d76c02136", + "value": "100%" + } + }, + "4cb5ffb33d284732b01d5a22571b9656": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "FloatProgressModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_dddb94f46d8d4efaba9ff745d3bd19b0", + "max": 26.0, + "min": 0.0, + "orientation": "horizontal", + "style": "IPY_MODEL_2d415e4a6ec54d828608913d5b7bd8e6", + "value": 26.0 + } + }, + "4cbcf8275587477fb2049d4f1829adaa": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "FloatProgressModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_02745e0d0764473185564d21b444e6ea", + "max": 78.0, + "min": 0.0, + "orientation": "horizontal", + "style": "IPY_MODEL_b9eeaa028bf646a6b74c801570f6a00b", + "value": 78.0 + } + }, + "4cc76d4418434c4b8eb085703c466eec": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "ProgressStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "4cc7dccf3c5044aa813647db16092363": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_9add843f16c445a0aa553d022799e617", + "placeholder": "​", + "style": "IPY_MODEL_1cc460a7d8b14e52bdfb784120cd8292", + "value": "100%" + } + }, + "4ccc9e17aa854b21ad8344b04918081b": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "4cd7d5bde7854b41bf8157931d61a6b9": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "4cdcd3be01c8495993bcc112d317cfb9": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "4ce3418b71bd4d639676eed9213254a0": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "ProgressStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "4cec804452044bf4b0ebc342c66a83cf": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_89bd841a778b46a7ad5f1be4c56894db", + "placeholder": "​", + "style": "IPY_MODEL_f42bd70623234acfacff2071ee3d0e62", + "value": " 78/78 [01:32<00:00, 1.06s/it, fold=2, lr=0.000275, b_loss=0.53, b_acc=0.698, loss=0.599, acc=0.687]" + } + }, + "4cef4ddd493e4287a5de18327e67498f": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "4d03f0b2c908421c9e11bf4b56601300": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "4d3ea21424d24ff4b5de1ccd34e0bd79": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "4d4d5887478145f38c54c0994f18ce3e": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "ProgressStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "4d4d97c9b44f409db74f31003b107217": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "4d4e8299018f4396af84fcc366688a83": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "FloatProgressModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_ddc73c6816004640bbbe2138e0101d48", + "max": 78.0, + "min": 0.0, + "orientation": "horizontal", + "style": "IPY_MODEL_b90cd18e818d4cfdb20c51ec86c18cb0", + "value": 78.0 + } + }, + "4d5b713c400a4facabfcc8e412c5bef9": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "4d922859b3f54d108ddcc88859f5b7e7": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HBoxModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_707a4b3b188a4760bec63e2f1142a20d", + "IPY_MODEL_9dee4df133e54d889af267853d6621d6", + "IPY_MODEL_64116cd6c6fd4a3aa8f1897059952bdb" + ], + "layout": "IPY_MODEL_cac8daa3cca54138b538bacc2150354d" + } + }, + "4d92fc6ecd184d5e8e23cb37c3c182bb": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "4d96efea50104ce991312dffa8b4a453": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "4d9ef8ad8ea142d6b5289725eb67f2a3": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "4da9fee7cb734deabe4a8e56edcb4b63": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "4dbf7bee80f0493dab662d20f4188030": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "4dd8d5aff2674b14bed563a275361e76": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "4df641b141ef4c9eb3140e5a3920c86d": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_4f17534d83e24a8c9b041c4caa030567", + "placeholder": "​", + "style": "IPY_MODEL_a8a6ef7ddc0147b88ee81eecf82e7acb", + "value": "T: 162/200: 100%" + } + }, + "4e147348e2854805a2108b0c9be78eb8": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_108a7e4d590241bfa4669dc7261f9e68", + "placeholder": "​", + "style": "IPY_MODEL_ae5687cfd6d842e3a896c833d7fdb551", + "value": "T: 047/200: 100%" + } + }, + "4e6941393e7146069671fbc7a1f06fbf": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "4e6ad17762f845efb2daca1cdc518064": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "ProgressStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "4e6f20219ffc42aa915599186b6e720e": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "FloatProgressModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_eb31ec4868bd4f08bae52c3e32150e3a", + "max": 78.0, + "min": 0.0, + "orientation": "horizontal", + "style": "IPY_MODEL_c5a85e746e4048d995a8da3cbf044369", + "value": 78.0 + } + }, + "4e74a53e0ebd4bb3b8abc10ec1d080a6": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "4e802665e4ca4ca4aa1787402edae3bd": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "4e8abb2104b948b2a9a3b01a6a043850": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "ProgressStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "4e8b740f047b4ce2adfabe5f1fe4efa4": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "ProgressStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "4eadf1a09fcf4587985c05821bd064b9": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "4eba2a10dfe04d63ba98385eb322d0b7": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "4ebcc3cb235f4072ae06e279f1a607d0": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "4ec8487ae62a42fd8a832816e847aaf3": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "FloatProgressModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_87e0361967c84b059d148bce2cfd5fb4", + "max": 26.0, + "min": 0.0, + "orientation": "horizontal", + "style": "IPY_MODEL_42e91a4184724d3eb4e5ffcb40eef110", + "value": 26.0 + } + }, + "4ee969cebeb94150a52864bf05cd1f01": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HBoxModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_928b3b298f1a4bfaa72b093f25ea0303", + "IPY_MODEL_b89b088ac3374ba3bab4458981e6a62d", + "IPY_MODEL_753d40e4d084452eb62799c87ff12058" + ], + "layout": "IPY_MODEL_e55db2c12bc34a08b0378738826aa2b4" + } + }, + "4ef2343b1d5548dca3546d6f0d8f6dc6": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "4ef386faf28142a3a78cc0c56052afd3": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "4f0202dc9cac462da0cb6dd71779308d": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "4f06b6befe4045e0a67bfccf9a67c34e": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_1a718110f5f145aa8adb253884788e47", + "placeholder": "​", + "style": "IPY_MODEL_15b99f768bf14f3f90549507838c30b5", + "value": "100%" + } + }, + "4f06bd3935c343b59fc41f9de6e7d967": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HBoxModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_af605ab8a75d462c8ea04272c1fa9e63", + "IPY_MODEL_d23bda729f074b4983378fec5ea2b687", + "IPY_MODEL_8c670a2f24194004b099df8dab587d86" + ], + "layout": "IPY_MODEL_670063ed9a364cceb261854f3936b82b" + } + }, + "4f14a1cb96ac479999e58daf2f9c42c6": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "FloatProgressModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_237c69626da34f14bf66170949348eaf", + "max": 78.0, + "min": 0.0, + "orientation": "horizontal", + "style": "IPY_MODEL_f96a98b0481849e2ae06f21d9854a72a", + "value": 78.0 + } + }, + "4f17534d83e24a8c9b041c4caa030567": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "4f20f763b1fa4bd2869fb9f29982126e": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "4f24f34f93c1479292f9304edd91f6af": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HBoxModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_d186ec2ee0ff4cffa740fd51510983e8", + "IPY_MODEL_db984096298141e4ada6e19ff348a519", + "IPY_MODEL_d202de0e156c45c1862335c58aa2f3d2" + ], + "layout": "IPY_MODEL_223ca2d7f4294c6abec259b4b9557a80" + } + }, + "4f253b14cc694b7bb7ffb3e25adb4355": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HBoxModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_ecf395c5afac4d8790c4827241f46352", + "IPY_MODEL_03218ece12f74317a71383f75369f78f", + "IPY_MODEL_c59cd7296504470ea5cd81a585e88bcf" + ], + "layout": "IPY_MODEL_c4e74665170a4b48be0b4eecbac57a20" + } + }, + "4f30184ce2f74a018060d5b67a9002de": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "4f931139731e4ba88ba2890d11377b8a": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "4f9811be31d54f4fbb9fbf8da4b8d2ac": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_78179c875ced4ea18858629c5a0af4b4", + "placeholder": "​", + "style": "IPY_MODEL_28c35912f48a4c929e629f5e5604e545", + "value": "100%" + } + }, + "4f9b29fb4a454af4aae9fe73bebba21c": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_b0556639439943aeb68d268d8f212df1", + "placeholder": "​", + "style": "IPY_MODEL_a79a1d37be7a4773bcee50f6cc2ebe99", + "value": "T: 072/200: 100%" + } + }, + "4fa0dddf603e41c1a2b6d9f34f192454": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "4fa1c44ca24e493a97ae1b99064ecd71": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_da6ec43062de45b6af3aec3d69a78d38", + "placeholder": "​", + "style": "IPY_MODEL_9553d18dd0a149c4bb6a540c201d824e", + "value": " 78/78 [01:31<00:00, 1.17s/it, fold=2, lr=0.000233, b_loss=0.22, b_acc=0.819, loss=0.242, acc=0.84]" + } + }, + "4fa6d3294ad34381a85bd33661d88a46": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "4fadf993c3a444e4845b6f9f5b4da55b": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "4fb4c8c175c14597847cfaff707ceb35": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "FloatProgressModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_3a761e18c6db4882af5cef17a11396d8", + "max": 26.0, + "min": 0.0, + "orientation": "horizontal", + "style": "IPY_MODEL_8f4d0938788a48cb8c7f8ec5a6789113", + "value": 26.0 + } + }, + "4fb600d390cf435a9e20efaf55936c0b": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "FloatProgressModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_6cb891d5579f4e4bb7dc32759f12af9d", + "max": 26.0, + "min": 0.0, + "orientation": "horizontal", + "style": "IPY_MODEL_deaa7c67e2a5430aa2693b1e7a031e0b", + "value": 26.0 + } + }, + "4fb7d34ce8fb4d62bd789fbc9d3da8a7": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HBoxModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_7e1742779e6b4f598b2114e2c9a202f7", + "IPY_MODEL_ff5053bf8b644387b5e5055475d3c1a5", + "IPY_MODEL_a4ce16b8121842ec91cd27aee964ccce" + ], + "layout": "IPY_MODEL_627f2507fe2546a780bcabf29702a55a" + } + }, + "4fe31b8ca0814350b9ec9d0df11f347b": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "4ff2475cdfe84ec0b97c590c9eb50d2a": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "4ff4b98f39d84f03909bd9ca5b55ea8c": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "4ffe252e6c294446a58971798ac472eb": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "ProgressStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "500f6845001144588418fd9dfc842c77": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "ProgressStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "50501e986b264ee4aa08289d75d2ae62": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "50544d364287446e9597acf8212fa479": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "505afbbc8ca7444da212e119e328c7f6": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "5078d5a2c8994a6a8f4cefbd59894eeb": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "ProgressStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "507bd01d30c840efa94cb4df843dfb58": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "FloatProgressModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_44710063477e4387a9929f5fc45e9b35", + "max": 78.0, + "min": 0.0, + "orientation": "horizontal", + "style": "IPY_MODEL_cd3597769511421c8444db7989b67d8c", + "value": 78.0 + } + }, + "50883350258e48adbf07866870abde48": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "5093c065366141c5afb975f96be33a8c": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "50960fa673ff4257a8ec3860d84ae643": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HBoxModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_2a105ee9582f4cf2aebb17d073690b94", + "IPY_MODEL_0bf9bdf784434528b2d4952f1cb731fe", + "IPY_MODEL_dd39bec27f6e4fae9a4aee04168a8c8e" + ], + "layout": "IPY_MODEL_e4b07514f8614061986f1fb39885449e" + } + }, + "50a33d56475c42fbb35578a6f51b2feb": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "ProgressStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "50a4a4608268468489959bc09be477e9": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "50ac2dee6c4348b1938558f60664df7f": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "50b7bb252f7b416bb291e9c6debf32d1": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "50b87402a2244209a0a7eab0126b3082": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "50c016a6fb9b412e86ec5ef3c988ac10": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "50ced075070d4dd0bad67850caa4a901": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_8e3fe2b3c8b945a5b6a23d76041362eb", + "placeholder": "​", + "style": "IPY_MODEL_b6d3726adf914d58af3c8ab14245d58b", + "value": "T: 081/200: 100%" + } + }, + "50d135ab046c43f2824ad1038520ff98": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "5102232d43044c8eb2e8d29a8ad026fa": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_aebd2fb3ccad457aac5273c9bd6d1142", + "placeholder": "​", + "style": "IPY_MODEL_1d4d22f45cda4a67bef1a232440eca7c", + "value": " 26/26 [00:24<00:00, 1.12it/s]" + } + }, + "510826df100240ebb57cd90ddbadd816": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "511913beb5264a03a4efd086b9ebf212": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "512379aadc65422ab94221fc4277bcbd": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_7df16300fe3143128be53b3ff5b76850", + "placeholder": "​", + "style": "IPY_MODEL_96ea0989c9864bb38d2ce9e6da419f5f", + "value": " 26/26 [00:23<00:00, 1.13it/s]" + } + }, + "51390ad9df2b44b2b09509dfbc2e0339": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HBoxModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_93bb3f171c6947e0aa619155220c1bda", + "IPY_MODEL_1eeb433ce9ca4fa88107ccff83ec27d2", + "IPY_MODEL_1518c73fdc54429b80cf0e13939954fd" + ], + "layout": "IPY_MODEL_ee3dbc94b43f420cba00b652ed37fdaf" + } + }, + "5140af3d03b54d19a596e3e870bd829f": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HBoxModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_a7467d16ce8c44c4b5e719d4088ea155", + "IPY_MODEL_ac8c340bec4948f4bd80af38c5c3c1a4", + "IPY_MODEL_59c8197b4bb44df6931ada09e15596b6" + ], + "layout": "IPY_MODEL_1a19cecf26a3487db83bd640e2d919d4" + } + }, + "51575964a58440ab819a751292e062cc": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_07ece329422046c2b270684c0740923a", + "placeholder": "​", + "style": "IPY_MODEL_0c6624afa25f4244ac4e472c679875c4", + "value": "100%" + } + }, + "5164c78cb2a64cb8bc012f13a87d86d7": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "FloatProgressModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_b6881df1a09d4b298a9bfed1ae0e3d2a", + "max": 78.0, + "min": 0.0, + "orientation": "horizontal", + "style": "IPY_MODEL_58d2c1555d0d409eb810a31558e1cf40", + "value": 78.0 + } + }, + "51da4f050d0148688a6212cc73fcc7f4": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "FloatProgressModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_d8175cfd344b4efa8b9aba54660dd278", + "max": 26.0, + "min": 0.0, + "orientation": "horizontal", + "style": "IPY_MODEL_8797f8a740054df7880521af07eab3eb", + "value": 26.0 + } + }, + "51e84c8efe904c6b9dc167515b2c9b4c": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "52245d5390b94ae09f4e8c99883cd590": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "5229b663a7074af5861c5fddf12e1b8c": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "522e1b21e76b4042989cada4fbd3fbad": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "ProgressStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "522e5512dbe448cbbf596a8d09901f74": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "522fb258ca7842b3b7688a6d96e1e781": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "5233414c0e084503980f81e7bca5e310": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HBoxModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_6b8f3f1325064f56b3fe35437f10aecf", + "IPY_MODEL_a6fe6c86e9894609accd49f15cf85001", + "IPY_MODEL_66a39d493364402c96942912e68af1f3" + ], + "layout": "IPY_MODEL_13430ebec1c8463cac651c4c7f7f6562" + } + }, + "52359c506e29480bb2c02eb1ce2b8ba5": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HBoxModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_6d2ac73463cd4715a854b83c13548274", + "IPY_MODEL_51da4f050d0148688a6212cc73fcc7f4", + "IPY_MODEL_83bac4c10d1f439d8503a6cdc747d954" + ], + "layout": "IPY_MODEL_601dbb3eefe6453d96e86773a7b1cae5" + } + }, + "523788158e88462f84c2206b88b02aca": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "52516626411146ae89d84cc0ed6c89c6": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "525de064f5ea4b8b840bf0c1616482e8": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "5279972612f94cfd8c83625eecc9b5e1": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HBoxModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_ca8ff7f8d2ed48eebc3da5991bd50f8b", + "IPY_MODEL_029b6d5f6bf44036ace7b6c0d086f4df", + "IPY_MODEL_93c9a91b711b4531ae3b3e8d503f19cc" + ], + "layout": "IPY_MODEL_4d3ea21424d24ff4b5de1ccd34e0bd79" + } + }, + "529712a8f783468db86ade1b9421eb3a": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "52aaf1d6b3a84ca5b6ee8416834ad448": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "52abb7c91c91458980dbc83d270336b1": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "52ae5052ba4c4fe7aee96b326f3a00d1": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "52b533eaab0f4b66b3363bd4eaa6fb9e": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "52b77ef8829b403ba23d087eb9e035e1": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HBoxModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_39965fa95a0c4186ae885ca1405c3955", + "IPY_MODEL_6ee6c2d45c4c498c9e7f5f7378ed4364", + "IPY_MODEL_bfa848f3a1f847968dc4257627c4a203" + ], + "layout": "IPY_MODEL_b2db4b964ba04080bae1625ac4ad3245" + } + }, + "52c5ccb2cd81442d8a838dd1ce52df18": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "FloatProgressModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_094089e8866d442d856133dacb6b9f6a", + "max": 78.0, + "min": 0.0, + "orientation": "horizontal", + "style": "IPY_MODEL_f9130e8d82a14fa5a10544607e68dac8", + "value": 78.0 + } + }, + "52c90d11e974477cac947ae463de9cb0": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "52ca84f9e6014f169c248e3e59b9818c": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "52d931dc3fb642fdbd5ba0345e853148": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "52e1fb3cba8d459aa487802359bd440d": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "ProgressStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "5302082c5302402ebb1698e3c5b0e641": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "531077c01926462289621b2a39002e94": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_22c0a4706f9b47c4ab5b00453760b72e", + "placeholder": "​", + "style": "IPY_MODEL_6aa207737e574ac68bb56f3fca25570d", + "value": " 26/26 [00:24<00:00, 1.09it/s]" + } + }, + "53257c8a688e4fcf8fc3ee5aaf69a3b0": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HBoxModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_8e8f0b361b9d4005bd3a7a18a7a5db11", + "IPY_MODEL_95ce4f2d4360482e9ea9591e688d883b", + "IPY_MODEL_181bea0b37954055850ebdbbbd2cd9ec" + ], + "layout": "IPY_MODEL_6bcd2d65be8a41a9af4d4c4b89e8412f" + } + }, + "53316423416b455c9cc2d41937c09c4d": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "5344240a39544edca0a1aa686751ba2a": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_cd8fb5d6dc894b94bbbcae7443740e26", + "placeholder": "​", + "style": "IPY_MODEL_b537893f9767400487001813d9263aba", + "value": "100%" + } + }, + "5348738118a34368b77ac5dd3d9dbf9a": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "5354315696b8416d994cee8cd02e3680": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "5357689f0de34b569589fff9758f5a86": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_f78f7aab5d674fafb743d5e8b000a9f7", + "placeholder": "​", + "style": "IPY_MODEL_c1d5445a15264eba902178bb5aeea1e7", + "value": " 78/78 [01:31<00:00, 1.05s/it, fold=2, lr=0.000297, b_loss=0.283, b_acc=0.802, loss=0.303, acc=0.808]" + } + }, + "53578b2b6f624c2083c1f6a304fedca8": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "536b7f0602164ec09d83e987e46f9557": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "536d7d80c2a94ecaa6d99093c43ac1d2": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "FloatProgressModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_5a64db085956447a952461bc5e0d653a", + "max": 26.0, + "min": 0.0, + "orientation": "horizontal", + "style": "IPY_MODEL_e8887953d9364b0f996d06ad64c01dd0", + "value": 26.0 + } + }, + "53705ac54e504c6f99d5c982d5a24948": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "5372b805afcc42b8bc779e7e2c0de919": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "FloatProgressModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_61b0d95563d54fa08e84425bffb59c81", + "max": 78.0, + "min": 0.0, + "orientation": "horizontal", + "style": "IPY_MODEL_8984ba27d1404d81aba6fea2495569fb", + "value": 78.0 + } + }, + "538504b74dcf4a46af41415f2bb48217": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_9391b3485fde4e2dbca9909c0a4b8f45", + "placeholder": "​", + "style": "IPY_MODEL_e5cf36303325440192c6ce85d693ed13", + "value": " 78/78 [01:30<00:00, 1.18s/it, fold=2, lr=2.88e-6, b_loss=0.173, b_acc=0.888, loss=0.151, acc=0.891]" + } + }, + "53866c9931884374b600e95ca4834c05": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "53ab1702c8c24b09b8cafe08a70a19f1": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "53ae64ce06f448b2acc1f5206dfb2365": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HBoxModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_c01ea4197c0649a8853837858641753b", + "IPY_MODEL_3089d0cb7744469e99f88e2a76a44edd", + "IPY_MODEL_e2bdc98463da4247ac599b919b2e97dd" + ], + "layout": "IPY_MODEL_f666e1844e864e7fa19c49de0b3d826d" + } + }, + "53b06ed53678434ea1aa76c0c78d2486": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HBoxModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_cf7b64c9690d46eab5eb5823f064660a", + "IPY_MODEL_185415014d884aca8ce7743557243e44", + "IPY_MODEL_9565cf473c964440ba94236c5a06a35d" + ], + "layout": "IPY_MODEL_d57fc7b1ffe240a888e62fb796886307" + } + }, + "53d792177ae14a8087139e2f7cc3b701": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "53d968d5fc674de497a1f7c944839ef6": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "ProgressStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "53ece89dee3f4b8297af95546eb4c2f9": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "53f59630c1f4475d8c2952fc6f156c53": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "53f8b8eb1dcb4d2c9af475bf343935f6": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_18783cecb9a547639eef33b3d1ddcd9f", + "placeholder": "​", + "style": "IPY_MODEL_cf1e8c4c42a34a56bf32a46dccfbc508", + "value": "100%" + } + }, + "541bf005d8b242c6ac299ca5fea589c6": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "542c6dfabd1f4382add0a187258c5b2b": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "54337cf31708405f9990c6f007d4156e": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_31397378f8ad437482e4086ace7dbe87", + "placeholder": "​", + "style": "IPY_MODEL_95f06acb25994614850e1cafb3b43cc8", + "value": " 78/78 [01:33<00:00, 1.04s/it, fold=2, lr=6.67e-5, b_loss=0.314, b_acc=0.784, loss=0.356, acc=0.784]" + } + }, + "5447e414c12c435288b00aa036a4f83d": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "54521273bc69462b9b4cba3450ce3360": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "54527988d2af4374bda5f3f4cc36ec29": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "54575f2b59354ec0a0dce7b4376939a7": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "545a5d33ed9f4a7aa7e204f28118676e": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "545fe4e108ae4017976696d50e811849": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "54623d99ca844658bb3973434d3ab630": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HBoxModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_d8958feb0d7646bbb00c57940cb3d7d6", + "IPY_MODEL_bd0373e454134ead96e4b56a5817667d", + "IPY_MODEL_012e707da2644537b7512002e3cc0a02" + ], + "layout": "IPY_MODEL_c61fd7aed19f4797899e3d4328610bb9" + } + }, + "5469f2097cc544fd9b5a9dd15164b09b": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "54915311ff2041e79d5df29bf14522fe": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "54923838530245d69ebac6f923be2105": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "549323da159247f7885c68b223460bb7": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_a0cdc1d5cded4ba39fd8ba89ad1fb484", + "placeholder": "​", + "style": "IPY_MODEL_64129a05ffcd4349a3a893130b8dc15e", + "value": "100%" + } + }, + "549355289569415ba01659e52cdb77d8": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "54a27a8219354fe5a345452759e80793": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "54d65261ddc3418692e2a00c2769c620": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "FloatProgressModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_6e667c41aeb94ffa91f153b3af3c77be", + "max": 26.0, + "min": 0.0, + "orientation": "horizontal", + "style": "IPY_MODEL_809bdd8c529f4c548b563ddd3d8b542c", + "value": 26.0 + } + }, + "54ebe633151c4b50af6f4d3280852e30": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "54ec6b00f31b47db94b3b23893db4d16": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HBoxModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_b1cd464830664527b954a43f6a8e09d9", + "IPY_MODEL_9b4cf6c3bf8142838035e43ad1eba8c4", + "IPY_MODEL_b4bcd2a9fca7494593d16c302115648c" + ], + "layout": "IPY_MODEL_1c50d6f0b10e4a02a337b5c9d0a1f3d2" + } + }, + "5514570450c647edad405cd272793d43": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "5514eeef249e4a77b45c94d884171a4e": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HBoxModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_9b205d953089498693253142d9977edc", + "IPY_MODEL_fcd18af3d7ee489084f01f22f5ef61c0", + "IPY_MODEL_f1fb216b540642fe8e03ad217be1301f" + ], + "layout": "IPY_MODEL_5c8f033bef4a452ca37fbb8de408fde7" + } + }, + "554649610a174381ba885be7da6adab6": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "ProgressStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "554d9bbe01bb49839a7ff15475d097e9": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "55686a5c04d448f0b3d161909f992f83": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_9b5227a49ea342c8bade5be71c8bb8f2", + "placeholder": "​", + "style": "IPY_MODEL_57949f45b99d4803adb69abd53c3a7c3", + "value": "T: 092/200: 100%" + } + }, + "556ac63d2c9c4537bb2812be11e6be30": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "55821ebf18ea41e087605a46932f2357": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_d9da20d2646b41429ad9c4ae88b13727", + "placeholder": "​", + "style": "IPY_MODEL_303f922c9d8f42fea0e3cebd6b03ce9b", + "value": "T: 134/200: 100%" + } + }, + "5585fa031c7743d78c3bb32d4b34dbca": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "FloatProgressModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_49d05cf777e344318239c5c9cfac5761", + "max": 26.0, + "min": 0.0, + "orientation": "horizontal", + "style": "IPY_MODEL_389c5c97fd8f490d85a0fa431b924ca4", + "value": 26.0 + } + }, + "5590d97e671b4e438c56a4ec676b9751": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_9cc6e02b81cd40329c88878608b40547", + "placeholder": "​", + "style": "IPY_MODEL_d0569016a58e4cab9c27408f50d10351", + "value": " 26/26 [00:24<00:00, 1.16it/s]" + } + }, + "55a4898c4eee48948ab087a6d2de5256": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "FloatProgressModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_8e03fb7b00114448b0bb4fae93b259d6", + "max": 26.0, + "min": 0.0, + "orientation": "horizontal", + "style": "IPY_MODEL_9a079dd006fc43a78f5abbaeb9d0f14c", + "value": 26.0 + } + }, + "55aee1854d4545b0ad4e793b90b3634f": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_c5ba472aab924346a2ac71ab309a64e1", + "placeholder": "​", + "style": "IPY_MODEL_2e4fe995f7cb400d8f963378cec34da9", + "value": " 26/26 [00:24<00:00, 1.05it/s]" + } + }, + "55af7d19f0e64cc4aca9f9091867f8e9": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "55b73ac8a3b740749c1fa4fb0519e2b9": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "55f241a2237540d1a22d3acca4a89e87": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "55f302a53a244e509702a6a46e77aec1": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_44385b1bcec54ad8a3da6e5a25373b42", + "placeholder": "​", + "style": "IPY_MODEL_a6e1e3c1d29c4a8795f285c7bcbee461", + "value": "T: 188/200: 100%" + } + }, + "55f3bf07faf241a2800621e3b200e6f1": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "ProgressStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "560421ea281e46b892cd0690e8cf079c": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "5614e309abce445990d06e2aa651470c": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HBoxModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_3ba4c7ef6ea34cdf933c7fa7d65f374b", + "IPY_MODEL_3b31cac3a8824a2282ca7bce1e6dfeb9", + "IPY_MODEL_f75a46e506ff4f929deeef92b0cb4b88" + ], + "layout": "IPY_MODEL_de8570bf7c924565badbaf1cf56e0067" + } + }, + "561975dd273340b3a2a6fc0292ed3d3c": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "563abb18e4fa42fcbaa9da2765cd86dc": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_e26acc21b0e7490a943377aa0073c2d0", + "placeholder": "​", + "style": "IPY_MODEL_fabea115fb1e466396c2d98189b57901", + "value": " 78/78 [01:30<00:00, 1.07s/it, fold=2, lr=0.000275, b_loss=0.29, b_acc=0.828, loss=0.359, acc=0.786]" + } + }, + "5648e12589fe448cb23465da8a08ad60": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "564d6ad836394ed4b0fb283d251ef45e": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HBoxModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_912c7ab80a764be48c6c6b3822508452", + "IPY_MODEL_1bb48311805d436fba97a88acaa0ddda", + "IPY_MODEL_ab0b4b97d04b47c98f5d8d3cd9deb54c" + ], + "layout": "IPY_MODEL_5d2303c4241d4c04aa337b2d6fcfbec2" + } + }, + "56785835b6f14a2eb59f426deac90ca0": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "FloatProgressModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_78853a72750643b394898780265a6223", + "max": 26.0, + "min": 0.0, + "orientation": "horizontal", + "style": "IPY_MODEL_32391df2e144449cb9e098f3fa2a37f7", + "value": 26.0 + } + }, + "567ccd1d38af47bcaf6e717d60cd0c7d": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "FloatProgressModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_a245ef31d6e341a991930d6fb26bae4c", + "max": 78.0, + "min": 0.0, + "orientation": "horizontal", + "style": "IPY_MODEL_4aabfb56e01c48c1be46a53ec8acb992", + "value": 78.0 + } + }, + "567fccbb68fa410ab3a6dc209c62a293": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "568a75630150425fb67d50f6b5af6d6c": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "568dd4ccc7b24c4b8f90e139784dcc08": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HBoxModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_df858d05120441e8bb9d8fe59ec21ff5", + "IPY_MODEL_8c10b08545f643a9bb056bcc68c6f24c", + "IPY_MODEL_e15c2db234ad4c429ded5cee0d32af8f" + ], + "layout": "IPY_MODEL_ba384bd12e2f42538e8ae4d74103ff0b" + } + }, + "56941bc000a24b7ab4a9ce33978cd93a": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_3c3d3a5a513c4c448d96dbd7f8cfe896", + "placeholder": "​", + "style": "IPY_MODEL_3a42c8153b744ccfbfb75f9a01d4336e", + "value": " 26/26 [00:24<00:00, 1.00s/it]" + } + }, + "56966ba3d333466e9dc43b2c68af5fc3": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "56adc70606324b7784144752d9d6b63d": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_9e49d92ada5c4c099e057ab41bcf941c", + "placeholder": "​", + "style": "IPY_MODEL_780b970182c14391ad7c8c5d5391201e", + "value": "T: 027/200: 100%" + } + }, + "56b6b19c873e4e04b9d9105d871ada71": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "56c3f6cb9f5c4ab8be87373dbb770db5": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_5a3f157263044587a09cad871f93b80e", + "placeholder": "​", + "style": "IPY_MODEL_87b1c3de36024bc1841cb2da9f7d1b11", + "value": " 78/78 [01:31<00:00, 1.09s/it, fold=2, lr=0.000297, b_loss=0.906, b_acc=0.526, loss=0.859, acc=0.578]" + } + }, + "56d0cf2006c94a939267c8dcf8755e00": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "56e07d9437cd47f49223f8250852896a": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "5720632f262944338401d6ae090aedc5": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_8d584c3f30e643ca9ec960c6a862ad49", + "placeholder": "​", + "style": "IPY_MODEL_2af8820e0eda4d67af6e4424f64cf45a", + "value": "T: 033/200: 100%" + } + }, + "5720c2a7366f4264bd04551e1bec8524": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "5729ad61730b47acaf919e6f32eace67": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "5731869dcd884df6848d5f4d4c598e97": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_e286e483b5504ff9a5b60abb678034ad", + "placeholder": "​", + "style": "IPY_MODEL_688edd3bcbcc49a88dca8489c6127bcd", + "value": "100%" + } + }, + "57400d6853684325a94d1653a5bc7bae": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_1037156a439a4ce18de24e6cfd9f1525", + "placeholder": "​", + "style": "IPY_MODEL_511913beb5264a03a4efd086b9ebf212", + "value": "100%" + } + }, + "574da387d5e6484f8c2ba77fda7e2866": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "575287c30b6a423a9bb01a7ef85da131": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HBoxModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_1d6355f5dd5749db94ae5976f67ddb79", + "IPY_MODEL_0c73129a32864565b93dad7992792a49", + "IPY_MODEL_dc5ce30de736499ea3605670d67f3ea3" + ], + "layout": "IPY_MODEL_748ead702434489d9e338a626cefa673" + } + }, + "575e4fd81cf448809c6e43b47e6f61ad": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HBoxModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_eea9633893944a1bace2fa2cef2986e0", + "IPY_MODEL_c2fda02f3a0e455981e5ef8de4299ecc", + "IPY_MODEL_9377d85f76f044628a94a176000a18cc" + ], + "layout": "IPY_MODEL_4748372239e54752acd07fd1e8705e1e" + } + }, + "576862ec3f9f477f81c001cd8ed3c5c6": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_52ae5052ba4c4fe7aee96b326f3a00d1", + "placeholder": "​", + "style": "IPY_MODEL_4cef4ddd493e4287a5de18327e67498f", + "value": " 78/78 [01:36<00:00, 1.33s/it, fold=2, lr=0.000297, b_loss=1.26, b_acc=0.457, loss=1.06, acc=0.5]" + } + }, + "57686741c92f4d64ade6a1f738790fb4": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "57949f45b99d4803adb69abd53c3a7c3": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "57ab662fe2b443bbaf9e7394fa5e4c8a": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "57ccfebf5f394e5f89bffee87c2eb88e": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "581b7883ae3e4f74a34d9e06438f677a": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "5848d206f29243268b08090c835f24d8": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "FloatProgressModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_6fe1ec0411674e8ebe0b81329d90a63a", + "max": 26.0, + "min": 0.0, + "orientation": "horizontal", + "style": "IPY_MODEL_5864e58096264c9db7d84d56cbe0e504", + "value": 26.0 + } + }, + "5854e423a7174b3188c1eed3ff0c1624": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_2e9df5f5731d4f52bee7625e6464e648", + "placeholder": "​", + "style": "IPY_MODEL_dd1018911c004e5fb91986aa903550bc", + "value": " 78/78 [01:30<00:00, 1.17s/it, fold=2, lr=2.88e-6, b_loss=0.439, b_acc=0.759, loss=0.445, acc=0.752]" + } + }, + "58574b3f37d44c61ae4018f5e96d97d6": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "5864e58096264c9db7d84d56cbe0e504": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "ProgressStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "586d18337b074756b32980efe8d67fe8": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "58769f94ab1d40bfb6d7b73d137989a3": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "588af3fb34ab4488b454733a0a0423d9": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_ec827e86af264705bde926bafa0ac114", + "placeholder": "​", + "style": "IPY_MODEL_33c782e53c3b493d85c1074b5ae21225", + "value": "T: 128/200: 100%" + } + }, + "588c11839f384c2298e9f75efcaba8ad": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "58914f24826d47648f5be132e3645a80": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "58973021dc924bd086f29f18b23f2bae": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "589a388dca404fcab31c38e14c1fda50": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "58a1d102b5b64123bbc0ce9a3391a39c": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "58b48c4cfa90400c8767f75d7722ff91": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "58b730d027714ee58ff119673bd31168": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HBoxModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_26e2c815790544b39f368df25231faa5", + "IPY_MODEL_0c0f6d0b3cd34736bf06b38eac257ec3", + "IPY_MODEL_aa62cc2f87bb4a21b43daeb62a9b080f" + ], + "layout": "IPY_MODEL_0877c6c0348f49909439dcefdfc46477" + } + }, + "58d2c1555d0d409eb810a31558e1cf40": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "ProgressStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "5912f7f5ba0f436fb609c215dea97b04": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "ProgressStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "592242954628477fbd9d9757bd731c72": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "ProgressStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "592ec539ece9481f94ec84aaaf825dc5": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "5951148f933b46329a143f155320cba6": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "FloatProgressModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_53705ac54e504c6f99d5c982d5a24948", + "max": 26.0, + "min": 0.0, + "orientation": "horizontal", + "style": "IPY_MODEL_f77c0be86af040ca9ed8383cffd62489", + "value": 26.0 + } + }, + "596449eb36e947f9bbb73c42e9d5df37": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_727a0a4f520341788e2c34d597725e67", + "placeholder": "​", + "style": "IPY_MODEL_b2580000beab4825a930d0bd2262f899", + "value": "T: 106/200: 100%" + } + }, + "596c6a360cfa40f8a6b224b6498bc97d": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "FloatProgressModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_1bafb40198dd433eb33ed456dc2a52c2", + "max": 78.0, + "min": 0.0, + "orientation": "horizontal", + "style": "IPY_MODEL_4747173fa0384c1ea07bcf144c0d7aa7", + "value": 78.0 + } + }, + "5983e79c5313497d927157a73b105245": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "599ca33574094ac78c6fae499cd5a6fa": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "59b7a663825349f284470774ddbe3517": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "59b8b3b42c2147cf9641cca74bb6e48b": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HBoxModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_15c7b2aeb84f46488c5574ad9a4b5011", + "IPY_MODEL_1b2cb560749f4785b3e6c539a482c0bb", + "IPY_MODEL_2ee4019610aa49049f332d58684254d3" + ], + "layout": "IPY_MODEL_bd5a542f95324198acef2f8828a12dac" + } + }, + "59c8197b4bb44df6931ada09e15596b6": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_cbc576f42e434ca0bb862022f81a99ba", + "placeholder": "​", + "style": "IPY_MODEL_adcfe59e7e9f40b291198c25f82bb528", + "value": " 26/26 [00:23<00:00, 1.08it/s]" + } + }, + "59cbe1218f674c10836553eedda095f7": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "59d51bceeea54577a50acedea1b52236": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "59d902d65b884efe94df73afae68aba7": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "59ebf2c714c24ac8a8f1cc062d4322ca": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "5a1b410e00c24b199f19f1085947b3a7": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "5a3f157263044587a09cad871f93b80e": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "5a46c83a103a4893adba2ab44b50a535": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_aaaac3b2b5184103993f25ca41a62b81", + "placeholder": "​", + "style": "IPY_MODEL_25a91967a3004df985c460acece806a2", + "value": " 78/78 [01:30<00:00, 1.05s/it, fold=2, lr=9.26e-5, b_loss=0.367, b_acc=0.759, loss=0.326, acc=0.801]" + } + }, + "5a504deb8feb4e30b33f740f17522b8e": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "5a50d17d1e194713ab464f983687dbcd": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "FloatProgressModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_3cdaf16d847a4a8789017fd44bdd535c", + "max": 26.0, + "min": 0.0, + "orientation": "horizontal", + "style": "IPY_MODEL_c9e07089d3824bac99029b1c443c6124", + "value": 26.0 + } + }, + "5a5f46f99e10429ca1a29879873fe2fe": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "5a64db085956447a952461bc5e0d653a": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "5a9fa37a90dd4cd891a777d6f5ae1761": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HBoxModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_09b50acc83ab4189bdf17223048ca686", + "IPY_MODEL_a7c80f597f934f56af3fd4b8e3c6b39c", + "IPY_MODEL_08a47ac7046544d7b8c134b764eb5d94" + ], + "layout": "IPY_MODEL_4ac122e033a647e3afbf55713fd05212" + } + }, + "5ac05a37224d475eb42c8d608b2d5e53": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HBoxModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_7c802f97346945408779dae423b3a9e6", + "IPY_MODEL_99aefe149fdc46a68f035be3fa0c9733", + "IPY_MODEL_737aa1befebe4738af3757094c4098f6" + ], + "layout": "IPY_MODEL_257116f961494e88a658f84a9f4cb81d" + } + }, + "5acfd8fbb1de4276b34042b007590973": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "5ad1a2f3a3524cc7a01a60ad56bccb73": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "5b02782edc9f4285bd7350e453918140": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "FloatProgressModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_3a2097140b794bdf8882f6c12196ef23", + "max": 78.0, + "min": 0.0, + "orientation": "horizontal", + "style": "IPY_MODEL_04d0c6fe744b41f793db690168fcbe1e", + "value": 78.0 + } + }, + "5b4aa754cab34545b0d7fd4ea79d2228": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "5b54396dc63b493a9e0bb3565f73aee2": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "5b785f756b0b42aa845b79f2ffe35b3b": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "5ba9c53931c54eedb03bf0872967ec8d": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "FloatProgressModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_a77e245745724ef5bf25652b27ab7c40", + "max": 26.0, + "min": 0.0, + "orientation": "horizontal", + "style": "IPY_MODEL_154aed915f9844b6b10e13eed3ae8b3e", + "value": 26.0 + } + }, + "5bb165dc012842e097ff8c63e11f79ac": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "FloatProgressModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_8874deaf7a9c4a5ba4abc913ce22b91c", + "max": 78.0, + "min": 0.0, + "orientation": "horizontal", + "style": "IPY_MODEL_639d1e1a63494aa7b792dcf76bc53327", + "value": 78.0 + } + }, + "5bb227b24b05402eace204d626756ab0": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "5bdeb82200c04ac0853def0f2fe5b640": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_a8478a8f7411475c9b5a6e8b5ae19c4a", + "placeholder": "​", + "style": "IPY_MODEL_8659e3a2cc244e13bd648797fdc7574c", + "value": "T: 110/200: 100%" + } + }, + "5be39f96ed1c4b5b92fd141a5cbda7ea": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "5be66efda5d74658bbbfebb3e8548801": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "5be786ca76b04625b63682b4960f5f9b": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_9550d8673db44c248b9a45674c00afd3", + "placeholder": "​", + "style": "IPY_MODEL_806b2dd6beec40daaca997e629ec2ac1", + "value": "100%" + } + }, + "5beb1af9e67e475b86aaabb4c7b40b92": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "ProgressStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "5bf778094e1e4a38b6836daf2bcab8c3": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_63bac29714de4663be06dd9fff7f0026", + "placeholder": "​", + "style": "IPY_MODEL_19e60b2eeb6e40a799797b4ed00fba7d", + "value": " 26/26 [00:24<00:00, 1.14it/s]" + } + }, + "5bfe2aa6bd8f4c858d2aaf82139d12a2": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_778daa3d62cc4fea8fce1b54cd8d4229", + "placeholder": "​", + "style": "IPY_MODEL_ff64d97b003c49678416ad99ec5006ff", + "value": "T: 069/200: 100%" + } + }, + "5c0f7207fb8341f585df81e139cffb0e": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "FloatProgressModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_79f2c33330e2405389b45f74ec2bc429", + "max": 78.0, + "min": 0.0, + "orientation": "horizontal", + "style": "IPY_MODEL_22f28a900cca46e5a6beeb8bf677b669", + "value": 78.0 + } + }, + "5c17bf2a5f4e4d6ba5b2b443b3a64a50": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_b146aa0e0ab84595a2d1637edbc5a34a", + "placeholder": "​", + "style": "IPY_MODEL_3b682369a9e745c1b9af818ba20811dd", + "value": " 26/26 [00:24<00:00, 1.05it/s]" + } + }, + "5c3604d3666e4e93aabeb2546ddb7585": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "5c46f07202dd408693438b833a1104bb": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_21196559b35249c6ac1f778625ad942f", + "placeholder": "​", + "style": "IPY_MODEL_545fe4e108ae4017976696d50e811849", + "value": "T: 059/200: 100%" + } + }, + "5c48df66692d40c8b326c222af79f865": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "5c4ae01839af445fba7bcb353e713866": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "5c674d31f70d422c8476cba9370410e2": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "5c6db32f73ea4d33abdc97945cafc0da": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "5c6eb8ee21e848089018db90c68c8d6c": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "5c7a5217dd264e8aaaca8aa012e7c73d": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "FloatProgressModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_1268c14188364789a83a23258acb46ea", + "max": 26.0, + "min": 0.0, + "orientation": "horizontal", + "style": "IPY_MODEL_66b76ab330c948f7b60a15b3971f491b", + "value": 26.0 + } + }, + "5c8c32e20e9e4affa2726d3bbc827fdb": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HBoxModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_d0b590c0d1e64f6a9b832172e85a4069", + "IPY_MODEL_d4e8f9c5eafe41a4a0ce183db0451fa6", + "IPY_MODEL_72ba0082ad2e447bb5faa4943240104c" + ], + "layout": "IPY_MODEL_89d99c247c364241bb8f8090e3095291" + } + }, + "5c8f033bef4a452ca37fbb8de408fde7": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "5c9c08ad71354537a9b8fb086ac485e2": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "5cadf426945f4a45954db5e8e2603a13": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "5ccc563a01da4b8e9ba30cab05870360": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HBoxModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_5bdeb82200c04ac0853def0f2fe5b640", + "IPY_MODEL_77544f0f18134b8fac9ac7f175ee538d", + "IPY_MODEL_8f2c57950961456ebfc72f549212e423" + ], + "layout": "IPY_MODEL_98c88d9d933342f0ac24c4fc4e5915cb" + } + }, + "5cd6e85a9d734a7e9fe302b2b1ed4777": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "FloatProgressModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_dc8e3c8f7cc24eafb002a166e02942f4", + "max": 26.0, + "min": 0.0, + "orientation": "horizontal", + "style": "IPY_MODEL_a4e8dcb6d3674f9182d3a9c1de0f6439", + "value": 26.0 + } + }, + "5d0be3ee50ff4357abd751bee623eeff": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "5d0bedba10dd44c99d9cc25599e45a3c": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "5d203c25c8f84c6fb6a29f713afa5b92": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "FloatProgressModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_2df1e6fd14c647aeb66c76f67f7fb591", + "max": 78.0, + "min": 0.0, + "orientation": "horizontal", + "style": "IPY_MODEL_43204a2a401948b699572ed98e11cf2b", + "value": 78.0 + } + }, + "5d2303c4241d4c04aa337b2d6fcfbec2": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "5d245d0916a64dd78e1aaab827071095": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "5d2a26521f484ce2a852694634301812": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "FloatProgressModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_0997b4c90da448c0afde18a703ce7fcc", + "max": 26.0, + "min": 0.0, + "orientation": "horizontal", + "style": "IPY_MODEL_03b8345c36764ca081467203a5234aa7", + "value": 26.0 + } + }, + "5d2fa5aab560406a972888daf9032d20": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_5c48df66692d40c8b326c222af79f865", + "placeholder": "​", + "style": "IPY_MODEL_dc78ee8789c64b24835408be1a61bb85", + "value": " 78/78 [01:30<00:00, 1.13s/it, fold=2, lr=2.53e-5, b_loss=0.691, b_acc=0.69, loss=0.462, acc=0.742]" + } + }, + "5d3072b0985b423c9fde320fccb7e68d": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "5d3f3c9c459749608cbda8f8a954929d": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_9a5d82ddb4254797841492ac973a4ded", + "placeholder": "​", + "style": "IPY_MODEL_a65d237c6a564d249ef40ee89e1ec742", + "value": "100%" + } + }, + "5d4a988a58ad43c39e8c1594ca4eb97a": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HBoxModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_2998405bdeba4bce8a43dd1ac1b97b60", + "IPY_MODEL_61bc85fa8bf945369db76869172b3117", + "IPY_MODEL_637d3d973d5642bab5480c45bbeb15ba" + ], + "layout": "IPY_MODEL_077b772a492146469bc6c974d451a0fc" + } + }, + "5d4aa2263fc64b5a8d6f8adfec55a053": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "FloatProgressModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_25fc9f0708f3411b82114bc2e22c8828", + "max": 26.0, + "min": 0.0, + "orientation": "horizontal", + "style": "IPY_MODEL_83770cea36a146b9b15bb3ee98856ca1", + "value": 26.0 + } + }, + "5d5da831acd04ff8acd5ff26daf109fb": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "ProgressStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "5d8603688e294b8cb0ed1deed7f8b4ff": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "5d931531051c492789e6499048de3f5b": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "5d948f3ad9a048de836187183ea1a868": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_080e1cd2e7634f79b1fd56622ace4505", + "placeholder": "​", + "style": "IPY_MODEL_f2ca9c7c1ecf43ab987aa0875e83b5f3", + "value": "T: 158/200: 100%" + } + }, + "5d95a6e8b646451ab8df0a8edf713a7c": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "5d980fc833c24dd1930ec5802b78e58e": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_53316423416b455c9cc2d41937c09c4d", + "placeholder": "​", + "style": "IPY_MODEL_0a3985d2035e42dfaee5a7e4953bbcf1", + "value": " 26/26 [00:24<00:00, 1.19it/s]" + } + }, + "5db73ddcf6af42efaa774a9baa37c0ed": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "ProgressStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "5dc1088bba36479188f025324ce3c3fa": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "5dc12d6f5501421a958f70ad444d71af": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "FloatProgressModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_e5e957bde6ae4d53be9f882787e914cd", + "max": 26.0, + "min": 0.0, + "orientation": "horizontal", + "style": "IPY_MODEL_726888022fe04c2ab976b05bad250205", + "value": 26.0 + } + }, + "5dda06e795d04ae890edf9a3abc8597c": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "FloatProgressModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_31da64dc6d2b4780949c6abfe4ca7512", + "max": 26.0, + "min": 0.0, + "orientation": "horizontal", + "style": "IPY_MODEL_a3ee03c246364517b50cad98aa4fc076", + "value": 26.0 + } + }, + "5dfeffb154a2457686b206d2d5e585a0": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "5e09f5c84b7441848c6bd84cee6bee6c": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "5e0e62d701ec4b4c9e0fe3cf10201262": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_0568bc887697425bb2aa8b0b2098a91f", + "placeholder": "​", + "style": "IPY_MODEL_7af9acce318b4e009587eb4b2b769f0e", + "value": " 26/26 [00:24<00:00, 1.10it/s]" + } + }, + "5e18addd09bf4dc8a3d412065d5d6344": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HBoxModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_338a9f48b5a149e08e0502ef8e7b5f59", + "IPY_MODEL_4cbcf8275587477fb2049d4f1829adaa", + "IPY_MODEL_857f607473c74314a98c7e5693504c58" + ], + "layout": "IPY_MODEL_edafeb9497b34d62bb421a354237b807" + } + }, + "5e4957f24e9c453cbd4118f7dd072c0d": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "5e6830b6b1c442329e166d173707b237": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "5e881ecb2f3a4012a3382689892c3e9d": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "5ebddb938f164cc2b91fba644f6111b4": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "5eca7fc029474871b5030efe260dae53": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "5ed41dda9d7a4737a22ceef22306662f": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "5edc68a2afd94862bc91e8dd45dacfa9": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "5edd26cda1e64a3d9d1115f8e9f5af04": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "ProgressStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "5ee1b2994f6a436a86e650ead6134893": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "5efb180f700a420dbbc8b8e13123d24c": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HBoxModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_4b2c2f6d5ae5496fb306a8e25f06c04b", + "IPY_MODEL_fbc4cdd724104bd3a2e6dcf96cc352d9", + "IPY_MODEL_bdd7ec7e8e3f4617b9d9ca7c0867e27c" + ], + "layout": "IPY_MODEL_993c6c5281124f3488bdddcc49047279" + } + }, + "5f00880efc8f4161b73976fc965ec08b": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "5f12c7719a0a4ad595ca64dec6dc7cc5": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "5f3244ff2af8480fb70f399e0358e287": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_81183245c0de4be0b75d2ba6ecb3d2b7", + "placeholder": "​", + "style": "IPY_MODEL_9ed1bd20efe64842a7239be5ab48ebef", + "value": "T: 073/200: 100%" + } + }, + "5f42949b216347d4aa8613d6223433a3": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "5f436638afad4209b2a6b6dbe9569a5d": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "5f467a2846a247428786b6245b582d15": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "FloatProgressModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_95b5eeef166e4fc59eaf3b98cdb5f3f0", + "max": 26.0, + "min": 0.0, + "orientation": "horizontal", + "style": "IPY_MODEL_74b27a640f424701a9c6d7140b3eef6e", + "value": 26.0 + } + }, + "5f7e68d224a54f12835e3ab1f3da4bb8": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_7aab26a791054d2aaf907aeaa146b604", + "placeholder": "​", + "style": "IPY_MODEL_419739b3adc04949ad9fa955245eeab9", + "value": " 26/26 [00:23<00:00, 1.16it/s]" + } + }, + "5f893286a159495c8c24a2fc5aab69cc": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "5f9550792ef7447e84f50911edfffd54": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "5faff62cdb2b497bab4e897412c59b8b": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HBoxModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_2dd4d54d335340b180ffe09485e19dbc", + "IPY_MODEL_731a6339683e41e4908b1c8a3d2d13cc", + "IPY_MODEL_b537230f6fc9448880b60c3356b98ff8" + ], + "layout": "IPY_MODEL_a1455b8060054e12aa1ad81932016011" + } + }, + "5fc201e8f8dc4e4789d3b3d23205c55c": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_606b316d4de74e058f16d9ab57cb622b", + "placeholder": "​", + "style": "IPY_MODEL_d729a505c9da4d138ed73443823d4a6e", + "value": " 26/26 [00:23<00:00, 1.19it/s]" + } + }, + "5fe08cef80fd4f84a782ff2826abf88b": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HBoxModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_423e32d5e388482184c0fcc2e6ba44de", + "IPY_MODEL_bcf1ce2a8b5d427aa0763c935604b33a", + "IPY_MODEL_b53c85d164c0458fb59359655a2d410a" + ], + "layout": "IPY_MODEL_5469f2097cc544fd9b5a9dd15164b09b" + } + }, + "5fe6d8c5e383444d8219817b9d4e4fff": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "5fe817ad7e994dcdbce283dfbde3b7dd": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "5feafcd2460640a59a03c58d34629f26": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "5ffe42c578e74510bdb0cfaad213ddf7": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_92ed7a3be9e144d38858a831a2d33393", + "placeholder": "​", + "style": "IPY_MODEL_c85f1b60dc5f4a15878f6acb006ab498", + "value": "100%" + } + }, + "601dbb3eefe6453d96e86773a7b1cae5": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "6030c9042c724cd08d7de81f580c09da": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "6035def18e764f21922adc48e0221a06": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "60484486d16e44d597088ee0dc061a3f": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "604e4a36246f4f5a9812c0b54a83a6f7": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_c839dc0f96da471088f8b7f76cc128d3", + "placeholder": "​", + "style": "IPY_MODEL_0ff6665c64d04cdc8e772c4e6312dd1d", + "value": " 78/78 [01:31<00:00, 1.07s/it, fold=2, lr=9.26e-5, b_loss=0.464, b_acc=0.784, loss=0.442, acc=0.751]" + } + }, + "60547e948db24dfb997f3bdb639409d9": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "605d87863bc4455695f59a445cb01fce": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "606aa9cc5a5044afabfacf4e8171ad06": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "606b316d4de74e058f16d9ab57cb622b": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "60a760565de64f0a81aeb5626fc8f805": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_03e5c910d4ef42db8467b9b540427e46", + "placeholder": "​", + "style": "IPY_MODEL_b10d83319db844bc96199e32edba8d58", + "value": " 78/78 [01:30<00:00, 1.06s/it, fold=2, lr=0.000121, b_loss=1.29, b_acc=0.431, loss=1.07, acc=0.492]" + } + }, + "60e1fe12e5024903bd6f1f1e9bc9c549": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "6118856257ae485b909280edc1f48fac": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "611c07dd298e4047b74d546121e26a81": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "ProgressStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "612602ebe77c41428d263c7634f74faa": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "FloatProgressModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_c71d78566c6b4c67abbdedbc5a57ea15", + "max": 26.0, + "min": 0.0, + "orientation": "horizontal", + "style": "IPY_MODEL_f52ff4efc94e4169a43434d4f933d651", + "value": 26.0 + } + }, + "614eff02ee234d17a496f194e35702aa": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "615d10dbc5bf4abdb1bd68eec8d90a75": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "61673a26a2cd468d961e23a71b2a8a5c": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "FloatProgressModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_5a5f46f99e10429ca1a29879873fe2fe", + "max": 78.0, + "min": 0.0, + "orientation": "horizontal", + "style": "IPY_MODEL_f9b02b6f247843a889c3ff83fb342009", + "value": 78.0 + } + }, + "616d347adcae41f1a2736126905dcc5b": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_5302082c5302402ebb1698e3c5b0e641", + "placeholder": "​", + "style": "IPY_MODEL_1ed9195c256d49df8e96713e4ab12a5b", + "value": "T: 024/200: 100%" + } + }, + "6173ea400271468ba5700c21baeb9224": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "61744564e02d4439beed17770f5f23aa": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "617e7d8ce86a45c7bf3bca16c59f52cf": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_0455f3c941104520be5d4655e9d0eea4", + "placeholder": "​", + "style": "IPY_MODEL_cec69ee385bd44c2ac2031b9e2f0c006", + "value": "100%" + } + }, + "61813aab1e4242309fe54c7f779ef1a5": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HBoxModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_c2506313600d49fc9b5458b320aef003", + "IPY_MODEL_8a5502db299c4423a1934447ac71dce7", + "IPY_MODEL_e8bba11571bd488c980bfeb5b40a1ac6" + ], + "layout": "IPY_MODEL_dd87f493a53d4a19b2879d63ec28460e" + } + }, + "6191c3936c0144c0a402832d5779932f": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "ProgressStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "61a42da0dbc2497f903222ef7fc4d68e": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "61b0d95563d54fa08e84425bffb59c81": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "61ba2a539f3544f8bb9b95fa6188ef3f": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HBoxModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_b30222c9f86742c5babbf7d97d477beb", + "IPY_MODEL_7d2966660f1d46b7a1bdba3316233f94", + "IPY_MODEL_00dcefdc5ab2439b8171f9ecfc6136ef" + ], + "layout": "IPY_MODEL_d79e90dc05e242cb8f099b15ea540150" + } + }, + "61bc85fa8bf945369db76869172b3117": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "FloatProgressModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_ddf3b0967ad44d26a0be5d32ddb198fb", + "max": 78.0, + "min": 0.0, + "orientation": "horizontal", + "style": "IPY_MODEL_b8c368c3f23b4fa180975db1b5539366", + "value": 78.0 + } + }, + "61c05b317a54423495039c99296286e1": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "61f5d090e96c4307a658ae12ab5c7673": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HBoxModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_bc6693cab91d4f948c053d3c72b73e13", + "IPY_MODEL_1b3843fc38cf4684bbb9972a0d1d0dbc", + "IPY_MODEL_ddd4bf61f96844a99e47892bdc5a1cc5" + ], + "layout": "IPY_MODEL_745af30f8e494c118540871c89251395" + } + }, + "61ff11d5574c4eb58b75f04e8a2ab72e": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "FloatProgressModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_47f6be1802c54ea5923fe46f37c6e209", + "max": 78.0, + "min": 0.0, + "orientation": "horizontal", + "style": "IPY_MODEL_a17f79071e16451fb48bcbc9ead06ea0", + "value": 78.0 + } + }, + "620c0616880d4433873c18d3a85ae53b": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "6215c4cd38a94a92ab64d3baf26809bb": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "FloatProgressModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_7d0a682b5eac480bb949a403ae70b0a1", + "max": 26.0, + "min": 0.0, + "orientation": "horizontal", + "style": "IPY_MODEL_65220538296f42b7bd9a83dd4da82c13", + "value": 26.0 + } + }, + "621a084855844b118d3d27d60b67dfb4": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "ProgressStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "6223ddf9997a43e5a1e1a6b5a7f52e7d": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "FloatProgressModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_7038f7a70bbc468982de57c81dbba627", + "max": 78.0, + "min": 0.0, + "orientation": "horizontal", + "style": "IPY_MODEL_4ab02f728a684e2eabf3c2ca4c4a06c0", + "value": 78.0 + } + }, + "6228051f413c415d8d4c9e6b656f6036": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_4d9ef8ad8ea142d6b5289725eb67f2a3", + "placeholder": "​", + "style": "IPY_MODEL_fd78a784acf543c3ab12d224905b4ae7", + "value": " 26/26 [00:23<00:00, 1.17it/s]" + } + }, + "624732c8ab2342a49fc8cf308ace9e51": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "62484aa78f4649eebf78bfb4eb3ed061": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_33d39f903567476abf9352efd752b5b9", + "placeholder": "​", + "style": "IPY_MODEL_d2fa216db4664ece8cea3a247ce55be0", + "value": "T: 086/200: 100%" + } + }, + "625a59252ec74ac29a51cf0a2606fe22": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HBoxModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_fe1237abdcd347e7ba9965656cf0749b", + "IPY_MODEL_2a7a2a5d37d04f388f1110f39da2ff11", + "IPY_MODEL_32e600ccc4d54d4a99670569810ac83a" + ], + "layout": "IPY_MODEL_105f8463ef204b0e8d6e68739fc0d859" + } + }, + "625b779dbe5b47cf8722094025b052a1": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "ProgressStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "627f2507fe2546a780bcabf29702a55a": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "6287902c30524763b929fcb1a5219734": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_1c68e49fc5d9430781af07d616798637", + "placeholder": "​", + "style": "IPY_MODEL_6faa663bcef040c898a7f97350e121da", + "value": "100%" + } + }, + "62995df56599402f81be83485eb04e38": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "62a187a1e0b24bdd879dc8b14a9c4af7": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "FloatProgressModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_60547e948db24dfb997f3bdb639409d9", + "max": 26.0, + "min": 0.0, + "orientation": "horizontal", + "style": "IPY_MODEL_4ac05bdbbcfd4ab28ad327ee268eb484", + "value": 26.0 + } + }, + "62af6126efc94b3787ff8ecda647d185": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "62d146f05e394c058620989f039487c4": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "62e1b33e6e2b4bc8912b4216a1cdf3e3": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "62eea4b3007c4519905ccd055639053b": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "FloatProgressModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_095fe98e99a740f78b96cc87fddde085", + "max": 78.0, + "min": 0.0, + "orientation": "horizontal", + "style": "IPY_MODEL_4b8728dc568a44308d06ee6c875b51b0", + "value": 78.0 + } + }, + "62f7a3e7c56b456caa8f0cb974df0036": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "63185270eaf14acbb174c8d4562da773": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "FloatProgressModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_7540f11923fb47a2bca5873e3bee20c3", + "max": 26.0, + "min": 0.0, + "orientation": "horizontal", + "style": "IPY_MODEL_a7e19350ee9a4fdfa9b84a8e9cfd6263", + "value": 26.0 + } + }, + "6331004d44af4720af6c50cbe17c2853": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_3e73477615bf47acba51e44f0ebce5e6", + "placeholder": "​", + "style": "IPY_MODEL_bee005981e1046bbb0a72b000daf0c89", + "value": " 78/78 [01:31<00:00, 1.18s/it, fold=2, lr=0.000207, b_loss=0.228, b_acc=0.828, loss=0.263, acc=0.831]" + } + }, + "63396694e7d24273a25eea57800b2d07": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "634bc0eecfc74047bc61e0e376048367": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "6355a00848ac40dc8ed8f7979085d4db": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HBoxModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_66299b9660234cbf9359cbfcfff6c569", + "IPY_MODEL_b73e32f54fbd41459db3bfef626b78fb", + "IPY_MODEL_6fd8c989819d4fb08c2f43cbbeb12a71" + ], + "layout": "IPY_MODEL_5f00880efc8f4161b73976fc965ec08b" + } + }, + "635b0722a82e447997661e460f9a8c51": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_9cd3ddeea6d44cdd9d4b9c8a3d9da4b2", + "placeholder": "​", + "style": "IPY_MODEL_74bde42ffe2a41a4933a51afed881847", + "value": "T: 168/200: 100%" + } + }, + "635dac3ccab642a6bedfe99d1182f47f": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "6360bd9b59bc439a84969030b452a967": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_444f49a81f49492e8e3317fadb693705", + "placeholder": "​", + "style": "IPY_MODEL_28ce3579564d42218c1d239ac95f3f30", + "value": " 26/26 [00:23<00:00, 1.08it/s]" + } + }, + "637d3d973d5642bab5480c45bbeb15ba": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_3bde75f8086b4242a867741415c5361a", + "placeholder": "​", + "style": "IPY_MODEL_12d683775abc461d9c6205b73b25d7fe", + "value": " 78/78 [01:31<00:00, 1.16s/it, fold=2, lr=0.000256, b_loss=0.209, b_acc=0.879, loss=0.295, acc=0.809]" + } + }, + "637f69372a0a4a728a090336abdcaf09": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "6398bb0f1464487293948fec7299f72e": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "639d1e1a63494aa7b792dcf76bc53327": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "ProgressStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "639eeb288be24074a5ff4f66add26401": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "ProgressStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "63a2c5dff971432c8749598f45ad8e6c": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HBoxModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_ae867176721245eeb458a7033119a92e", + "IPY_MODEL_728029b4ec504f4abbfe0efd188b6fd2", + "IPY_MODEL_30b77a3a770c40c08cbe348bf1319165" + ], + "layout": "IPY_MODEL_b82d4591328c4f05b1931e9bb8f7eac7" + } + }, + "63aa79b3bcce42499263fc0b9150f1a9": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "FloatProgressModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_28c2726ab1114f0f91bcc19038d13716", + "max": 26.0, + "min": 0.0, + "orientation": "horizontal", + "style": "IPY_MODEL_ae176d96675841358d441ba10f0a4016", + "value": 26.0 + } + }, + "63bac29714de4663be06dd9fff7f0026": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "63bc201388d2438ab24625f7cf89d7af": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "63da8c47616d40dcb4eeb7d3fcc803bd": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "63e01e9be3f14f5387257c204c48c817": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_9e77b8a92cbe4f8b8300ad3e6becfb04", + "placeholder": "​", + "style": "IPY_MODEL_eb1c3b8cdffa4e98bd749b02df0c2c64", + "value": " 78/78 [01:31<00:00, 1.19s/it, fold=2, lr=2.53e-5, b_loss=0.376, b_acc=0.716, loss=0.397, acc=0.767]" + } + }, + "640e72da4dde450b9b7c65ac45888024": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_ce82a760b80744ed9f011e0193a6a115", + "placeholder": "​", + "style": "IPY_MODEL_39806a416afe4002af10b5aa5d493849", + "value": "T: 071/200: 100%" + } + }, + "64116cd6c6fd4a3aa8f1897059952bdb": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_965318028bcc4e0b9f9d8680cbc902f6", + "placeholder": "​", + "style": "IPY_MODEL_1a1cb80793524aaf9733eebeb9ef54af", + "value": " 26/26 [00:24<00:00, 1.08s/it]" + } + }, + "64129a05ffcd4349a3a893130b8dc15e": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "64184f2bd62b4050ab09d3c80b022424": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_2e3bc14b31c54bce8a80a597e4600cb1", + "placeholder": "​", + "style": "IPY_MODEL_df60d2b9cbbe4f4baf74bd449b938a00", + "value": " 78/78 [01:31<00:00, 1.06s/it, fold=2, lr=0.00015, b_loss=0.151, b_acc=0.853, loss=0.228, acc=0.848]" + } + }, + "641dc212b6c34bba9777446176c53413": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "641e0fab0750400e8d6da814efa68223": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_18ae4c6f35104b6b98e3bad1a2c1f058", + "placeholder": "​", + "style": "IPY_MODEL_c539138a8dc54055ae24fa50cb63647d", + "value": " 26/26 [00:24<00:00, 1.18it/s]" + } + }, + "6421e4d6a57841288ce52a62655edc64": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HBoxModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_47e3b3c09bf744f49614d7404aeb89e0", + "IPY_MODEL_106a631384064f1ca6064715ebc2d3e7", + "IPY_MODEL_847d8080f985468a80864bc8d30482fb" + ], + "layout": "IPY_MODEL_37e01740290c4c379ba636d830ffe4bd" + } + }, + "64424662b161450296fa59b7895176ae": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "6449b9f8f5eb44e0affc4eae9b159e84": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "645d731e41144cbca2fcca9454eddca1": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "645e7ee0a4dc4d99ae2f66f7e67b7a04": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "64738483e40c4b119974aae12cc76174": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "647accc521c9489fa3d62da81107b52c": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "ProgressStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "648f6f44d128453e8bc198c5d0e17c8a": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "64cb6b018e864c7ea39a6375180e9d33": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_8d9b5bfca2df43ea9a2504cbd7e63124", + "placeholder": "​", + "style": "IPY_MODEL_3f1c66d7fad14db8b69ce7714dd26b17", + "value": " 78/78 [01:30<00:00, 1.13s/it, fold=2, lr=0.000256, b_loss=0.202, b_acc=0.845, loss=0.247, acc=0.836]" + } + }, + "650e541b731d4600b06b9d740f12786d": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "65220538296f42b7bd9a83dd4da82c13": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "ProgressStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "653cb57cf99a48eab6195d4f0a67faed": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "653d3400f783429e95c8b7259dab40df": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "6547c91e48e141d191b12023fee3eb3b": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HBoxModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_38db90c98a4e4be888ab3defeb0b9eec", + "IPY_MODEL_d9b740c20fb74075a7ac7fd8a453c68b", + "IPY_MODEL_fa971786077b42249b2a93a4defad14d" + ], + "layout": "IPY_MODEL_91a9c483b7274f838e1a52c5984234ec" + } + }, + "654979d5ee1d48408d1744fbeb42151e": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "FloatProgressModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_8517d73c78eb43a8bbc1e9d748c45c66", + "max": 78.0, + "min": 0.0, + "orientation": "horizontal", + "style": "IPY_MODEL_2b6a7f9fdba0435191155c9cb0270cf5", + "value": 78.0 + } + }, + "654a783f24bf4e1ea06a9d220ddbce2f": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "65511e16345c4f75b6a052fc5ded0e2a": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "655b6459945e4ef5ab3b57f8a7330df6": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "657252f8e14647c9a356ca8db753e039": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "6584259a86d442e891ce97b6550877dd": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HBoxModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_e10b08073bca4a95b10a0d67e91096ee", + "IPY_MODEL_b79cbfd222f9498e8b0815b7d6653e47", + "IPY_MODEL_a2e6d6b7b56c4a64a2213242553b4a7e" + ], + "layout": "IPY_MODEL_bc0ccce4d37148af9fb858b096ae1a99" + } + }, + "658b03b9e4604f8d97052a4905b9fbd2": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HBoxModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_596449eb36e947f9bbb73c42e9d5df37", + "IPY_MODEL_9f51f05f1865448882cefdc92cfadb59", + "IPY_MODEL_805c23b18a2b4c6c9c36538a152ebc4f" + ], + "layout": "IPY_MODEL_8cbe365a633f4e31856f531ec9613c26" + } + }, + "65b1aa61f22a43e9aa314e0720d51d1a": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HBoxModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_57400d6853684325a94d1653a5bc7bae", + "IPY_MODEL_8b869a8a40654a69b3d0f4e529a0730a", + "IPY_MODEL_a94ebcfde1184fc3a1228fd036c8c477" + ], + "layout": "IPY_MODEL_677c490b0bf4487a84005a6558a5ba59" + } + }, + "65b9647c95304d3d855127464560b00b": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "65cb55e19c4c4e88b7f955c433ef7581": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "65d26a6c209b41bab204a5257a2a3c23": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "65d9fe6d738f4961a031369ec2b60445": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_8b8e351ff88046bcbffad6355557ced6", + "placeholder": "​", + "style": "IPY_MODEL_8d17538be8ab4146a9358e81cbff4306", + "value": "100%" + } + }, + "65e988e39ff248468f18500f1c6056f0": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "65f410f1f5af4e13b7cbe7b0e2380c7d": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "ProgressStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "66299b9660234cbf9359cbfcfff6c569": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_5d931531051c492789e6499048de3f5b", + "placeholder": "​", + "style": "IPY_MODEL_ed5aed7a850e4e5caef5b460a25c29b4", + "value": "T: 019/200: 100%" + } + }, + "6647ed9f579c430cab734c580904b8c2": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "66532c7561c54a3fac7e7e7f4ee1a048": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "666cb12ee70c487a8860a59143af37aa": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "6678fae4bdc14414b73fb7dd93816b0d": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "66797fc8134548cea7f0277784d96b83": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "668e8e54a9f5404ea4c2f6ba857584b8": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "ProgressStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "669fcad01944440f88c28ab96ad8a7bf": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "66a39d493364402c96942912e68af1f3": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_4467de8ea9fd434b944e49a56ba018dd", + "placeholder": "​", + "style": "IPY_MODEL_72e9a6a740874a5ca56f9083a124a435", + "value": " 26/26 [00:23<00:00, 1.15it/s]" + } + }, + "66ab1fcfddea4c809cdfd156d26c2a35": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_014c6466a92a4a30857ec33e0f952f53", + "placeholder": "​", + "style": "IPY_MODEL_aa60e94fea794f94a19bf1af10339c12", + "value": " 78/78 [01:31<00:00, 1.12s/it, fold=2, lr=0.000121, b_loss=0.432, b_acc=0.664, loss=0.393, acc=0.77]" + } + }, + "66b55e0ef76d4ab8862596c219361220": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "FloatProgressModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_a49358aad81448e7b341cf36b5f52b3f", + "max": 78.0, + "min": 0.0, + "orientation": "horizontal", + "style": "IPY_MODEL_5d5da831acd04ff8acd5ff26daf109fb", + "value": 78.0 + } + }, + "66b76ab330c948f7b60a15b3971f491b": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "ProgressStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "66cc31cdf56d4e9a9b5eb3409694d294": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "66d52fd1bb4d4cde942eed8d6685fc43": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HBoxModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_b5452011ced449dfb64991779ce05f82", + "IPY_MODEL_e0cb834371314134a804606be58ec486", + "IPY_MODEL_947972328c1742669b9288d4caf33cd3" + ], + "layout": "IPY_MODEL_ae1c3b4c04ba4100982d8535b3bd06bc" + } + }, + "66fbd09385dd4085941b2208c464701d": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "670063ed9a364cceb261854f3936b82b": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "6704e21ecb7a4fc8baa2eeda3b53223c": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_62d146f05e394c058620989f039487c4", + "placeholder": "​", + "style": "IPY_MODEL_d1825128137e4d63bcd47791872346a7", + "value": " 78/78 [01:30<00:00, 1.09s/it, fold=2, lr=0.00015, b_loss=0.418, b_acc=0.724, loss=0.375, acc=0.775]" + } + }, + "67082c28af434f19903c2c34b00be4fe": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "671d10191df84965aee4ef97d9acf8b7": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "672074cb312642219db9f6e093ad9039": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "67258bea40a94a89b58a6e5fef43f507": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HBoxModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_6900385843184f3194f2c76072248302", + "IPY_MODEL_73f26c3b22fe489c969e1d4cf1c4ef05", + "IPY_MODEL_3d0aacb33a304b5bb2595698a996380b" + ], + "layout": "IPY_MODEL_b9f29e10c0414f6ebfd85c3fab297d60" + } + }, + "67314214d3384200ab47c21ea4a14a09": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_5f12c7719a0a4ad595ca64dec6dc7cc5", + "placeholder": "​", + "style": "IPY_MODEL_39ecf3e2f6f741a7a0a6d584c126d9e5", + "value": " 26/26 [00:23<00:00, 1.09it/s]" + } + }, + "673d72700f2b4e44a3e2d1ea39085e72": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_433f9cb733cc46d4b4ad1d896b9b1160", + "placeholder": "​", + "style": "IPY_MODEL_7ba5753422e4482b93ed20239963cfbc", + "value": " 78/78 [01:30<00:00, 1.42s/it, fold=2, lr=4.39e-5, b_loss=0.67, b_acc=0.69, loss=0.698, acc=0.643]" + } + }, + "673e5c680d6540d8b0d78092f2ae061f": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "6740370ec75c4f36a8b0b8e68cf22303": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "675139e93b3d40c798c1ef7147bd9be0": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "67522e1f38514c23a44b9ecce01fbaac": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "FloatProgressModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_aa9b7dc9c9964e5dbd2eb65dc7efa5d3", + "max": 78.0, + "min": 0.0, + "orientation": "horizontal", + "style": "IPY_MODEL_14737a650e1d40519db87c13d89f2bbf", + "value": 78.0 + } + }, + "6764c14bf6a2451881a2d5be40588b72": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HBoxModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_3ab6f95a0057489cb7336b03880aa3ce", + "IPY_MODEL_7554dbcfe2c3441980d87e4af47b96cc", + "IPY_MODEL_538504b74dcf4a46af41415f2bb48217" + ], + "layout": "IPY_MODEL_b8486c0595824832833f0a5cbe907e6c" + } + }, + "677c490b0bf4487a84005a6558a5ba59": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "678c254b07444cc9b7dbbdf49831ba6f": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_eeb9a2c0410441d5be0a2c28ae9e2b0e", + "placeholder": "​", + "style": "IPY_MODEL_8f7c7e138b0441c88bc396014b897c94", + "value": "100%" + } + }, + "679815ae2f1b4f5f96d5acfd48e566ae": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HBoxModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_a158e5dbbf9e4c41a734b5f20643678c", + "IPY_MODEL_1436c2f3e5c54f528f6da76eb8a1202f", + "IPY_MODEL_a63df9eb260d44b1839319e4d723f7b1" + ], + "layout": "IPY_MODEL_7f908a49d6c448608d3f36ca91f6d606" + } + }, + "67981bcf85034233abf8bba9c1a54f47": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "679b691444b4429b8b9b9ea69c99e41d": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "ProgressStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "67af4073fa884f0f9a9f48a1eb2fc729": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "67b631df2a9a437b8a1e55c17a0dd934": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_200428a084f54d1ea53addfbf3425adc", + "placeholder": "​", + "style": "IPY_MODEL_b4bee525ea594d2d82e3548a41efb6da", + "value": "T: 057/200: 100%" + } + }, + "67e3392fb533429a865cf05283b5b7d1": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "67ec2dc4152240318143157ae8db1a0f": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "67f12f76954746a1bf02640ed2b42bdb": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HBoxModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_ea31ae3971b9449ba5dbfd322f55b44a", + "IPY_MODEL_be5979eca5614da0a821113f995beaf6", + "IPY_MODEL_604e4a36246f4f5a9812c0b54a83a6f7" + ], + "layout": "IPY_MODEL_2f03a663ddd146a5b9b50e0850b64b43" + } + }, + "67f48d1cf0174b209adafdac820a4fe5": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "681f39e304014290be6ee2651c92546a": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_c7a94ac5d7c94ef2b92b185fe6d6f5b2", + "placeholder": "​", + "style": "IPY_MODEL_536b7f0602164ec09d83e987e46f9557", + "value": " 26/26 [00:24<00:00, 1.09it/s]" + } + }, + "68219e5d548a4922ba667ddfd8dc87a9": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "FloatProgressModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_31e033290fe1455fbe85c178a04b0fc8", + "max": 26.0, + "min": 0.0, + "orientation": "horizontal", + "style": "IPY_MODEL_8f65d4da5a80416f9ccc23d4ac8fd08c", + "value": 26.0 + } + }, + "682aa7d3e53b410cb3199e233f1cb014": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "6844563c69244498972df6ded43071cf": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_d65b4688e287486cbc46661fcc1ca5d9", + "placeholder": "​", + "style": "IPY_MODEL_5348738118a34368b77ac5dd3d9dbf9a", + "value": " 78/78 [01:30<00:00, 1.09s/it, fold=2, lr=1.14e-5, b_loss=0.196, b_acc=0.819, loss=0.231, acc=0.853]" + } + }, + "684b7bbdce534ec8941508603adfa757": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "685a7f85695f4192a488f05b674597a7": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "686cd34797584be089fa5ed6926103fd": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_c03aa8698b1d46559c08eab7c11ccd68", + "placeholder": "​", + "style": "IPY_MODEL_b0697db4b87f4020b3d6fb58db8d5705", + "value": "100%" + } + }, + "6870e1909e09440abc843d93afa72d92": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "FloatProgressModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_9aff5b1f6beb4733814676e3ca6d0196", + "max": 26.0, + "min": 0.0, + "orientation": "horizontal", + "style": "IPY_MODEL_7e34ee8a3d8549a7b6e9979228e38089", + "value": 26.0 + } + }, + "688edd3bcbcc49a88dca8489c6127bcd": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "6893a2758d2140608dd9ed88e166513e": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "ProgressStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "68a3bce6766346ff8d03b16c49d2b220": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "68a793703bd04ee6be21247f3e64411c": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "FloatProgressModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_7151bea73f53492caddd668b8716ca3d", + "max": 78.0, + "min": 0.0, + "orientation": "horizontal", + "style": "IPY_MODEL_69450d19f7eb4e53bad3279c3da3007f", + "value": 78.0 + } + }, + "68aa0e0ef3d14979a0d00b9049b9f413": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "68c867aa703947bda07a336ec6dee13b": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_2c094463a41d478ab4ca6ef1a1cba7f5", + "placeholder": "​", + "style": "IPY_MODEL_655b6459945e4ef5ab3b57f8a7330df6", + "value": " 26/26 [00:23<00:00, 1.24it/s]" + } + }, + "68d44389b49446a88ff4fbb30f1769fb": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "FloatProgressModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_1fab7488dac8440ab7a84925d3a1282e", + "max": 26.0, + "min": 0.0, + "orientation": "horizontal", + "style": "IPY_MODEL_3b88bc64c41e4018a04b6681a4b43177", + "value": 26.0 + } + }, + "68eb65bcb7b44355ba9e31ceceb985e3": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "68f4e6b01d1847f6b9b12c735cc92e29": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "68f8591629ee4e5ca29d7b46017ff8a4": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "FloatProgressModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_a1fe98c274994ccaaebc7af47c2a4b56", + "max": 78.0, + "min": 0.0, + "orientation": "horizontal", + "style": "IPY_MODEL_1e095b02902a411f85e229188694a230", + "value": 78.0 + } + }, + "68f93f32cb944b558d377c6343a919f5": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "6900385843184f3194f2c76072248302": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_b5c922f4c4354ea29a198d5d4cbe0cde", + "placeholder": "​", + "style": "IPY_MODEL_4eba2a10dfe04d63ba98385eb322d0b7", + "value": "100%" + } + }, + "69450d19f7eb4e53bad3279c3da3007f": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "ProgressStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "69713e0760d2464590201c8acbd77f8c": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_71e99ebaa0234ee09309950d2a6344eb", + "placeholder": "​", + "style": "IPY_MODEL_ca9d68ad3dff4a8a858ec333e02fcd0f", + "value": " 26/26 [00:23<00:00, 1.14it/s]" + } + }, + "6977ff08ecbe41c490a94423fe44b158": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "697ed13497854ec798340cba7a9e765c": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "FloatProgressModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_545a5d33ed9f4a7aa7e204f28118676e", + "max": 78.0, + "min": 0.0, + "orientation": "horizontal", + "style": "IPY_MODEL_da5a9ff710f045a0afcac1e3b8781db2", + "value": 78.0 + } + }, + "6985b38fdd184a2aba4fc944db253f7f": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "6991d823874e4d04a84aa754e8987895": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_cf491ced5cb54a74b8e422330f4210ef", + "placeholder": "​", + "style": "IPY_MODEL_3e60d644b1f14bdd83e8e822e227d4a2", + "value": " 26/26 [00:24<00:00, 1.04it/s]" + } + }, + "6995706aef44423cb9c05c2afa61f39c": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "69c498b446a74379a52e0493646481ce": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_172fe5d60b5c4594ac061c2918b4c3a5", + "placeholder": "​", + "style": "IPY_MODEL_de65577f8af54653beebd5e96b35d9c9", + "value": "T: 153/200: 100%" + } + }, + "69de839f21894b8a8ba2ab5b9f4dc62a": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "69eb448efb6d41f3acf23948a264357b": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "69edf62501c444e68f980da65fa0eecd": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "FloatProgressModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_4151408b6a6d42a5affb1bc74ca9b708", + "max": 26.0, + "min": 0.0, + "orientation": "horizontal", + "style": "IPY_MODEL_0e3af6109bb44875aada44f566b84342", + "value": 26.0 + } + }, + "6a01ee63bbd54c988cc8b9b88a0a2be8": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "6a16ee7e280043fcb624b5da59ee17a9": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "ProgressStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "6a2ff88eeaf24f40ab060da664fe9f53": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "6a347943902f430a9b3c73a8ab7d88ee": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "FloatProgressModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_7dbb361624724b3c9492bdcb0c2e9582", + "max": 78.0, + "min": 0.0, + "orientation": "horizontal", + "style": "IPY_MODEL_94b7effcafbd4ccab6bde03b09df2571", + "value": 78.0 + } + }, + "6a380858ec3b48599af31491b35a7ccb": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "6a4b0d676a0544aea7fc3d0347696b3b": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "FloatProgressModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_b45ac0a22b2246149540e0c0ea80e2dd", + "max": 78.0, + "min": 0.0, + "orientation": "horizontal", + "style": "IPY_MODEL_55f3bf07faf241a2800621e3b200e6f1", + "value": 78.0 + } + }, + "6a53218c6d12451c9bcdef1a323b6aac": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "6a55feba1f2248418f13de5ea269c1ca": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_4ccc9e17aa854b21ad8344b04918081b", + "placeholder": "​", + "style": "IPY_MODEL_0ee3ff9bb18d4facafb7bcb2fac1e22c", + "value": "T: 152/200: 100%" + } + }, + "6a5d7c472047432ba0210fd837c219fa": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "ProgressStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "6a7b86dc5b9644ef8c1ef75e4dcdbc03": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "6a7bc8690d3e4cb7be9c5e98b61350a8": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "6a84be395d6140688ccf01c8f0204fc9": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HBoxModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_231cc4c33c084f89b3866f70e97b86fc", + "IPY_MODEL_ea21d82cc91d4f2da5c394c5952a1514", + "IPY_MODEL_2a0cff43082d4b4bbd6cbfefa7f66fd6" + ], + "layout": "IPY_MODEL_b92cfe885fd04c6d950c4ce115e582af" + } + }, + "6a88220b32bb460399f5eeaa7ed71332": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "ProgressStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "6aa207737e574ac68bb56f3fca25570d": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "6aa7482052db43ebb65d01be39d871a9": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "6ab0462d8e0d457aa6dc1f8cec5cd682": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "6abc0190f0d04f85ae9969288024aa77": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "6ad0e848ac6843ff998f25b85c996d01": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "6ad187d5207d4111970ca276798de188": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_aed248f3983045598cb6e59364d80949", + "placeholder": "​", + "style": "IPY_MODEL_4f30184ce2f74a018060d5b67a9002de", + "value": " 78/78 [01:31<00:00, 1.18s/it, fold=2, lr=2.88e-6, b_loss=0.241, b_acc=0.836, loss=0.204, acc=0.867]" + } + }, + "6ad6bb69abb84c12a26d31dae43c6157": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "6af0e33f74fb4877a21df552aacfb713": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "FloatProgressModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_fd2ba7459d994ba18b7b869b539bdd6b", + "max": 26.0, + "min": 0.0, + "orientation": "horizontal", + "style": "IPY_MODEL_86dd44131a3746bf860ae64da22c6b88", + "value": 26.0 + } + }, + "6af785d080ae4d8ca3c063819201ae7c": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "6b1462b345d543ce9b973232b2b7674c": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "6b307109feaf4d36b62b49cc6340dc18": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "6b409d1170164eeab105ebbaf500fb94": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HBoxModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_bdb33c5d34054b3dbf0ab4c70d8bc1ae", + "IPY_MODEL_2bf2c05655a5438b86c3fc810d359bca", + "IPY_MODEL_fb9d6fe1eae8487c94cab9d73d201603" + ], + "layout": "IPY_MODEL_b3c91455c97c44f8b8601108b1383e6b" + } + }, + "6b52c8ee36f542d4ab1375cadf24d5c6": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "6b5e3797731a4f02b1393be7b09a5af4": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_03bd48c9d1524619b7f712523d428d80", + "placeholder": "​", + "style": "IPY_MODEL_05d1b0a50d1c444abadd806a3d94e7ec", + "value": " 26/26 [00:24<00:00, 1.11it/s]" + } + }, + "6b76a920c6784acdaebdad9091a000b9": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "6b80fcba3b124cb5b71d386eb396664f": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "6b8f3f1325064f56b3fe35437f10aecf": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_05e0ff15bceb41f2bc8779e3a1e466a1", + "placeholder": "​", + "style": "IPY_MODEL_40820655eabd4a07ae03462015ce0dff", + "value": "100%" + } + }, + "6b927de8f6e74a57b2892ea34e5d6a63": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "6b9cc21257fc4d389e095b0671d07d1e": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "ProgressStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "6badd7585d764d23a71dd46605aa1198": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_7db97dcd72d14d0bade5e45c8266e0d0", + "placeholder": "​", + "style": "IPY_MODEL_28b61968d98242ffae5bfb08b9a0e862", + "value": "T: 149/200: 100%" + } + }, + "6bcd2d65be8a41a9af4d4c4b89e8412f": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "6bd03b0f520c4f4fa323ca2c15e5fe59": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "6bd5e4eb33204a9091ac6b00f77856de": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "FloatProgressModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_d7c34c4cdb594499a5b31fb582bac0ca", + "max": 26.0, + "min": 0.0, + "orientation": "horizontal", + "style": "IPY_MODEL_a5a2d9b3586b49a49e9fed7d60dddc83", + "value": 26.0 + } + }, + "6bd85f3d19ee46e98ef7d144fbeb30f9": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "6c095bd95d114dbeb15071a7c20c3788": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "6c0b5d2585de485fb129d042b9694021": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "6c15938ac67941c6b18be982f11c2e73": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HBoxModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_f92d68c4eebb4bb2bf7815bcd9b85d14", + "IPY_MODEL_32c8aec42950477381ecc0c200f18883", + "IPY_MODEL_882a939db859422693ea3a55a22c4386" + ], + "layout": "IPY_MODEL_e638a4c9a737434a9ed387f0e790f4d3" + } + }, + "6c1601076fbf4a33a1f29675d0e3dc75": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "ProgressStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "6c1a97a04201400aaf8bc56794eafcd1": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "ProgressStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "6c39e9f733ca42e6899cb605c8ff1c73": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "6c8c1fdbf4994442b0d5fabd9080921d": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_03e0f4ab27944f7681d105695d8b0aa7", + "placeholder": "​", + "style": "IPY_MODEL_e622137723b641e9bbbbb20dabe119bc", + "value": " 78/78 [01:30<00:00, 1.03s/it, fold=2, lr=0.00015, b_loss=0.54, b_acc=0.672, loss=0.566, acc=0.699]" + } + }, + "6c8dd7d78e93445ba1481b5c861155f7": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "6c9a1389d0094f01a44aa3bd9aff7d68": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "6cab527652114f4a80bf0f0a7f0bb803": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "6caf35a166af45f4b66cbea90673f288": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "FloatProgressModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_7d81ba2147a941b9b4dfbc8bc49ccbb4", + "max": 78.0, + "min": 0.0, + "orientation": "horizontal", + "style": "IPY_MODEL_0acfb9526a2443d3870abccdb0f60b08", + "value": 78.0 + } + }, + "6cb891d5579f4e4bb7dc32759f12af9d": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "6cd0842777054837832fc73f2ba51681": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "6cd4550ee1c340588ec4fc0c22cc95ff": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "6ce3a080aaca4fc3ae519efc97c74c23": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "6ce77e8d5fe9467cbf106fbf3b9299ff": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "6cf1124beab64f3a9bb80060b6676223": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "FloatProgressModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_09893ea934d24842bc5e6dac38e1f901", + "max": 78.0, + "min": 0.0, + "orientation": "horizontal", + "style": "IPY_MODEL_d9c05d52261a48b296c74d85d5b9ab47", + "value": 78.0 + } + }, + "6cf45345482c4dc9b2ea912b4f6bdf1f": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "6cfe2c710a04435ba986ebc3517593fb": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "6d2722e0135d4162b2d0e26e4b6c8bc1": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "6d2ac73463cd4715a854b83c13548274": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_bef990a1248c4a34be25142ac77df478", + "placeholder": "​", + "style": "IPY_MODEL_5acfd8fbb1de4276b34042b007590973", + "value": "100%" + } + }, + "6d3601d9e93b488da15fbe8377e459e9": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HBoxModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_56adc70606324b7784144752d9d6b63d", + "IPY_MODEL_80903ac53c7e45de92f911327e214f97", + "IPY_MODEL_19e9828bced7437c8458f12b05570bbf" + ], + "layout": "IPY_MODEL_e9723a1ca1b04fe68579a9187153734d" + } + }, + "6d44304dc95643d5baf945dd8b47dcd4": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "6d47bae0507a4bf3acfc5f34fa86b203": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "6d4c700590164d689400ba8308eb02a4": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_560421ea281e46b892cd0690e8cf079c", + "placeholder": "​", + "style": "IPY_MODEL_be2acedf8b1a4eb490a0ca59b300329c", + "value": " 26/26 [00:23<00:00, 1.13it/s]" + } + }, + "6d69f373380745839c89f3f15d1e85e7": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "6d6e96d677d941dc8e52e41553d60d9b": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HBoxModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_2932ebe83cce45c6a20c31ac3d4b0683", + "IPY_MODEL_bfdcf9d0a5754aa68e1f14ea95a55bef", + "IPY_MODEL_2f125cb3a0bc4b84a1f0d1786ad962d3" + ], + "layout": "IPY_MODEL_06e2c05322bd4c98ba8dcf3e3a2ac632" + } + }, + "6d8e03c5e8c441c38f49e46246344a32": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "6da92416fa1147ff980f3c95fc54100c": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "6dae93701fb64d69a85cc3577eca53bf": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_297b5f4aa9bb45c1b0c53849d86e22d3", + "placeholder": "​", + "style": "IPY_MODEL_c28548184937447a9c5f5bb2d3e12f4a", + "value": " 26/26 [00:24<00:00, 1.13it/s]" + } + }, + "6dc982b39e604379a83be230fcad6bd3": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "ProgressStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "6ded29d0b9554b6c827403028904b3c2": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "6e169ded6dbf4ba0896df9c023139ec0": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HBoxModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_ea7be23d1bb84393acd05d8813d337bf", + "IPY_MODEL_705e0b7efce14baca291d320ec467001", + "IPY_MODEL_4474a2c5a8bd4fd8b417833ffd74e824" + ], + "layout": "IPY_MODEL_cc903f954bbb4c3ca222ef68c44393d7" + } + }, + "6e1d295ee4d84fda9911842e5207c1b6": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "6e49faa146dd499eb6c2a8f3141c4822": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "6e65252482224292b51f693edf48ab5d": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "6e667c41aeb94ffa91f153b3af3c77be": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "6ea3afe2e9b94672b273fb924621a132": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "ProgressStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "6ea8589e8a834125bc94b0acdf4ccd88": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "6eba714acdea4673904af0fe46a704a5": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HBoxModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_038156004d564e8399874154d8cd741d", + "IPY_MODEL_7ef94755eedc4ef48cad8363b230ea74", + "IPY_MODEL_bbc338932c544ea49f2f554ed4fa3044" + ], + "layout": "IPY_MODEL_94715d46d0794c0797cc6fbc2bd71c78" + } + }, + "6ee59dc918824e7a9fb17cb58758f2b0": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "6ee6c2d45c4c498c9e7f5f7378ed4364": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "FloatProgressModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_de8d1ea4717d46fe84522c2f952e357f", + "max": 78.0, + "min": 0.0, + "orientation": "horizontal", + "style": "IPY_MODEL_a8972f39d24241a987c0f76b3bc5b9fb", + "value": 78.0 + } + }, + "6ee872e7952d4a07b6ebeafca13c7a2d": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "6eee7080215d407682f96c27706f0639": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "6f077f46dc6f425d9dfe029938497eb3": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "ProgressStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "6f11aed3a95146fd97314525d62f231d": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "ProgressStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "6f17c17c71f040009fe762a5dc3110bb": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "6f1a61a42ba242d784586282ac5b5dfb": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "6f247fe9041b4fc9895e860468c773cf": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "6f24ea4e89254076b7f08d9faef71808": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "6f29534240f54a609fe75a1ec64b1ec1": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HBoxModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_767b76755fde4f939e3e72ea38696cc5", + "IPY_MODEL_763f42c85fc34caa913c611d6895ac3a", + "IPY_MODEL_d208e2ae488241cdb0f35faf7bc04991" + ], + "layout": "IPY_MODEL_3ed697b8a8ee47708ceeca9fb71958da" + } + }, + "6f507a7f02904e2297c1f29cce6e7a38": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "6f50c80cd3d74e67b99946bbafd75cb9": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "6f59f99b44f64ca68a38062978350c90": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "6f5cd492b24645bc9b82e3a1155d384a": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "6f7a2fbacd0b4949a609edd41210405a": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "6f802c676650499bb17deca000327ecd": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "6f8a8c11ac1347788f09c74804564192": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "FloatProgressModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_d6221febea784a22aea069aeb3d19d38", + "max": 78.0, + "min": 0.0, + "orientation": "horizontal", + "style": "IPY_MODEL_a8d36862af6a433ead8f82d6b9a187e4", + "value": 78.0 + } + }, + "6fa0ef4364a74c80986283a703cec293": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "6fa1a8466aba4a8ba3f74e72f092e44f": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_6ad6bb69abb84c12a26d31dae43c6157", + "placeholder": "​", + "style": "IPY_MODEL_d78ad3bdd395465e9dedccaa6d21a087", + "value": " 26/26 [00:24<00:00, 1.14it/s]" + } + }, + "6faa663bcef040c898a7f97350e121da": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "6fd8c989819d4fb08c2f43cbbeb12a71": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_e8285caeac7b443ca1d34ef36fa3edf2", + "placeholder": "​", + "style": "IPY_MODEL_8238f6f427dc4ee3b30786a9aaead370", + "value": " 78/78 [01:30<00:00, 1.10s/it, fold=2, lr=0.000289, b_loss=1.03, b_acc=0.543, loss=1.03, acc=0.514]" + } + }, + "6fd946ede6ff43c59b7a2778307455b2": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "FloatProgressModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_9561c4cccc88478db4eaabdb06655e2d", + "max": 26.0, + "min": 0.0, + "orientation": "horizontal", + "style": "IPY_MODEL_178374edbf2849d686bcaa35f9ea4010", + "value": 26.0 + } + }, + "6fdb38f8f2a1451aa0f8085d8e30ab65": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "6fdc89a600ab4f98a10a1b95b930fe0e": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_3299ea9f13ed4ad182418ff49396543b", + "placeholder": "​", + "style": "IPY_MODEL_615d10dbc5bf4abdb1bd68eec8d90a75", + "value": " 26/26 [00:24<00:00, 1.02it/s]" + } + }, + "6fe1ec0411674e8ebe0b81329d90a63a": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "702ba6df107c46188cf27175008f03ff": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "FloatProgressModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_bf4e3bf312e842e28c1cee9ba84bac5e", + "max": 26.0, + "min": 0.0, + "orientation": "horizontal", + "style": "IPY_MODEL_668e8e54a9f5404ea4c2f6ba857584b8", + "value": 26.0 + } + }, + "702c0b2d916a46ada95067f36443f606": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_012c343ea9a14130a9b882bb97f03b5c", + "placeholder": "​", + "style": "IPY_MODEL_068fac7c08214322be478260d43823b8", + "value": " 78/78 [01:30<00:00, 1.16s/it, fold=2, lr=6.67e-5, b_loss=0.364, b_acc=0.802, loss=0.424, acc=0.757]" + } + }, + "7038ec70ca7443bead57462304ca4a74": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_ce8c931c19934fc0822fc7a858cfaafe", + "placeholder": "​", + "style": "IPY_MODEL_c7e24596c7a84180b53f1a6633968bd2", + "value": "100%" + } + }, + "7038f7a70bbc468982de57c81dbba627": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "7044b653cc354a11b9b0c40c25afee96": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "704e4010ad2449fe80f543749ebf56f4": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "705e0b7efce14baca291d320ec467001": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "FloatProgressModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_6c0b5d2585de485fb129d042b9694021", + "max": 26.0, + "min": 0.0, + "orientation": "horizontal", + "style": "IPY_MODEL_1fcc6a4e2f4d41a2bc184e531b17a97d", + "value": 26.0 + } + }, + "707a4b3b188a4760bec63e2f1142a20d": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_b5b28d2995ed4ade8da69dad6576b6a7", + "placeholder": "​", + "style": "IPY_MODEL_a11c817c56c5443d841908fd236e8ddb", + "value": "100%" + } + }, + "707c529aea0a45b1b0e79f6ff6ae10e1": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "709fe7fee72241fcb622fe9a0177efaa": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "70d290ce09224634a77e2c54ffdd9532": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HBoxModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_b6c41566eff346e6b33b30654fcdb03e", + "IPY_MODEL_378938ff22284e10b9aa98b64765f5b7", + "IPY_MODEL_7d8368be6ea74fc3a8f97e2669b7be27" + ], + "layout": "IPY_MODEL_d2971e872d504138bd25ecc574ac0258" + } + }, + "70d834cd2f924c8ca3ec3d9665e028e9": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "ProgressStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "70df9b9f7bfa42958ed230cb050f8aba": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "70f831a0cc0549fa9a2de8546e536f12": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "710bbdbf8390455cb973603414294e2b": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "ProgressStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "710bc1042b404c9993be3a6382d20554": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_68f93f32cb944b558d377c6343a919f5", + "placeholder": "​", + "style": "IPY_MODEL_017f258b48ba40f782921b1632a797ae", + "value": " 78/78 [01:30<00:00, 1.07s/it, fold=2, lr=1.14e-5, b_loss=0.109, b_acc=0.914, loss=0.135, acc=0.906]" + } + }, + "71317748f799414ab28ba9defc0ea37e": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "71320150474643e684dad287e2e2c38c": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "7132f692cf474f3dbd49277cc129cace": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_6aa7482052db43ebb65d01be39d871a9", + "placeholder": "​", + "style": "IPY_MODEL_dbbd8956ff2a45049a3783a3ab620fe7", + "value": " 26/26 [00:23<00:00, 1.14it/s]" + } + }, + "71398cec089b449bb40385ebbb9f7465": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "7145258fabf3432ca897fa1c61afae36": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "7149a36f09c247478877ac7c13d593fa": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "7151bea73f53492caddd668b8716ca3d": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "715f0b18435d478ea74e560cbb924bd5": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_0cd893cad13f465c935e8b966e9aa51e", + "placeholder": "​", + "style": "IPY_MODEL_262b90861a084dfb9edc3be3c43263da", + "value": " 78/78 [01:31<00:00, 1.08s/it, fold=2, lr=0.000233, b_loss=0.368, b_acc=0.733, loss=0.337, acc=0.794]" + } + }, + "7164a4ab4f2843de9ffbdf0f3a4cd311": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_52b533eaab0f4b66b3363bd4eaa6fb9e", + "placeholder": "​", + "style": "IPY_MODEL_8b1a63a76e704422aa3dc093bc0aea55", + "value": " 78/78 [01:32<00:00, 1.13s/it, fold=2, lr=0.0003, b_loss=0.718, b_acc=0.664, loss=0.859, acc=0.578]" + } + }, + "7179fddc86b54332963463fa6e2694af": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "719193e43cd649c1b180b8e8a083fb82": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HBoxModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_c66d4b936dc1407385baf17fc9ac56d2", + "IPY_MODEL_a553533f2f8a4438994240e8f3b230ab", + "IPY_MODEL_e683c53f9f3c4e868611eab30314bc2b" + ], + "layout": "IPY_MODEL_98596b1fcdef40ed9a2e67e9857f80d0" + } + }, + "71aaaaf1c1c146bda5965387e0c11856": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "FloatProgressModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_e83657a4e4d0470abf4edf54be4f045a", + "max": 78.0, + "min": 0.0, + "orientation": "horizontal", + "style": "IPY_MODEL_80171d8e907b4a7f92855f8aa4cc6705", + "value": 78.0 + } + }, + "71d22c5a330a45fc8354817066f91c6b": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "71e0e287e68e424a9309dcf259933c4d": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "FloatProgressModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_7f259a2ca00f4e3d9f32745010acdc8c", + "max": 26.0, + "min": 0.0, + "orientation": "horizontal", + "style": "IPY_MODEL_621a084855844b118d3d27d60b67dfb4", + "value": 26.0 + } + }, + "71e1dc1b612143ff9ebbdb2cd5c8dfde": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_49022766c54446568c862ee2acaf0da6", + "placeholder": "​", + "style": "IPY_MODEL_77240c24d2aa480bbd5dd493f27dc17a", + "value": "100%" + } + }, + "71e5ea431fe949e189251ca45540d5d7": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "71e99ebaa0234ee09309950d2a6344eb": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "71ecc48239654d5fa125b6101f85a624": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HBoxModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_53f8b8eb1dcb4d2c9af475bf343935f6", + "IPY_MODEL_54d65261ddc3418692e2a00c2769c620", + "IPY_MODEL_3570a533b95e4211b35f03e803c7454b" + ], + "layout": "IPY_MODEL_379bf286584b4730bc4ca1ce1b9f973a" + } + }, + "71fbe6a073da4240956726fa6804de61": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "7218b40885264cb3b7994f783267c6aa": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "7219aaf772c846eb82fa00dd97229ecc": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HBoxModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_69c498b446a74379a52e0493646481ce", + "IPY_MODEL_5d203c25c8f84c6fb6a29f713afa5b92", + "IPY_MODEL_014b9a1ce9bf4bfb86d5c0a1e7ff84a3" + ], + "layout": "IPY_MODEL_8996cb8caf804e8abb14099e346138ea" + } + }, + "722194d944454e0b9a6996c9091d0b6e": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "722a0d4a51854d5a802a3f3b3ead65c3": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "725220c6fc114830907587d370dc5095": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_fd69e925c8f2478fb3ed05f194bfbdd7", + "placeholder": "​", + "style": "IPY_MODEL_927d81c7ae004201b42ff3f898cc0bf1", + "value": "100%" + } + }, + "726888022fe04c2ab976b05bad250205": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "ProgressStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "72758cc06da44c9fbe11fd380c7ebb91": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "7275cd7f2d934cd482c5c7008a83a3a4": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_6f50c80cd3d74e67b99946bbafd75cb9", + "placeholder": "​", + "style": "IPY_MODEL_12dba99f76594f9ebd32e8cdd5f2e18f", + "value": "T: 050/200: 100%" + } + }, + "727a0a4f520341788e2c34d597725e67": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "727f5cfd0c6b4be889584f4a287bc9dd": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "FloatProgressModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_101b90d682434ed29562c7a34968548e", + "max": 26.0, + "min": 0.0, + "orientation": "horizontal", + "style": "IPY_MODEL_4ffe252e6c294446a58971798ac472eb", + "value": 26.0 + } + }, + "728029b4ec504f4abbfe0efd188b6fd2": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "FloatProgressModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_3a6d6eff5d424a79a028cbe91d24cc08", + "max": 26.0, + "min": 0.0, + "orientation": "horizontal", + "style": "IPY_MODEL_2f0d7a79369a460db33cfd24f97815de", + "value": 26.0 + } + }, + "729c961b390a48df89d319b36535881c": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_673e5c680d6540d8b0d78092f2ae061f", + "placeholder": "​", + "style": "IPY_MODEL_fda84156f88548a69327ad51ddfd4a82", + "value": " 26/26 [00:23<00:00, 1.08it/s]" + } + }, + "729efeff36db48fda4b63d7b5fe663ea": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "72a9894f80194db7827dbbc85a68b611": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HBoxModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_9a880ecb8ec642eabde237ec41e3a860", + "IPY_MODEL_cbe644b056034e4a95d93bb9deb8d5d1", + "IPY_MODEL_fc2f0123463942338aa1fb0bd3b388d4" + ], + "layout": "IPY_MODEL_eaa91f91732e49dc8537c3c3c6494444" + } + }, + "72b2270f52624612b4bad9235df32996": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "72b50a7a9d454c49b68958fa18b59062": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "72ba0082ad2e447bb5faa4943240104c": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_54575f2b59354ec0a0dce7b4376939a7", + "placeholder": "​", + "style": "IPY_MODEL_50d135ab046c43f2824ad1038520ff98", + "value": " 78/78 [01:31<00:00, 1.06s/it, fold=2, lr=0.000179, b_loss=0.177, b_acc=0.871, loss=0.194, acc=0.866]" + } + }, + "72d0903de6314e8d80a5ab2dc2877bbb": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "72e1e4f2619543a29895f468780d5028": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "ProgressStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "72e9a6a740874a5ca56f9083a124a435": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "72ee4ddd4cb844bab759ba4156aae94e": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "FloatProgressModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_333655cabb6c4f139f221dd1951f5bf3", + "max": 26.0, + "min": 0.0, + "orientation": "horizontal", + "style": "IPY_MODEL_428bdc5d5866489fb61e158914f2aaed", + "value": 26.0 + } + }, + "72f1bcbb645d436b93fc5653e078bd8b": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "72f6225f955242e3a4e1343e0953fbc5": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "7319aec660194cdaa790c75ace894b96": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "ProgressStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "731a6339683e41e4908b1c8a3d2d13cc": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "FloatProgressModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_b4671b2dc6e04ad6b21697039112d067", + "max": 78.0, + "min": 0.0, + "orientation": "horizontal", + "style": "IPY_MODEL_409da48674734770818825882e929f2c", + "value": 78.0 + } + }, + "731b329fa69c4a648c39b8f6b1856a2d": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "732534245f4748f595a0dbf173a61ec2": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "733cebebb00a4d3b9b451e8b4058301c": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "ProgressStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "733fe0ebccff48579c578371920203b6": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HBoxModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_5d948f3ad9a048de836187183ea1a868", + "IPY_MODEL_dbb09ce643094504852bcdaca85da605", + "IPY_MODEL_1bf960c5aa7c440e88d6ed945ef7ccd0" + ], + "layout": "IPY_MODEL_c68a7f40a28d45099c3ea08fb11d55cf" + } + }, + "7356e8f7e50e4179961a620804c7611d": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HBoxModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_0362a72b6b444c9aabe954685cc55006", + "IPY_MODEL_ebb12e9aae664ff68fb94237bad694d4", + "IPY_MODEL_6b5e3797731a4f02b1393be7b09a5af4" + ], + "layout": "IPY_MODEL_6d44304dc95643d5baf945dd8b47dcd4" + } + }, + "736df46524b3455793f87d58662a6326": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_2b33be4aec224a5cae2669cdb9afd7e5", + "placeholder": "​", + "style": "IPY_MODEL_d175f59edb074788b476a6f7aef1d34b", + "value": "T: 172/200: 100%" + } + }, + "737aa1befebe4738af3757094c4098f6": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_0b40322a52e7438fa838df3e96d185a7", + "placeholder": "​", + "style": "IPY_MODEL_e08f27db788241f68c7001f2c3be3618", + "value": " 26/26 [00:24<00:00, 1.11it/s]" + } + }, + "7384a25b799647e09623490b21942348": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "73851c7ed8244353848a36f7a71a8781": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_ad900a9cbeee42be957058027e55782a", + "placeholder": "​", + "style": "IPY_MODEL_c0563f99dc3149bba091c127a742e0fb", + "value": "100%" + } + }, + "7387876e10be4e62873b7dd804374ac6": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_0ec82e35b95a4d2aa6cadd7c34ea4266", + "placeholder": "​", + "style": "IPY_MODEL_71fbe6a073da4240956726fa6804de61", + "value": " 78/78 [01:31<00:00, 1.22s/it, fold=2, lr=2.88e-6, b_loss=0.325, b_acc=0.802, loss=0.371, acc=0.778]" + } + }, + "738c30166b3840f4a521b8ebbd777fce": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "739ba3b603364e0fb173ac411e192d6c": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "73a315c28e2f44409edf3020b21769a5": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "73bfac51cdca475c89a837a82e2e1f9b": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "FloatProgressModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_04f74ae6f1d6480ca68ca6e8f68e5fb5", + "max": 78.0, + "min": 0.0, + "orientation": "horizontal", + "style": "IPY_MODEL_be38ef1da2234746bbdf5794885d488d", + "value": 78.0 + } + }, + "73d8c7ef7e324227996d149927a4171f": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "73ec00b660214fe488d83b0e3b2f69c5": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "73f26c3b22fe489c969e1d4cf1c4ef05": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "FloatProgressModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_4658830bfa6f455cadf97f7e2bd39b8d", + "max": 26.0, + "min": 0.0, + "orientation": "horizontal", + "style": "IPY_MODEL_dbf09c45353f4ace996130b52a6dc04c", + "value": 26.0 + } + }, + "740c3a7d5be24d4ca7b3eacbf2a296ff": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "74184c3e4ea44a1fa2bb5e9e66018c0e": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HBoxModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_4bb7311ceeed422da18e77eb80f0d6d0", + "IPY_MODEL_ed0aae209f2c4eb9aa58bed1bede0656", + "IPY_MODEL_2ee5b252e96d47ff9affa03aba713c84" + ], + "layout": "IPY_MODEL_0a103dbd7a9a4addaced74261afe705f" + } + }, + "744de2fedda54e88b07561c241296cec": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_67e3392fb533429a865cf05283b5b7d1", + "placeholder": "​", + "style": "IPY_MODEL_46000c1827b54b259341e36178a51078", + "value": " 26/26 [00:23<00:00, 1.10it/s]" + } + }, + "7453d8808d6b4366a1f635283624c241": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "7459228409024de283970d6fb89bfa45": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "745af30f8e494c118540871c89251395": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "745dd37b08f7487fa820289365785559": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "748ead702434489d9e338a626cefa673": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "74b27a640f424701a9c6d7140b3eef6e": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "ProgressStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "74ba1cd12856448ca96962cc67580d12": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "74bde42ffe2a41a4933a51afed881847": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "74c48c4b26014616b0d991a8d436e551": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "FloatProgressModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_49ea7551867344789fd5548818f9f9b9", + "max": 26.0, + "min": 0.0, + "orientation": "horizontal", + "style": "IPY_MODEL_22ec94c616c649b78f1a7894be603928", + "value": 26.0 + } + }, + "74e51151d6394f63b387f1d0b3aa9252": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "75041edbc27844d5bad65bf795026415": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_5f42949b216347d4aa8613d6223433a3", + "placeholder": "​", + "style": "IPY_MODEL_0c15be13e8734fb7844eb92551d531f8", + "value": " 78/78 [01:31<00:00, 1.07s/it, fold=2, lr=2.88e-6, b_loss=0.194, b_acc=0.845, loss=0.236, acc=0.848]" + } + }, + "7510e364462645f0805fcfa2b6e6f7a9": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "752a0816d03e43d4832da3da5eaa891e": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_1bee12f104be47bcaa25b2fb5120e2e4", + "placeholder": "​", + "style": "IPY_MODEL_94886dc0b190466180468e436577a609", + "value": "100%" + } + }, + "7533dd8734c74cb0ace460b6916ba6d8": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "FloatProgressModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_6d69f373380745839c89f3f15d1e85e7", + "max": 26.0, + "min": 0.0, + "orientation": "horizontal", + "style": "IPY_MODEL_1171429e52944427b09247919fc45228", + "value": 26.0 + } + }, + "753d40e4d084452eb62799c87ff12058": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_66fbd09385dd4085941b2208c464701d", + "placeholder": "​", + "style": "IPY_MODEL_0da73e94fb864af4b424f1a44b545a16", + "value": " 26/26 [00:24<00:00, 1.12it/s]" + } + }, + "7540f11923fb47a2bca5873e3bee20c3": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "7554dbcfe2c3441980d87e4af47b96cc": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "FloatProgressModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_9a4946afa00b466c9c8ec92abe07831c", + "max": 78.0, + "min": 0.0, + "orientation": "horizontal", + "style": "IPY_MODEL_385862e0fa444c97bbc39c90e8f2ec87", + "value": 78.0 + } + }, + "756b9cb7c90644b69721754489ed963a": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "7571c1f82d524d8fb0ef37bdfc623dd6": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "757df35f0bea434eb0cd821fece7e5c0": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "ProgressStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "758849f902f4442f872fa5fcf1775913": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "75fdb9301bfc485cb2c75243caa1abf1": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "7610ef8a59bb4e20be944e87a7869ce3": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "7623c8d836344388b40d08a28bca4025": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HBoxModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_8123a15ba0c24abda58c5ac76536d16d", + "IPY_MODEL_a98b4a60419d4edda4f4cc78bff85a14", + "IPY_MODEL_34ee126f496a4455bb3278af73f30af3" + ], + "layout": "IPY_MODEL_95301063cc7d4ce5a386d8512b245888" + } + }, + "76277205a6b34c50b1a9f0c8d5bface8": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HBoxModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_686cd34797584be089fa5ed6926103fd", + "IPY_MODEL_4cb5ffb33d284732b01d5a22571b9656", + "IPY_MODEL_100950540dd94697b5bb7be001ea5d4a" + ], + "layout": "IPY_MODEL_2abd2651ae20443798d752d3f68ba4b0" + } + }, + "762d0db98fda4244928cc47f70491603": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_a32d3be57c18446291d106d893355cba", + "placeholder": "​", + "style": "IPY_MODEL_d25cd8a78a294aee844ded4233e46a1c", + "value": " 78/78 [01:30<00:00, 1.01s/it, fold=2, lr=1.14e-5, b_loss=0.392, b_acc=0.733, loss=0.542, acc=0.704]" + } + }, + "763f42c85fc34caa913c611d6895ac3a": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "FloatProgressModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_2059505cbc2a400ebc213ef98ae67988", + "max": 78.0, + "min": 0.0, + "orientation": "horizontal", + "style": "IPY_MODEL_915f2d346b56420891e5fac5c4352a6c", + "value": 78.0 + } + }, + "764dc99d555f4072a91f4136f7bf53da": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "FloatProgressModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_50a4a4608268468489959bc09be477e9", + "max": 26.0, + "min": 0.0, + "orientation": "horizontal", + "style": "IPY_MODEL_6191c3936c0144c0a402832d5779932f", + "value": 26.0 + } + }, + "7654940be2dc4d2983e2c6f3d29490ae": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "765b683390784fa4922656eac304aeb2": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HBoxModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_a89ff3986c6b48b797f35c21972acb7c", + "IPY_MODEL_852c5f83c9d04a5e9bf3585008f4a21f", + "IPY_MODEL_397f055fdb444c579b0edf451031a6c1" + ], + "layout": "IPY_MODEL_a74991de112f41349a552c8dc144dd6b" + } + }, + "765e8fe10c384caab116139be572eae0": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_c030e79b539d42dd856acdd00edd947b", + "placeholder": "​", + "style": "IPY_MODEL_a0322a924f204a2aa2b30da0d93528b7", + "value": " 26/26 [00:23<00:00, 1.18it/s]" + } + }, + "76616d8b07cc43e2b70a42def42f1d4d": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "766d0b75fff04cefb35213aa4e943d4c": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "766fc1c06247457a8d68134844d2073a": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_8c088a9dbe3a447b94c34342ce594097", + "placeholder": "​", + "style": "IPY_MODEL_f9b0ed98945d48e3bff748e0585734f7", + "value": "100%" + } + }, + "767b76755fde4f939e3e72ea38696cc5": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_3b6d34b988fc413e914e1df951d11db2", + "placeholder": "​", + "style": "IPY_MODEL_1fce6aa8a719437685d4dba4f19706ae", + "value": "T: 036/200: 100%" + } + }, + "767d8fe69c444bc297074c6f6fded763": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "7694b0a133ff4037b272e46eef4b4756": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "76dab0bd44d245819814be1ec5b7af73": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "76dc82fbd0794848bf296b88d27f5268": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_05c219db847a445f97485c74a4846435", + "placeholder": "​", + "style": "IPY_MODEL_7eea39b22b5f4481827cd614bd9f2cd5", + "value": "T: 194/200: 100%" + } + }, + "76e9bb82dbdf46219d785fa8ee44caf8": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "76fad122e87b4e54a5daa616055ad986": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "76fe112b891e4c2cba9aaf3c2e9a204e": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "7703b2d1a2c14b76ab62bad50d635c57": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "FloatProgressModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_192f8a90436a44f0a0a49d857330fa96", + "max": 78.0, + "min": 0.0, + "orientation": "horizontal", + "style": "IPY_MODEL_0dc7047c43e546798743f82f05e61814", + "value": 78.0 + } + }, + "77194a80f15c4ef68162be13f2284d2a": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "77240c24d2aa480bbd5dd493f27dc17a": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "77298043b91b46b387292400f1a054bb": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "ProgressStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "773e3d6d5f8a46e9a8445ebe8328b854": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "ProgressStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "77473fafd9b64ca5a152a65cfb5181ba": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "7748f3f671184fdbbe0e21a245e6d0b0": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "774b208784d649ffadd31bfbac8809b1": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "77544f0f18134b8fac9ac7f175ee538d": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "FloatProgressModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_950788a0db4d46b783ff4fb0d0b0c5c1", + "max": 78.0, + "min": 0.0, + "orientation": "horizontal", + "style": "IPY_MODEL_4e6ad17762f845efb2daca1cdc518064", + "value": 78.0 + } + }, + "775c1edb6c784760995b4e4d713969c8": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "777093c48cc841b0a0fb6ece8bb4b68e": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "7776c3c55d874822afe781ac8599227b": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "7787392ea81e455fa390cb1a264cf66a": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HBoxModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_f7e9cb147e174334b265a599b22e77d2", + "IPY_MODEL_901f91915f724b2fb8a1fd02f10764e3", + "IPY_MODEL_1712611dc7b04bdc8480532ecf2775ef" + ], + "layout": "IPY_MODEL_83fa6e7ad7714773a43b341cc4ef8173" + } + }, + "77898c8190bf47349140708d52ad7544": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "778daa3d62cc4fea8fce1b54cd8d4229": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "77a2e494f7e24049b01b2cd8a393f847": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "77a391f6ba234519b08b4a419a795ff5": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "FloatProgressModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_bf8ea00596c24af2a8141b51d633d23e", + "max": 78.0, + "min": 0.0, + "orientation": "horizontal", + "style": "IPY_MODEL_475909b9860441b796393e435148e0d1", + "value": 78.0 + } + }, + "77bb3d9ee79d4c518e71670946754632": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "77f09e1917b54b0d91b770eb60c4a9ce": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "77fba1d2311f4e1586fde42bf2eae57e": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "780b970182c14391ad7c8c5d5391201e": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "78179c875ced4ea18858629c5a0af4b4": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "782c9d4d1c6240e99627a70814252e02": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_4022fedab4c74d59a6e647e0bc6ed893", + "placeholder": "​", + "style": "IPY_MODEL_a315a86fc8a744458920eb5d5b4d102c", + "value": " 78/78 [01:30<00:00, 1.17s/it, fold=2, lr=0.000275, b_loss=0.298, b_acc=0.767, loss=0.382, acc=0.769]" + } + }, + "7836a191f64743cc88f1d30d48334826": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "FloatProgressModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_d94aa01b69a24dadbafbabc4fb0fffbe", + "max": 78.0, + "min": 0.0, + "orientation": "horizontal", + "style": "IPY_MODEL_99a2866ee93a400080eb590e5758c79f", + "value": 78.0 + } + }, + "78389be44fb9410c919dbc42c30218c1": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HBoxModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_aced04f5b52e442aaea60cfa6cfc5070", + "IPY_MODEL_c50caea45b0f431281819aee4c989cc3", + "IPY_MODEL_f567cf2c94dd479ea03b64f3c048878d" + ], + "layout": "IPY_MODEL_26cef7e32c5842cfbfd00d015d8f40ef" + } + }, + "7848b15ff6384152ad0f4c8bbcd62d23": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "FloatProgressModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_bf0b2adc04ae4d129a132ddca6d23dad", + "max": 78.0, + "min": 0.0, + "orientation": "horizontal", + "style": "IPY_MODEL_500f6845001144588418fd9dfc842c77", + "value": 78.0 + } + }, + "7854f6484c0e4331ba70f8554f203ecc": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "FloatProgressModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_e9fa214052704aa889e244800c679c6a", + "max": 26.0, + "min": 0.0, + "orientation": "horizontal", + "style": "IPY_MODEL_0ffdc0be78d44c66bd79c2634d60a64a", + "value": 26.0 + } + }, + "78853a72750643b394898780265a6223": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "7898119c26144654b2695580736ef523": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "789d4e0175b44caab4ad2ca3d111dc87": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_ca80d82b735f4c63a6366e8a638a5d20", + "placeholder": "​", + "style": "IPY_MODEL_6449b9f8f5eb44e0affc4eae9b159e84", + "value": " 78/78 [01:30<00:00, 1.09s/it, fold=2, lr=0.000207, b_loss=0.321, b_acc=0.836, loss=0.233, acc=0.847]" + } + }, + "78b6bb4afada4cea8ae3e70c31dc8a13": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HBoxModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_33278869dbb140b79715e0bb33100d56", + "IPY_MODEL_4e6f20219ffc42aa915599186b6e720e", + "IPY_MODEL_ed2cc1d4669a47d2b4a1e4b544ac975b" + ], + "layout": "IPY_MODEL_5f893286a159495c8c24a2fc5aab69cc" + } + }, + "78f1e196cb6a4e7290d3daffa0d02919": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_d41098c7d9074c49a9973ee62748be50", + "placeholder": "​", + "style": "IPY_MODEL_4f0202dc9cac462da0cb6dd71779308d", + "value": "T: 017/200: 100%" + } + }, + "79011e9500914e3bbea8350b5f80ba36": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "FloatProgressModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_7f0a6225611a44baacc61104879dc0e8", + "max": 78.0, + "min": 0.0, + "orientation": "horizontal", + "style": "IPY_MODEL_c827b9cc580c473bb3ecf3efedb41714", + "value": 78.0 + } + }, + "790c9efdfb7d42cb80c14cb523776724": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "FloatProgressModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_cdbf5a4342594a25921db5b76074ea7e", + "max": 78.0, + "min": 0.0, + "orientation": "horizontal", + "style": "IPY_MODEL_3b0d716f24c0451cb6f6f0cb8b8e6be4", + "value": 78.0 + } + }, + "7913b23a7b1341c0b6bf801a4787f6a7": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_c223dc8ce998462c8f50e7887876490e", + "placeholder": "​", + "style": "IPY_MODEL_50c016a6fb9b412e86ec5ef3c988ac10", + "value": "100%" + } + }, + "7953bf270f8e4693a9eb1d384a508d86": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_a4310049ca0241fab052353624d28c3a", + "placeholder": "​", + "style": "IPY_MODEL_9aff3ca8a8cb4fae930941d287bda7da", + "value": " 26/26 [00:23<00:00, 1.10it/s]" + } + }, + "796396c728064cbe972a8e76577a939c": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "796853d260da478eafad29d4ab867bf0": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_e6d4edf0d2e548fc808f377c2856f9ad", + "placeholder": "​", + "style": "IPY_MODEL_ca536158c70e4194aad3563b82027f31", + "value": "100%" + } + }, + "796e614b4dd24be9a40fc634f78f829f": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_2131ac87a456453fb04765bf70c5d4c4", + "placeholder": "​", + "style": "IPY_MODEL_fb929c54fc9b44c5a33e93b416b7c003", + "value": " 26/26 [00:23<00:00, 1.11it/s]" + } + }, + "798abfd2e2584815bfb1a3ae1dc7e6e3": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "798e98b2bd99456499be71d07f95205b": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "7997c973b9624973a0d0643f5482c73c": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_049fb5b1521d4919962d7d43575038da", + "placeholder": "​", + "style": "IPY_MODEL_d0a63494da0b43d2beaf56f34dfda94e", + "value": " 26/26 [00:24<00:00, 1.03it/s]" + } + }, + "79cf133e506a4e91ae07356ee61070f5": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "79e5b4564c5b42b7bc2aad52723c7171": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HBoxModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_aa5bd51b041448b69359bf2d04e57695", + "IPY_MODEL_e3039032024543be9867bf35cf79bc45", + "IPY_MODEL_35796f7acacc4ba288864e5228f554b8" + ], + "layout": "IPY_MODEL_41dd17532bad49ddbe92d2c42cbe9603" + } + }, + "79e98b6dc9524be89b283543ce0775e0": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "79f2c33330e2405389b45f74ec2bc429": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "7a02d42caa6848389480ef7f2be084b3": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "7a2ac4c507de46cc98cb2e50476049a5": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "7a34795a74994b15874bd86cb30c18f2": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "7a3d7a1213b449b78b9c3b424de07d24": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "7a47e4982bf04b139360f19e625d0b1f": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "7a662ad002514a23b189f27d9db26494": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "7a6f3c13297c473b89404538fd1c5953": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "7a7e63439dc74796acb2c15e8991d42f": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HBoxModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_464c7a1045904fd79a46316c70e761f6", + "IPY_MODEL_5585fa031c7743d78c3bb32d4b34dbca", + "IPY_MODEL_40912f5eacea47d68053ee4abe0d122b" + ], + "layout": "IPY_MODEL_e2f62e6a33954bfd858d13f616ebb6d4" + } + }, + "7a8a410d8c19435f9b8a18fd06a9be12": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "7a990b344f3f479591a896c5325965e8": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "7aab26a791054d2aaf907aeaa146b604": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "7abaa7d426fb4830a388c1afb652510a": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "7ac3585978024b91a6e17b8f6c9d074e": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "7ac8ceb39d7c4e38a4c94661c795d9fe": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "7ad6abce04aa489c92dcda5616ef8794": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "7ade4da39d7147bba8853522568c5fab": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "7ae41f7ad9d7461a808279a5495bca48": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "ProgressStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "7af5b725c3d043df9aa2e4ab05d0119c": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "7af6430e8f1f45a29d14e41e5ddb96d4": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "7af9acce318b4e009587eb4b2b769f0e": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "7b15de48c4444331aff1f2f4d74cf88a": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "7b22b94cb79b4ba0920ff05bdac374de": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "ProgressStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "7b2ddfc745234c418c847e821057dc2a": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "7b30c7b83fb24507a776e599f0249787": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_de908a86844a43a4a24e317bac665afc", + "placeholder": "​", + "style": "IPY_MODEL_b0921893e4754856ab388859cad2dffd", + "value": "100%" + } + }, + "7b33213e22864e3dabad63f32dbf38e5": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HBoxModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_e8bac1d38b4043a090da9b21d2048b00", + "IPY_MODEL_c34b7209da5541d79b2f89ba93645ee8", + "IPY_MODEL_b102085a60c745e4be42b83ec310f8e1" + ], + "layout": "IPY_MODEL_c77a96e3b7fa43a39a608857a1fd388d" + } + }, + "7b3bd65b7bce41699d6b1a4ee1f2867b": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "FloatProgressModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_003d9a6064da43398616cb8e08cf8aea", + "max": 78.0, + "min": 0.0, + "orientation": "horizontal", + "style": "IPY_MODEL_cf37fe38ac4a4ca38ec3312ac497b3b6", + "value": 78.0 + } + }, + "7b576927e77143fd9a9faf23cfb46db2": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "7b612f2942f04110bc09852c151a8d8b": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "7b6561126bf44d46a90564f6e59e5ad9": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_88e235230d544593b0861da2aae5580b", + "placeholder": "​", + "style": "IPY_MODEL_592ec539ece9481f94ec84aaaf825dc5", + "value": "T: 006/200: 100%" + } + }, + "7b6d346e3a4a4f2193f3eccb1768c33f": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "7b89e6caf8d64a599082cf9dc91cd2f1": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HBoxModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_f1120f1f6b834f689bf8c822c28b523e", + "IPY_MODEL_d996257f23804fe0b17cc672d446e048", + "IPY_MODEL_413d44b3b1f74506adee0d355d21ff8c" + ], + "layout": "IPY_MODEL_ac774b8058874d0da7abb7de6f73ffa5" + } + }, + "7ba5753422e4482b93ed20239963cfbc": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "7bab2bd76b0b409da6aea7cef3ca5ef0": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "ProgressStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "7bb1b9b4d39343a3b219e1d407098464": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "7bc9499d4c814e9686543d1dae7619c1": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "7bc9e674004a44f68f29288aaa27f9d2": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "ProgressStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "7bcda601640244968468c9a2b74106db": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "7bf90b2130274f3ab4941e8ffeea60a2": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "7c299be76afd4b00837934e8ae46fce1": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "7c802f97346945408779dae423b3a9e6": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_c06528a2a82d4a9980e02ff6aab751c5", + "placeholder": "​", + "style": "IPY_MODEL_0212877b7ede4be4b21fd99f36e145bf", + "value": "100%" + } + }, + "7c85b76b1a3d47caae2aa7614344d376": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "7c9a8de588f24e82b81be5394fa00c67": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "7ccfd9a80ea04cb7ab5a001123e83e58": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "7cf76580d3924bc58491e402f7ec53f7": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "7d0a682b5eac480bb949a403ae70b0a1": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "7d2139b207114f86bb487db15a2aa4d2": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "7d24e34a03fa429593efbf8b94fed561": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "7d2966660f1d46b7a1bdba3316233f94": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "FloatProgressModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_4b515146f9774a7284b1fca7469528fb", + "max": 78.0, + "min": 0.0, + "orientation": "horizontal", + "style": "IPY_MODEL_65f410f1f5af4e13b7cbe7b0e2380c7d", + "value": 78.0 + } + }, + "7d2a676329074d1d88e573372f989a34": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "7d2bad6bd4da4f9595c05e5d3a5bc049": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "7d6bc546d4b84a3aa493beb6b54d2a41": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "7d74f82e9cef4ca481156969825b0441": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "7d81ba2147a941b9b4dfbc8bc49ccbb4": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "7d8368be6ea74fc3a8f97e2669b7be27": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_5b54396dc63b493a9e0bb3565f73aee2", + "placeholder": "​", + "style": "IPY_MODEL_0cee4c8a73084764ba1729c202f597ba", + "value": " 26/26 [00:23<00:00, 1.24it/s]" + } + }, + "7d88f8d9c3a947ae98ac84b2736a676b": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "7d96a1e78f0d4369a486f9adcc1eed95": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_fe90a68a15c840b9b4a9e8f46df76684", + "placeholder": "​", + "style": "IPY_MODEL_d9bba65bfe9649c6ab6baaa4d5cb2108", + "value": " 78/78 [01:31<00:00, 1.29s/it, fold=2, lr=0.000297, b_loss=0.56, b_acc=0.698, loss=0.557, acc=0.696]" + } + }, + "7da0c608d79646fcaabf2fa8c37ac9f9": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "7db0432fe73c44bcb0d41d77e7d30ca0": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "7db97dcd72d14d0bade5e45c8266e0d0": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "7dbb361624724b3c9492bdcb0c2e9582": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "7dc0c22dbd9d403485e3dbf35291547e": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "7de7052e24d7499bac78791a909730d0": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "7df16300fe3143128be53b3ff5b76850": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "7e05e5135e964336a7d35b7d557934ec": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "7e1742779e6b4f598b2114e2c9a202f7": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_b386235985044ebca690fcca68e95a89", + "placeholder": "​", + "style": "IPY_MODEL_c43eb60b05d14d0daac0b657b471907e", + "value": "T: 060/200: 100%" + } + }, + "7e187c44289d4e60919d27cee3ceb163": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "7e1b4a209ba244b1929faf2b652358d7": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "7e1c4d50eeea4c63b9509ca8065ec10a": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "7e29d01e5eda4c858fb385addef1e724": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "7e2f1f7e7d9043c8bef2f8fa2a6bf651": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_c4b5dcca122b425cab2dae6e4f03384a", + "placeholder": "​", + "style": "IPY_MODEL_4c6391e381724494b9367f30101b85dd", + "value": " 78/78 [01:31<00:00, 1.06s/it, fold=2, lr=0.000256, b_loss=0.748, b_acc=0.716, loss=0.675, acc=0.651]" + } + }, + "7e34ee8a3d8549a7b6e9979228e38089": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "ProgressStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "7e41009b625e4e3bb304500a6dc781cc": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "7e4d4146d3854ae989c88d0a63655c72": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "7e4f9711c5174fb3b68606353b4ca660": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "7e5da90f9ba544978e64f18e3f35bc62": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "7e62d88795e04054851507ac85af0239": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HBoxModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_51575964a58440ab819a751292e062cc", + "IPY_MODEL_c0b263a373e14be3b843bc9ca1f719a0", + "IPY_MODEL_a10eadb781a84c5fab863ab170c8c8f3" + ], + "layout": "IPY_MODEL_7bb1b9b4d39343a3b219e1d407098464" + } + }, + "7e636c444ff34ed1bf2bb55980378cce": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_48e0251687514199b873baa162f8ea17", + "placeholder": "​", + "style": "IPY_MODEL_38ca024438d841d1bf9108f3ed0f52b0", + "value": "100%" + } + }, + "7e69610a0a8b48ca84ea84868cd28497": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "7e6ed5dbfd6d4b2b9b9ab86217c3e460": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "7ead77d3c30b40c48c9344abc3ef2658": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "7ec0e5922a74465d92c4db5797282232": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "7ecfd118a4694d9187f0cee016611b1c": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "7ed3bbc67faf4a7ab78d9f505fa152d8": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "7ee0845d833342c9a106c2d2a924c7bc": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_c17e47e7f1614394897f5d9f02aa94d9", + "placeholder": "​", + "style": "IPY_MODEL_cfcfa9a038254bbdbe5346948d748da8", + "value": " 26/26 [00:24<00:00, 1.07it/s]" + } + }, + "7eea39b22b5f4481827cd614bd9f2cd5": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "7ef94755eedc4ef48cad8363b230ea74": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "FloatProgressModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_9d94548c261648b99fac51efdc701cf9", + "max": 78.0, + "min": 0.0, + "orientation": "horizontal", + "style": "IPY_MODEL_7319aec660194cdaa790c75ace894b96", + "value": 78.0 + } + }, + "7f065a7230214b59b65e324afd79638e": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "7f0a6225611a44baacc61104879dc0e8": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "7f1b731daab14dcba9d87a32c3096a04": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "ProgressStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "7f1e5137c09948eeba78df70d3bb9b91": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "7f259a2ca00f4e3d9f32745010acdc8c": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "7f3a13a32f194a8985c69fb126e806bb": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HBoxModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_f8ea89a684a244adb30da893d99e6424", + "IPY_MODEL_5a50d17d1e194713ab464f983687dbcd", + "IPY_MODEL_1476f63ca93c46b1997389ab04d3548d" + ], + "layout": "IPY_MODEL_6b76a920c6784acdaebdad9091a000b9" + } + }, + "7f48404790df42b4933211730da6547f": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "ProgressStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "7f4d86152baf4e23b421b3c08c4be511": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "7f5669fab8ac4b439d2e51764feb1071": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "7f672ede409d403c870339fec45ccb80": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_3216f58e5a794e379f7b878b60ffb7dc", + "placeholder": "​", + "style": "IPY_MODEL_f3f874129c0e4bf7af02ccd6885e90a2", + "value": "100%" + } + }, + "7f908a49d6c448608d3f36ca91f6d606": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "7fc16b90fc864e76b0dda774d6b7f617": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "7fcb535eaedd41a88b22c876d025846c": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HBoxModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_f4ba58762ac444b2ae61134caa6061b7", + "IPY_MODEL_1df9c51a240b413c9ed784d28f0ad98c", + "IPY_MODEL_0f3f38ee1b0e47b48bce5a53059d325b" + ], + "layout": "IPY_MODEL_912826f7dd7f41fc991f05f3594ba94b" + } + }, + "7fd37e76e95948499ce27d14687d8da9": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HBoxModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_eb5e5ca1a92948ec94edb72d2729530d", + "IPY_MODEL_63185270eaf14acbb174c8d4562da773", + "IPY_MODEL_07d212d11e63492db56911797db2b2d2" + ], + "layout": "IPY_MODEL_97a4a1b9b738409dbded36035dad9cd4" + } + }, + "7fda8a78ca1f42598d0ebf69be035a62": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "7fec1b3ea81141bab831eb34a00dd637": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "7ffd11f5e62947a2804bf61202319d1c": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "8006f3b186174ad2ad036b8a70548e16": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "80171d8e907b4a7f92855f8aa4cc6705": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "ProgressStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "80302a577011447897989fc63d0d22f6": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HBoxModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_823108843d1946188338838071adc16c", + "IPY_MODEL_c2a9ba538dbd4dd8a30ea7908a8c97f3", + "IPY_MODEL_6991d823874e4d04a84aa754e8987895" + ], + "layout": "IPY_MODEL_85623fb265a448c59f60006f63775ab2" + } + }, + "80369f21e53a452a96643682e78f787e": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "80408b76497344c08cfb4513cac35158": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_5d245d0916a64dd78e1aaab827071095", + "placeholder": "​", + "style": "IPY_MODEL_3b72850ab3bf40229d5d4ad36ae5bc6b", + "value": "T: 044/200: 100%" + } + }, + "805c23b18a2b4c6c9c36538a152ebc4f": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_e122b19bb522424ca16fba828c2f71f4", + "placeholder": "​", + "style": "IPY_MODEL_83a3ba7708354de296fe4d9f5001edb0", + "value": " 78/78 [01:31<00:00, 1.14s/it, fold=2, lr=0.000121, b_loss=0.425, b_acc=0.733, loss=0.348, acc=0.791]" + } + }, + "806b2dd6beec40daaca997e629ec2ac1": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "806f4b35839f44fdae86acfa6233f4ef": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "FloatProgressModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_65e988e39ff248468f18500f1c6056f0", + "max": 26.0, + "min": 0.0, + "orientation": "horizontal", + "style": "IPY_MODEL_ef9d2a7e3e6943ec947a96be12c96491", + "value": 26.0 + } + }, + "80903ac53c7e45de92f911327e214f97": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "FloatProgressModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_6030c9042c724cd08d7de81f580c09da", + "max": 78.0, + "min": 0.0, + "orientation": "horizontal", + "style": "IPY_MODEL_a4826d5146884fbbb148e75505eb7c5a", + "value": 78.0 + } + }, + "809bdd8c529f4c548b563ddd3d8b542c": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "ProgressStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "80af0ecddd0c4540beb97278444ad244": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "80c4a7b76e0d44ebbef135087a377617": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "80d540ad812243e2b2068f930718ed3a": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "80e2c0ca3cca4dc889f741989bd277ad": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "80fe0d4d94144ed5a53e765493d2ffe8": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_86fa800a40c445a79008685eb962b37c", + "placeholder": "​", + "style": "IPY_MODEL_ca1d90db41b341cb886a708a46fdd3a4", + "value": "100%" + } + }, + "810897ef8e6042caab7d0fa5484dd7ac": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HBoxModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_f7a71dbed18946cfbe89ccb8e52a2be3", + "IPY_MODEL_f53b18a3187a4ed0add942196aa0371a", + "IPY_MODEL_6704e21ecb7a4fc8baa2eeda3b53223c" + ], + "layout": "IPY_MODEL_6977ff08ecbe41c490a94423fe44b158" + } + }, + "81183245c0de4be0b75d2ba6ecb3d2b7": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "81193ee3cfe7418496ab632a0ef52c4b": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "FloatProgressModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_ca67580ea6324dc1a421c5ab50068d5d", + "max": 78.0, + "min": 0.0, + "orientation": "horizontal", + "style": "IPY_MODEL_f9036531861948e5a63bbb31870050f8", + "value": 78.0 + } + }, + "811af4de6af84383a764c3ebd96d5260": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_669fcad01944440f88c28ab96ad8a7bf", + "placeholder": "​", + "style": "IPY_MODEL_381eaaaf7ed1403792174d57c97102f0", + "value": " 26/26 [00:23<00:00, 1.15it/s]" + } + }, + "8123a15ba0c24abda58c5ac76536d16d": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_4eadf1a09fcf4587985c05821bd064b9", + "placeholder": "​", + "style": "IPY_MODEL_1ca40e68918c46d9ba847ac2ef8ec10d", + "value": "T: 150/200: 100%" + } + }, + "8125837f0fdb4ced81da952b9e4df7be": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "81585d50ec9a4a4fb7f8883a54947731": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "ProgressStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "818036c70b18478f97d8ac93c9cd6eb1": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "FloatProgressModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_dac0e2926db44b28b38429a0808877a9", + "max": 26.0, + "min": 0.0, + "orientation": "horizontal", + "style": "IPY_MODEL_1a82d0329d1247b980ed82867da8c1eb", + "value": 26.0 + } + }, + "81c98bdb6b56415eb41765438e305141": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "81fd4d0976844cef943f07bd1a9774ad": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "ProgressStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "820992b2aeef403fad822fbbf139452d": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_254aac8000824d769ece954e615b7b0f", + "placeholder": "​", + "style": "IPY_MODEL_c766db19ade245ddbde27d05fdcf56ee", + "value": "100%" + } + }, + "8222409a3ace46c7bfc7c5760c25344e": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "8225fc296f0a4439b41a4e1206b0cfe2": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_e5bcffdd33fd4ea9afb9798d968d7b44", + "placeholder": "​", + "style": "IPY_MODEL_c291ddefff96456c83633db42f616165", + "value": " 26/26 [00:23<00:00, 1.10it/s]" + } + }, + "823108843d1946188338838071adc16c": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_ef6d44a44a1d406da4697f7b49897a5b", + "placeholder": "​", + "style": "IPY_MODEL_b99fbe22a3e74b76b8bf0dd29be95a8f", + "value": "100%" + } + }, + "8234ecc97ad841c3a0f991f1240fbd4b": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "8238f6f427dc4ee3b30786a9aaead370": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "8248ebf7712e4560baf30a3f9ae308a7": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "825052592ba44be1bb693f4b20e6830f": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "82701ce0c80a4d4cb14a1f20e554757f": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "82731c58db1c452ca57e92df6919b1e2": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "827519c90ca8424f817b17d254e56dab": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_23a6374bf27c4f0aa7049a66304b2249", + "placeholder": "​", + "style": "IPY_MODEL_e819ada2841c45ec84b41b2cc0cce8e0", + "value": " 78/78 [01:30<00:00, 1.35s/it, fold=2, lr=0.000179, b_loss=0.356, b_acc=0.819, loss=0.348, acc=0.79]" + } + }, + "8286b5357fd84c0b9df43b3c874e9be0": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "82cadee82aa34692870db7b53aecf209": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "ProgressStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "82cb0243678b434da525793d7340aed7": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_972437fecd7f478b9ace1539bd6029b6", + "placeholder": "​", + "style": "IPY_MODEL_db350654548c44a4b2587921b4f279ca", + "value": " 26/26 [00:23<00:00, 1.03it/s]" + } + }, + "82d4b17747f34d348465d9ba20ca364e": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_0dbf249b83214d03a3cc59e8fef546c1", + "placeholder": "​", + "style": "IPY_MODEL_58b48c4cfa90400c8767f75d7722ff91", + "value": "100%" + } + }, + "82fa37a60bdb48078f4db99b503b1dc5": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "83292a5f4766408ea4e249c3784442fc": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "ProgressStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "8341853e85bb41608e482cb2ff13b350": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HBoxModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_b3dca3bed4864d17b9a63afea092995e", + "IPY_MODEL_316940d9015d45a8b82afd1129559c17", + "IPY_MODEL_ee98a18e574549ebb291692ba11c1a45" + ], + "layout": "IPY_MODEL_22120714e4ce441ea8844d7f8a6d8c19" + } + }, + "83596c5a781143628792a5e5ee579751": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_15c799ec86604beb9e0a514c7f8b218e", + "placeholder": "​", + "style": "IPY_MODEL_b9482118ecf043ef81d6d16e6ceaf8ca", + "value": " 26/26 [00:24<00:00, 1.06it/s]" + } + }, + "835e5fc948704de1bd4f0866efb5dacd": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "8360568c78974e7bb8bc9c8df183aa86": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "8370021c99e84c6783daac4147ee0c33": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "FloatProgressModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_c74fa0c27cb9416fba3631caabfa8eb8", + "max": 26.0, + "min": 0.0, + "orientation": "horizontal", + "style": "IPY_MODEL_8f8f9a77c64f4124846d1f1494fb4f5d", + "value": 26.0 + } + }, + "83770cea36a146b9b15bb3ee98856ca1": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "ProgressStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "837e18b8db0e4d79a05958995bc26575": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "8380d59183ff40baa93638596b805364": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_d0a084f3e8d54a469f5b4441483052d4", + "placeholder": "​", + "style": "IPY_MODEL_7d2bad6bd4da4f9595c05e5d3a5bc049", + "value": " 78/78 [01:31<00:00, 1.24s/it, fold=2, lr=2.88e-6, b_loss=0.297, b_acc=0.862, loss=0.269, acc=0.831]" + } + }, + "839112b653c04c96bf8ee475e6729fd1": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_16c218e8f22643f89a36c636234fee69", + "placeholder": "​", + "style": "IPY_MODEL_7a6f3c13297c473b89404538fd1c5953", + "value": " 78/78 [01:30<00:00, 1.14s/it, fold=2, lr=0.000256, b_loss=1, b_acc=0.56, loss=0.953, acc=0.543]" + } + }, + "83a3ba7708354de296fe4d9f5001edb0": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "83a4b8365fbe450ca9f5ec5e86c3d39e": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "83bac4c10d1f439d8503a6cdc747d954": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_0f0c428f91404d4d82ab77040497b928", + "placeholder": "​", + "style": "IPY_MODEL_1c13bbf5c306435a89bea3cfe4801502", + "value": " 26/26 [00:23<00:00, 1.07it/s]" + } + }, + "83bb48e4c0944e6d8e7029c651132873": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "83c43fee5c1648a289200a42715f1993": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HBoxModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_5ffe42c578e74510bdb0cfaad213ddf7", + "IPY_MODEL_f93bd9cdb8dc4e3485597667679c3e0b", + "IPY_MODEL_512379aadc65422ab94221fc4277bcbd" + ], + "layout": "IPY_MODEL_d42c6d829abc408689b0e04293e2245a" + } + }, + "83d5c2af3dc34d58824a771b3000d44e": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "83e8d5ccfadb46b2a16e3ce24cff5199": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "ProgressStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "83fa6e7ad7714773a43b341cc4ef8173": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "83fe45d2bc164005b39651b0e40d400f": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "841ef369fd3a4229accaf0c598bb5495": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "8432a80801684aa789f60e20793fba6a": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "8434ebcb78c940b7b28671a8e6116580": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_fb93db45c27e4c6cba857c474b05337b", + "placeholder": "​", + "style": "IPY_MODEL_93f2365ebab24e0f986a620d1e952c33", + "value": " 26/26 [00:24<00:00, 1.09it/s]" + } + }, + "845602320a4746eaacf4e7f65ad7dfc2": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "845d1986154e47c999575b02ef85fcec": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "847d8080f985468a80864bc8d30482fb": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_ec428811868d44cc9aadf422702d3707", + "placeholder": "​", + "style": "IPY_MODEL_216d910c428840bcb93c595e5150be84", + "value": " 78/78 [01:31<00:00, 1.30s/it, fold=2, lr=2.53e-5, b_loss=0.851, b_acc=0.56, loss=0.916, acc=0.553]" + } + }, + "848d043ec20b4830b3670db7327b97ef": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "ProgressStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "8493f701ca3e427cb680c1268bb5d3e0": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "FloatProgressModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_0bdc67e83ac34cc48205aebaff926493", + "max": 78.0, + "min": 0.0, + "orientation": "horizontal", + "style": "IPY_MODEL_9b357e4afb9945249a220231a4b2352e", + "value": 78.0 + } + }, + "84e0c23ab45e47cf97322cfc1c028c18": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "84f5dd31fcfc4f4d9223e4608264efa2": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_6cf45345482c4dc9b2ea912b4f6bdf1f", + "placeholder": "​", + "style": "IPY_MODEL_de533ddd779e404a99ea27166e03715a", + "value": " 78/78 [01:31<00:00, 1.04s/it, fold=2, lr=0.000289, b_loss=0.602, b_acc=0.655, loss=0.554, acc=0.696]" + } + }, + "8517d73c78eb43a8bbc1e9d748c45c66": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "85259c8417dc4393bc3c7726e26f75d8": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "852c5f83c9d04a5e9bf3585008f4a21f": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "FloatProgressModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_cf7656d920f04b0c91ed47684914b413", + "max": 26.0, + "min": 0.0, + "orientation": "horizontal", + "style": "IPY_MODEL_94e6579b06244467a9ac627383b3513c", + "value": 26.0 + } + }, + "852f55bd4301448082bed485f3a0658f": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "853be3acfbfb48849243ba3f15cb7ab9": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "FloatProgressModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_475a3dc79ae84fbb9f42cae9cb90211f", + "max": 78.0, + "min": 0.0, + "orientation": "horizontal", + "style": "IPY_MODEL_8c26b46a86724fba89488fe71aa8fec7", + "value": 78.0 + } + }, + "853d981dd2ac4ab988da0f20cf7fe8ec": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_affea3e4586f4ff68ec0cc9e10755929", + "placeholder": "​", + "style": "IPY_MODEL_3a0b8f84d2a242f2bd1a3f04f5db8527", + "value": " 26/26 [00:23<00:00, 1.01it/s]" + } + }, + "85623fb265a448c59f60006f63775ab2": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "857f607473c74314a98c7e5693504c58": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_1c109d1111ad448ca383cd02ed528268", + "placeholder": "​", + "style": "IPY_MODEL_f661fc3b76d94db3932552fce3f1bc9d", + "value": " 78/78 [01:31<00:00, 1.36s/it, fold=2, lr=0.00015, b_loss=1.03, b_acc=0.526, loss=1.11, acc=0.48]" + } + }, + "858176c99bfb4afb9bea02dd7b5fa235": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "ProgressStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "85845c9576174581ba2c88cb2a571aa3": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "859f1970a4274f28a4b5498832c9e000": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_48582b891d0b43ad801cefd009115dbd", + "placeholder": "​", + "style": "IPY_MODEL_a8d749f2be3e47ecaef9bb1c7787db18", + "value": " 26/26 [00:24<00:00, 1.11it/s]" + } + }, + "85a4f98eaa7d459487c3ffd6962b9828": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HBoxModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_92cd8d68fc0a4e27871f5905e39bf7d1", + "IPY_MODEL_56785835b6f14a2eb59f426deac90ca0", + "IPY_MODEL_00a6650b379d455985980a84842dfaf8" + ], + "layout": "IPY_MODEL_aceb7a5b61074a1da3af7ed61fc5dd47" + } + }, + "85af01f35a0e4db9921c5c9eed4ceed9": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_d2dcbe0b0e804997ab8fa85f929e6f65", + "placeholder": "​", + "style": "IPY_MODEL_196e5c7d35e44252a252811641efd698", + "value": "100%" + } + }, + "85cea36878d14fb2b96564ed8628134a": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "85d0401fd67842179413443c1d2d8e2e": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "85d38956239c4d21b0471b47180c8807": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "85dbc4d318bd42ec9d255068464af561": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_7e05e5135e964336a7d35b7d557934ec", + "placeholder": "​", + "style": "IPY_MODEL_dc12ef9bdc5941bebc3b66c43df23417", + "value": " 26/26 [00:24<00:00, 1.07it/s]" + } + }, + "85dea3c900874615b22a293da47ebaba": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_edc4599f3ace4d77a481fd8fc310ba40", + "placeholder": "​", + "style": "IPY_MODEL_0411edfa7ddc4a2999e5744bfc10318e", + "value": "T: 093/200: 100%" + } + }, + "85ee3cbf954f480aa4f0619830cf6673": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HBoxModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_80fe0d4d94144ed5a53e765493d2ffe8", + "IPY_MODEL_bc99564c45f4458eb336e5ebe9285fdf", + "IPY_MODEL_405d71860cea4d379264dfd9e0e60951" + ], + "layout": "IPY_MODEL_183e6452b6fe45a08036088712389b87" + } + }, + "8639f7c354234a05a08e2ef0170c6e20": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "863f1bc03a774ea6912788ad2a971db3": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_cb7dec6049cf423b88fe11f998e034de", + "placeholder": "​", + "style": "IPY_MODEL_96f84b02635540f4a21387bfac31f5fc", + "value": " 26/26 [00:24<00:00, 1.11it/s]" + } + }, + "8659e3a2cc244e13bd648797fdc7574c": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "8663c21bf1e14883bc38c7431b65bd1e": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_4ebcc3cb235f4072ae06e279f1a607d0", + "placeholder": "​", + "style": "IPY_MODEL_5c6db32f73ea4d33abdc97945cafc0da", + "value": "T: 040/200: 100%" + } + }, + "866961b881e5426bace3191be1d3a516": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "ProgressStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "868d4bb427ec4725b34114309ee0d5c3": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HBoxModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_d96f8be60f98419da4a661c2409f027f", + "IPY_MODEL_b414244b2ff94c2ea7fab88d1e8c7600", + "IPY_MODEL_0f095d57a20c4950997ebc9c6cabff61" + ], + "layout": "IPY_MODEL_cab840e34aa8475693b1ecf055236524" + } + }, + "86a27c5015f14c8c82fe51654f5cdeec": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "FloatProgressModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_3c7071cb5a06409d94daba5929a684aa", + "max": 78.0, + "min": 0.0, + "orientation": "horizontal", + "style": "IPY_MODEL_e10981ff3c2c477f8f3c9dd714afc611", + "value": 78.0 + } + }, + "86a5728284374b818ca0a5a78a00624e": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "86ad83d283024c01846c8adaeaebda98": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "86d6d7461b9a410d9dd282c5f4da76c6": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "86dbec363f8242a9ade3800d3e72b47d": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HBoxModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_204131a7195247268e2e8b52a10ac9f4", + "IPY_MODEL_258bacbaed8a429491500ae652493400", + "IPY_MODEL_43e3d1d735454ced8d86cfe11d99257b" + ], + "layout": "IPY_MODEL_1d8b130c014f46bda67376ecb1ca96b4" + } + }, + "86dd44131a3746bf860ae64da22c6b88": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "ProgressStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "86e33572473c49cf85df4e8d58db6bcf": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_1411a6a52378435aa91730aa10c4bc83", + "placeholder": "​", + "style": "IPY_MODEL_f2c6b577c75040aab48042fe56e10744", + "value": " 26/26 [00:23<00:00, 1.12it/s]" + } + }, + "86fa800a40c445a79008685eb962b37c": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "86fe65cf53184f7b84b907d4a73fb95c": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "87162eb47ac9476eb46186702f3ebf7d": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "8721746d34e644839ee1607ed359ec11": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HBoxModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_f25d879ae50f4427b36fae1cb259324b", + "IPY_MODEL_1bcd6014672b44e3b0f7b2d4163bca09", + "IPY_MODEL_12826d3f343949bbb17688fe420bae3e" + ], + "layout": "IPY_MODEL_4fe31b8ca0814350b9ec9d0df11f347b" + } + }, + "872c661e994f4f2b9d20dd2fcc8716b8": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "877723ed532843d987de97cc96586367": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "878a93da3a9540c88ea97524a6e2191e": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "8792ebc4498847eebfae96c8808cfdd8": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "8797f8a740054df7880521af07eab3eb": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "ProgressStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "879db4d995c84c558d2a5ee332d17139": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "87ae7abf5afb43788e4efbe312e09e7b": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HBoxModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_b57db00b8d71492497d42c635e949586", + "IPY_MODEL_df926c5bec4343689b0435524f6cc0e7", + "IPY_MODEL_60a760565de64f0a81aeb5626fc8f805" + ], + "layout": "IPY_MODEL_f163ac75ad224e31b3d4590e48bbfccd" + } + }, + "87b1c3de36024bc1841cb2da9f7d1b11": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "87b82d1670d944669d85f2911b9be82f": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HBoxModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_725220c6fc114830907587d370dc5095", + "IPY_MODEL_bfee2a02680f4649b60a0b90bf05affa", + "IPY_MODEL_0ea992b6f49f4347945b3dd52d1da0da" + ], + "layout": "IPY_MODEL_88bb895a4f814f70bde19f705a3c1a02" + } + }, + "87e0361967c84b059d148bce2cfd5fb4": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "88114c51a50d4d5cbe792cd4227307ad": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "881b5a5830794871a5ca26c521535a12": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "882a939db859422693ea3a55a22c4386": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_7bcda601640244968468c9a2b74106db", + "placeholder": "​", + "style": "IPY_MODEL_3f86db5a127542c886451a2cd76721c9", + "value": " 26/26 [00:23<00:00, 1.02it/s]" + } + }, + "8830dad21df34219a625b7a1b5223ece": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_ff42515458a4441c90f83712ac6d66dc", + "placeholder": "​", + "style": "IPY_MODEL_97b5a9230df7480a8e80f6ef7b083b29", + "value": " 26/26 [00:24<00:00, 1.16it/s]" + } + }, + "8845ce4a913f499787ae3a58d41acc3d": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_59d902d65b884efe94df73afae68aba7", + "placeholder": "​", + "style": "IPY_MODEL_e149220f7d784d9aa94c212124f175f8", + "value": "T: 018/200: 100%" + } + }, + "884f19d312bd407c9decedb48aab8c9b": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "886449d344514e75bf288fb59a6b83af": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HBoxModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_8cc5e4b3bdfa417ca5afbb24c9d6a022", + "IPY_MODEL_36d2beb50352456c8afb4178d0b09c0d", + "IPY_MODEL_20db4e2f3a2740219a5dbb8aae21934e" + ], + "layout": "IPY_MODEL_33f4c4d7f92c49f6832ec0b23afea43c" + } + }, + "8874deaf7a9c4a5ba4abc913ce22b91c": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "888a3d28d0f9430298248e4aa16c8f25": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_cd864bb0a1b143108ee80901a9bf74f2", + "placeholder": "​", + "style": "IPY_MODEL_ecde0e0b24e24f589f28687c19e9905e", + "value": " 78/78 [01:30<00:00, 1.01it/s, fold=2, lr=0.0003, b_loss=0.365, b_acc=0.733, loss=0.279, acc=0.814]" + } + }, + "88a0bf74b56c42b586119669b7541ec4": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "88bb895a4f814f70bde19f705a3c1a02": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "88c613a08627417e9d477c9b2c8601b4": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_7f065a7230214b59b65e324afd79638e", + "placeholder": "​", + "style": "IPY_MODEL_e983f50f539042d280d38a70ae9f1684", + "value": "100%" + } + }, + "88c6599dad954108926c6f6af4e5cd11": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "88cc1f22cef247d7bb8221ffb35f3176": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "88e195bedf66458fb8d81dbbfa5c9bd2": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "88e235230d544593b0861da2aae5580b": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "88e3774186364cada3ace98b0f6d3fe5": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "89186d9c961c40a0bc75e59e32a61474": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HBoxModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_b184047fe51649a5ab58eef7b63f7c1c", + "IPY_MODEL_e2413e0ac2604987bd1698e6f0d03a02", + "IPY_MODEL_d194338a3e4949b9aa4e1dace64fca6b" + ], + "layout": "IPY_MODEL_c9e0f6145b1f41cc860d6546836609ec" + } + }, + "8924fae320504b888caf71199e41b656": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_344ca0972b3f4e8090a697e205e0d42e", + "placeholder": "​", + "style": "IPY_MODEL_73d8c7ef7e324227996d149927a4171f", + "value": "100%" + } + }, + "8949b3eea1fc4887b491b032ded1f9cf": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_bfeedcd7c1c7405db2fa2968e75d7052", + "placeholder": "​", + "style": "IPY_MODEL_325c8ebafa5042c3af7fb8e55e75b594", + "value": "100%" + } + }, + "894e58a4ab684b878f63b4a9651b9cec": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "ProgressStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "8952aacf74c44327ad07d31faede63c2": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "895edc65275c4752bdc71899350ef71c": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "8974fff41bfd42079832bc2696feaf89": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "8984ba27d1404d81aba6fea2495569fb": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "ProgressStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "8987b238b30b448a96092ccac9b45ca7": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "8996cb8caf804e8abb14099e346138ea": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "89a98eeac8c040de896505f66c0ed1f6": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "89bd841a778b46a7ad5f1be4c56894db": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "89d99c247c364241bb8f8090e3095291": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "89e25439e5334b5995908740355a1b38": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HBoxModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_6badd7585d764d23a71dd46605aa1198", + "IPY_MODEL_8493f701ca3e427cb680c1268bb5d3e0", + "IPY_MODEL_d40a46339b314f8cbf856e8bb7cd71f0" + ], + "layout": "IPY_MODEL_77fba1d2311f4e1586fde42bf2eae57e" + } + }, + "8a072bb0bfc8416ba0c23829145832a2": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "8a0cdd1633984a62a771ccfee4ec5762": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "ProgressStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "8a10f7d10c4c4056bef6cadb7b5c5eda": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_fb20cd6551de4fad88234f89be469930", + "placeholder": "​", + "style": "IPY_MODEL_56d0cf2006c94a939267c8dcf8755e00", + "value": "100%" + } + }, + "8a19c260ec024d2397a6322ef77819b9": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "8a5502db299c4423a1934447ac71dce7": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "FloatProgressModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_9f4f1dca22c04d3facb5244799e12eb2", + "max": 26.0, + "min": 0.0, + "orientation": "horizontal", + "style": "IPY_MODEL_8b1df92e101745fcb2fe9ffe0e47b55b", + "value": 26.0 + } + }, + "8a5b376f1d6441db97fe59665df276cd": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HBoxModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_ccd59b5609b1481a8b8c01adcf5510ff", + "IPY_MODEL_3362a5472eda4f939b25af787fb3c857", + "IPY_MODEL_789d4e0175b44caab4ad2ca3d111dc87" + ], + "layout": "IPY_MODEL_f1a685a9e00644e4875b1d0f863ff07f" + } + }, + "8a7116b7bed442318eb8ffe59b902d54": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "8aa3303cfba742819e3c54a5c31c2dd8": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HBoxModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_0a8d7a0768174ac6ba40f048e7c4c4d1", + "IPY_MODEL_023e13ab448f43d69bd977730fadd660", + "IPY_MODEL_4fa1c44ca24e493a97ae1b99064ecd71" + ], + "layout": "IPY_MODEL_05918f1934b342fea615ebe77a0a0041" + } + }, + "8aa954cbffd1484bb13a6556a52edbd1": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "8ac0d6e81a654d529f0fa2819ba75631": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "8acbc5de7ab94a18a1a12a3f2676638f": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "FloatProgressModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_ed6ca6c8900447ae954d6f35d0ecd23f", + "max": 78.0, + "min": 0.0, + "orientation": "horizontal", + "style": "IPY_MODEL_c2dec769a0a9459d82acb2d4bcf7a5b3", + "value": 78.0 + } + }, + "8af56957f91449348f584dff9c60ee4c": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "8b1a63a76e704422aa3dc093bc0aea55": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "8b1df92e101745fcb2fe9ffe0e47b55b": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "ProgressStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "8b250baba354499fa1e9ffb81235b507": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_9f864f82a4594ed880f1e3d3176428c5", + "placeholder": "​", + "style": "IPY_MODEL_afca831ac149445cba44847f83d0a1eb", + "value": " 78/78 [01:32<00:00, 1.18s/it, fold=2, lr=2.88e-6, b_loss=0.602, b_acc=0.707, loss=0.662, acc=0.66]" + } + }, + "8b25e401bce843f2a509e689442d293a": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HBoxModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_199bed0abc21477699552241263a6628", + "IPY_MODEL_4d4e8299018f4396af84fcc366688a83", + "IPY_MODEL_8b250baba354499fa1e9ffb81235b507" + ], + "layout": "IPY_MODEL_17932919d6df48de913c7592fb6308f0" + } + }, + "8b2613175037464187a18fd6d211b7cf": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "8b32fa17b59c4e3b92e64fa7dfd7eb27": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "8b40444ff3e9499f8810fde65ffa4b7a": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "8b4ac04fbb7f41fa85430cb522795f42": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "8b869a8a40654a69b3d0f4e529a0730a": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "FloatProgressModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_7b576927e77143fd9a9faf23cfb46db2", + "max": 26.0, + "min": 0.0, + "orientation": "horizontal", + "style": "IPY_MODEL_b2026f53a1c7408dafdc667925328fbe", + "value": 26.0 + } + }, + "8b89455cbd7e4de6b6f91fb96170eb05": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_e74128b84ce344b487d7e972d1dfad1d", + "placeholder": "​", + "style": "IPY_MODEL_68a3bce6766346ff8d03b16c49d2b220", + "value": " 26/26 [00:23<00:00, 1.05it/s]" + } + }, + "8b8b88b0bf094765b0a7e21a7b75f61b": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "8b8e351ff88046bcbffad6355557ced6": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "8ba6bf20874d4d82a23645a9fdf372f1": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "8bab3853aa324edaa86d2cf420666cfb": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "8bb51296ba694c55b24a5b4eedcd8d1d": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_d3672208af6549d69541db30c8c99c7e", + "placeholder": "​", + "style": "IPY_MODEL_d8fe5c9f4b9449afa94b328bae1e4cd2", + "value": "T: 185/200: 100%" + } + }, + "8bc4369461334d6eacdf2d93737e7c14": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "8be0bdc70f2e4e0e9ef3d9c093a568ad": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "FloatProgressModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_cbbcb39a1561481fb7231173095e7f55", + "max": 78.0, + "min": 0.0, + "orientation": "horizontal", + "style": "IPY_MODEL_4d4d5887478145f38c54c0994f18ce3e", + "value": 78.0 + } + }, + "8bf2528e13e949d08bf6f04dc8b39519": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "8bfc34ce8cf540c4a4b93c74fbcbe7e9": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "8c00c4729123485bb3df039696298744": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "8c088a9dbe3a447b94c34342ce594097": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "8c10b08545f643a9bb056bcc68c6f24c": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "FloatProgressModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_cc8482ab1a744d5dbd834d1cc16a92c9", + "max": 78.0, + "min": 0.0, + "orientation": "horizontal", + "style": "IPY_MODEL_475c9c87a8fd4c7a993224012927c6cd", + "value": 78.0 + } + }, + "8c1770a12d6b4debb8701265fbdab2bc": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "8c26b46a86724fba89488fe71aa8fec7": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "ProgressStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "8c638336e47e47c4b2a82c4b877b826a": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "8c670a2f24194004b099df8dab587d86": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_9aee193aa258484fa12ee53427d1209b", + "placeholder": "​", + "style": "IPY_MODEL_e9f9589b261341a3ba3e90174b541f26", + "value": " 78/78 [01:31<00:00, 1.09s/it, fold=2, lr=0.000275, b_loss=0.657, b_acc=0.655, loss=0.695, acc=0.644]" + } + }, + "8c7adfa8d59049809cab5988f7b754d4": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "8c882a15e41c4b5686fc84cf7db244f5": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "8c911f9e4da6427e973b888e1cbb2844": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_738c30166b3840f4a521b8ebbd777fce", + "placeholder": "​", + "style": "IPY_MODEL_05ff1be419e6489b9c101693010a0cd8", + "value": " 26/26 [00:23<00:00, 1.19it/s]" + } + }, + "8c98bea7e27b405c8a4ee45f43a74d5e": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "8c9e1abf084c4124bc7d7c4a7ab37cec": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "8cbda9a94c0b4645872400f1b4c2658f": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "ProgressStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "8cbe365a633f4e31856f531ec9613c26": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "8cc5e4b3bdfa417ca5afbb24c9d6a022": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_97a2cbfa62bc4a2691b438e71400ae33", + "placeholder": "​", + "style": "IPY_MODEL_2cef856bc37d4e0ab5fbc84b42cc9861", + "value": "100%" + } + }, + "8cc7258bf20c427fabd5aef27ea9e363": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "8cd0027c9b534d54ae90663c1e807958": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "8cdf69670d8548a69dd55f06a2a03895": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "8ce2a8c8a4cf444993ed896d233f3a85": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "8ce92cf145684a3f9db0fbb4029fd70e": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "8cf983ad530a4a6daf883fd694d4282f": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "8cfb78b6b0534fb586c2d9180c620644": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_4cdcd3be01c8495993bcc112d317cfb9", + "placeholder": "​", + "style": "IPY_MODEL_da4c9ee84618489e8c4bf854bb7ddad3", + "value": " 78/78 [01:31<00:00, 1.16s/it, fold=2, lr=0.000297, b_loss=0.604, b_acc=0.629, loss=0.628, acc=0.668]" + } + }, + "8d0e33ced26e4269bec40491091941a8": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HBoxModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_65d9fe6d738f4961a031369ec2b60445", + "IPY_MODEL_4c67b2ad70164e98b4835f2b2aab502c", + "IPY_MODEL_d54d277edd7a450d978466cb6f534cd9" + ], + "layout": "IPY_MODEL_d02a25d2912b40f0ab58f08b08985f0e" + } + }, + "8d17538be8ab4146a9358e81cbff4306": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "8d1e595a539a409bb416a2263e0adc12": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "8d4584135ae149f6a937d7d54f29c639": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "8d584c3f30e643ca9ec960c6a862ad49": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "8d6bc95884554954a5e68df49f3be755": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "8d82481bb4644eb39ea8b7fadd81aefc": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "ProgressStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "8d98949a89b24f98b40046307cdbd7e3": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "8d98ab8a600e4c9eb9ed35306c02db33": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "ProgressStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "8d9b5bfca2df43ea9a2504cbd7e63124": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "8da847c5c99841b1b78ac169a282dbeb": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "8daaa2bb11c540538b2c256de7dcf891": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "8dbc3fc06f27428fa75fa48119a0ff8a": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "8dc67d36e2bd404280be3c64939ed630": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "FloatProgressModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_cf9dd564ce114577a3dd3597687812a4", + "max": 78.0, + "min": 0.0, + "orientation": "horizontal", + "style": "IPY_MODEL_7b22b94cb79b4ba0920ff05bdac374de", + "value": 78.0 + } + }, + "8dd72e56af1e4bfe912771899c67635b": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "8e03fb7b00114448b0bb4fae93b259d6": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "8e0fbe80037741f6bcd0309cf127f44e": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "FloatProgressModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_4731b641a42a42a290a34f296bd709d4", + "max": 78.0, + "min": 0.0, + "orientation": "horizontal", + "style": "IPY_MODEL_3fe04597d00746288cb6d9dd7a2294cc", + "value": 78.0 + } + }, + "8e13ac24bc664d0c9c8fd27cd3047a72": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "8e2ee140d25440259a75c41ce6ed9f80": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "ProgressStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "8e3fe2b3c8b945a5b6a23d76041362eb": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "8e49903e5aca4a05a735e506a8e2e54c": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "8e87d227fa74487886ad9dc148cf586f": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "8e8f0b361b9d4005bd3a7a18a7a5db11": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_368bf7ecb1094e169d2df199aafa530e", + "placeholder": "​", + "style": "IPY_MODEL_d480dafa99264b5d927fce9fd9e64ca7", + "value": "100%" + } + }, + "8eb0498ac0ff41a48cdc58bba7f0f227": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "ProgressStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "8ecdabb0b5d5478280ab9771e9384670": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_bec212a9a6e949098153803dfdfacf3d", + "placeholder": "​", + "style": "IPY_MODEL_685a7f85695f4192a488f05b674597a7", + "value": " 26/26 [00:23<00:00, 1.01it/s]" + } + }, + "8ed91b53c641456f8a8d42e94b37b11f": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HBoxModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_5bfe2aa6bd8f4c858d2aaf82139d12a2", + "IPY_MODEL_0c5fbd08fd554deaa60985438ea0c403", + "IPY_MODEL_a25cbaf5d52d4123899d8986d662d261" + ], + "layout": "IPY_MODEL_1758eff98eae4ea18a421bcb8b4e3660" + } + }, + "8edaf6ad3011499294e35d36d49ff1d7": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "8ef82546d5004541875e0edf5369de37": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_2cb51ebb863941779bde3ef3d90f6c8d", + "placeholder": "​", + "style": "IPY_MODEL_b833b4fb6136461b82df8bcfe81911e3", + "value": " 78/78 [01:30<00:00, 1.12s/it, fold=2, lr=0.0003, b_loss=0.651, b_acc=0.681, loss=0.631, acc=0.668]" + } + }, + "8f136826774942f9af745c2292421c2f": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "8f14c68fce8b404da85497032c3112bd": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "8f178af2f9964579b2773c7a89787c67": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "8f2c57950961456ebfc72f549212e423": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_af5bd096d9324a2c86949e874794d174", + "placeholder": "​", + "style": "IPY_MODEL_917b1056fbde44fb88b61bc06ececcf5", + "value": " 78/78 [01:31<00:00, 1.04s/it, fold=2, lr=2.53e-5, b_loss=0.226, b_acc=0.845, loss=0.289, acc=0.818]" + } + }, + "8f4922db2b6641c7bdcde47834113ab2": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "8f4923ae3c6941cdba8a388d0d3f57d2": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_9feddfe810b942a3aaccf6b0558dcc60", + "placeholder": "​", + "style": "IPY_MODEL_9f1644bccacf44f3940f930309344714", + "value": "100%" + } + }, + "8f4be07c4e54418cb150bb8678e97908": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "8f4d0938788a48cb8c7f8ec5a6789113": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "ProgressStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "8f52dc9455c6482dba843406de6f8a3b": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "8f65d4da5a80416f9ccc23d4ac8fd08c": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "ProgressStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "8f7c7e138b0441c88bc396014b897c94": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "8f8b849e9df94bbb83dde59160ce968b": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "8f8f9a77c64f4124846d1f1494fb4f5d": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "ProgressStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "8fe2ad0621ca4efb89dcea21600a9cb0": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HBoxModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_85af01f35a0e4db9921c5c9eed4ceed9", + "IPY_MODEL_497a5e21a39d4bff85a1d55b5530e3ef", + "IPY_MODEL_f982e56a610741af8593181a23415698" + ], + "layout": "IPY_MODEL_f532d8d86bf040bbb6c194b73eb4871f" + } + }, + "901f91915f724b2fb8a1fd02f10764e3": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "FloatProgressModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_4bdbcf6489a54b8f97d2132cca436259", + "max": 26.0, + "min": 0.0, + "orientation": "horizontal", + "style": "IPY_MODEL_7ae41f7ad9d7461a808279a5495bca48", + "value": 26.0 + } + }, + "902be713a262406c84e66d17eac75a3e": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "ProgressStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "903b77a5cf704a9881bd7aac425657ac": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "9060c5c671a8472e8e096676abb6e095": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "FloatProgressModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_a7b125deb33747c2b4c83f34282037cf", + "max": 26.0, + "min": 0.0, + "orientation": "horizontal", + "style": "IPY_MODEL_647accc521c9489fa3d62da81107b52c", + "value": 26.0 + } + }, + "90895821cec24701b94aa36a39824e78": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_4c6e64e217fe491aad0645986139fb4e", + "placeholder": "​", + "style": "IPY_MODEL_f245ec69431e46bcb74a8ab1ab505fae", + "value": " 26/26 [00:23<00:00, 1.22it/s]" + } + }, + "908ab0bcd8e74123ac644316b119ea94": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "90bc5579003d4c4f9bd332f8dcc83405": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "ProgressStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "90cdf6c6c6ca4cc68cb80cbb2e08d794": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "90ec9d305526489fad364a2c9af17fb0": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "912826f7dd7f41fc991f05f3594ba94b": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "912c7ab80a764be48c6c6b3822508452": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_1fca800dc52f4ff78b4dfee89d5c71c3", + "placeholder": "​", + "style": "IPY_MODEL_541bf005d8b242c6ac299ca5fea589c6", + "value": "T: 173/200: 100%" + } + }, + "914e73df5ffa492e9fe17733a2694610": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_21ab60b5852d4ed6b1d8659a153a6d3a", + "placeholder": "​", + "style": "IPY_MODEL_93cf2df057824dda86c8a9f7f017b655", + "value": "100%" + } + }, + "9156e315d0234352a47f7e4d174cc8a8": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "FloatProgressModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_3d2e7de730c843bdbbe08d0121a37693", + "max": 26.0, + "min": 0.0, + "orientation": "horizontal", + "style": "IPY_MODEL_ac2e26ae7aab4087aab6b52e11cb9636", + "value": 26.0 + } + }, + "915f2d346b56420891e5fac5c4352a6c": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "ProgressStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "916f30d8c10445eaa8f2477d81363c75": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "917b1056fbde44fb88b61bc06ececcf5": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "917eb336b7144354928fb63ffb9ecf02": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "9180cb3d674b418597c71ef5f40adea0": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "919b3800d0bb4b7fa6c739cf16f888f7": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "919c9fab40f8443ba979dc2401ccdaf3": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "91a9c483b7274f838e1a52c5984234ec": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "91b86ccd1ce5481aa42cfc2958b669d1": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "91c490cb08604b9c81401e12506012c0": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "91d5d8be6e3b44abba85e5b08b75d75f": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "ProgressStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "91f2b72b862245f98e0f50e708ffcfcb": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "921c148de2ed495896183f5c8de2996a": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "922427cbeec84995978573ebe50e85ea": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "922567f3b1414d41ae93bba3ff50a7d0": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_e6867b6dcba840aab00b9da2ac4955d3", + "placeholder": "​", + "style": "IPY_MODEL_3d872f02227442e3afdf0525589a6188", + "value": "100%" + } + }, + "924d058fa18c423788c011e4d09d82b2": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "925245dfd9824db8b76319b60ddf58a2": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "925589b0bb074b2baa28e18ed2797d92": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HBoxModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_082f6d6a63f7484092626729b0d6e54b", + "IPY_MODEL_c01f3f7d5eca4d5f8359781a8f87da24", + "IPY_MODEL_6dae93701fb64d69a85cc3577eca53bf" + ], + "layout": "IPY_MODEL_3c726f65306b498cba8a6b089d4bc84b" + } + }, + "925db3a587af492c83ffa5cf0090d1e3": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "92637c373f7c4c80857e64a39dfacee8": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "9263c3ea7bf2452f8bcfe0b56c651e44": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_7b2ddfc745234c418c847e821057dc2a", + "placeholder": "​", + "style": "IPY_MODEL_c58c3778d4724efc8bce8e1e6b357cc1", + "value": "100%" + } + }, + "927d81c7ae004201b42ff3f898cc0bf1": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "928b3b298f1a4bfaa72b093f25ea0303": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_7a662ad002514a23b189f27d9db26494", + "placeholder": "​", + "style": "IPY_MODEL_8cdf69670d8548a69dd55f06a2a03895", + "value": "100%" + } + }, + "929a5a5423c64c85b5ced72960f02fc1": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HBoxModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_f863dba9f51d4780ad4dae96b8e41257", + "IPY_MODEL_5d4aa2263fc64b5a8d6f8adfec55a053", + "IPY_MODEL_dce6b385ec9a4cc6beed60d2d49896be" + ], + "layout": "IPY_MODEL_19c2cf1f5dc045c3a234d9a230e3d18d" + } + }, + "929ceff03a6a41df9bc32276baa4fdeb": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "ProgressStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "92ba96772e464dea987bbd58583f5f5d": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "92cd8d68fc0a4e27871f5905e39bf7d1": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_2c63acf029ec4b97b29ea25c8917d115", + "placeholder": "​", + "style": "IPY_MODEL_8bfc34ce8cf540c4a4b93c74fbcbe7e9", + "value": "100%" + } + }, + "92d21c43e6754ee4b55cdb8695273e52": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "92ed7a3be9e144d38858a831a2d33393": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "92f70df2f5044fad86b55d9c67608a32": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HBoxModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_82d4b17747f34d348465d9ba20ca364e", + "IPY_MODEL_bde05da83c11418c938b1445fe44ef5f", + "IPY_MODEL_a9cf0f204fd944058f2d78eeff048cde" + ], + "layout": "IPY_MODEL_7a990b344f3f479591a896c5325965e8" + } + }, + "92fdd96e37c44f2a8fce847ee1fee954": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HBoxModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_616d347adcae41f1a2736126905dcc5b", + "IPY_MODEL_3888fc263a8e478fbd83c2139661c54a", + "IPY_MODEL_313afd0432c84925b600aa0e5895f1e1" + ], + "layout": "IPY_MODEL_0e6abc2aba664f0cbce8e1dc32edd2c2" + } + }, + "9335816eaacb4ff1ab1200b1a97adf96": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HBoxModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_ebab791d071d4fd79a3ccfc9da5aecb0", + "IPY_MODEL_4ad6f7d65fe64c309de97c4d960a3a21", + "IPY_MODEL_ec6635360d5e474794be6729f72551e4" + ], + "layout": "IPY_MODEL_30c11872811c438fa01b47cac4cf8849" + } + }, + "935cfd26ce7b472f9aecb792a7ecf8de": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_a1378c47282648a688635885349d4325", + "placeholder": "​", + "style": "IPY_MODEL_c0855a3c42f5495da860d36987f87301", + "value": "T: 008/200: 100%" + } + }, + "936392f5f4ed444da5dd6763910d132e": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HBoxModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_88c613a08627417e9d477c9b2c8601b4", + "IPY_MODEL_764dc99d555f4072a91f4136f7bf53da", + "IPY_MODEL_863f1bc03a774ea6912788ad2a971db3" + ], + "layout": "IPY_MODEL_e904b88453084fdba661685673536473" + } + }, + "93712aade2074b2195c276354627c6c9": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "9373b8cf62f642dcb526bf3c1af4e28b": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "9377d85f76f044628a94a176000a18cc": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_c3401bb7519f4cae8c61b8d0f5089197", + "placeholder": "​", + "style": "IPY_MODEL_0e541889f9c04c5788ce6187229581b9", + "value": " 78/78 [01:31<00:00, 1.24s/it, fold=2, lr=0.000289, b_loss=0.242, b_acc=0.871, loss=0.405, acc=0.763]" + } + }, + "9391b3485fde4e2dbca9909c0a4b8f45": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "93964d6f43f84dd396c9b0aa389d130f": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "93a1fc2ea7fb46df90b8a44475b6052e": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "FloatProgressModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_ffd4e380b026446baaeed71cc0a6f062", + "max": 78.0, + "min": 0.0, + "orientation": "horizontal", + "style": "IPY_MODEL_d8a777aaca074f639366526cdfbd2fc0", + "value": 78.0 + } + }, + "93bb3f171c6947e0aa619155220c1bda": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_a10978a3517f4b60911c5bd36d507556", + "placeholder": "​", + "style": "IPY_MODEL_ca54928efeb3427d9316af932e0b67b1", + "value": "100%" + } + }, + "93c9a91b711b4531ae3b3e8d503f19cc": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_3cd0de20fc8f4856bd2830e95a3d16ed", + "placeholder": "​", + "style": "IPY_MODEL_1598e4ef3667441287a30ba2f78fbf7a", + "value": " 78/78 [01:31<00:00, 1.27s/it, fold=2, lr=0.00015, b_loss=0.726, b_acc=0.655, loss=0.675, acc=0.648]" + } + }, + "93cf2df057824dda86c8a9f7f017b655": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "93eb28055abd4b5e960ba18fead4f756": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_fd914e28e60d4c49b53740847653b82b", + "placeholder": "​", + "style": "IPY_MODEL_b25518e537ca4177bc7bae9c56667637", + "value": " 78/78 [01:30<00:00, 1.11s/it, fold=2, lr=1.14e-5, b_loss=0.315, b_acc=0.836, loss=0.376, acc=0.78]" + } + }, + "93f2365ebab24e0f986a620d1e952c33": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "94138e0f3da245ed8f56a53ea760c259": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_a83c5235bd0f401594ac3df2fbfc4772", + "placeholder": "​", + "style": "IPY_MODEL_8248ebf7712e4560baf30a3f9ae308a7", + "value": " 78/78 [01:30<00:00, 1.08s/it, fold=2, lr=9.26e-5, b_loss=0.238, b_acc=0.871, loss=0.197, acc=0.867]" + } + }, + "942356f01fe74c0e9c00c567ae25bd25": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "FloatProgressModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_ca6bb83582064bc887b38d720a7c1003", + "max": 26.0, + "min": 0.0, + "orientation": "horizontal", + "style": "IPY_MODEL_866961b881e5426bace3191be1d3a516", + "value": 26.0 + } + }, + "94545dd2c00544cd83123d62bc6043eb": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_63da8c47616d40dcb4eeb7d3fcc803bd", + "placeholder": "​", + "style": "IPY_MODEL_85259c8417dc4393bc3c7726e26f75d8", + "value": "T: 074/200: 100%" + } + }, + "945be843994941a88a928bfd3b8ed4ab": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_e518fc49fe5c4aafb37aafc059445fb1", + "placeholder": "​", + "style": "IPY_MODEL_c305c31c9d384d3b9e30b7e40e8f01bd", + "value": " 26/26 [00:23<00:00, 1.03s/it]" + } + }, + "945d5b00db9a4fbfb963d4c2beb2c775": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "9460cddbee0543debef3b892581d5657": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "94715d46d0794c0797cc6fbc2bd71c78": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "947349a9a0a04d349d81262e6398590b": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "ProgressStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "947972328c1742669b9288d4caf33cd3": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_3e72cdf4c8354c3fb91f2f16924ea64a", + "placeholder": "​", + "style": "IPY_MODEL_28ad3812ec364c31a9f04ee3f2049b0c", + "value": " 26/26 [00:24<00:00, 1.14it/s]" + } + }, + "94849cf5ef3a4829bbf43b7bb694be52": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "94886dc0b190466180468e436577a609": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "94b390ef66494b40857a1d42b545fc1e": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HBoxModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_c51a5f713a3d48d187b8d4cf7c27916b", + "IPY_MODEL_bca4c1c06bc54fb2ae04ae32a1c15ef0", + "IPY_MODEL_41d8dff15990467286404af4778e9303" + ], + "layout": "IPY_MODEL_e766b56070a74a48bcfc72dea6a3e7c0" + } + }, + "94b7effcafbd4ccab6bde03b09df2571": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "ProgressStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "94bf1bd8ba2a41bd94b829c82b66e75c": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "94cff65958184a3aa33d32cfd1b29db7": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_f9b9e8197e9246ca88e93f64d707d0ff", + "placeholder": "​", + "style": "IPY_MODEL_04cf1f0a7d894e18992c7dcafd9b0403", + "value": "100%" + } + }, + "94e6579b06244467a9ac627383b3513c": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "ProgressStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "950788a0db4d46b783ff4fb0d0b0c5c1": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "950845c5c83a4ca49bbed877c7611116": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "9519c5ad422449929e9739cebbfff483": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "ProgressStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "95301063cc7d4ce5a386d8512b245888": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "9550d8673db44c248b9a45674c00afd3": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "9553d18dd0a149c4bb6a540c201d824e": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "955ee6c718dd4824b78e82c2709d65b2": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "9561c4cccc88478db4eaabdb06655e2d": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "9565cf473c964440ba94236c5a06a35d": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_6b307109feaf4d36b62b49cc6340dc18", + "placeholder": "​", + "style": "IPY_MODEL_5be39f96ed1c4b5b92fd141a5cbda7ea", + "value": " 78/78 [01:30<00:00, 1.14s/it, fold=2, lr=0.000179, b_loss=0.185, b_acc=0.853, loss=0.213, acc=0.854]" + } + }, + "95a54f574ef04f3fa2ebb96fc0bfd07f": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "95b5eeef166e4fc59eaf3b98cdb5f3f0": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "95b861d6d17e4ff4bdd0842b83980b5e": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "95ce4f2d4360482e9ea9591e688d883b": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "FloatProgressModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_5f9550792ef7447e84f50911edfffd54", + "max": 26.0, + "min": 0.0, + "orientation": "horizontal", + "style": "IPY_MODEL_e02d08d3cc9a4580846f70ab892d2cb1", + "value": 26.0 + } + }, + "95d28b6b0d36437bb5c0aa24f21249c5": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "95f06acb25994614850e1cafb3b43cc8": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "960296ebe153401f8bdf0ac4fb10347d": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "9607db45d71941298a96d4a0da222568": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "FloatProgressModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_bb4a4837445842cbbb5c462a92e9e9b0", + "max": 78.0, + "min": 0.0, + "orientation": "horizontal", + "style": "IPY_MODEL_929ceff03a6a41df9bc32276baa4fdeb", + "value": 78.0 + } + }, + "961abc60a8ba44b485d021f18a7247cb": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HBoxModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_4f06b6befe4045e0a67bfccf9a67c34e", + "IPY_MODEL_6bd5e4eb33204a9091ac6b00f77856de", + "IPY_MODEL_c83da4c22d4448c2aa428c93b479dc43" + ], + "layout": "IPY_MODEL_5ee1b2994f6a436a86e650ead6134893" + } + }, + "9647062b9a4646b0ba996c54d1f38df4": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "965318028bcc4e0b9f9d8680cbc902f6": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "9663eb25440e42019177368b2df615c9": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "9665a383f13b447dbaa21b6ad3df2a32": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "96799fb1e778472f839324f0673f78aa": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "967da6a3a8a04ef7a1f357e5cde0caa8": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "96c2acf1fc724f2cac80237095ac3be9": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "96d13e783309486ea5c822a4644cf15e": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "96d349de3c1145e2b2d330a33ac842e7": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "96e45fb6bd6e4868a8414c7d7dfca60a": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "96ea0989c9864bb38d2ce9e6da419f5f": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "96f84b02635540f4a21387bfac31f5fc": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "971c11d5f1d142b3bc1c1a473f353de1": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "97239665a6604f6885f38272e3a2bc74": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HBoxModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_c8e0a213353444e99b987aef97b5e2b1", + "IPY_MODEL_4898c4afc9534f25adbae39e2a497c96", + "IPY_MODEL_5854e423a7174b3188c1eed3ff0c1624" + ], + "layout": "IPY_MODEL_7e6ed5dbfd6d4b2b9b9ab86217c3e460" + } + }, + "972437fecd7f478b9ace1539bd6029b6": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "9763049653f44cf2bf52b094beb548dc": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "9766b013386c455096abcc79cdf5b4d3": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "9769571ae5604210905c584f2ea6e524": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_704e4010ad2449fe80f543749ebf56f4", + "placeholder": "​", + "style": "IPY_MODEL_4851e4abc833449d875b4810a53f50cd", + "value": " 78/78 [01:33<00:00, 1.09s/it, fold=2, lr=0.00015, b_loss=0.324, b_acc=0.767, loss=0.293, acc=0.811]" + } + }, + "976a68fec9b743c2a8746835f46aad64": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "9785451686aa44f88ad65046b6ce0718": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "97871977195e4001b7722cb6a94e47ef": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "979e5336fb634f6386665f22960665bb": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "97a2cbfa62bc4a2691b438e71400ae33": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "97a4a1b9b738409dbded36035dad9cd4": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "97aa200f6e0b469aaf2dcd8f2f747b24": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "97b4e2b0204c43a7a94da42de2b14a72": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "97b5a9230df7480a8e80f6ef7b083b29": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "97d55384804542238a220b0e69225a2b": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "97de4de333f541a0b22de297d9c359a2": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "981f783868da45ae858f43b33c066923": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "982448e83d1d469683161784a3eef000": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "982c9d21852842d2aeb65f938fb2bc3b": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HBoxModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_736df46524b3455793f87d58662a6326", + "IPY_MODEL_5372b805afcc42b8bc779e7e2c0de919", + "IPY_MODEL_ac0652d96b934868ac760d2b2a9829f8" + ], + "layout": "IPY_MODEL_ca4f233c01144622be5cba07bf5f2fa2" + } + }, + "98370b3e1e434bdb9429a2ca175bce92": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "98596b1fcdef40ed9a2e67e9857f80d0": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "985dbbd7e69e440691fd18d930b5dddf": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HBoxModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_8bb51296ba694c55b24a5b4eedcd8d1d", + "IPY_MODEL_17fb5342247a4f9198a9fb343ddbc3fc", + "IPY_MODEL_04804116847c4601a68a404cb4c62eac" + ], + "layout": "IPY_MODEL_a6c417b8cf5f4e988a2a3da21b95445c" + } + }, + "986789664bb2489bbbfaeaa06bccf308": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_3fdf5f900a9044d39eb6b3e94a848785", + "placeholder": "​", + "style": "IPY_MODEL_76fe112b891e4c2cba9aaf3c2e9a204e", + "value": "T: 166/200: 100%" + } + }, + "9868646b92ed45e4aabaf01004b1035c": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "9884137079ce4e148d5622c484e338b6": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "9889e894b455471e9adef2ee42645481": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_362a1861210b4d2b88fd26f862aeaf9b", + "placeholder": "​", + "style": "IPY_MODEL_a97ff8aed11d4d44a711e9db4434459c", + "value": " 78/78 [01:31<00:00, 1.32s/it, fold=2, lr=0.000121, b_loss=0.589, b_acc=0.672, loss=0.549, acc=0.704]" + } + }, + "9899396f83364d1cb598df231306013c": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "98a68c4d8e5d4e648c44043c59d622c3": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_653d3400f783429e95c8b7259dab40df", + "placeholder": "​", + "style": "IPY_MODEL_ec48136608db416ba8caf12f11021217", + "value": "100%" + } + }, + "98a9ff85f77045d2b801f8718be426ab": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "ProgressStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "98c6a12ac8244817bb2de2204427b660": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "98c7ad16794c4d1195d92a10edadd525": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HBoxModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_d66d2f22f1fb4b4a8c2c8d582e3545f6", + "IPY_MODEL_a89dd37ae26e4668a63bf8c459c32467", + "IPY_MODEL_82cb0243678b434da525793d7340aed7" + ], + "layout": "IPY_MODEL_0894c5cd52524da2b35b901c68072344" + } + }, + "98c88d9d933342f0ac24c4fc4e5915cb": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "9916fec658d0418fa26e37c86ef36b43": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "FloatProgressModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_64424662b161450296fa59b7895176ae", + "max": 78.0, + "min": 0.0, + "orientation": "horizontal", + "style": "IPY_MODEL_de608a37dd934055828a3583c6954e4b", + "value": 78.0 + } + }, + "99398be55e894a339549db6b0187856d": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "993c6c5281124f3488bdddcc49047279": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "994aedeaf8c94ffcaff4062d7581f001": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "9967131abd744492b6bc71486b263c87": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "99a2866ee93a400080eb590e5758c79f": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "ProgressStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "99aefe149fdc46a68f035be3fa0c9733": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "FloatProgressModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_da32a838a7174d1f926d11af7fe72609", + "max": 26.0, + "min": 0.0, + "orientation": "horizontal", + "style": "IPY_MODEL_131fc36a2b4e48e0a7107a85ceb31018", + "value": 26.0 + } + }, + "99b518d0c5694dcfbaf30a0a348b0cc7": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "ProgressStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "99b6c535e59e4206b0225e1e8fccae51": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "99c0179398134fbcbf27fcdb992c9a06": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "99e05ed9f71d482b811747fa661ec44d": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "FloatProgressModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_2d7a4d426ff54827b6c9d912c99a0d5e", + "max": 78.0, + "min": 0.0, + "orientation": "horizontal", + "style": "IPY_MODEL_fd249d2cf5f04bc2881028bf2bd5a412", + "value": 78.0 + } + }, + "99f247d63b9b483687850fa8d146fe2b": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "99f359393cbb46faa1986b8041594fb7": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "9a079dd006fc43a78f5abbaeb9d0f14c": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "ProgressStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "9a27c530e47d47a9b8616d7533aa0229": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_2c8ba2f8463546f2b0c64e9d2c5ee606", + "placeholder": "​", + "style": "IPY_MODEL_d8caf8e71870440491290d44b45e0a4b", + "value": " 26/26 [00:23<00:00, 1.17it/s]" + } + }, + "9a4946afa00b466c9c8ec92abe07831c": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "9a5d82ddb4254797841492ac973a4ded": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "9a5e99821cb7432e9d7eb752b934b8b6": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "9a62fe6036d94c90b1d5ee68777022cb": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_dc4d6d60fc8841a4ae27db7a03096650", + "placeholder": "​", + "style": "IPY_MODEL_6ded29d0b9554b6c827403028904b3c2", + "value": " 26/26 [00:23<00:00, 1.08it/s]" + } + }, + "9a63f72348b34d7b8d70304a1ff241fd": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "FloatProgressModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_4146090eb73447b5b4d727d72b537597", + "max": 26.0, + "min": 0.0, + "orientation": "horizontal", + "style": "IPY_MODEL_7f48404790df42b4933211730da6547f", + "value": 26.0 + } + }, + "9a880ecb8ec642eabde237ec41e3a860": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_def15dc19c0c4ebf91a167c71e86fa80", + "placeholder": "​", + "style": "IPY_MODEL_fd58a4f2740d45fa844f1bfd9a3503b8", + "value": "100%" + } + }, + "9a9c9e944e984fa4bf8c357863e7c8f8": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "FloatProgressModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_e27dd1f335764bbbac6216376de70d33", + "max": 26.0, + "min": 0.0, + "orientation": "horizontal", + "style": "IPY_MODEL_025a73c117754e7e8d7d7fbcc062cc21", + "value": 26.0 + } + }, + "9aa12802aa7445a1a71ab6deab375337": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "9aa3a021eb85446a8a7b6ba56f2c09ba": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_09355b9427dc4affab97aefb04ec149d", + "placeholder": "​", + "style": "IPY_MODEL_7694b0a133ff4037b272e46eef4b4756", + "value": "100%" + } + }, + "9ac0c251fcb145588637141378bb4840": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "9ad0230ceb174314993ffc0405be1c83": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "FloatProgressModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_6f1a61a42ba242d784586282ac5b5dfb", + "max": 26.0, + "min": 0.0, + "orientation": "horizontal", + "style": "IPY_MODEL_83292a5f4766408ea4e249c3784442fc", + "value": 26.0 + } + }, + "9add843f16c445a0aa553d022799e617": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "9aee193aa258484fa12ee53427d1209b": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "9af411a4adc04ffcb4a668b6e7560e00": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_38f1456ae22b45daa1c58ec783abd79e", + "placeholder": "​", + "style": "IPY_MODEL_0734d77fd7f54f669cfbf5cfd49e1603", + "value": " 78/78 [01:30<00:00, 1.29s/it, fold=2, lr=0.000233, b_loss=0.664, b_acc=0.647, loss=0.558, acc=0.697]" + } + }, + "9aff3ca8a8cb4fae930941d287bda7da": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "9aff5b1f6beb4733814676e3ca6d0196": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "9b0d60c7f3d34e7b8443708a3061f859": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "9b205d953089498693253142d9977edc": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_f9ca29d0387046f481829bf47c56f8ae", + "placeholder": "​", + "style": "IPY_MODEL_32ddebd31284459891f47af6c37a1a64", + "value": "100%" + } + }, + "9b22010e004544a998b9d88fc8a959c8": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "9b2655115f734f3f9fb98038cb34e2d2": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "9b2d6f99f69f47cb99502bcad430b28a": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_e6d2e61e895d43a5a770bec968bb35ff", + "placeholder": "​", + "style": "IPY_MODEL_d2865abe37f24b43b995ce6728847c4b", + "value": "100%" + } + }, + "9b2f180fed4f43e48a13d37ae420f587": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "ProgressStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "9b357e4afb9945249a220231a4b2352e": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "ProgressStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "9b4cf6c3bf8142838035e43ad1eba8c4": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "FloatProgressModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_77f09e1917b54b0d91b770eb60c4a9ce", + "max": 26.0, + "min": 0.0, + "orientation": "horizontal", + "style": "IPY_MODEL_47a71629607141e1bf08958c1fd5d6c3", + "value": 26.0 + } + }, + "9b5227a49ea342c8bade5be71c8bb8f2": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "9b5bc38c2394444da4d1a3fd04879ea6": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_281d13c2fd61477984063fea93ab7b40", + "placeholder": "​", + "style": "IPY_MODEL_6f5cd492b24645bc9b82e3a1155d384a", + "value": "T: 137/200: 100%" + } + }, + "9b6a265e613a43dba4dcf2f26375aa90": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_391965771ea14dff9aa19aa0329e8fe4", + "placeholder": "​", + "style": "IPY_MODEL_7a3d7a1213b449b78b9c3b424de07d24", + "value": "T: 196/200: 100%" + } + }, + "9bb3b15401be40639048a80a599d25d5": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "9bc0ba125c86484dba2ddc15c4001456": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_1a05ad2b52db4ede98ef001be894aba8", + "placeholder": "​", + "style": "IPY_MODEL_7f1e5137c09948eeba78df70d3bb9b91", + "value": "100%" + } + }, + "9bc72c3fa20b41b685e80decc9f19244": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "ProgressStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "9c11bca9b7424dcc9827b0b90118666f": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_103e553a3bb14ceb82b3d6295e988e1c", + "placeholder": "​", + "style": "IPY_MODEL_57ccfebf5f394e5f89bffee87c2eb88e", + "value": " 78/78 [01:31<00:00, 1.12s/it, fold=2, lr=6.67e-5, b_loss=0.404, b_acc=0.75, loss=0.593, acc=0.684]" + } + }, + "9c15a8d395d64511ba5391f34b6e3421": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_ebdc321418224a04bbcfdb6eab7fb57c", + "placeholder": "​", + "style": "IPY_MODEL_6f507a7f02904e2297c1f29cce6e7a38", + "value": "T: 065/200: 100%" + } + }, + "9c45f8f7742f431d9436034e3929943e": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "9c69ea65c1864ff39ae05708061ce0fb": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "ProgressStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "9c8c249961264404af9a41712c82e06f": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "FloatProgressModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_396ba7e7346b4e318d876b11c23bce1f", + "max": 26.0, + "min": 0.0, + "orientation": "horizontal", + "style": "IPY_MODEL_023638d3a58645c68f208a56b091b238", + "value": 26.0 + } + }, + "9caad2ad95204460bae78d979bc743c4": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "ProgressStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "9cb9d810bf4b4c7ea14475404b35f172": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "9cc6e02b81cd40329c88878608b40547": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "9cd3ddeea6d44cdd9d4b9c8a3d9da4b2": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "9cdc531d8056457aaf4f0eb2f5a8042c": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "9ce5e809d94a40a1a3e7b400cf4748b5": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "9ce7b9b5622146d38e1d723b30283513": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "9cf57c197c7a4e99be6b73b3d60e708f": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "FloatProgressModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_d7609c09bc464a7797a11d7519c8bf7a", + "max": 78.0, + "min": 0.0, + "orientation": "horizontal", + "style": "IPY_MODEL_20a6d6556e644a5b85db5290278178bf", + "value": 78.0 + } + }, + "9d05faf096ab4f44a0742bb34b344d73": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HBoxModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_06da5b941fe24e05a7d1b6cb2d58ed9e", + "IPY_MODEL_86a27c5015f14c8c82fe51654f5cdeec", + "IPY_MODEL_0ed5c40478b6425cabf68227446ee5d3" + ], + "layout": "IPY_MODEL_382ca3087fc249e0926747840d934fb6" + } + }, + "9d0e431241af48528d77616361c841e9": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "9d1a311b61884ddcbc4419b8aa4d6e3c": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_5dfeffb154a2457686b206d2d5e585a0", + "placeholder": "​", + "style": "IPY_MODEL_f0be79ef4e7748c48f02fbde7121830f", + "value": "T: 100/200: 100%" + } + }, + "9d2f25fc85ac495aaac8ba015940835c": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "9d3d56d74bf248989b87b24fb3a52d6c": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HBoxModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_1cb5fea394324406b2bf4f8b062cf8b7", + "IPY_MODEL_68f8591629ee4e5ca29d7b46017ff8a4", + "IPY_MODEL_2dc525cacffd46009b4453c7974dfda9" + ], + "layout": "IPY_MODEL_004bf5ea84174bdcb30b5c8a5c918a02" + } + }, + "9d595d1cfa3847be9acddaa2dd3b0104": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HBoxModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_3d0559b9c6ea40319e987c5307f2c498", + "IPY_MODEL_f8a2aae12ea7430ea2738569b9bf1d49", + "IPY_MODEL_ab30417ef58547e895574028963dfdb1" + ], + "layout": "IPY_MODEL_1561bfd5500941fcac2d1c0cdff31cb6" + } + }, + "9d5bb2c26f9846ba9d4f3eb55653f337": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "9d884a19700c4bb1980a4d03dd0326d0": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "9d94548c261648b99fac51efdc701cf9": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "9db4ba105ea24761a71b301552be3525": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_bfc8b62ed5f24ab097bd1c90e509f989", + "placeholder": "​", + "style": "IPY_MODEL_3e587b1f15924858b0f51ba91278557c", + "value": " 26/26 [00:23<00:00, 1.13it/s]" + } + }, + "9de1eb2056a54413ada3f8a0a191d163": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_79cf133e506a4e91ae07356ee61070f5", + "placeholder": "​", + "style": "IPY_MODEL_d53479d1cd6e4b10b3b9b41b9c7374fe", + "value": " 26/26 [00:23<00:00, 1.19it/s]" + } + }, + "9dee4df133e54d889af267853d6621d6": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "FloatProgressModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_e97667639c494f489ac049ae2b489e69", + "max": 26.0, + "min": 0.0, + "orientation": "horizontal", + "style": "IPY_MODEL_becd09a47be241c0b07fbc88fe981d17", + "value": 26.0 + } + }, + "9dfcf170823048088021a6ba5b088085": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "9e11fc5966c44a1a95096e149b4e3b17": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "9e19f917bd8241a588fa3066b6fe79a9": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "9e1e229b28aa4806ab2579ab3ad240e5": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "9e49d92ada5c4c099e057ab41bcf941c": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "9e77b8a92cbe4f8b8300ad3e6becfb04": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "9e8fa63611624703a8b155ad401c4e2c": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "9ea181b7f3bd41c1931032eafc87844e": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_11477ee9d67348cd85cec7ecb35975ae", + "placeholder": "​", + "style": "IPY_MODEL_3b8214e67263486eb540b0c5c4bf0f06", + "value": " 26/26 [00:24<00:00, 1.05it/s]" + } + }, + "9eb612f68be841da9ad20ea2d313a323": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_104695d2611043159d89ef760824b848", + "placeholder": "​", + "style": "IPY_MODEL_b7b8a372ba3d4859bfc2bfa1c5aff14b", + "value": "T: 082/200: 100%" + } + }, + "9ed063eb263c4a038e04705740bd26b8": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "9ed1bd20efe64842a7239be5ab48ebef": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "9ed721de040a42cf8e215072bc73b5e4": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "9ee261c042e944dcb059055c916937dc": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HBoxModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_796853d260da478eafad29d4ab867bf0", + "IPY_MODEL_231b564523494dc694f977804d65c320", + "IPY_MODEL_038c564a6b70438b81e9f31745785a0e" + ], + "layout": "IPY_MODEL_ba73f9d4c09e4748b620ca6287bcbd4d" + } + }, + "9eebab9240554dc48ca8611363ca0af1": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "9f1644bccacf44f3940f930309344714": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "9f2f68211e014d3184ab4828772e4dfa": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "FloatProgressModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_6ea8589e8a834125bc94b0acdf4ccd88", + "max": 26.0, + "min": 0.0, + "orientation": "horizontal", + "style": "IPY_MODEL_98a9ff85f77045d2b801f8718be426ab", + "value": 26.0 + } + }, + "9f315ce9e08b44a1b5310d93d320d4a5": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "9f3550a1f4da448fbaf54f43a572f810": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_a7681c2314a54058818bb67c80585812", + "placeholder": "​", + "style": "IPY_MODEL_c1009de7324646eeabdbbd06526a5df8", + "value": " 78/78 [01:31<00:00, 1.25s/it, fold=2, lr=0.000297, b_loss=0.511, b_acc=0.741, loss=0.731, acc=0.634]" + } + }, + "9f4f1dca22c04d3facb5244799e12eb2": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "9f51f05f1865448882cefdc92cfadb59": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "FloatProgressModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_9460cddbee0543debef3b892581d5657", + "max": 78.0, + "min": 0.0, + "orientation": "horizontal", + "style": "IPY_MODEL_fef9ffdf70bf42799e0c1f34c127bb86", + "value": 78.0 + } + }, + "9f65f728b72849aa8af02e6fa75885ff": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "9f6bd18d5989481594bb4f9dbd9d7985": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "9f742254ecbf409da2faef9fe7008bd3": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "9f7e0c518ae8447898998a7f283c1cf0": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HBoxModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_4cc7dccf3c5044aa813647db16092363", + "IPY_MODEL_8370021c99e84c6783daac4147ee0c33", + "IPY_MODEL_3acef061b4b24adab87f4b78db09c9ca" + ], + "layout": "IPY_MODEL_2ca1334e9c0443f88ca36541da42b867" + } + }, + "9f85764c4c9b48e6a35e10dc62f43d03": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_fdfc0d6c07f84c06bdd9236ac5fdfa26", + "placeholder": "​", + "style": "IPY_MODEL_561975dd273340b3a2a6fc0292ed3d3c", + "value": "T: 003/200: 100%" + } + }, + "9f864f82a4594ed880f1e3d3176428c5": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "9fa97ad1e4f1456aba09392fb3b80346": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_1f3e0875dc4f4ca081f9a831c09543e6", + "placeholder": "​", + "style": "IPY_MODEL_4329c76621b2409f96734840f139b15f", + "value": "100%" + } + }, + "9fd6dad283964dc58e9b0d0f88b4905a": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HBoxModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_e152e9672a4d42e1b3333189ea7f0c76", + "IPY_MODEL_0fb051826dea45bba7c19c6a899f4929", + "IPY_MODEL_5d980fc833c24dd1930ec5802b78e58e" + ], + "layout": "IPY_MODEL_8125837f0fdb4ced81da952b9e4df7be" + } + }, + "9fe14ec233ad4dfdb0e747eb0a86102d": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "ProgressStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "9fe1c30324a142709bdb6dec048468f0": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "9feddfe810b942a3aaccf6b0558dcc60": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "a005cc33be11429dbc3175f8f4bf44d5": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "a0322a924f204a2aa2b30da0d93528b7": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "a03e59f5a361412ea9fb391278a8a71f": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "FloatProgressModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_65cb55e19c4c4e88b7f955c433ef7581", + "max": 78.0, + "min": 0.0, + "orientation": "horizontal", + "style": "IPY_MODEL_6c1a97a04201400aaf8bc56794eafcd1", + "value": 78.0 + } + }, + "a07ff0a885be4788a0e8b562c99f43dc": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "ProgressStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "a08b30b0b82d48e992757d9f9315a076": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "a09a41a53cb2412aa29d34c4e65742a6": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_e2ab5436f4bd4a6189e030e826975845", + "placeholder": "​", + "style": "IPY_MODEL_b1c9492b9b0a4221b69227ec9b1490c0", + "value": "100%" + } + }, + "a0b0e1e69d3243f6b745fb8ab378b229": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "a0b7a69892274a548de4f5fdb76ab59e": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "a0cdc1d5cded4ba39fd8ba89ad1fb484": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "a0e14e5e5bbd437d987f10dd68bf421d": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "a0ee50449be4427f94d79cc7e9f54af0": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HBoxModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_d220694311724d319c27dde0daee9f58", + "IPY_MODEL_6f8a8c11ac1347788f09c74804564192", + "IPY_MODEL_702c0b2d916a46ada95067f36443f606" + ], + "layout": "IPY_MODEL_908ab0bcd8e74123ac644316b119ea94" + } + }, + "a0f2167aa74941f49c6c474db722bf2f": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "a10978a3517f4b60911c5bd36d507556": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "a10eadb781a84c5fab863ab170c8c8f3": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_f8db2b53fb3749aeae10146c9729da9c", + "placeholder": "​", + "style": "IPY_MODEL_feff020da14740568cd4562cc1973a73", + "value": " 26/26 [00:23<00:00, 1.17it/s]" + } + }, + "a113aa2e3a29404fbb96ebdd3ccb7fa2": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "ProgressStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "a11c817c56c5443d841908fd236e8ddb": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "a1378c47282648a688635885349d4325": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "a1455b8060054e12aa1ad81932016011": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "a1543c146cd24ebab7b7f2f2fbc55d39": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "a158e5dbbf9e4c41a734b5f20643678c": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_a4d95bdffce84f5ebd15cb652e2313b3", + "placeholder": "​", + "style": "IPY_MODEL_76dab0bd44d245819814be1ec5b7af73", + "value": "T: 163/200: 100%" + } + }, + "a17f79071e16451fb48bcbc9ead06ea0": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "ProgressStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "a189ae7614d241778aa675a2fef28f75": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_835e5fc948704de1bd4f0866efb5dacd", + "placeholder": "​", + "style": "IPY_MODEL_e9cf71e62f5441529e2b3d3f98866aa9", + "value": "100%" + } + }, + "a19bb85f72a44a08b8cf90a38185fb30": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "FloatProgressModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_eeba33a9241149daab4b122ccad91026", + "max": 26.0, + "min": 0.0, + "orientation": "horizontal", + "style": "IPY_MODEL_bdae004349c34b4489bd06706dd78769", + "value": 26.0 + } + }, + "a1c26e85e9634529aae6d73deca95f90": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "a1c48b9d7c884ab2a68cef37a34f2412": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "a1dba6d506914d9bbba246190e24a76e": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "a1fe98c274994ccaaebc7af47c2a4b56": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "a201a6085cfc41b8bba18e13169a1f4f": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "FloatProgressModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_c927e6d10cf6482dbe83010bb39a9dda", + "max": 26.0, + "min": 0.0, + "orientation": "horizontal", + "style": "IPY_MODEL_2d2d225fd0724b8d8d3080ae44ea4454", + "value": 26.0 + } + }, + "a218ac982c0e492d8ac3571f521cb27a": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "ProgressStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "a21b526f0144416f8a47f7e5d81cf3a9": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "ProgressStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "a2216ac37f5c4f0891cd5a33b25c4397": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "a22a656036f94808aae465da7d46b8cd": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "ProgressStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "a23808f3c2334447845809df59e7ae72": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "ProgressStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "a245ef31d6e341a991930d6fb26bae4c": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "a25cbaf5d52d4123899d8986d662d261": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_1bb2c633344e4bfa81fd464c5005a211", + "placeholder": "​", + "style": "IPY_MODEL_f7fea1eb93a84562a7d6101d6adfe5d5", + "value": " 78/78 [01:30<00:00, 1.06s/it, fold=2, lr=0.000256, b_loss=0.468, b_acc=0.707, loss=0.588, acc=0.684]" + } + }, + "a26b55a4e97049d9ae0bb0f74594701d": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_96c2acf1fc724f2cac80237095ac3be9", + "placeholder": "​", + "style": "IPY_MODEL_28565a9b48d04f1ebeb53898fc80b5b5", + "value": " 78/78 [01:31<00:00, 1.17s/it, fold=2, lr=1.14e-5, b_loss=1.05, b_acc=0.5, loss=0.897, acc=0.558]" + } + }, + "a2770571ab5e4555ae38d01cb3282b6e": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "ProgressStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "a29527ac00fb4385b4bcf29d536f2350": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_da0eea58accc45749ac80e086345cac4", + "placeholder": "​", + "style": "IPY_MODEL_72f6225f955242e3a4e1343e0953fbc5", + "value": "T: 197/200: 100%" + } + }, + "a29680b0264d480a8a7a2dabf9c69810": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "a2acada97ba147c3b0a72bca6777215f": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "a2b370e5232c4263bc3bdbedf138f534": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_c42ca854c4d34254853dde4369c03950", + "placeholder": "​", + "style": "IPY_MODEL_7bc9499d4c814e9686543d1dae7619c1", + "value": "T: 123/200: 100%" + } + }, + "a2b6f9ca0d264e65833a58aa215161d9": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_5e6830b6b1c442329e166d173707b237", + "placeholder": "​", + "style": "IPY_MODEL_088000e103c347a5bd1543e569a3f04d", + "value": " 78/78 [01:31<00:00, 1.13s/it, fold=2, lr=4.39e-5, b_loss=0.987, b_acc=0.509, loss=0.937, acc=0.541]" + } + }, + "a2cba5aafb3348cfba02bedbf51e60ef": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "a2e6d6b7b56c4a64a2213242553b4a7e": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_022a1e93a8964fc8907cd209eb9bc851", + "placeholder": "​", + "style": "IPY_MODEL_e99852a5fa1b411c99fce085f024eaac", + "value": " 78/78 [01:31<00:00, 1.27s/it, fold=2, lr=0.000207, b_loss=0.213, b_acc=0.81, loss=0.292, acc=0.81]" + } + }, + "a315a86fc8a744458920eb5d5b4d102c": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "a32413a732d24e80b6ef1b142bfe2db2": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "a328508be0e242e1add959cb04aba6da": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "a32b2b69132c4d6a99d2eb1f0f2b6c56": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "FloatProgressModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_7654940be2dc4d2983e2c6f3d29490ae", + "max": 78.0, + "min": 0.0, + "orientation": "horizontal", + "style": "IPY_MODEL_ff704ca633934932847088562f521849", + "value": 78.0 + } + }, + "a32d3be57c18446291d106d893355cba": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "a33370e828a14d4bba0d20b4f28e7ba4": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "a3410b0238a94f409ca139f2751feea1": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_0bbd3abb975f4c25846ca055c9781382", + "placeholder": "​", + "style": "IPY_MODEL_32c2cd1cc0f0419e900df6b73559aef1", + "value": "100%" + } + }, + "a347afd10fd641fa9b19b30308ef2302": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "FloatProgressModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_67ec2dc4152240318143157ae8db1a0f", + "max": 26.0, + "min": 0.0, + "orientation": "horizontal", + "style": "IPY_MODEL_5078d5a2c8994a6a8f4cefbd59894eeb", + "value": 26.0 + } + }, + "a3522b388e4c4eaa9f468907f145540b": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "a3585ff5f2f846ddafe6c1389e0e04f7": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_5c674d31f70d422c8476cba9370410e2", + "placeholder": "​", + "style": "IPY_MODEL_bdefa2d1674d4a9c804f8199920f5d48", + "value": "100%" + } + }, + "a364eaf34a5c4c9eab99ea39685834c6": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_6ee872e7952d4a07b6ebeafca13c7a2d", + "placeholder": "​", + "style": "IPY_MODEL_f919542dbfd54ccfa0eb4355ee7f6324", + "value": " 78/78 [01:31<00:00, 1.11s/it, fold=2, lr=0.000289, b_loss=0.539, b_acc=0.724, loss=0.483, acc=0.725]" + } + }, + "a367e533dd754b6ba2f67463a820dd5a": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HBoxModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_257a8b1d59ea49eaac76e9b80293b5ec", + "IPY_MODEL_b43d7e5ae83044faa00e37e93b089b8b", + "IPY_MODEL_216ac6a9914e4a919424f40b311f0891" + ], + "layout": "IPY_MODEL_729efeff36db48fda4b63d7b5fe663ea" + } + }, + "a3d06fccacdf40b79e4ea85faf362417": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_de4cb1bbc7e342e09cb3e0f482e204f4", + "placeholder": "​", + "style": "IPY_MODEL_0c1cec92d2e94552a04bb3dc48075e3b", + "value": " 78/78 [01:31<00:00, 1.21s/it, fold=2, lr=0.000121, b_loss=0.596, b_acc=0.647, loss=0.466, acc=0.735]" + } + }, + "a3ee03c246364517b50cad98aa4fc076": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "ProgressStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "a3f5e5e1796f4455be6fe3d4114c4d8c": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "a3f6b900133347d7aa9af1d332d63023": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "FloatProgressModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_90ec9d305526489fad364a2c9af17fb0", + "max": 78.0, + "min": 0.0, + "orientation": "horizontal", + "style": "IPY_MODEL_4bd0afe849964eef8371f40b20ac6c57", + "value": 78.0 + } + }, + "a410385d5e6747a0b12faddd05078faa": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "a41861834e2c4858878d3f5306eda25e": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "a4233c9d456d4aa59ca17ec900885848": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_b81b662d6c2844f1bf2a50f5c10cb91a", + "placeholder": "​", + "style": "IPY_MODEL_77898c8190bf47349140708d52ad7544", + "value": "100%" + } + }, + "a42edea221ca42b4aa0ed145d34504e3": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "a4310049ca0241fab052353624d28c3a": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "a43b38f678db42018afc15bae1599d4f": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "ProgressStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "a446da0935da4980bae2a8619a5ca98e": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "a4494eead14042b1a84602d72b986ee1": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "a4506754b9f94e32bfb2c4916425ab80": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "a4826d5146884fbbb148e75505eb7c5a": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "ProgressStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "a49358aad81448e7b341cf36b5f52b3f": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "a497f199488141b0aec8e24ecc36bde2": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "a4c170c37c07496c952a35d3aaa5374e": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "a4ce16b8121842ec91cd27aee964ccce": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_cdefa9fe9e9d4d8d99c6679840e7fd82", + "placeholder": "​", + "style": "IPY_MODEL_098df8cc73ee4b92b1fa1ec1cb88153b", + "value": " 78/78 [01:31<00:00, 1.05s/it, fold=2, lr=6.67e-5, b_loss=0.515, b_acc=0.716, loss=0.511, acc=0.721]" + } + }, + "a4cf90edac8046839b109b5f2b7dcc04": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "a4d95bdffce84f5ebd15cb652e2313b3": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "a4e3023fa94d4327a331e24293bed844": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "a4e8dcb6d3674f9182d3a9c1de0f6439": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "ProgressStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "a4fd3f5f64d0406fbfba65dbfab1cdd4": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "a5030d9e24824c1caceb4a967bdf4098": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "a529025b99e9410f9a2158e62644aec5": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_b45cbcb0bae948199b0cacd92b9589a4", + "placeholder": "​", + "style": "IPY_MODEL_d6ac96f07e37428cacbf348c0d0a6b7b", + "value": "100%" + } + }, + "a5315a5f985a4c5eba532e78677a32a2": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "ProgressStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "a55033dc384c4ab4a12a1142005a9d6a": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "ProgressStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "a55102bf99274a26a0b4f002cefd671a": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "a553533f2f8a4438994240e8f3b230ab": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "FloatProgressModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_185038e3de07434e838bb9663bc2ed92", + "max": 78.0, + "min": 0.0, + "orientation": "horizontal", + "style": "IPY_MODEL_70d834cd2f924c8ca3ec3d9665e028e9", + "value": 78.0 + } + }, + "a5574959688c42b1ad691692cc1b3474": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_47a1c24d3e2f4b58bf264f64918ce148", + "placeholder": "​", + "style": "IPY_MODEL_ecd7caf3d61645f5ab690ad2046ad81e", + "value": " 78/78 [01:31<00:00, 1.13s/it, fold=2, lr=4.39e-5, b_loss=0.132, b_acc=0.897, loss=0.196, acc=0.872]" + } + }, + "a56d0a4250ce43ab94f3f086ee56baa4": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "a570d98e041b4396a3e6dc3f748d04db": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HBoxModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_0dcc8d341e4a48ff91bf1d51ea770a4c", + "IPY_MODEL_d65736afba194474bdf412614ff90ecd", + "IPY_MODEL_4248196a49444ef4ba2af6b7fb4c43f4" + ], + "layout": "IPY_MODEL_c310c9bf0b124258ba4a430d072804c1" + } + }, + "a5a2d9b3586b49a49e9fed7d60dddc83": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "ProgressStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "a5a3cc0b589049c0b637a3ad4777c2ce": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "ProgressStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "a5e3451bc014494b8dfd7657cc6aa0ac": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_0650b1ca2415428bb56a78b2e2aa6671", + "placeholder": "​", + "style": "IPY_MODEL_3e644eae3d4b412f89642d8e4583ba9c", + "value": " 26/26 [00:23<00:00, 1.14it/s]" + } + }, + "a5ee12d31367402e8391f68d6858edc0": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "a5f31c9995a7416b91011f10316f3240": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HBoxModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_c1b4a3ceab984544b5a89e268f12f922", + "IPY_MODEL_d2734d8fbc4c4935bb68abcfc28dd108", + "IPY_MODEL_1eea4e5395d14d3db9c9c78faf12f7b5" + ], + "layout": "IPY_MODEL_1bfdb89a9cc14522abc36354b6b5d083" + } + }, + "a5f371979f2e420eb7f3a0ee486903a3": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "FloatProgressModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_dcec023b7cd44156bca99113e7cb1000", + "max": 26.0, + "min": 0.0, + "orientation": "horizontal", + "style": "IPY_MODEL_bc7b1c8ed89b4c5cbd90eefe38f01b3c", + "value": 26.0 + } + }, + "a62429ff8910478d9353f94bbc63d134": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "a637e4336e9a4ecc8960a3546425a2e8": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "FloatProgressModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_cddee367f6624c95a79af63033964f04", + "max": 26.0, + "min": 0.0, + "orientation": "horizontal", + "style": "IPY_MODEL_b1e15fcbb5de49428cc48bef360c40d1", + "value": 26.0 + } + }, + "a63df9eb260d44b1839319e4d723f7b1": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_7e41009b625e4e3bb304500a6dc781cc", + "placeholder": "​", + "style": "IPY_MODEL_9ac0c251fcb145588637141378bb4840", + "value": " 78/78 [01:30<00:00, 1.15s/it, fold=2, lr=0.000289, b_loss=0.209, b_acc=0.828, loss=0.33, acc=0.795]" + } + }, + "a65d237c6a564d249ef40ee89e1ec742": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "a65ec3bde52b4c6088d0d37ea2c77c30": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "a660e049a6924bc0b46bb972333948ad": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "FloatProgressModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_aa7300e106e44e74a70783861974a8c7", + "max": 78.0, + "min": 0.0, + "orientation": "horizontal", + "style": "IPY_MODEL_d4e9659c39ef4b31b4cd77161a117eb9", + "value": 78.0 + } + }, + "a665df7323784664aac38e292f33fac0": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HBoxModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_d60f6057eff44a9382a0805b0f454e61", + "IPY_MODEL_28e5211763914352a6f9551c7de35eb5", + "IPY_MODEL_1bbeffd271834360b7be04a42be2fa60" + ], + "layout": "IPY_MODEL_1f227c75346e4f7fadad4bf5d0fc082e" + } + }, + "a668012461bb4eeca600e95dcd7ca6f4": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HBoxModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_935cfd26ce7b472f9aecb792a7ecf8de", + "IPY_MODEL_abf82d7b51574c49ae4534dd9876ce59", + "IPY_MODEL_100e8a0f2f1b4fadae2952a484c70311" + ], + "layout": "IPY_MODEL_f8e76c08c25943d393de52207cd5ca7c" + } + }, + "a6733c735fd84a7396f7b16c27856bb2": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "a682d73e5c8b42ddaa051fbc0d728fed": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "a68335e7ce9449fb8186be593546ff79": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "a6922c82f52e45559d013bb11704b058": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "a69953e83cfc46428624a4d4d4e17456": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HBoxModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_ae10924e11784ac9856be8a93f4a24ef", + "IPY_MODEL_654979d5ee1d48408d1744fbeb42151e", + "IPY_MODEL_1206b6fef70440c785fa9d51234c2db4" + ], + "layout": "IPY_MODEL_cb56c162a8564665beaa51eb865bba27" + } + }, + "a699e0a1dcf649b7bf130a75f58376ce": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "a6c417b8cf5f4e988a2a3da21b95445c": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "a6c6b8db1da544298a6cfee8075e31a7": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HBoxModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_168259b84aed4fdd91cdafbd7b31dfd4", + "IPY_MODEL_e14704c2698e41f7afa5764473b0d357", + "IPY_MODEL_f0eeb7cb15714223a486fd6b890f6098" + ], + "layout": "IPY_MODEL_a5030d9e24824c1caceb4a967bdf4098" + } + }, + "a6e1e3c1d29c4a8795f285c7bcbee461": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "a6fe6c86e9894609accd49f15cf85001": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "FloatProgressModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_7b6d346e3a4a4f2193f3eccb1768c33f", + "max": 26.0, + "min": 0.0, + "orientation": "horizontal", + "style": "IPY_MODEL_ad3e0ae1774b4cf8828baeb39fde3ad2", + "value": 26.0 + } + }, + "a70dd3c18a8545ac8125f396950fd86a": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "a713f0c6d8a94e83a115f51132787cd0": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "a718095623b54f2b8288166da1d353b2": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "a72794cd73044be6b3af9303e1348bad": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "a728631d123e495cb44ae18ce92dda98": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "FloatProgressModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_523788158e88462f84c2206b88b02aca", + "max": 26.0, + "min": 0.0, + "orientation": "horizontal", + "style": "IPY_MODEL_392461286ccd4b10aabbebe9519769c2", + "value": 26.0 + } + }, + "a72a95e4d5bd4d4f8a9d2c30e903b45b": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HBoxModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_cda10fd48b654476b5c72cf3dc345a52", + "IPY_MODEL_1aec54db9aed45768fcfb2b0fe836d6b", + "IPY_MODEL_10c620fabd2541a19254e8b2e1534247" + ], + "layout": "IPY_MODEL_cf5ec7abc5d8430391427fb52faa64b5" + } + }, + "a7308f50545e4d3cbebcc33dae9b0edd": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "FloatProgressModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_abf46cf8a9654710b67ae79821be84f5", + "max": 78.0, + "min": 0.0, + "orientation": "horizontal", + "style": "IPY_MODEL_cac8d533c9954a2089fa3f3f9c419619", + "value": 78.0 + } + }, + "a73c8b6e04964cfebc6f6aba9966ed1c": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "a7467d16ce8c44c4b5e719d4088ea155": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_8d6bc95884554954a5e68df49f3be755", + "placeholder": "​", + "style": "IPY_MODEL_05edfd5e5339411481da6841e5555872", + "value": "100%" + } + }, + "a74991de112f41349a552c8dc144dd6b": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "a751859a17e348a6b6545fe46aca8cad": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_b8478ffc34384d148ac2b042b6f3afcb", + "placeholder": "​", + "style": "IPY_MODEL_217cfaa301b74f0cad89da41b898c033", + "value": " 26/26 [00:23<00:00, 1.19it/s]" + } + }, + "a757c53992e04d369103556ba407c08f": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_9b2655115f734f3f9fb98038cb34e2d2", + "placeholder": "​", + "style": "IPY_MODEL_2fcddd8b27ae4c2fa34d5ac7c34338a6", + "value": "100%" + } + }, + "a7681c2314a54058818bb67c80585812": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "a772c1e7bcd04883bd8d3933a93df437": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "a77949e13059451fa46e1431dc4173bc": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "a77e245745724ef5bf25652b27ab7c40": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "a77fb6c0ef734f71b94b957d90f75163": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HBoxModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_1b84a1f20632480981e215812b951577", + "IPY_MODEL_e571284439374fb0bbe7cae66cf6cebd", + "IPY_MODEL_b9347eab5bcf4c468ebe054a7c253a40" + ], + "layout": "IPY_MODEL_c31b005f0796444d92486f369a201647" + } + }, + "a78cd90cd02245568ef19b01a81e6a59": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "a79a1d37be7a4773bcee50f6cc2ebe99": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "a7b125deb33747c2b4c83f34282037cf": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "a7c80f597f934f56af3fd4b8e3c6b39c": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "FloatProgressModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_6bd85f3d19ee46e98ef7d144fbeb30f9", + "max": 78.0, + "min": 0.0, + "orientation": "horizontal", + "style": "IPY_MODEL_b84fbeafe24b4f4fa4e2527bcc233eb3", + "value": 78.0 + } + }, + "a7e19350ee9a4fdfa9b84a8e9cfd6263": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "ProgressStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "a8130c2636c840dd8d3b6cd69f26f469": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "ProgressStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "a82cce1df6234833af26613bf23bc72e": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "a83c5235bd0f401594ac3df2fbfc4772": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "a8478a8f7411475c9b5a6e8b5ae19c4a": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "a8572cf76c554b6d909eb781f75dd5de": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "a85d3bf2b4474be5a43a4c107445d45b": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "a88a65e0e79643a58ea9b4b045d98910": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "a8965003504c4720802670df53a11e41": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "a8972f39d24241a987c0f76b3bc5b9fb": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "ProgressStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "a89dd37ae26e4668a63bf8c459c32467": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "FloatProgressModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_7dc0c22dbd9d403485e3dbf35291547e", + "max": 26.0, + "min": 0.0, + "orientation": "horizontal", + "style": "IPY_MODEL_ef90e2d91d3e4b34b3c011989bedd6ba", + "value": 26.0 + } + }, + "a89ff3986c6b48b797f35c21972acb7c": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_097f9ea6989440d48ad398a9021e9204", + "placeholder": "​", + "style": "IPY_MODEL_03d126a3b4c444d8882509035fd680f3", + "value": "100%" + } + }, + "a8a6ef7ddc0147b88ee81eecf82e7acb": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "a8aa9e7ac42f45f7a99cf0c25fa85319": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "a8bec867cb9a485a857c77b79dcd4758": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "FloatProgressModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_52ca84f9e6014f169c248e3e59b9818c", + "max": 26.0, + "min": 0.0, + "orientation": "horizontal", + "style": "IPY_MODEL_36924f451fb8482e988048c9f0575e5e", + "value": 26.0 + } + }, + "a8cef07acba44e3ca35bc222d45ecd50": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "a8d36862af6a433ead8f82d6b9a187e4": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "ProgressStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "a8d749f2be3e47ecaef9bb1c7787db18": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "a8dd644a35be43fb90794dc9852f68d0": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HBoxModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_62484aa78f4649eebf78bfb4eb3ed061", + "IPY_MODEL_6a4b0d676a0544aea7fc3d0347696b3b", + "IPY_MODEL_e96cf576d7cd45c2bb75c066f266c979" + ], + "layout": "IPY_MODEL_505afbbc8ca7444da212e119e328c7f6" + } + }, + "a8ee613f5c624e249bb8d0a912bc1019": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "a912075ad4ec43328ba39daa8dea2f92": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_372f3e6d395d4b7abe2519cd58f82078", + "placeholder": "​", + "style": "IPY_MODEL_f14305e32f4f48ebb941194244029ba6", + "value": " 78/78 [01:31<00:00, 1.14s/it, fold=2, lr=0.000233, b_loss=1.33, b_acc=0.405, loss=1.29, acc=0.418]" + } + }, + "a940010d742947239c1068e55008a497": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "ProgressStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "a94ebcfde1184fc3a1228fd036c8c477": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_202fa9274d0b4da08df69ff38017cfd3", + "placeholder": "​", + "style": "IPY_MODEL_126f12f6cd1445e8baac3b87fa1549e5", + "value": " 26/26 [00:24<00:00, 1.15it/s]" + } + }, + "a955a9afc77a4fdc8267e11d64a7fc14": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_bf0198ac43f04f649bf32fb67b0661fb", + "placeholder": "​", + "style": "IPY_MODEL_cab8139f18644b4ebf82b1d32c7fa084", + "value": "T: 007/200: 100%" + } + }, + "a95c87b4cbe34ca9918bf4b79725e3ee": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "ProgressStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "a966d013ba9349f7a9dcba2093a09b60": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "a9753ccb4d0e424b9841531b6f3ae52e": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HBoxModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_b99f6ee3b5bb4869b5854b1790947662", + "IPY_MODEL_7533dd8734c74cb0ace460b6916ba6d8", + "IPY_MODEL_8c911f9e4da6427e973b888e1cbb2844" + ], + "layout": "IPY_MODEL_4fa0dddf603e41c1a2b6d9f34f192454" + } + }, + "a97ff8aed11d4d44a711e9db4434459c": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "a9895c7b4fd34542aa611dcb4b2d1a3c": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "a98a9c5117ef4753af8b9eb6b27d8f75": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "a98b4a60419d4edda4f4cc78bff85a14": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "FloatProgressModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_cfeedf7229ea4af5ba33773f4f6ff26e", + "max": 78.0, + "min": 0.0, + "orientation": "horizontal", + "style": "IPY_MODEL_b195d2b54d4f4d5e826cea52290e9400", + "value": 78.0 + } + }, + "a9aef5abc7b545e4b73181021b514ad4": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "a9cae730e8ce4b1698bc8a244c957d44": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HBoxModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_1e2342c10490494097a1ff8bc0f2d81d", + "IPY_MODEL_b47c7a5ee1c04107a9dd11bd2d40db69", + "IPY_MODEL_33dcd345d6384a268f22d0b13122a8ff" + ], + "layout": "IPY_MODEL_3f66d0710de84459ad428f49869f2135" + } + }, + "a9cf0f204fd944058f2d78eeff048cde": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_732534245f4748f595a0dbf173a61ec2", + "placeholder": "​", + "style": "IPY_MODEL_24e86c3259834200b23469afaa89b2af", + "value": " 26/26 [00:23<00:00, 1.03it/s]" + } + }, + "aa2c4f4c3b76475385f2ac49abde8f63": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "aa50ac8447264e639092affd01c40711": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_c9cf34649fc342da87eda3b1b57890f6", + "placeholder": "​", + "style": "IPY_MODEL_9647062b9a4646b0ba996c54d1f38df4", + "value": "T: 135/200: 100%" + } + }, + "aa52635a99c04e35bad2b1ebe408d73e": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_e56d6ac4f2d24ed08b9351ea3c878c75", + "placeholder": "​", + "style": "IPY_MODEL_4bedfc612b974059bbc0594b160394eb", + "value": " 26/26 [00:24<00:00, 1.01s/it]" + } + }, + "aa5bd51b041448b69359bf2d04e57695": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_8f8b849e9df94bbb83dde59160ce968b", + "placeholder": "​", + "style": "IPY_MODEL_7ecfd118a4694d9187f0cee016611b1c", + "value": "T: 155/200: 100%" + } + }, + "aa60e94fea794f94a19bf1af10339c12": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "aa62cc2f87bb4a21b43daeb62a9b080f": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_dfedebff41a84ef7b43a706809a6b8b6", + "placeholder": "​", + "style": "IPY_MODEL_c18ed22954d745ddbd3721301d1fdb3a", + "value": " 26/26 [00:23<00:00, 1.18it/s]" + } + }, + "aa7300e106e44e74a70783861974a8c7": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "aa79a3defaa74e8bbc79a5fadbbbc48e": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "aa7dca4be8e245ab9764b47a43b56aa4": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "ProgressStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "aa83052c4f8c49e39b3e5fd702c40bcd": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_de86b39e543748788c2d6d45bb45f31b", + "placeholder": "​", + "style": "IPY_MODEL_29e1b84baa1149239a88c56f616c42e6", + "value": " 78/78 [01:31<00:00, 1.05s/it, fold=2, lr=2.88e-6, b_loss=1.07, b_acc=0.466, loss=0.885, acc=0.565]" + } + }, + "aa8c9468e65e447cafbd63551a6fc7b9": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "aa9b7dc9c9964e5dbd2eb65dc7efa5d3": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "aaa56738f53a48f691955f6cb13a191a": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_2e3b4ed37ced450aaa4b8553dcdb9de7", + "placeholder": "​", + "style": "IPY_MODEL_2ba6077e381740a08614801b3b5871d7", + "value": " 26/26 [00:24<00:00, 1.12it/s]" + } + }, + "aaa7e207649e4665bc7593a40523c9a1": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "aaaac3b2b5184103993f25ca41a62b81": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "aab42af1a1e84ff9a1e09ee26b1e4248": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_8ac0d6e81a654d529f0fa2819ba75631", + "placeholder": "​", + "style": "IPY_MODEL_1fee9ecf33204c10b60886d80cda7d17", + "value": " 26/26 [00:23<00:00, 1.21it/s]" + } + }, + "aad58a81606149869f548108d8000521": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "ab0b4b97d04b47c98f5d8d3cd9deb54c": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_d152d1a18ce843ddb92a7664e5d615dd", + "placeholder": "​", + "style": "IPY_MODEL_b5e1a1b7e88243a5ab6cc5f548aebabd", + "value": " 78/78 [01:30<00:00, 1.12s/it, fold=2, lr=4.39e-5, b_loss=0.243, b_acc=0.862, loss=0.169, acc=0.888]" + } + }, + "ab29036cc82d402885d582011732c451": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HBoxModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_e3815a360d334fa8a0d722e9aad341d1", + "IPY_MODEL_5848d206f29243268b08090c835f24d8", + "IPY_MODEL_6228051f413c415d8d4c9e6b656f6036" + ], + "layout": "IPY_MODEL_86a5728284374b818ca0a5a78a00624e" + } + }, + "ab30417ef58547e895574028963dfdb1": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_6d2722e0135d4162b2d0e26e4b6c8bc1", + "placeholder": "​", + "style": "IPY_MODEL_b06fee80bad3453389e8ea4d947e3233", + "value": " 26/26 [00:23<00:00, 1.11it/s]" + } + }, + "ab615b1561b046f58bbd585f7f137327": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_b8b7d5e1906e43d2a4d82ab4621dbe8f", + "placeholder": "​", + "style": "IPY_MODEL_055a26e5084041209e6662a9fa740d1a", + "value": "T: 119/200: 100%" + } + }, + "ab70a62601ea4c9ea93848e457f5fde1": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_8c7adfa8d59049809cab5988f7b754d4", + "placeholder": "​", + "style": "IPY_MODEL_4b7478aa62cd464582a2653e99a02beb", + "value": " 78/78 [01:30<00:00, 1.27s/it, fold=2, lr=9.26e-5, b_loss=0.2, b_acc=0.862, loss=0.275, acc=0.826]" + } + }, + "ab8b09ac36bd4a37baa4f85b645e86a6": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HBoxModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_aca1d5d3d8e44643b3edaaaebb6a4a5d", + "IPY_MODEL_1dc7a9d40cc0400c8ca91e4b86b3e2a4", + "IPY_MODEL_301a5c93c4cc4a06adc9e95b4a0bf2bb" + ], + "layout": "IPY_MODEL_dc4447613a4b49b59472d8c165804679" + } + }, + "ab95c7a3436c4ca1b6dfa5188ca4b461": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "ProgressStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "abf46cf8a9654710b67ae79821be84f5": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "abf63fcb7d3b484f98c1d7809ae15ae9": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "abf82d7b51574c49ae4534dd9876ce59": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "FloatProgressModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_044c5f51235a415ea44b95e927df094a", + "max": 78.0, + "min": 0.0, + "orientation": "horizontal", + "style": "IPY_MODEL_894e58a4ab684b878f63b4a9651b9cec", + "value": 78.0 + } + }, + "ac0652d96b934868ac760d2b2a9829f8": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_44dd6394f6cc4de2b7089b69bebad80b", + "placeholder": "​", + "style": "IPY_MODEL_b4203825ddf84ece9a8256ce39c89f58", + "value": " 78/78 [01:31<00:00, 1.15s/it, fold=2, lr=6.67e-5, b_loss=0.18, b_acc=0.862, loss=0.178, acc=0.874]" + } + }, + "ac13290d50094087901b010cadeecc39": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HBoxModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_f57bcd9e2dd34d87bc2507ccec5e4b47", + "IPY_MODEL_6870e1909e09440abc843d93afa72d92", + "IPY_MODEL_56941bc000a24b7ab4a9ce33978cd93a" + ], + "layout": "IPY_MODEL_65511e16345c4f75b6a052fc5ded0e2a" + } + }, + "ac18ef06d22d4b978869ea378de8a845": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "ac2171f821484565b6f504dc1c520066": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "ac296d33053a4e72873d865f547472ec": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HBoxModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_73851c7ed8244353848a36f7a71a8781", + "IPY_MODEL_55a4898c4eee48948ab087a6d2de5256", + "IPY_MODEL_df926904024a4720b94df79fc35e5ad4" + ], + "layout": "IPY_MODEL_9dfcf170823048088021a6ba5b088085" + } + }, + "ac2e26ae7aab4087aab6b52e11cb9636": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "ProgressStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "ac30fbe5856e4dbca5515d27931641b0": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_5b785f756b0b42aa845b79f2ffe35b3b", + "placeholder": "​", + "style": "IPY_MODEL_3b9106be73c647b0abc901a43668f144", + "value": " 78/78 [01:31<00:00, 1.20s/it, fold=2, lr=0.000275, b_loss=1.32, b_acc=0.379, loss=1.4, acc=0.38]" + } + }, + "ac53920943a24d8e8e61aa5704b0083d": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "ac5eeef09f4842c28752ddce2251dbd5": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "FloatProgressModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_4dbf7bee80f0493dab662d20f4188030", + "max": 78.0, + "min": 0.0, + "orientation": "horizontal", + "style": "IPY_MODEL_bec99496fe4e4e908b646c01c4f7202a", + "value": 78.0 + } + }, + "ac5fd5ea2e9648a18ee6769b3f64ea9e": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "ac6085cca75548a8829e14a0bfc333e8": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "ac774b8058874d0da7abb7de6f73ffa5": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "ac8c340bec4948f4bd80af38c5c3c1a4": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "FloatProgressModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_99f359393cbb46faa1986b8041594fb7", + "max": 26.0, + "min": 0.0, + "orientation": "horizontal", + "style": "IPY_MODEL_dc3da8329d1e43028816cf830ed18088", + "value": 26.0 + } + }, + "ac993a23bdd14c2a957fa52a0345dbc9": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_07e497916bd84cefad306f393fedb7aa", + "placeholder": "​", + "style": "IPY_MODEL_d2009ff9a5364e0c8096e4994b1a9f0b", + "value": " 26/26 [00:23<00:00, 1.10it/s]" + } + }, + "ac9a5275a2034ad58f1d00cdd80e5d64": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HBoxModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_3643bb9f23004ce58a640017bc9e7c5e", + "IPY_MODEL_2a49d3b949d8405a93acfb4909f8026d", + "IPY_MODEL_d303f669f8e14f20999b7b318f8b1d83" + ], + "layout": "IPY_MODEL_c95ce2fc456e436bbf446a6f002cbdbb" + } + }, + "aca1d5d3d8e44643b3edaaaebb6a4a5d": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_12d21f1b1d4e4971b5807d7596dc98f3", + "placeholder": "​", + "style": "IPY_MODEL_f3695612827344efbaedeb839c697492", + "value": "T: 164/200: 100%" + } + }, + "acb268eb3c33458baeb942a20888069a": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "acc2cb12efb04c4b9667589f1c9e3155": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "acce9eee0bbf412a9d2ac7bd1c2d9f67": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "acde14a47dd94eadbeae6a94586dbee8": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "ace8b641a8954ab190c6b80258eb0ac3": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_c6d7756ece8449c898a1e54ed9610fc3", + "placeholder": "​", + "style": "IPY_MODEL_4da9fee7cb734deabe4a8e56edcb4b63", + "value": "100%" + } + }, + "acea5742fe554b48ae5586f84e5d4e11": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "aceb7a5b61074a1da3af7ed61fc5dd47": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "aced04f5b52e442aaea60cfa6cfc5070": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_9f315ce9e08b44a1b5310d93d320d4a5", + "placeholder": "​", + "style": "IPY_MODEL_1fd86be4071a405b8f02e24556a168aa", + "value": "100%" + } + }, + "ad089a656f4e4cf7ae08f43a103efc07": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "ad0ebfcb9e0841b9968b3b697c5bbe82": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_a70dd3c18a8545ac8125f396950fd86a", + "placeholder": "​", + "style": "IPY_MODEL_aa2c4f4c3b76475385f2ac49abde8f63", + "value": "T: 108/200: 100%" + } + }, + "ad2f24aab89244f0baf076d69d28eb8c": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "ProgressStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "ad2fa4f7a1114b999918cd52698f1307": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "FloatProgressModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_d5a3f78c0259447c9114c8b5cd20131c", + "max": 26.0, + "min": 0.0, + "orientation": "horizontal", + "style": "IPY_MODEL_5db73ddcf6af42efaa774a9baa37c0ed", + "value": 26.0 + } + }, + "ad3e0ae1774b4cf8828baeb39fde3ad2": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "ProgressStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "ad3f578a84be4969bc74022d30fd178e": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "ProgressStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "ad439645dd2144d79d6fe3a8ff91d2a3": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HBoxModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_b0168aa0bcb04c5794dbb744b48cf61b", + "IPY_MODEL_b94fb82684b64a96954de12921834e4d", + "IPY_MODEL_64184f2bd62b4050ab09d3c80b022424" + ], + "layout": "IPY_MODEL_e3ba7c9403ae4cc69e1a5f29bbcb5154" + } + }, + "ad5398633790479b8f6fd7feaf2195c8": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_9663eb25440e42019177368b2df615c9", + "placeholder": "​", + "style": "IPY_MODEL_f89057d22e8b4faaa8f099325afee6ca", + "value": "100%" + } + }, + "ad75cec89f1947ba975f1529249afb01": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "ad7adafa33304c7f8f50fb6b86ae9b62": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HBoxModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_588af3fb34ab4488b454733a0a0423d9", + "IPY_MODEL_9607db45d71941298a96d4a0da222568", + "IPY_MODEL_75041edbc27844d5bad65bf795026415" + ], + "layout": "IPY_MODEL_5cadf426945f4a45954db5e8e2603a13" + } + }, + "ad84c0d4088c43fba68b98b82e2441a9": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "ad900a9cbeee42be957058027e55782a": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "adb1396881974c288ac632672c66076d": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_09a05d864cce43e99ab0fdd78fb08c5d", + "placeholder": "​", + "style": "IPY_MODEL_0c730e3b1bb446849760290999ff339d", + "value": " 78/78 [01:31<00:00, 1.36s/it, fold=2, lr=0.000179, b_loss=0.691, b_acc=0.552, loss=0.595, acc=0.684]" + } + }, + "adcfe59e7e9f40b291198c25f82bb528": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "adf6f73d737f4963b095722cc66d7118": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_0488e4712b524a09a4ea87f606833ac2", + "placeholder": "​", + "style": "IPY_MODEL_3bcd5df4692442fba9642f306765bce5", + "value": "T: 080/200: 100%" + } + }, + "adf91afa5d62412bbd1553885fc0659a": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "ae027134baff48c4b6f483430c382ca6": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "ProgressStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "ae02f060d8a54671969b1eb3f2cc4a6e": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "ae10924e11784ac9856be8a93f4a24ef": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_31220e6b2fb240b7b3f6e9273e5d3c9d", + "placeholder": "​", + "style": "IPY_MODEL_22e9187492524453bbe67e69b0b1acfc", + "value": "T: 077/200: 100%" + } + }, + "ae176d96675841358d441ba10f0a4016": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "ProgressStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "ae1c3b4c04ba4100982d8535b3bd06bc": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "ae312ffda98b47e0b1e877b824722afd": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "ae405660d9d84c8bae3827f0ad2626ba": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "ae5133701e414b9ab49452ced395295c": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "ae5687cfd6d842e3a896c833d7fdb551": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "ae56fbca6b614f1b8a387decd0466ae4": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "ae5b56aad45f424fab835f2115d63e11": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HBoxModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_c9c6cb52277b44e890ac6ba09557bf0a", + "IPY_MODEL_f3536a8c51fc465b9f0ee449cab57d29", + "IPY_MODEL_d8de9853487045f6b04b97408cdc470e" + ], + "layout": "IPY_MODEL_9d884a19700c4bb1980a4d03dd0326d0" + } + }, + "ae6520a4563240039c3456586b7f029c": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_650e541b731d4600b06b9d740f12786d", + "placeholder": "​", + "style": "IPY_MODEL_d2bfa9413c834deaa425167e35c8f701", + "value": " 26/26 [00:24<00:00, 1.14it/s]" + } + }, + "ae867176721245eeb458a7033119a92e": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_c1db9fd1bfe14152add5e41b6747db7f", + "placeholder": "​", + "style": "IPY_MODEL_ef5af8ef8ffe4fe28af2adba3d25fd66", + "value": "100%" + } + }, + "aeb9af44aed14c77842d20434f0703a9": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_4d92fc6ecd184d5e8e23cb37c3c182bb", + "placeholder": "​", + "style": "IPY_MODEL_f0a99ee619354ff9860fd2dcc866312d", + "value": " 78/78 [01:31<00:00, 1.06s/it, fold=2, lr=1.14e-5, b_loss=0.307, b_acc=0.784, loss=0.31, acc=0.813]" + } + }, + "aeba985defdd4a9599edcd2381456db1": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "aebd2fb3ccad457aac5273c9bd6d1142": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "aed248f3983045598cb6e59364d80949": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "aeda071ba6f54592909a592a3f0911bd": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "aedd047ea1ce478b91cdeb344fa17e11": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "ProgressStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "aee934718e9540ddb44247257233d979": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_53578b2b6f624c2083c1f6a304fedca8", + "placeholder": "​", + "style": "IPY_MODEL_a1543c146cd24ebab7b7f2f2fbc55d39", + "value": " 78/78 [01:31<00:00, 1.02s/it, fold=2, lr=0.0003, b_loss=0.557, b_acc=0.672, loss=0.57, acc=0.69]" + } + }, + "aef8c20a65c040709c74ad46df34d765": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HBoxModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_bbfa59293a774c338983d52e165ed56d", + "IPY_MODEL_ef9843e157334cf1b387dfc69be64998", + "IPY_MODEL_049d5b1dbb4742f4a3073166a6967a2e" + ], + "layout": "IPY_MODEL_7610ef8a59bb4e20be944e87a7869ce3" + } + }, + "af457a2ab8074181870a4cdceeab1020": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HBoxModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_67b631df2a9a437b8a1e55c17a0dd934", + "IPY_MODEL_28bba80825b34d54a62e2e0bb433f296", + "IPY_MODEL_6c8c1fdbf4994442b0d5fabd9080921d" + ], + "layout": "IPY_MODEL_484754cda9e54eeeb6f3e4ecac003ad9" + } + }, + "af5463d09cf345a3879073ac1805d207": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "af5bd096d9324a2c86949e874794d174": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "af605ab8a75d462c8ea04272c1fa9e63": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_8c9e1abf084c4124bc7d7c4a7ab37cec", + "placeholder": "​", + "style": "IPY_MODEL_7453d8808d6b4366a1f635283624c241", + "value": "T: 052/200: 100%" + } + }, + "af7a790b0e5445f7af76c4016e3cbb53": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "af8272fca2a04607a0de037298102011": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "ProgressStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "af9d4320e56546e7846b7a19407746d7": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_982448e83d1d469683161784a3eef000", + "placeholder": "​", + "style": "IPY_MODEL_59cbe1218f674c10836553eedda095f7", + "value": "T: 083/200: 100%" + } + }, + "afaeb5958cfc479ea405cd877d11ca90": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "afb1c326dd794dcbbef73e2a6a0e264c": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "FloatProgressModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_3d2ca467030448da8454f7e7dbf21c5c", + "max": 78.0, + "min": 0.0, + "orientation": "horizontal", + "style": "IPY_MODEL_1f01c0d72b4e4ed2a797f890cf6edc93", + "value": 78.0 + } + }, + "afca831ac149445cba44847f83d0a1eb": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "afdac9f4c448459eaaf7244c6185de4e": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HBoxModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_b9eb910bd9014554a3dba312de94bf6a", + "IPY_MODEL_a3f6b900133347d7aa9af1d332d63023", + "IPY_MODEL_07f43adb3c1c4356828e9fcb636906da" + ], + "layout": "IPY_MODEL_967da6a3a8a04ef7a1f357e5cde0caa8" + } + }, + "affea3e4586f4ff68ec0cc9e10755929": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "b0168aa0bcb04c5794dbb744b48cf61b": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_c784d57f29c2449e851826b27a01f384", + "placeholder": "​", + "style": "IPY_MODEL_29760c6d996841bea182350473a7ecaf", + "value": "T: 169/200: 100%" + } + }, + "b02a9d8259c14f4c8213b8cb06ef161f": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "ProgressStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "b04062104d294a5fab2f536906e6b6db": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "b04894c097904d45868340e2d3fb9fb0": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "b04b94c1640d4ae1996aaab249223961": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HBoxModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_484c13bae47d4557bb814b8be02f5482", + "IPY_MODEL_dd4e3535367e45bfb8699f78a5046dcf", + "IPY_MODEL_729c961b390a48df89d319b36535881c" + ], + "layout": "IPY_MODEL_5d0bedba10dd44c99d9cc25599e45a3c" + } + }, + "b055313e89e2424d9f96185dae05b77c": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "b0556639439943aeb68d268d8f212df1": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "b059f83a8c9d413394bce5e6e318bf0a": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "FloatProgressModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_be7844ffe2cd4cf7a9fa44245fe07317", + "max": 26.0, + "min": 0.0, + "orientation": "horizontal", + "style": "IPY_MODEL_dbe771b7d0f9401ab54a9a58b9e57ac5", + "value": 26.0 + } + }, + "b0697db4b87f4020b3d6fb58db8d5705": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "b06a68523d8249c58bd8f33d04808972": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "b06fee80bad3453389e8ea4d947e3233": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "b0921893e4754856ab388859cad2dffd": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "b09efb6f3b5d447db71ea19cc503f56e": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "b0a5bfcc8fbf44159bb58b128240a2a7": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "ProgressStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "b0ab1f938ce74501845d0365cfc44da2": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "b0ab72d19da74ca6bade879bd0b5385c": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HBoxModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_42a3241cf2da45eaa7c8450d682c3f58", + "IPY_MODEL_ca6cb5f0d2ef4daca270622a4aefce33", + "IPY_MODEL_47a1051009284f01861dfad4def89032" + ], + "layout": "IPY_MODEL_e8d82188e1a34b0e8f2f463bdb57faeb" + } + }, + "b0cc3e976c6a4e48b8566a9ffd18c68c": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "b0d104d1b87f4df7baa0b363ba8916c3": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "b0fd1a4f50744dc5b61bd90b0d8622bb": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HBoxModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_35a16594a0f6464ab5891d15740dbc95", + "IPY_MODEL_52c5ccb2cd81442d8a838dd1ce52df18", + "IPY_MODEL_baac7c3484f34356a6adc2721b738417" + ], + "layout": "IPY_MODEL_6ee59dc918824e7a9fb17cb58758f2b0" + } + }, + "b102085a60c745e4be42b83ec310f8e1": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_eef28e1cca19407497f524f407ffc7db", + "placeholder": "​", + "style": "IPY_MODEL_3063bd204f6041aebc29c6dd6aa82dd9", + "value": " 26/26 [00:23<00:00, 1.16it/s]" + } + }, + "b10d83319db844bc96199e32edba8d58": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "b118be91624c474c87b664fcf85eba68": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "ProgressStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "b122766d1dcf480683fb2b506325e37d": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HBoxModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_c5743fd294944460b30a7f152775c1de", + "IPY_MODEL_2788fb20e59a46619184620cd865ad8b", + "IPY_MODEL_5c17bf2a5f4e4d6ba5b2b443b3a64a50" + ], + "layout": "IPY_MODEL_e92ddaa0d8b84116a2e2641898c05f9e" + } + }, + "b146aa0e0ab84595a2d1637edbc5a34a": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "b1712a4c470d47faa071e9c01b0144ec": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "b17172aac376490a82d769b9cc49a3cd": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "b174e634d4d248a7bdc435ebaf554c3c": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "b184047fe51649a5ab58eef7b63f7c1c": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_e6742a1805cb4dab949bd0fc67a8e3f1", + "placeholder": "​", + "style": "IPY_MODEL_1df8d2f7e8cc4d959a78152352b618d2", + "value": "T: 098/200: 100%" + } + }, + "b195d2b54d4f4d5e826cea52290e9400": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "ProgressStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "b19d4968aad2438f9794ce7292be6118": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HBoxModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_08aab804ae9a472bb2448d405ab6d168", + "IPY_MODEL_1919fdc2ff4a488ba813ce280d27c279", + "IPY_MODEL_489dcccda39149f4bc70af7de51a2cc5" + ], + "layout": "IPY_MODEL_e073f37aa1014806ac83dea28e05a65c" + } + }, + "b1a19f1ef2234897b6fd9b4693137c74": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "b1b399d27ea248eb82293e924f0f0932": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "b1c559eef0024f17a0827346f4db2a8f": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "b1c9492b9b0a4221b69227ec9b1490c0": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "b1cd464830664527b954a43f6a8e09d9": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_a3522b388e4c4eaa9f468907f145540b", + "placeholder": "​", + "style": "IPY_MODEL_56e07d9437cd47f49223f8250852896a", + "value": "100%" + } + }, + "b1e15fcbb5de49428cc48bef360c40d1": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "ProgressStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "b1f0c41952aa4fd8802f4003004c27a8": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "ProgressStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "b2026f53a1c7408dafdc667925328fbe": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "ProgressStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "b20e126299ec462b9a69b78d28542a22": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_3fdb25a6254943ee821502b995386332", + "placeholder": "​", + "style": "IPY_MODEL_fbfa343cdfb4402eb0c2083867ecc20e", + "value": " 78/78 [01:30<00:00, 1.11s/it, fold=2, lr=0.000297, b_loss=0.303, b_acc=0.836, loss=0.316, acc=0.801]" + } + }, + "b255187a875b46dfa092bceedfa0b382": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "b25518e537ca4177bc7bae9c56667637": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "b2580000beab4825a930d0bd2262f899": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "b26f54fef9cf49b982034c0da51b88b7": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "b27453c1447448c5a6e4cf3950577afb": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "b2904bb6c3c54a87a3e7cd0fbeb5fc4b": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "b2a16e13533d497ca5934204eae65e89": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "ProgressStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "b2c8c4f914544940a809674e934b6a18": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_b4396a4c2f8d460bb1046d98eb049b0e", + "placeholder": "​", + "style": "IPY_MODEL_39a9f7376f264cdd87ccb92e2d72bf1f", + "value": "T: 170/200: 100%" + } + }, + "b2db4b964ba04080bae1625ac4ad3245": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "b2e42ec78e1e4d38a4ef912317091f4f": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HBoxModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_9263c3ea7bf2452f8bcfe0b56c651e44", + "IPY_MODEL_c53a03618d8c43488015fc3a1e4e0b29", + "IPY_MODEL_2a5f34f27f69466e8c329c154095ce87" + ], + "layout": "IPY_MODEL_96e45fb6bd6e4868a8414c7d7dfca60a" + } + }, + "b30222c9f86742c5babbf7d97d477beb": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_43bb1da10f73419b91c8f36f07d90855", + "placeholder": "​", + "style": "IPY_MODEL_36b31578a29f456da9b19774c7c26641", + "value": "T: 102/200: 100%" + } + }, + "b3201c4fc7254ae299cd4d7af7c2c043": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "FloatProgressModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_baff763574944bf38110d44c09b290fe", + "max": 26.0, + "min": 0.0, + "orientation": "horizontal", + "style": "IPY_MODEL_a8130c2636c840dd8d3b6cd69f26f469", + "value": 26.0 + } + }, + "b32501b7065c45c79df41b2ff1d8bf9d": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "b328a57d2b0d4002bb5cac08ff3a0396": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "b34983f5776c43618b79ac2bc476399b": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "b35e5c75204a486ca775bd877d3f396d": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "b386235985044ebca690fcca68e95a89": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "b3878f561f6e4abeac33a3e4a034d0ff": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HBoxModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_6287902c30524763b929fcb1a5219734", + "IPY_MODEL_e4fa1b467e5645b3b0328c445a53c12e", + "IPY_MODEL_f3589c1cf74a4a1191593a7c509826bb" + ], + "layout": "IPY_MODEL_e04a035f75c04e0daadd161726d62165" + } + }, + "b3a92f70600a412781c5014d4ea5e38a": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "FloatProgressModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_9ce5e809d94a40a1a3e7b400cf4748b5", + "max": 78.0, + "min": 0.0, + "orientation": "horizontal", + "style": "IPY_MODEL_bb04fb9e385e4d0e8e3d592095f23e6b", + "value": 78.0 + } + }, + "b3bf1101d62b4ff0a74918aea33c69a2": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "b3c91455c97c44f8b8601108b1383e6b": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "b3dc0325c876401d9963d4742882ac1c": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_b84dd0232a7a4264973128bc8019590a", + "placeholder": "​", + "style": "IPY_MODEL_dae567dccf32408cafd1fe8874774cff", + "value": "T: 117/200: 100%" + } + }, + "b3dca3bed4864d17b9a63afea092995e": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_1510d93ab3e84dceb6626496e2ccb969", + "placeholder": "​", + "style": "IPY_MODEL_43b799b097a74327b76d07db59fddcfe", + "value": "T: 043/200: 100%" + } + }, + "b3e3ef8ca3a040a68af269eb452e57a5": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "b3eb6baed85243f08f0ff1fa9fcba9b6": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "b414244b2ff94c2ea7fab88d1e8c7600": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "FloatProgressModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_d15c809bc3e940bc983e6badc7895112", + "max": 26.0, + "min": 0.0, + "orientation": "horizontal", + "style": "IPY_MODEL_5beb1af9e67e475b86aaabb4c7b40b92", + "value": 26.0 + } + }, + "b4203825ddf84ece9a8256ce39c89f58": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "b426a150d8f74ea8ae131d3cf1d35bd1": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "b42963a18f1a481c979664531bdb3709": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "FloatProgressModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_4899a629e2214604b0a81141a69a621d", + "max": 26.0, + "min": 0.0, + "orientation": "horizontal", + "style": "IPY_MODEL_35819fcbf37f4061a78ec33075f68ca1", + "value": 26.0 + } + }, + "b42f40d17b5643b58428fe8114b79c4f": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "b43930c515ce41c68cc0b619e423f91f": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "b4396a4c2f8d460bb1046d98eb049b0e": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "b43d7e5ae83044faa00e37e93b089b8b": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "FloatProgressModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_522e5512dbe448cbbf596a8d09901f74", + "max": 78.0, + "min": 0.0, + "orientation": "horizontal", + "style": "IPY_MODEL_aa7dca4be8e245ab9764b47a43b56aa4", + "value": 78.0 + } + }, + "b43d86e7a17549079cd6d4228ed64063": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "b45ac0a22b2246149540e0c0ea80e2dd": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "b45cbcb0bae948199b0cacd92b9589a4": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "b4634614dafc456cb38697cf6ce57cf8": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "b4671b2dc6e04ad6b21697039112d067": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "b468879ddc3a409a91dc380b697dfaf2": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "b47375f4b372454fbcec5aca00e7fb0c": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "b47c7a5ee1c04107a9dd11bd2d40db69": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "FloatProgressModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_21b1c16c98d54ca0a595a8dd66be404a", + "max": 26.0, + "min": 0.0, + "orientation": "horizontal", + "style": "IPY_MODEL_4a65aa2d048846258b64f6eea3ccfb82", + "value": 26.0 + } + }, + "b4aacf49086a4e50a0a29b00edfc634f": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "b4b11fb5559344b1a319b39be648069e": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "b4b5ca7a17c14dfb9bfde4d12ae708d0": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_a82cce1df6234833af26613bf23bc72e", + "placeholder": "​", + "style": "IPY_MODEL_45d6013830e0448d949f65942e6216ed", + "value": " 26/26 [00:24<00:00, 1.09s/it]" + } + }, + "b4ba4265473c4a50bb11cce7530adc42": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_5d3072b0985b423c9fde320fccb7e68d", + "placeholder": "​", + "style": "IPY_MODEL_e79e780103a946218268a791a2dc090f", + "value": "T: 115/200: 100%" + } + }, + "b4bcd2a9fca7494593d16c302115648c": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_641dc212b6c34bba9777446176c53413", + "placeholder": "​", + "style": "IPY_MODEL_67981bcf85034233abf8bba9c1a54f47", + "value": " 26/26 [00:23<00:00, 1.08it/s]" + } + }, + "b4bee525ea594d2d82e3548a41efb6da": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "b4c252a57693429b824f4d2ed3302d9d": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_e481d03e1b344c29b02cca7622db0abf", + "placeholder": "​", + "style": "IPY_MODEL_dec09fc65fa34255a25e11d4d3f6c39e", + "value": "100%" + } + }, + "b4cf78a3dbe644179ee4135e3a8b25c7": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "b4fcfc896cf0424f88b41fe170c05ef7": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "b50943d7d1fc4abc8083e2db8efad947": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HBoxModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_9d1a311b61884ddcbc4419b8aa4d6e3c", + "IPY_MODEL_2771e120a1e5425e97b528565e2d6105", + "IPY_MODEL_404c877975a84cb1a6a38516fa9a9c57" + ], + "layout": "IPY_MODEL_48062426613c4b96a7f7aa032c95c57b" + } + }, + "b50fd0867a804af68922b3f7be44e9cc": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HBoxModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_986789664bb2489bbbfaeaa06bccf308", + "IPY_MODEL_73bfac51cdca475c89a837a82e2e1f9b", + "IPY_MODEL_dc2992109ab045eda3dddb119c964f67" + ], + "layout": "IPY_MODEL_3db7dd43152449f59f5908088323ff8c" + } + }, + "b52aacbc91b84b9bb561c8cc57d842b2": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "b537230f6fc9448880b60c3356b98ff8": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_69eb448efb6d41f3acf23948a264357b", + "placeholder": "​", + "style": "IPY_MODEL_cd9279b91c464fbca2db57e9b8672461", + "value": " 78/78 [01:31<00:00, 1.10s/it, fold=2, lr=0.000233, b_loss=0.712, b_acc=0.672, loss=0.639, acc=0.67]" + } + }, + "b537893f9767400487001813d9263aba": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "b53c85d164c0458fb59359655a2d410a": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_b0cc3e976c6a4e48b8566a9ffd18c68c", + "placeholder": "​", + "style": "IPY_MODEL_89a98eeac8c040de896505f66c0ed1f6", + "value": " 26/26 [00:23<00:00, 1.03it/s]" + } + }, + "b5452011ced449dfb64991779ce05f82": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_c54e7fadbea244dabb13c4405f3856dd", + "placeholder": "​", + "style": "IPY_MODEL_61c05b317a54423495039c99296286e1", + "value": "100%" + } + }, + "b55e4cb9236946efa53b82465809e584": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_fd664f26dcb34571881fd5f29a346b3d", + "placeholder": "​", + "style": "IPY_MODEL_97871977195e4001b7722cb6a94e47ef", + "value": "100%" + } + }, + "b5685c075fd24b6293c8e5497abb8134": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_d5084cbf4a19436ea83cf41c6ffe815d", + "placeholder": "​", + "style": "IPY_MODEL_684b7bbdce534ec8941508603adfa757", + "value": "T: 167/200: 100%" + } + }, + "b57db00b8d71492497d42c635e949586": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_cab3e4804114400d97885c417935a475", + "placeholder": "​", + "style": "IPY_MODEL_259532e1709f4cd6a8b658e8dbbd4b06", + "value": "T: 010/200: 100%" + } + }, + "b57dcea99da049f09e1d3e8e8749e0d8": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "b582cbfb229645eaa20626f78297d144": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "b59452e847414c8fa416065d2784c557": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "b59944398eb14f7d9485d54ea3ce1b55": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "b5a47c69db18494bbc281d805a06610d": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "b5b28d2995ed4ade8da69dad6576b6a7": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "b5c922f4c4354ea29a198d5d4cbe0cde": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "b5d0996b81bd4257a5e2a1a66bb2a050": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_d7c9f0d223d04f3b8de3ef3f58f426a0", + "placeholder": "​", + "style": "IPY_MODEL_53866c9931884374b600e95ca4834c05", + "value": " 26/26 [00:24<00:00, 1.07s/it]" + } + }, + "b5e1a1b7e88243a5ab6cc5f548aebabd": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "b5f2368519ba4897a41161ffb28b7a1f": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "b5f4835840784646880efbd332cf2fe5": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "b5fd378ff0ba4f5eab7c77dd6d5025b9": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "FloatProgressModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_a9895c7b4fd34542aa611dcb4b2d1a3c", + "max": 26.0, + "min": 0.0, + "orientation": "horizontal", + "style": "IPY_MODEL_f04afcb8af31466aa988c45f5788d40c", + "value": 26.0 + } + }, + "b63c58e5a0e547eba7417c21f11ba814": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_07e26eafa0884b1e872e89ebc3b90175", + "placeholder": "​", + "style": "IPY_MODEL_a4494eead14042b1a84602d72b986ee1", + "value": " 26/26 [00:23<00:00, 1.23it/s]" + } + }, + "b643a38f705846a1a66f3ec67f0fe4ee": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "b6680abcd0834f2ea250cf8fd342b865": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_95d28b6b0d36437bb5c0aa24f21249c5", + "placeholder": "​", + "style": "IPY_MODEL_0a78e725ab024c06957fe1788b8e7496", + "value": " 78/78 [01:31<00:00, 1.14s/it, fold=2, lr=0.000275, b_loss=1.08, b_acc=0.517, loss=0.999, acc=0.523]" + } + }, + "b668bfdcfe55438c90efbe8f963ddf86": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "b66a3ad0efff478a87d88ff2e1efc83c": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HBoxModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_de7ae96e326b454da01268de1e0884fd", + "IPY_MODEL_d777a6e71f7646c2977b856c711b8aec", + "IPY_MODEL_3ad90f03c7394c1ca90e16d6b65b401b" + ], + "layout": "IPY_MODEL_925db3a587af492c83ffa5cf0090d1e3" + } + }, + "b66e43fa66f14e92bf8b58cf6719ace2": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "b6881df1a09d4b298a9bfed1ae0e3d2a": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "b68a6000dab14d599ef5bf8d8e8ab9d2": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "b693861631be40a6975b0184ca472bfd": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "FloatProgressModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_d907921922564ff4b946c1d1b1b7f9b2", + "max": 26.0, + "min": 0.0, + "orientation": "horizontal", + "style": "IPY_MODEL_ec87e311ec0e4681b90ef9ad33133ad7", + "value": 26.0 + } + }, + "b6b2beb94d304d95a6dbed5f8c3ad2aa": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "b6bd4c41910c479ba52ff126e9a6a4b6": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "b6c41566eff346e6b33b30654fcdb03e": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_68aa0e0ef3d14979a0d00b9049b9f413", + "placeholder": "​", + "style": "IPY_MODEL_efa98cb49042433db403e73753c096e1", + "value": "100%" + } + }, + "b6d3726adf914d58af3c8ab14245d58b": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "b6eee626cde344fa98cc9e090d28ee9f": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "b70017e1752f4f428c093a92916a6307": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "ProgressStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "b70e6148e3e147e9bb41cdc1992c1cbc": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_3a58730561c84f30b67ab78a43c4da04", + "placeholder": "​", + "style": "IPY_MODEL_93712aade2074b2195c276354627c6c9", + "value": " 78/78 [01:30<00:00, 1.13s/it, fold=2, lr=0.0003, b_loss=0.905, b_acc=0.534, loss=1.11, acc=0.485]" + } + }, + "b71feb3b560c4a01a4ef32ea84b1ed76": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HBoxModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_2f9d365ac10f4edebc0b346b1e740733", + "IPY_MODEL_ec9d37cba2fe4f5f82fbd356757e207d", + "IPY_MODEL_b7ca1ddab2e44953baa4a071366f5fbf" + ], + "layout": "IPY_MODEL_279702243005454ab50c28c1588e7442" + } + }, + "b73e32f54fbd41459db3bfef626b78fb": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "FloatProgressModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_4a580ae1475147b7a6767bf976244045", + "max": 78.0, + "min": 0.0, + "orientation": "horizontal", + "style": "IPY_MODEL_0394113046424dffb90bcea61ff7cadd", + "value": 78.0 + } + }, + "b74ef92b95654a92a8eac8b083397887": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "ProgressStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "b76b986745b2456fb095bc2d202f9768": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "b78024e3366b40a6a30102ca4556bada": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_6f247fe9041b4fc9895e860468c773cf", + "placeholder": "​", + "style": "IPY_MODEL_f5d2b3cc8b984661a369a23e824e76af", + "value": "100%" + } + }, + "b796b15a1c8141288fc2fd03c674dfa3": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_85cea36878d14fb2b96564ed8628134a", + "placeholder": "​", + "style": "IPY_MODEL_ec64502f107047218c64ad938aa15787", + "value": "100%" + } + }, + "b79cbfd222f9498e8b0815b7d6653e47": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "FloatProgressModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_756b9cb7c90644b69721754489ed963a", + "max": 78.0, + "min": 0.0, + "orientation": "horizontal", + "style": "IPY_MODEL_a218ac982c0e492d8ac3571f521cb27a", + "value": 78.0 + } + }, + "b7b8a372ba3d4859bfc2bfa1c5aff14b": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "b7b9c571661b4d02af7f0e5e31da95f4": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "b7c193351ea64313acfa80fc7c28518c": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "b7c780492ba14f1182c7ddac8660b61d": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "b7ca1ddab2e44953baa4a071366f5fbf": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_837e18b8db0e4d79a05958995bc26575", + "placeholder": "​", + "style": "IPY_MODEL_e2cbd9b258e34ef587ffb767166965fd", + "value": " 78/78 [02:30<00:00, 2.05s/it, fold=2, lr=0.0003, b_loss=1.93, b_acc=0.267, loss=1.79, acc=0.258]" + } + }, + "b7d7aea777c54620a8ae7efd3e93401d": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_605d87863bc4455695f59a445cb01fce", + "placeholder": "​", + "style": "IPY_MODEL_62af6126efc94b3787ff8ecda647d185", + "value": "100%" + } + }, + "b7ea739b951e4c7582c3eb7af13bd445": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "b812bed24af842b585e6ad4f26ed8d1f": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "b81b662d6c2844f1bf2a50f5c10cb91a": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "b82b9784888948cf9edb86fce22b2942": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "b82d4591328c4f05b1931e9bb8f7eac7": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "b833b4fb6136461b82df8bcfe81911e3": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "b84514c730ea45f386aeb4e6653953ae": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "b8478ffc34384d148ac2b042b6f3afcb": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "b8486c0595824832833f0a5cbe907e6c": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "b84d8b4dc987449ba68a98178024d700": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "ProgressStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "b84dd0232a7a4264973128bc8019590a": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "b84fbeafe24b4f4fa4e2527bcc233eb3": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "ProgressStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "b85452aa98a945cb90fa18d96d28d022": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "b8655d8e78c04fcdaeead6db0c9d302c": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "b86ac5832c0745158ab6579ba32d7b7d": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "b89b088ac3374ba3bab4458981e6a62d": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "FloatProgressModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_c3dfaa99d98e4130a953193d5a8ce5a0", + "max": 26.0, + "min": 0.0, + "orientation": "horizontal", + "style": "IPY_MODEL_e019a33d7e3f4ed89019d489604d41db", + "value": 26.0 + } + }, + "b8aed2bb73014a9b9c5385cb3aa555fc": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_41daa27509cc4057a0dd1b7a85bf4154", + "placeholder": "​", + "style": "IPY_MODEL_1b0898c4b5b643629e90e4d691269546", + "value": "T: 114/200: 100%" + } + }, + "b8b7d5e1906e43d2a4d82ab4621dbe8f": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "b8bd20ac71944451be3125ad74c7bcae": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HBoxModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_14ce2b16d26f4017b1d826cc59e80eb4", + "IPY_MODEL_5d2a26521f484ce2a852694634301812", + "IPY_MODEL_ed0a0c41b87e409ea560a7dab67b4672" + ], + "layout": "IPY_MODEL_7ffd11f5e62947a2804bf61202319d1c" + } + }, + "b8c368c3f23b4fa180975db1b5539366": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "ProgressStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "b8d105e7b8fe4d34840fd001147ec54d": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HBoxModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_9aa3a021eb85446a8a7b6ba56f2c09ba", + "IPY_MODEL_72ee4ddd4cb844bab759ba4156aae94e", + "IPY_MODEL_aa52635a99c04e35bad2b1ebe408d73e" + ], + "layout": "IPY_MODEL_2ea3ecbdc4344d3a85f552e33d46da49" + } + }, + "b8d97e97ce9d47b5943eaeb4aa6f0037": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "b902e30149ec4879985709ac2d012658": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "ProgressStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "b90cd18e818d4cfdb20c51ec86c18cb0": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "ProgressStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "b921d77fe29142a7adcf453c19c3d6e0": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "b92cfe885fd04c6d950c4ce115e582af": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "b9347eab5bcf4c468ebe054a7c253a40": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_5f436638afad4209b2a6b6dbe9569a5d", + "placeholder": "​", + "style": "IPY_MODEL_7da0c608d79646fcaabf2fa8c37ac9f9", + "value": " 78/78 [01:32<00:00, 1.13s/it, fold=2, lr=0.000233, b_loss=0.987, b_acc=0.543, loss=0.759, acc=0.617]" + } + }, + "b93ddd754f8b44d1b0c0a607e96e907a": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "b9482118ecf043ef81d6d16e6ceaf8ca": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "b94fb82684b64a96954de12921834e4d": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "FloatProgressModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_d1c683bcaec94dc9aa099b8c2cf7ebc2", + "max": 78.0, + "min": 0.0, + "orientation": "horizontal", + "style": "IPY_MODEL_201123f35bb44a81b6be4b01ff962ced", + "value": 78.0 + } + }, + "b9562d5385ef49f19d3c03a8c0b24cfb": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "b9739bb780744eb6b31131ce86f7b08f": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HBoxModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_7275cd7f2d934cd482c5c7008a83a3a4", + "IPY_MODEL_bb90f4f3814d4555a246d662311a7233", + "IPY_MODEL_9f3550a1f4da448fbaf54f43a572f810" + ], + "layout": "IPY_MODEL_841ef369fd3a4229accaf0c598bb5495" + } + }, + "b97f81176cf64221ac3267214fb23860": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "b987916ea59041e09fa07bd34fedad85": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "FloatProgressModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_1e83d4febbb54224849589501a30f297", + "max": 26.0, + "min": 0.0, + "orientation": "horizontal", + "style": "IPY_MODEL_d6e0f086331844028aa8d461c49be343", + "value": 26.0 + } + }, + "b98d2d2af0df4dda86104c40ee44a77d": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "b99f6ee3b5bb4869b5854b1790947662": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_567fccbb68fa410ab3a6dc209c62a293", + "placeholder": "​", + "style": "IPY_MODEL_5d95a6e8b646451ab8df0a8edf713a7c", + "value": "100%" + } + }, + "b99fbe22a3e74b76b8bf0dd29be95a8f": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "b9ac1524ee8d4cbc93f72140d1e851fb": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "b9b540f4c13249e5a84b7a7ff52ba741": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "b9c0e0d5e07343db989e9bb384cbb56a": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "b9eb1335002d47b1960ec5dd6caacc2c": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HBoxModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_1f3f0031b0064e1fac51b848d3b30a70", + "IPY_MODEL_04ae881bcc674243bb468368cf568415", + "IPY_MODEL_ac30fbe5856e4dbca5515d27931641b0" + ], + "layout": "IPY_MODEL_2d65b81c7a8b4ee5a4791a9b5f2bbb14" + } + }, + "b9eb910bd9014554a3dba312de94bf6a": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_d62d10b95cea4cc9a8fc229a19cee50a", + "placeholder": "​", + "style": "IPY_MODEL_ae405660d9d84c8bae3827f0ad2626ba", + "value": "T: 113/200: 100%" + } + }, + "b9eeaa028bf646a6b74c801570f6a00b": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "ProgressStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "b9f29e10c0414f6ebfd85c3fab297d60": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "ba0d6a8384744e5cbde319700b4719f6": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "ba193a8e2dc84e9c8dee272a86af5e6b": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HBoxModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_4ca5cc37b64341f7870c7a006cc8889a", + "IPY_MODEL_d5b8c616f2f54336afdcc6a70d986685", + "IPY_MODEL_02c557b621a44a3ebb07596fb531d6cd" + ], + "layout": "IPY_MODEL_6398bb0f1464487293948fec7299f72e" + } + }, + "ba1b097ce5ef40ccbd97923ec41f644a": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "ba384bd12e2f42538e8ae4d74103ff0b": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "ba6776489bdd4415a1ba2ca858eb3adc": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "ba694e273cdc44f2962244c408f90644": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "ba73f9d4c09e4748b620ca6287bcbd4d": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "ba934686d60742fdae54a0795e3dcf68": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HBoxModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_7f672ede409d403c870339fec45ccb80", + "IPY_MODEL_38e4ab3d18a64a9e9e564cdeb26fb00d", + "IPY_MODEL_43dd546f4ede4e608e3d2e8e62e3daf2" + ], + "layout": "IPY_MODEL_47385de1cecd45629130a19906a8d1f3" + } + }, + "baac7c3484f34356a6adc2721b738417": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_e114af762ba4411791be9559e5516a01", + "placeholder": "​", + "style": "IPY_MODEL_fbdb2f7f26ab406ba260e1fcb9390d40", + "value": " 78/78 [01:30<00:00, 1.09s/it, fold=2, lr=0.000275, b_loss=0.281, b_acc=0.828, loss=0.285, acc=0.816]" + } + }, + "bad43be7109b4cd2bf502e4d07936c30": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "FloatProgressModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_b06a68523d8249c58bd8f33d04808972", + "max": 26.0, + "min": 0.0, + "orientation": "horizontal", + "style": "IPY_MODEL_a5315a5f985a4c5eba532e78677a32a2", + "value": 26.0 + } + }, + "bad9e8ae7f354d3a94e7f14aa709a608": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "baff042632e94b8393045ac43fe138a4": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "baff763574944bf38110d44c09b290fe": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "bb04fb9e385e4d0e8e3d592095f23e6b": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "ProgressStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "bb05f4e92c444a08b77cc7f94772d682": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_dde22506aa684eb9bc5a024263ea66e4", + "placeholder": "​", + "style": "IPY_MODEL_0a06ee2eae64492bb51de728bf81c922", + "value": "100%" + } + }, + "bb08b67d89074d409170ede480967a53": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "bb0957a7ed364357bfc262ad1558b7db": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HBoxModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_3012eba2d18e41528f963de7097a6c0b", + "IPY_MODEL_dc207d62b7e840fd9a4ca20c9a9dfdff", + "IPY_MODEL_c777eaaf75744a38a57a3f612a775e8e" + ], + "layout": "IPY_MODEL_9e8fa63611624703a8b155ad401c4e2c" + } + }, + "bb0d2bb2d4c140ca8c55b16b9b031732": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_5ed41dda9d7a4737a22ceef22306662f", + "placeholder": "​", + "style": "IPY_MODEL_c981297b75c342b49a7cbe41f685a090", + "value": " 26/26 [00:23<00:00, 1.17it/s]" + } + }, + "bb187abd5d734c2db0e8f9746579d571": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "ProgressStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "bb4a31a329e646d1bfdbc2a8f526b480": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HBoxModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_a29527ac00fb4385b4bcf29d536f2350", + "IPY_MODEL_31d367a295954db38fc78083a60993f3", + "IPY_MODEL_64cb6b018e864c7ea39a6375180e9d33" + ], + "layout": "IPY_MODEL_f23867bf737f47c4bfb4cb5120ff2a64" + } + }, + "bb4a4837445842cbbb5c462a92e9e9b0": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "bb5b7f2dc385470ab2d8493048b4f253": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "bb5dd5f12e2d4f3bba267ac416b00bf4": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "bb69da03805244dab433fb623910e8c4": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "bb90f4f3814d4555a246d662311a7233": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "FloatProgressModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_4fadf993c3a444e4845b6f9f5b4da55b", + "max": 78.0, + "min": 0.0, + "orientation": "horizontal", + "style": "IPY_MODEL_a22a656036f94808aae465da7d46b8cd", + "value": 78.0 + } + }, + "bbc338932c544ea49f2f554ed4fa3044": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_ac53920943a24d8e8e61aa5704b0083d", + "placeholder": "​", + "style": "IPY_MODEL_343026999c744248b6214a6da04d138e", + "value": " 78/78 [01:32<00:00, 1.29s/it, fold=2, lr=2.53e-5, b_loss=0.163, b_acc=0.853, loss=0.158, acc=0.89]" + } + }, + "bbfa59293a774c338983d52e165ed56d": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_448a806f756441e2abeb04af51932aaf", + "placeholder": "​", + "style": "IPY_MODEL_1992568a5fa24ab5a4694f443459888e", + "value": "100%" + } + }, + "bc0ccce4d37148af9fb858b096ae1a99": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "bc2c9545c0034124915ceae72534fdd5": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HBoxModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_7b30c7b83fb24507a776e599f0249787", + "IPY_MODEL_727f5cfd0c6b4be889584f4a287bc9dd", + "IPY_MODEL_859f1970a4274f28a4b5498832c9e000" + ], + "layout": "IPY_MODEL_f13e07bc27c54193bbee896af12a2775" + } + }, + "bc38877080bb47d5b075592aa4939d5c": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "bc3a00e7a161425c9baeeaca1cadbe8b": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "bc43be234128492086b70fa8b4d446a9": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "bc6693cab91d4f948c053d3c72b73e13": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_275c3a562e2a423e8c298cc1414e6940", + "placeholder": "​", + "style": "IPY_MODEL_d1ba87b59c354eed8412009f36f50a3e", + "value": "T: 031/200: 100%" + } + }, + "bc756622a5fe48e7acd81faff66a3b95": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HBoxModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_077bdf33208945fd9805438676fd7b99", + "IPY_MODEL_1dbc609a898a4ef1839998b3f2a8bd63", + "IPY_MODEL_ae6520a4563240039c3456586b7f029c" + ], + "layout": "IPY_MODEL_e1424f160d904953ba53bf754880a97e" + } + }, + "bc7b1c8ed89b4c5cbd90eefe38f01b3c": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "ProgressStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "bc99564c45f4458eb336e5ebe9285fdf": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "FloatProgressModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_b59452e847414c8fa416065d2784c557", + "max": 26.0, + "min": 0.0, + "orientation": "horizontal", + "style": "IPY_MODEL_234a0bbfe99a4aa99733e59287664c45", + "value": 26.0 + } + }, + "bca4c1c06bc54fb2ae04ae32a1c15ef0": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "FloatProgressModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_ed8035963270462aa250d1b17131ba2e", + "max": 26.0, + "min": 0.0, + "orientation": "horizontal", + "style": "IPY_MODEL_a07ff0a885be4788a0e8b562c99f43dc", + "value": 26.0 + } + }, + "bceaa2615b2145738e0c709aee4fc9a1": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "bcf1ce2a8b5d427aa0763c935604b33a": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "FloatProgressModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_4af716c3ab154f10ab4baf14e7a9743f", + "max": 26.0, + "min": 0.0, + "orientation": "horizontal", + "style": "IPY_MODEL_f8b766f46aee4f06bfb99a96df0aa9eb", + "value": 26.0 + } + }, + "bd0373e454134ead96e4b56a5817667d": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "FloatProgressModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_57ab662fe2b443bbaf9e7394fa5e4c8a", + "max": 78.0, + "min": 0.0, + "orientation": "horizontal", + "style": "IPY_MODEL_219c6cbf03f24fc49955aec0e18f8f42", + "value": 78.0 + } + }, + "bd239f1c31674cfb9d1e797608d1105c": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "FloatProgressModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_91b86ccd1ce5481aa42cfc2958b669d1", + "max": 78.0, + "min": 0.0, + "orientation": "horizontal", + "style": "IPY_MODEL_0a16ecba00db4494a4c6da95fe9a11b7", + "value": 78.0 + } + }, + "bd262da6bec34d659e889139fb20bcb5": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_3b848be4327347df8f68e967dff5bf21", + "placeholder": "​", + "style": "IPY_MODEL_a966d013ba9349f7a9dcba2093a09b60", + "value": " 78/78 [01:30<00:00, 1.09s/it, fold=2, lr=0.000297, b_loss=0.419, b_acc=0.767, loss=0.44, acc=0.743]" + } + }, + "bd29993ef2634e9fb05119e226f2383d": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "bd418d73f7ce47a9923415d27c41a7d3": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "bd46e96e23d04ecd9335b88e8b112dbe": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "bd48d710c0004bc7be374cba29c3d8b3": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "bd5a542f95324198acef2f8828a12dac": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "bd5c6c6f63dd4fb1a41e0ea87c4c84d0": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "FloatProgressModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_d41d83f71d624a819a7b8ca840db6303", + "max": 26.0, + "min": 0.0, + "orientation": "horizontal", + "style": "IPY_MODEL_31e68a84b7424ba681214e4644866076", + "value": 26.0 + } + }, + "bd623afa7912411985ac3388063ac956": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "bd7257d0db3f4b41b841a24de0be9d24": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HBoxModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_5720632f262944338401d6ae090aedc5", + "IPY_MODEL_2f58aa28e6b54c03805e95a44c306402", + "IPY_MODEL_7164a4ab4f2843de9ffbdf0f3a4cd311" + ], + "layout": "IPY_MODEL_2be98969325f408c8014f18ca7b34377" + } + }, + "bd7ede47f4094ec583c42cb0e8d8db7a": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "bd91178923894d16b7b8f8656340db2c": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "bdae004349c34b4489bd06706dd78769": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "ProgressStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "bdb33c5d34054b3dbf0ab4c70d8bc1ae": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_14673b8d5d58425592730ff4ec07acc2", + "placeholder": "​", + "style": "IPY_MODEL_2e85fe0fc2994c1f8176689f68df2867", + "value": "T: 199/200: 100%" + } + }, + "bdba17e7a6ac44469f5bc97c12b1fb16": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "bdc9fe5a93884c96a8f0ca30eb63ad1a": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_4166c717ce734daa97c0c705004667e2", + "placeholder": "​", + "style": "IPY_MODEL_e6aaf88f6d884e0382cfcd74592af653", + "value": "100%" + } + }, + "bdd03dfe605f4f529802c67b553f3013": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_50501e986b264ee4aa08289d75d2ae62", + "placeholder": "​", + "style": "IPY_MODEL_97d55384804542238a220b0e69225a2b", + "value": "T: 066/200: 100%" + } + }, + "bdd7ec7e8e3f4617b9d9ca7c0867e27c": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_b76b986745b2456fb095bc2d202f9768", + "placeholder": "​", + "style": "IPY_MODEL_10545e58aa214b7687b3a0a6d6a04905", + "value": " 78/78 [01:30<00:00, 1.28s/it, fold=2, lr=1.14e-5, b_loss=0.0955, b_acc=0.922, loss=0.157, acc=0.89]" + } + }, + "bde05da83c11418c938b1445fe44ef5f": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "FloatProgressModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_877723ed532843d987de97cc96586367", + "max": 26.0, + "min": 0.0, + "orientation": "horizontal", + "style": "IPY_MODEL_3553f52713bb4495b396e35c749ff007", + "value": 26.0 + } + }, + "bde31e753d9f493790e1719463cb84d2": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "bdefa2d1674d4a9c804f8199920f5d48": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "be19cbc9d78748baa2bd3682f521f090": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HBoxModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_678c254b07444cc9b7dbbdf49831ba6f", + "IPY_MODEL_d2b6fd7f1562437b95cbf4db786057cc", + "IPY_MODEL_d5b32670820742b39f0377e865189379" + ], + "layout": "IPY_MODEL_2bdd8679db5d4924a41e8446c10321e8" + } + }, + "be2acedf8b1a4eb490a0ca59b300329c": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "be2bedcc380944d68fa1b9040ac8590b": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "ProgressStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "be326408c1a44b7b9917192288b779d9": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "be38ef1da2234746bbdf5794885d488d": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "ProgressStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "be48903132964a938368fd41a3c231a0": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "be5022fa8788448eb8ad17278c2d6f68": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "be5979eca5614da0a821113f995beaf6": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "FloatProgressModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_0072adbf22b64fd9afcb91e800df8106", + "max": 78.0, + "min": 0.0, + "orientation": "horizontal", + "style": "IPY_MODEL_50a33d56475c42fbb35578a6f51b2feb", + "value": 78.0 + } + }, + "be76faaeb5844f31ae56f14b91b691c7": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_2e5ac659ac7b437887c627a097f4e7ef", + "placeholder": "​", + "style": "IPY_MODEL_7c9a8de588f24e82b81be5394fa00c67", + "value": "100%" + } + }, + "be7844ffe2cd4cf7a9fa44245fe07317": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "be7e6b6a44f94c9a82e0a40c7bd0fcbb": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "be863d9c257d445391b22b13d62f0aea": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "be94305014bc471cad58dd15d87578bb": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "be9f55acfddf450db6819d18ed71df5e": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "FloatProgressModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_9cb9d810bf4b4c7ea14475404b35f172", + "max": 78.0, + "min": 0.0, + "orientation": "horizontal", + "style": "IPY_MODEL_2086d500960c4472acb0543691e98080", + "value": 78.0 + } + }, + "beaa44a65cf249a2999f07d8f46da319": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "bec212a9a6e949098153803dfdfacf3d": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "bec6306e679f4f01adf5b97e0606b87f": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HBoxModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_b2c8c4f914544940a809674e934b6a18", + "IPY_MODEL_1e84b01331874bb1a655a62310f85c3e", + "IPY_MODEL_f0e085997fb94941b8013663d425c850" + ], + "layout": "IPY_MODEL_f8388eec5e064d3da4e328f759c477ac" + } + }, + "bec99496fe4e4e908b646c01c4f7202a": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "ProgressStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "becd09a47be241c0b07fbc88fe981d17": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "ProgressStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "bed1010496a342edb95318962905869a": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "ProgressStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "bee005981e1046bbb0a72b000daf0c89": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "bee6d800909c4bd58d85492e41476766": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "FloatProgressModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_8f52dc9455c6482dba843406de6f8a3b", + "max": 26.0, + "min": 0.0, + "orientation": "horizontal", + "style": "IPY_MODEL_e6ecce7b3d6447e1aee4ed943b806bfd", + "value": 26.0 + } + }, + "bef990a1248c4a34be25142ac77df478": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "bf0198ac43f04f649bf32fb67b0661fb": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "bf0394f293c545be8a1cea467e598332": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "FloatProgressModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_54923838530245d69ebac6f923be2105", + "max": 78.0, + "min": 0.0, + "orientation": "horizontal", + "style": "IPY_MODEL_cdea8c2bf35e42b3b9491545ef23708a", + "value": 78.0 + } + }, + "bf0888b61e32434081e81e892ef26265": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "bf0b2adc04ae4d129a132ddca6d23dad": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "bf0cfbb2c0ae4a71b5f93ecea89ba83b": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HBoxModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_0ae2893384144b37a74c28767052e760", + "IPY_MODEL_426ee967f85645f9811cf56c3c8ea82b", + "IPY_MODEL_de316dbf365245238fc4ebcdb703add6" + ], + "layout": "IPY_MODEL_c29e38147dd44cee9cb81646235b42c8" + } + }, + "bf4e3bf312e842e28c1cee9ba84bac5e": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "bf577d2d35094898b033b2c7cee07716": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "bf84d0c841b5494eab1e1fcc05777b02": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "bf89eccbd0424a8db8c44bf5040276b8": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "bf8a0616789940dda028a85a6391b449": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "bf8ea00596c24af2a8141b51d633d23e": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "bfa0623f48fa4500a7c85dede9cd0c9c": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "bfa848f3a1f847968dc4257627c4a203": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_50ac2dee6c4348b1938558f60664df7f", + "placeholder": "​", + "style": "IPY_MODEL_5d0be3ee50ff4357abd751bee623eeff", + "value": " 78/78 [01:30<00:00, 1.12s/it, fold=2, lr=0.000256, b_loss=0.303, b_acc=0.836, loss=0.27, acc=0.822]" + } + }, + "bfad503b05e44d048d57c4b1426de25e": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "bfb3cc2c001545eab2b0789801944f82": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "ProgressStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "bfc17c77bd0f40e2832a1060a73ceeb9": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "ProgressStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "bfc3309cf6974fc4b400e799a7df2f9f": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HBoxModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_9b5bc38c2394444da4d1a3fd04879ea6", + "IPY_MODEL_30f340ad9a0e47509fa248bbcd144466", + "IPY_MODEL_9769571ae5604210905c584f2ea6e524" + ], + "layout": "IPY_MODEL_960296ebe153401f8bdf0ac4fb10347d" + } + }, + "bfc5c9ef255043f9882fcd08f7a768b3": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "bfc8b62ed5f24ab097bd1c90e509f989": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "bfd3ab1812e3421e9a028fc29b670b5b": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "bfdcf9d0a5754aa68e1f14ea95a55bef": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "FloatProgressModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_c59c98102c2f421395a30c3bd32c1e96", + "max": 78.0, + "min": 0.0, + "orientation": "horizontal", + "style": "IPY_MODEL_089785667a5849c39b0585f7ec539d76", + "value": 78.0 + } + }, + "bfee2a02680f4649b60a0b90bf05affa": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "FloatProgressModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_5229b663a7074af5861c5fddf12e1b8c", + "max": 26.0, + "min": 0.0, + "orientation": "horizontal", + "style": "IPY_MODEL_611c07dd298e4047b74d546121e26a81", + "value": 26.0 + } + }, + "bfeedcd7c1c7405db2fa2968e75d7052": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "bffe1de756d640d7948c1d3985a7966d": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HBoxModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_fbbcd3a615004731a3cea69e57ee9ee1", + "IPY_MODEL_1d9300233f154c4194b5f2d26ba08bc8", + "IPY_MODEL_6fa1a8466aba4a8ba3f74e72f092e44f" + ], + "layout": "IPY_MODEL_cd81d681124b460f9011ff1d185b7057" + } + }, + "c012798e26ec42ab8df6779072dccfc3": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "c015c373f4664af18aaa31d3e9a90818": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "c01ea4197c0649a8853837858641753b": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_3e0f4642e65d48669207591fcf38074e", + "placeholder": "​", + "style": "IPY_MODEL_490d76b2b8234419b9342b98866222db", + "value": "T: 094/200: 100%" + } + }, + "c01f3f7d5eca4d5f8359781a8f87da24": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "FloatProgressModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_279268bc60fe4979b0122bff5ccbccb7", + "max": 26.0, + "min": 0.0, + "orientation": "horizontal", + "style": "IPY_MODEL_710bbdbf8390455cb973603414294e2b", + "value": 26.0 + } + }, + "c030e79b539d42dd856acdd00edd947b": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "c03aa8698b1d46559c08eab7c11ccd68": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "c05318ac00e14b7799f0b65cfc53027b": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "c0563f99dc3149bba091c127a742e0fb": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "c06528a2a82d4a9980e02ff6aab751c5": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "c0716b3b8ff9497f8d8896f2630eed08": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "ProgressStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "c07701db0cc5484a8baeabd2c2510524": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_161c63490f434f0bbc0f7018f7800e08", + "placeholder": "​", + "style": "IPY_MODEL_1c28d90af46a4771905e503aa65b2476", + "value": " 26/26 [00:24<00:00, 1.06it/s]" + } + }, + "c0855a3c42f5495da860d36987f87301": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "c0b154ceef2447f4b4b5539c6eb5a3d1": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "c0b263a373e14be3b843bc9ca1f719a0": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "FloatProgressModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_c42df86eeda442979f685dd08f6687fa", + "max": 26.0, + "min": 0.0, + "orientation": "horizontal", + "style": "IPY_MODEL_319f1a92547e4b978ebaa46675a62c8d", + "value": 26.0 + } + }, + "c0cc5ba212ba42fe91101ba0914a5a68": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "ProgressStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "c0d988d82513416281bedf84a58d8ad2": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HBoxModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_215b50716ff746d7a0902ebfaea3cace", + "IPY_MODEL_0a2cb50cea294d4bacc9d1d28bcd1bbe", + "IPY_MODEL_673d72700f2b4e44a3e2d1ea39085e72" + ], + "layout": "IPY_MODEL_d9fb2a924f764e7ea2a80a7212f64e89" + } + }, + "c0db951f691143f38a6798e175e1d98c": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "c0eeac133114420b8b591512abe119a5": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_3bd90bf4b149468fb9b106983f9a7d07", + "placeholder": "​", + "style": "IPY_MODEL_825052592ba44be1bb693f4b20e6830f", + "value": "100%" + } + }, + "c0f090e919d240ff82b09547b1112dca": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "c1009de7324646eeabdbbd06526a5df8": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "c123af827d154b458ad99115951c0cab": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "FloatProgressModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_c4d148e6b94e462180b7b542d1eab214", + "max": 26.0, + "min": 0.0, + "orientation": "horizontal", + "style": "IPY_MODEL_9b2f180fed4f43e48a13d37ae420f587", + "value": 26.0 + } + }, + "c135129e4bbe47ea97d33904969c17eb": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "c1365595d8a94350b26cab33f5617936": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "c17e47e7f1614394897f5d9f02aa94d9": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "c17e91b514924b7aa99af6e8c46f6c54": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_41ac531b513340659fc090cf87c28a13", + "placeholder": "​", + "style": "IPY_MODEL_4dd8d5aff2674b14bed563a275361e76", + "value": "T: 127/200: 100%" + } + }, + "c18ed22954d745ddbd3721301d1fdb3a": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "c198787f0d1f4507a11544c4c03391cc": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "c1b4a3ceab984544b5a89e268f12f922": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_6cd4550ee1c340588ec4fc0c22cc95ff", + "placeholder": "​", + "style": "IPY_MODEL_6d47bae0507a4bf3acfc5f34fa86b203", + "value": "T: 187/200: 100%" + } + }, + "c1b801e59fcd4f00bb0b38669220b504": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "c1cd659a83ef4764bdf76e4f93e5f073": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HBoxModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_34dc059cf7a24ea3906e2a877f88fe86", + "IPY_MODEL_4b06e852243d4d788a7d8738e2d99898", + "IPY_MODEL_411ba75b43f5448fa763da89c3757f5a" + ], + "layout": "IPY_MODEL_235516bf3583478f94b344e855f6b52f" + } + }, + "c1d5445a15264eba902178bb5aeea1e7": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "c1db9fd1bfe14152add5e41b6747db7f": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "c1e1d2bfcc894a3d9ef6e67dc2a7562f": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "ProgressStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "c214a57df1b3459f98606a398005bdb7": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HBoxModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_b796b15a1c8141288fc2fd03c674dfa3", + "IPY_MODEL_085804362a68421fafd6f39bad33d274", + "IPY_MODEL_3ef0338d229d460a9744379717004f64" + ], + "layout": "IPY_MODEL_9e19f917bd8241a588fa3066b6fe79a9" + } + }, + "c223dc8ce998462c8f50e7887876490e": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "c232cf4fd8ca473baee2193db5287594": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "c2506313600d49fc9b5458b320aef003": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_9884137079ce4e148d5622c484e338b6", + "placeholder": "​", + "style": "IPY_MODEL_43a02ddf1f654a3b8d36a3441bae9e44", + "value": "100%" + } + }, + "c2767fad38bd4c63a13c50916e63d3c7": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_406c2a0818ed45edab15c1f6cbadbde6", + "placeholder": "​", + "style": "IPY_MODEL_7ccfd9a80ea04cb7ab5a001123e83e58", + "value": " 78/78 [01:31<00:00, 1.16s/it, fold=2, lr=0.000207, b_loss=0.67, b_acc=0.621, loss=0.73, acc=0.634]" + } + }, + "c27d190776db41c5b3ba433f21cdb284": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "ProgressStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "c28548184937447a9c5f5bb2d3e12f4a": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "c291ddefff96456c83633db42f616165": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "c294ddb48e0d48eb9550efbec002aeaf": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_4094f340c2cc4cecab28a03eefae2d0a", + "placeholder": "​", + "style": "IPY_MODEL_f6d22d3de9a04182b051d0d468e2dd12", + "value": " 26/26 [00:23<00:00, 1.17it/s]" + } + }, + "c29e38147dd44cee9cb81646235b42c8": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "c2a04bcc5e834c74881037ae136e6dca": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "c2a9ba538dbd4dd8a30ea7908a8c97f3": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "FloatProgressModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_122ad44c163c4e8cb93611a3cf89f264", + "max": 26.0, + "min": 0.0, + "orientation": "horizontal", + "style": "IPY_MODEL_cd8fa14c859949c78e172eac73784af9", + "value": 26.0 + } + }, + "c2bcfb43b8be4c089ddb443ffa041a71": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_d11506cbdfb1445481f931da05605514", + "placeholder": "​", + "style": "IPY_MODEL_b43d86e7a17549079cd6d4228ed64063", + "value": "100%" + } + }, + "c2ce39aa6dc9490d81d5c33d8022b726": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "c2d07ce840ca4b76a87c3d0086f5febe": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "ProgressStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "c2d60b8cb2f947afb590168b5e5c1160": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "ProgressStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "c2dcf21ee5b941bba4a6c08017ead64d": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "c2dec769a0a9459d82acb2d4bcf7a5b3": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "ProgressStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "c2e1d1b0432e441ab033b5103490f613": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "c2e1df5b8e3d4225ad37fd39209cef67": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "c2f582d91ebc45a6ad21605da14fd93f": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "c2fda02f3a0e455981e5ef8de4299ecc": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "FloatProgressModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_8dd72e56af1e4bfe912771899c67635b", + "max": 78.0, + "min": 0.0, + "orientation": "horizontal", + "style": "IPY_MODEL_6ea3afe2e9b94672b273fb924621a132", + "value": 78.0 + } + }, + "c305c31c9d384d3b9e30b7e40e8f01bd": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "c31001096c144e87af10743c43a9bf69": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "c310c9bf0b124258ba4a430d072804c1": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "c31396a5bdf34c90a3adba235568eb4d": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "c31b005f0796444d92486f369a201647": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "c3401bb7519f4cae8c61b8d0f5089197": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "c34043ff38f8418f8b0d757bc80dd1b5": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_eb103622f3fc43709136ae06e2c54e1c", + "placeholder": "​", + "style": "IPY_MODEL_409a1f428fe34adca16b21d2f40a2f22", + "value": " 78/78 [01:31<00:00, 1.28s/it, fold=2, lr=0.000289, b_loss=0.757, b_acc=0.638, loss=0.617, acc=0.673]" + } + }, + "c34b7209da5541d79b2f89ba93645ee8": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "FloatProgressModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_e79c7988bc9942f98f2dfe14cd413175", + "max": 26.0, + "min": 0.0, + "orientation": "horizontal", + "style": "IPY_MODEL_a113aa2e3a29404fbb96ebdd3ccb7fa2", + "value": 26.0 + } + }, + "c354f7efad5c43c38745fadf392632e3": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_f5c2527894d143eca84ec8fb2066f661", + "placeholder": "​", + "style": "IPY_MODEL_dba0657907b6419094eecc8f8b213e34", + "value": "T: 016/200: 100%" + } + }, + "c3628f45161046e39dce70c24e1a35d5": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HBoxModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_37ebbe27a5474723954b1c613901a25d", + "IPY_MODEL_806f4b35839f44fdae86acfa6233f4ef", + "IPY_MODEL_aaa56738f53a48f691955f6cb13a191a" + ], + "layout": "IPY_MODEL_8360568c78974e7bb8bc9c8df183aa86" + } + }, + "c36332d4fa584e989b022236205f6540": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "c3857373e46b46c393a97620e124fd9a": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "c3908d6fe3dd4a768ebd2242f353fe7c": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "ProgressStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "c39f87dd757342fcbbb13b714d769428": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HBoxModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_914e73df5ffa492e9fe17733a2694610", + "IPY_MODEL_3b89ef72ce094e608b2b7b96aa57e09f", + "IPY_MODEL_cfd27d48eabc46d5a9090ec4a2cfffb9" + ], + "layout": "IPY_MODEL_c617c41c9b56481a9e665d8bc98f85cd" + } + }, + "c3dfaa99d98e4130a953193d5a8ce5a0": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "c3ee2fae8b4e4a01b122807cd8b1f730": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "c4163f4432db4251a3c8282e415c6d3e": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HBoxModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_7b6561126bf44d46a90564f6e59e5ad9", + "IPY_MODEL_d4117265792c4150a7fd2ee696ec9460", + "IPY_MODEL_a912075ad4ec43328ba39daa8dea2f92" + ], + "layout": "IPY_MODEL_79e98b6dc9524be89b283543ce0775e0" + } + }, + "c41aa183434d421fb9247a70d14f602b": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "c42ca854c4d34254853dde4369c03950": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "c42df86eeda442979f685dd08f6687fa": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "c43eb60b05d14d0daac0b657b471907e": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "c46e1f7040f84109b3cc15941bbc2bcd": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HBoxModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_f80f3ce950394dd3860657288cf099c7", + "IPY_MODEL_a637e4336e9a4ecc8960a3546425a2e8", + "IPY_MODEL_f8955b938ca84131b433a9beafdf81c6" + ], + "layout": "IPY_MODEL_c2ce39aa6dc9490d81d5c33d8022b726" + } + }, + "c47e4d61f6f34943a1c6cc4d318ddbf4": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "c49be1d1cbeb4fabb9c288465ed8e453": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_549355289569415ba01659e52cdb77d8", + "placeholder": "​", + "style": "IPY_MODEL_13ee1dd6ad954147a88b0390487a0191", + "value": " 26/26 [00:23<00:00, 1.19it/s]" + } + }, + "c4b5dcca122b425cab2dae6e4f03384a": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "c4d148e6b94e462180b7b542d1eab214": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "c4e74665170a4b48be0b4eecbac57a20": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "c4f63e7b68bd4728b43d5bff0bf89c65": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "c50290e3ac854612a5503771ec1fd415": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "c50caea45b0f431281819aee4c989cc3": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "FloatProgressModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_b055313e89e2424d9f96185dae05b77c", + "max": 26.0, + "min": 0.0, + "orientation": "horizontal", + "style": "IPY_MODEL_8eb0498ac0ff41a48cdc58bba7f0f227", + "value": 26.0 + } + }, + "c51a5f713a3d48d187b8d4cf7c27916b": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_1e1b29fdb5ad49e1977e62d01b0d1641", + "placeholder": "​", + "style": "IPY_MODEL_266a83054b33495bbaa411a85394bb2d", + "value": "100%" + } + }, + "c5310729d8a64ec68d61bc0a97607efe": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "FloatProgressModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_86d6d7461b9a410d9dd282c5f4da76c6", + "max": 78.0, + "min": 0.0, + "orientation": "horizontal", + "style": "IPY_MODEL_e7f970e7cf8847d98e6dde201251e556", + "value": 78.0 + } + }, + "c539138a8dc54055ae24fa50cb63647d": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "c53a03618d8c43488015fc3a1e4e0b29": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "FloatProgressModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_b7b9c571661b4d02af7f0e5e31da95f4", + "max": 26.0, + "min": 0.0, + "orientation": "horizontal", + "style": "IPY_MODEL_6a5d7c472047432ba0210fd837c219fa", + "value": 26.0 + } + }, + "c54e7fadbea244dabb13c4405f3856dd": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "c5516b92eaac4abfb12eb2df6d3ea947": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "c5743fd294944460b30a7f152775c1de": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_a98a9c5117ef4753af8b9eb6b27d8f75", + "placeholder": "​", + "style": "IPY_MODEL_9b22010e004544a998b9d88fc8a959c8", + "value": "100%" + } + }, + "c58c3778d4724efc8bce8e1e6b357cc1": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "c59c98102c2f421395a30c3bd32c1e96": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "c59cd7296504470ea5cd81a585e88bcf": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_e3ea35018fe94496b2c449b64d47c9f6", + "placeholder": "​", + "style": "IPY_MODEL_85d0401fd67842179413443c1d2d8e2e", + "value": " 26/26 [00:23<00:00, 1.13it/s]" + } + }, + "c5a07c774fe747b8b8fa70df5d437666": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "FloatProgressModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_7f4d86152baf4e23b421b3c08c4be511", + "max": 26.0, + "min": 0.0, + "orientation": "horizontal", + "style": "IPY_MODEL_ee53415613644833980d0b381dfcbc4a", + "value": 26.0 + } + }, + "c5a85e746e4048d995a8da3cbf044369": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "ProgressStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "c5b106a81dd04fc9b392595ca14d505a": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "c5ba472aab924346a2ac71ab309a64e1": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "c5d34282990f4a038237ab823720ccba": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "c5e80c1109d649e5b040633819eef8d1": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "FloatProgressModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_3bee54a3c9b341ff99be0dd1974528f7", + "max": 26.0, + "min": 0.0, + "orientation": "horizontal", + "style": "IPY_MODEL_72e1e4f2619543a29895f468780d5028", + "value": 26.0 + } + }, + "c5ec517d52ff419581f94ec802c01c8e": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "c5f3d13896fe4139a4473b0502acd8f2": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "c5f4807b332643f7b20a12f37c7e8e0c": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_e0d7b05c448a450e90d950ad1a110962", + "placeholder": "​", + "style": "IPY_MODEL_845602320a4746eaacf4e7f65ad7dfc2", + "value": " 78/78 [01:31<00:00, 1.20s/it, fold=2, lr=0.000289, b_loss=0.331, b_acc=0.784, loss=0.349, acc=0.784]" + } + }, + "c5f56b7c761a47d0af58b71054c486c0": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_39d33ea330924fceba28e64134c961b4", + "placeholder": "​", + "style": "IPY_MODEL_2410c24ce6c848629b556c8f4bff21e2", + "value": " 78/78 [01:31<00:00, 1.37s/it, fold=2, lr=0.000297, b_loss=0.234, b_acc=0.784, loss=0.357, acc=0.781]" + } + }, + "c617c41c9b56481a9e665d8bc98f85cd": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "c61fd7aed19f4797899e3d4328610bb9": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "c630b7be7df7493495dcfc0481c2ce07": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_56966ba3d333466e9dc43b2c68af5fc3", + "placeholder": "​", + "style": "IPY_MODEL_dba386c5caa440b0b15265dde7fa0925", + "value": "T: 146/200: 100%" + } + }, + "c6340b3425d54fb28c88123b3ba6444f": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_e7843bb836d8488e86a849a6b6cb05de", + "placeholder": "​", + "style": "IPY_MODEL_66532c7561c54a3fac7e7e7f4ee1a048", + "value": " 26/26 [00:23<00:00, 1.08it/s]" + } + }, + "c6350b0cb81e4e09bdc328895be08390": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HBoxModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_d77643e88c6a4f5bad9c44e3b541f2e5", + "IPY_MODEL_00264b014326444fa1ce39e352aded02", + "IPY_MODEL_d5ce9e463981461fb398124b3b6cf57b" + ], + "layout": "IPY_MODEL_2ec8393ab920472da9460f5612c82751" + } + }, + "c65af1f3e712435b9f431b30d394cbe7": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "c668289d6427462abed78b6bae03a53b": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_3736edfe5e844e63a54786e11cef28f3", + "placeholder": "​", + "style": "IPY_MODEL_d5ad23ed7f0f41de838c56680c78c495", + "value": " 26/26 [00:23<00:00, 1.06it/s]" + } + }, + "c66999c64c174bdb8d82b03c02034f3b": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_19395df350ec45d1b0cc4d5e76886929", + "placeholder": "​", + "style": "IPY_MODEL_409e4b3317d04bf186d9b29286f4997b", + "value": " 78/78 [01:31<00:00, 1.18s/it, fold=2, lr=9.26e-5, b_loss=1.08, b_acc=0.466, loss=1.01, acc=0.517]" + } + }, + "c66d4b936dc1407385baf17fc9ac56d2": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_281fde089578461daf3b0f4fc203661f", + "placeholder": "​", + "style": "IPY_MODEL_92637c373f7c4c80857e64a39dfacee8", + "value": "T: 096/200: 100%" + } + }, + "c66dccb43de24a8dada8b79f4de1b05f": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HBoxModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_752a0816d03e43d4832da3da5eaa891e", + "IPY_MODEL_fc7fd8e0a5c84428ae9f5e6d98298445", + "IPY_MODEL_68c867aa703947bda07a336ec6dee13b" + ], + "layout": "IPY_MODEL_a2cba5aafb3348cfba02bedbf51e60ef" + } + }, + "c66fa48b4233415fb91c00662ba78e40": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HBoxModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_55686a5c04d448f0b3d161909f992f83", + "IPY_MODEL_1915c917f590433296ac0f7308ab7258", + "IPY_MODEL_54337cf31708405f9990c6f007d4156e" + ], + "layout": "IPY_MODEL_ad84c0d4088c43fba68b98b82e2441a9" + } + }, + "c67670d555004be6a1ca1137b58acf95": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_e9ed6c2719dc4732aec24b0e4a1ef63e", + "placeholder": "​", + "style": "IPY_MODEL_e7dc98ed2dbe4d8f9593eb571f663de9", + "value": "100%" + } + }, + "c68a7f40a28d45099c3ea08fb11d55cf": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "c6970f4ba3de441489990233977e1c13": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HBoxModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_7913b23a7b1341c0b6bf801a4787f6a7", + "IPY_MODEL_de8295b5510b434094cc529083c8e417", + "IPY_MODEL_6fdc89a600ab4f98a10a1b95b930fe0e" + ], + "layout": "IPY_MODEL_387c2b785fc440ec84105f3043d03c32" + } + }, + "c699dc13ddaf42e1b062e487f0c11414": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "c69d7750dd774ace8f3a59aa1db85258": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HBoxModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_c76e4160387a4bbc91d0202f99b2fe3c", + "IPY_MODEL_37ac79aca0694912a6932a832c001258", + "IPY_MODEL_c49be1d1cbeb4fabb9c288465ed8e453" + ], + "layout": "IPY_MODEL_4d4d97c9b44f409db74f31003b107217" + } + }, + "c69e102181d34f0aac7e782f09b240fd": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_e4d96ac752d74a19a452cbef91a8d1d9", + "placeholder": "​", + "style": "IPY_MODEL_159a6afb1c9744118dfa9116ed78de2f", + "value": " 78/78 [01:30<00:00, 1.14s/it, fold=2, lr=0.00015, b_loss=0.389, b_acc=0.784, loss=0.493, acc=0.725]" + } + }, + "c6d660fe6782468990bd383ebc97c747": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HBoxModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_922567f3b1414d41ae93bba3ff50a7d0", + "IPY_MODEL_21b0123b29a34bed877209cf2ee44c5b", + "IPY_MODEL_641e0fab0750400e8d6da814efa68223" + ], + "layout": "IPY_MODEL_be94305014bc471cad58dd15d87578bb" + } + }, + "c6d7756ece8449c898a1e54ed9610fc3": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "c6f343e47a2e40f5bde967cac1413aa0": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HBoxModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_4f9b29fb4a454af4aae9fe73bebba21c", + "IPY_MODEL_ebba476630e044df9328725ac4e4aa2f", + "IPY_MODEL_3a6c2dce20f64d0c893a507db989601a" + ], + "layout": "IPY_MODEL_7d24e34a03fa429593efbf8b94fed561" + } + }, + "c71d78566c6b4c67abbdedbc5a57ea15": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "c71e21d6c4de4eb48cc6889a831edb68": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "c73ab7749cb84a04856d77f05da095ec": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_2b2cfa39cba244969b63246ff2d49e25", + "placeholder": "​", + "style": "IPY_MODEL_745dd37b08f7487fa820289365785559", + "value": " 78/78 [01:31<00:00, 1.13s/it, fold=2, lr=0.000121, b_loss=0.235, b_acc=0.888, loss=0.232, acc=0.848]" + } + }, + "c74466e5a9714e89bf73e60b891be1ae": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_921c148de2ed495896183f5c8de2996a", + "placeholder": "​", + "style": "IPY_MODEL_881b5a5830794871a5ca26c521535a12", + "value": " 78/78 [01:32<00:00, 1.21s/it, fold=2, lr=2.53e-5, b_loss=0.826, b_acc=0.552, loss=0.681, acc=0.649]" + } + }, + "c74e9497037342e19e21568606774867": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "FloatProgressModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_c198787f0d1f4507a11544c4c03391cc", + "max": 26.0, + "min": 0.0, + "orientation": "horizontal", + "style": "IPY_MODEL_6dc982b39e604379a83be230fcad6bd3", + "value": 26.0 + } + }, + "c74fa0c27cb9416fba3631caabfa8eb8": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "c7625205c193452e8ec6026e41b8afe7": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_119c200083f94fb1a54b85d743f83481", + "placeholder": "​", + "style": "IPY_MODEL_72d0903de6314e8d80a5ab2dc2877bbb", + "value": " 78/78 [01:30<00:00, 1.12s/it, fold=2, lr=4.39e-5, b_loss=0.602, b_acc=0.69, loss=0.575, acc=0.692]" + } + }, + "c766db19ade245ddbde27d05fdcf56ee": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "c76e4160387a4bbc91d0202f99b2fe3c": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_945d5b00db9a4fbfb963d4c2beb2c775", + "placeholder": "​", + "style": "IPY_MODEL_f02976f318f34b45b8699a30413e006f", + "value": "100%" + } + }, + "c777eaaf75744a38a57a3f612a775e8e": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_23549d39202c41f29ba422bbdb9b0fb7", + "placeholder": "​", + "style": "IPY_MODEL_c9df73a6fc774d9ca0cc2aef0c20a04f", + "value": " 26/26 [00:23<00:00, 1.14it/s]" + } + }, + "c77a96e3b7fa43a39a608857a1fd388d": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "c77d38631beb4db0831b6d0024ec584a": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "c77de3252e4f460a9048e2495131fe2c": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HBoxModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_d9b417f586bf4e2fafff0f6fbe5d8bc0", + "IPY_MODEL_0a0820649ad44aaaa9001651b2989eab", + "IPY_MODEL_2a15e523495e440788b079933ef12eff" + ], + "layout": "IPY_MODEL_2f9925f2e5fd41bc97ec977195d28ec8" + } + }, + "c784d57f29c2449e851826b27a01f384": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "c793e029b30e402eb6bc0d6dfd3ea563": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_36d74fb972e341378a75699abb20132f", + "placeholder": "​", + "style": "IPY_MODEL_42cd7edae0d6461ea06de09b5468072d", + "value": " 78/78 [01:31<00:00, 1.06s/it, fold=2, lr=2.88e-6, b_loss=0.131, b_acc=0.931, loss=0.14, acc=0.902]" + } + }, + "c79fc5e0f82f453581791c9883cd55ec": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "ProgressStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "c7a94ac5d7c94ef2b92b185fe6d6f5b2": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "c7bab17c49af479db3cd66d635ab5ef6": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_52516626411146ae89d84cc0ed6c89c6", + "placeholder": "​", + "style": "IPY_MODEL_bfa0623f48fa4500a7c85dede9cd0c9c", + "value": "100%" + } + }, + "c7bf9bf4b8464590947ae4be7f65e0a6": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "c7d4cb02d9eb47ed8aa5311d6c1e5e49": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_3cd98c861bc5446290b18908849148fa", + "placeholder": "​", + "style": "IPY_MODEL_eb29caf3ccc84a098302221ff1a1cea6", + "value": " 78/78 [01:31<00:00, 1.17s/it, fold=2, lr=4.39e-5, b_loss=0.358, b_acc=0.767, loss=0.294, acc=0.815]" + } + }, + "c7da4e282fae49dfaac1b91d62794918": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "c7e1c08cd7d744e7aa101ab25c3c9004": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "ProgressStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "c7e24596c7a84180b53f1a6633968bd2": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "c8256479743f420e8086fdb26a8aedc1": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "c827b9cc580c473bb3ecf3efedb41714": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "ProgressStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "c82e2d70e8fc48258b9ffd4569bd780a": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HBoxModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_a2b370e5232c4263bc3bdbedf138f534", + "IPY_MODEL_a660e049a6924bc0b46bb972333948ad", + "IPY_MODEL_ab70a62601ea4c9ea93848e457f5fde1" + ], + "layout": "IPY_MODEL_cbdde32d42664100835f667a6df7584b" + } + }, + "c830336adb4b443f8893fb39f0fc0e81": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "c839dc0f96da471088f8b7f76cc128d3": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "c83da4c22d4448c2aa428c93b479dc43": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_acde14a47dd94eadbeae6a94586dbee8", + "placeholder": "​", + "style": "IPY_MODEL_41de7d289e2747eda35f034bf00c99f6", + "value": " 26/26 [00:23<00:00, 1.05it/s]" + } + }, + "c85f1b60dc5f4a15878f6acb006ab498": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "c86782507c6245d68c69c6b603e0ed31": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "c86b074e181d41f68f442c6a7e5c451d": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "FloatProgressModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_c5516b92eaac4abfb12eb2df6d3ea947", + "max": 26.0, + "min": 0.0, + "orientation": "horizontal", + "style": "IPY_MODEL_9fe14ec233ad4dfdb0e747eb0a86102d", + "value": 26.0 + } + }, + "c8700d07b89f40e88ec317a6d484e9a7": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "FloatProgressModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_eacccba25c2e431da2e88725ccbcc9d1", + "max": 78.0, + "min": 0.0, + "orientation": "horizontal", + "style": "IPY_MODEL_81585d50ec9a4a4fb7f8883a54947731", + "value": 78.0 + } + }, + "c875c9c0d97c434e8805bddb02365782": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "c88759364ff54acc934dcf7aec80b3d1": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HBoxModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_24119a87e2314c0d9bd5ab13993f4340", + "IPY_MODEL_025d66cce4fa40b28bb2497f6864926d", + "IPY_MODEL_45fb953a73534283af231def7e0c5cbd" + ], + "layout": "IPY_MODEL_55b73ac8a3b740749c1fa4fb0519e2b9" + } + }, + "c89d7001256b49438904287d36d66200": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HBoxModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_9c15a8d395d64511ba5391f34b6e3421", + "IPY_MODEL_62eea4b3007c4519905ccd055639053b", + "IPY_MODEL_8ef82546d5004541875e0edf5369de37" + ], + "layout": "IPY_MODEL_bad9e8ae7f354d3a94e7f14aa709a608" + } + }, + "c8aa65d803604c5fbc42db2bcafd335a": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "FloatProgressModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_26878d188a20467facaa6692c763a1ac", + "max": 26.0, + "min": 0.0, + "orientation": "horizontal", + "style": "IPY_MODEL_2e117c6186214f209d478b02bc3dfea2", + "value": 26.0 + } + }, + "c8cefb4c021d4cafb26b4c6645426028": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "c8e0a213353444e99b987aef97b5e2b1": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_95a54f574ef04f3fa2ebb96fc0bfd07f", + "placeholder": "​", + "style": "IPY_MODEL_29bca8ae5b1d4da091ba88a23c427855", + "value": "T: 064/200: 100%" + } + }, + "c8e78589bbc84908af1343987d954e8b": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HBoxModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_e6c6b8b4e10f489a8f7a8abe479b3a40", + "IPY_MODEL_7703b2d1a2c14b76ab62bad50d635c57", + "IPY_MODEL_2c3b0f7623304eddb2f5ae9406c8177a" + ], + "layout": "IPY_MODEL_bf84d0c841b5494eab1e1fcc05777b02" + } + }, + "c8eec5d167ed40bc8cb24b5376a287b6": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "c90c80f3db57495eac746611040de0cb": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "c926062102a440efbf13a7d66b1f90e5": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_94bf1bd8ba2a41bd94b829c82b66e75c", + "placeholder": "​", + "style": "IPY_MODEL_fd67d017315445239c6269863db1e110", + "value": " 26/26 [00:23<00:00, 1.10it/s]" + } + }, + "c927e6d10cf6482dbe83010bb39a9dda": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "c93670d8af7a46039849a93b003bbb1d": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "c95ce2fc456e436bbf446a6f002cbdbb": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "c972f27db2eb4723a3f09724cebb30d5": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "c97901116d074397a97b5d679569d358": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "c981297b75c342b49a7cbe41f685a090": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "c9ad2c45d79c476c8bf25fc86a7bd433": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "c9c6cb52277b44e890ac6ba09557bf0a": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_39a74f1ab21546aaaf02f142a303b974", + "placeholder": "​", + "style": "IPY_MODEL_9ed721de040a42cf8e215072bc73b5e4", + "value": "T: 136/200: 100%" + } + }, + "c9ce57cfa1974937b0081005e38ca4ef": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HBoxModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_cdd0a71c1d574efcafc1bac25090894b", + "IPY_MODEL_d8c08ec17f1f4640ab77e168f93aa7a5", + "IPY_MODEL_4cec804452044bf4b0ebc342c66a83cf" + ], + "layout": "IPY_MODEL_739ba3b603364e0fb173ac411e192d6c" + } + }, + "c9cf34649fc342da87eda3b1b57890f6": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "c9ddd5ca8dd14200ad5b1bdb755bda21": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_7ac8ceb39d7c4e38a4c94661c795d9fe", + "placeholder": "​", + "style": "IPY_MODEL_bc43be234128492086b70fa8b4d446a9", + "value": "100%" + } + }, + "c9df73a6fc774d9ca0cc2aef0c20a04f": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "c9e07089d3824bac99029b1c443c6124": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "ProgressStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "c9e0a24d3ab7431ebd7d087bb6fcff46": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "c9e0f6145b1f41cc860d6546836609ec": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "c9e589fdf09a43fb8955ac8e37151e7e": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "ca108521507b4f1ab1d0dbf83fef8612": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "ca1d90db41b341cb886a708a46fdd3a4": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "ca21a8c0e04241c791ad209aa5931276": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HBoxModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_fdec200029714996b58cdc068766b435", + "IPY_MODEL_d5c75d04eda6478db582c2e343048c62", + "IPY_MODEL_e57305ad34a84137afc03d84265b8c6c" + ], + "layout": "IPY_MODEL_242cee163ee34a0e818118ab4c62f0c4" + } + }, + "ca248f7c9f5a43839ac6cafeca653eb4": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "ca2a0226340a485eade0779abc54d82f": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "ca3a61b1c5934328aae6e7f57f156e5b": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HBoxModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_2736a631d5e44c6cb874ae47032fd161", + "IPY_MODEL_a32b2b69132c4d6a99d2eb1f0f2b6c56", + "IPY_MODEL_245097235c454b5584bdf5594b42af11" + ], + "layout": "IPY_MODEL_ed1184e9f1364d988a43634bcf9197a3" + } + }, + "ca4f233c01144622be5cba07bf5f2fa2": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "ca536158c70e4194aad3563b82027f31": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "ca54928efeb3427d9316af932e0b67b1": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "ca5d29b542ac4c55a29e96eed62b154c": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "ProgressStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "ca67580ea6324dc1a421c5ab50068d5d": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "ca6bb83582064bc887b38d720a7c1003": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "ca6cb5f0d2ef4daca270622a4aefce33": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "FloatProgressModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_3491f885b0eb42cca152d7c9c1ccc93d", + "max": 26.0, + "min": 0.0, + "orientation": "horizontal", + "style": "IPY_MODEL_18f4ee3794b743c78c43588854245648", + "value": 26.0 + } + }, + "ca7ab5b9cbcb4eb0a78d7a3a37c84744": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "FloatProgressModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_7e5da90f9ba544978e64f18e3f35bc62", + "max": 78.0, + "min": 0.0, + "orientation": "horizontal", + "style": "IPY_MODEL_c3908d6fe3dd4a768ebd2242f353fe7c", + "value": 78.0 + } + }, + "ca80d82b735f4c63a6366e8a638a5d20": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "ca8ff7f8d2ed48eebc3da5991bd50f8b": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_be5022fa8788448eb8ad17278c2d6f68", + "placeholder": "​", + "style": "IPY_MODEL_73a315c28e2f44409edf3020b21769a5", + "value": "T: 041/200: 100%" + } + }, + "ca9d68ad3dff4a8a858ec333e02fcd0f": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "cab3e4804114400d97885c417935a475": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "cab8139f18644b4ebf82b1d32c7fa084": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "cab840e34aa8475693b1ecf055236524": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "cac8d533c9954a2089fa3f3f9c419619": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "ProgressStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "cac8daa3cca54138b538bacc2150354d": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "cad80881f55e441b883ba0aa7fde1f9d": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "caf16134870b48a4a2bc8940c05ebe29": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "cb16d3824a07494cb77f71ac70aba216": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "cb232bfbe4d14d46805690fe0d2b8657": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HBoxModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_2dc0d48b5b884082ad03be88c24c3555", + "IPY_MODEL_e10d8d1945894486b8bf6819b4ab4756", + "IPY_MODEL_180a1b66155b408b935d46e8b700f778" + ], + "layout": "IPY_MODEL_a0b0e1e69d3243f6b745fb8ab378b229" + } + }, + "cb318fba7bfc4114b0dbb469a3f3ca7f": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "cb52aaa34453492f9714e2295ed6833b": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_18777ce357064284afe8859aa64c0434", + "placeholder": "​", + "style": "IPY_MODEL_2bdf539695e44421b7b5de7446625b1f", + "value": " 78/78 [01:30<00:00, 1.07s/it, fold=2, lr=0.000275, b_loss=0.42, b_acc=0.776, loss=0.428, acc=0.75]" + } + }, + "cb56c162a8564665beaa51eb865bba27": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "cb5f199aab184c0a85a9fc404528361e": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "cb7dec6049cf423b88fe11f998e034de": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "cb90eb42ef894469a10979880bdd9b75": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "cbbcb39a1561481fb7231173095e7f55": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "cbc576f42e434ca0bb862022f81a99ba": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "cbdde32d42664100835f667a6df7584b": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "cbe644b056034e4a95d93bb9deb8d5d1": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "FloatProgressModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_1d5d56dcaa67452c84424106f6648c9b", + "max": 26.0, + "min": 0.0, + "orientation": "horizontal", + "style": "IPY_MODEL_6c1601076fbf4a33a1f29675d0e3dc75", + "value": 26.0 + } + }, + "cbee6f4cecea4e039b91beabbfe94aea": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "cbff14f54ab04c73b33db5d05312d5d6": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "cc04070b40254d44b185ea2a77db3243": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "cc0564e3933644d98c6af7cfbf3f6ad6": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_7a2ac4c507de46cc98cb2e50476049a5", + "placeholder": "​", + "style": "IPY_MODEL_293b48c3c32a4fec861a65587ee64adb", + "value": "100%" + } + }, + "cc063e73cdbd4b48b36aad73e3bd7411": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "ProgressStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "cc102533acfb4063b84cfd9d6bf3b53a": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HBoxModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_76dc82fbd0794848bf296b88d27f5268", + "IPY_MODEL_dd069358f14b41caabbdce15822813a5", + "IPY_MODEL_5357689f0de34b569589fff9758f5a86" + ], + "layout": "IPY_MODEL_31fa0c40dae74500bb6f4118c3ba38f2" + } + }, + "cc36d923d5514e2f864ad5e7f4ae3247": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_019b09df46df4954ba1a493923bb5d04", + "placeholder": "​", + "style": "IPY_MODEL_c4f63e7b68bd4728b43d5bff0bf89c65", + "value": " 26/26 [00:23<00:00, 1.13it/s]" + } + }, + "cc5fa8f0a22b4c06a798975cd7f20a1e": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HBoxModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_c17e91b514924b7aa99af6e8c46f6c54", + "IPY_MODEL_a7308f50545e4d3cbebcc33dae9b0edd", + "IPY_MODEL_6844563c69244498972df6ded43071cf" + ], + "layout": "IPY_MODEL_d7f4e9394e954cbfac81b5fc90fb0e7b" + } + }, + "cc80ec0c2b32457297ccdca75ccf49ea": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_256864dc6e3c4bb1a4a1d7312ab663a1", + "placeholder": "​", + "style": "IPY_MODEL_b8d97e97ce9d47b5943eaeb4aa6f0037", + "value": "T: 159/200: 100%" + } + }, + "cc8482ab1a744d5dbd834d1cc16a92c9": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "cc8c0d80bde04bf1914c4067424f70d2": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "cc903f954bbb4c3ca222ef68c44393d7": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "cca4c91b5f6849cda2da306598ddc690": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_c50290e3ac854612a5503771ec1fd415", + "placeholder": "​", + "style": "IPY_MODEL_03e40c7ee691463098cd86fc8301a8ab", + "value": " 78/78 [01:30<00:00, 1.16s/it, fold=2, lr=0.000207, b_loss=0.598, b_acc=0.672, loss=0.612, acc=0.678]" + } + }, + "cca66de7993c4cedb6537b5eace3188a": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_b5f4835840784646880efbd332cf2fe5", + "placeholder": "​", + "style": "IPY_MODEL_4704085d2fd54b768d02370e5a646552", + "value": "100%" + } + }, + "cca7a6afa38e4ed2bf83b9c4edad2df5": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HBoxModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_80408b76497344c08cfb4513cac35158", + "IPY_MODEL_25313cdf358b431c869639fc2ac40957", + "IPY_MODEL_9c11bca9b7424dcc9827b0b90118666f" + ], + "layout": "IPY_MODEL_4270b1760d7e4052b468f574a2296ac1" + } + }, + "ccd59b5609b1481a8b8c01adcf5510ff": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_188d6840d67d47aa818a313fc22573ab", + "placeholder": "​", + "style": "IPY_MODEL_da8d1136c9b749da87bd86d30f89378f", + "value": "T: 183/200: 100%" + } + }, + "cce6ed8c7a614904973db56c4fa6586b": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "ProgressStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "cd25848ae1434040a3b33a21a01002d2": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "ProgressStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "cd278c7dd4bc466f9920a36c0cefbe3a": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HBoxModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_17ea555a077b4eaeaf7b67ffc41c57fa", + "IPY_MODEL_193bca6ce59f4939ae083ee1d3e7cad3", + "IPY_MODEL_a2b6f9ca0d264e65833a58aa215161d9" + ], + "layout": "IPY_MODEL_b4fcfc896cf0424f88b41fe170c05ef7" + } + }, + "cd2a2573f2ad4a699d0c4eb3402a8078": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HBoxModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_21fc9b524ae74e4ab033ca75ed9785e7", + "IPY_MODEL_e0f43dd714044b5aa3f7fe8da812c60c", + "IPY_MODEL_5a46c83a103a4893adba2ab44b50a535" + ], + "layout": "IPY_MODEL_f20913bbb1e3495abf4eac690bdafb16" + } + }, + "cd3597769511421c8444db7989b67d8c": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "ProgressStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "cd5834852f094ac682cbe1bf90f5cff7": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_ecb930a04ff0466cb0405cea19f9c029", + "placeholder": "​", + "style": "IPY_MODEL_b7c193351ea64313acfa80fc7c28518c", + "value": " 78/78 [01:31<00:00, 1.33s/it, fold=2, lr=0.0003, b_loss=0.45, b_acc=0.828, loss=0.316, acc=0.799]" + } + }, + "cd81d681124b460f9011ff1d185b7057": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "cd864bb0a1b143108ee80901a9bf74f2": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "cd8f3d9f76b1444d8be0bc012c8cbb62": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HBoxModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_cee43c9fd93a48ba81b17e2ebf11ca98", + "IPY_MODEL_1746a2fc79974124aa6802c9b7c14a9b", + "IPY_MODEL_63e01e9be3f14f5387257c204c48c817" + ], + "layout": "IPY_MODEL_5983e79c5313497d927157a73b105245" + } + }, + "cd8fa14c859949c78e172eac73784af9": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "ProgressStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "cd8fb5d6dc894b94bbbcae7443740e26": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "cd914071cd78437882cf174f2ec92807": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HBoxModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_d0addd3bb605421cb90ef7cd911c2bbb", + "IPY_MODEL_d9904b30cbe64f99a43467d0beb84515", + "IPY_MODEL_f0fa6f4c250e4e3eba491bc859762ced" + ], + "layout": "IPY_MODEL_d8c3611a3e094e41aaf02d7d6d09dc3b" + } + }, + "cd9279b91c464fbca2db57e9b8672461": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "cd9c9213f9b44b68a4586b3d553b9fa8": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_b9ac1524ee8d4cbc93f72140d1e851fb", + "placeholder": "​", + "style": "IPY_MODEL_cb5f199aab184c0a85a9fc404528361e", + "value": "T: 002/200: 100%" + } + }, + "cda10fd48b654476b5c72cf3dc345a52": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_c0b154ceef2447f4b4b5539c6eb5a3d1", + "placeholder": "​", + "style": "IPY_MODEL_24920a158a71475db0e656ab4fdef159", + "value": "T: 084/200: 100%" + } + }, + "cdbf5a4342594a25921db5b76074ea7e": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "cdc7ccff29d64bcdb5150b1ae553a3ba": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "cdcd843b54c64366ad6623a400bbe9ac": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "cdd0a71c1d574efcafc1bac25090894b": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_a2216ac37f5c4f0891cd5a33b25c4397", + "placeholder": "​", + "style": "IPY_MODEL_c7bf9bf4b8464590947ae4be7f65e0a6", + "value": "T: 068/200: 100%" + } + }, + "cddee367f6624c95a79af63033964f04": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "cde58e0bcf084914827eac811c686b4d": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "cdea4e5105da42b58f391d165ca94d30": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_b1a19f1ef2234897b6fd9b4693137c74", + "placeholder": "​", + "style": "IPY_MODEL_bdba17e7a6ac44469f5bc97c12b1fb16", + "value": "100%" + } + }, + "cdea8c2bf35e42b3b9491545ef23708a": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "ProgressStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "cdefa9fe9e9d4d8d99c6679840e7fd82": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "cdf7fab7924d478484a7cd76f559f59d": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "ce083d7c87ea45c0808ba76d5a02290f": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_266bbee67288455ca77d88ac5cd3c226", + "placeholder": "​", + "style": "IPY_MODEL_80c4a7b76e0d44ebbef135087a377617", + "value": " 78/78 [01:29<00:00, 1.07s/it, fold=2, lr=0.000289, b_loss=0.306, b_acc=0.828, loss=0.309, acc=0.802]" + } + }, + "ce1feffc68c5441f9c483326cd04933d": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "ProgressStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "ce2456cb66114559aff8409a5abf7b6c": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "ProgressStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "ce808d6a58dc4db592ccda0a2f96586a": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "ProgressStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "ce82a760b80744ed9f011e0193a6a115": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "ce893cb4f08f4d4481eb2edacbb4b1b6": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "ce8c931c19934fc0822fc7a858cfaafe": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "ceb263c84c13420ab1883fafd30fe5da": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "cebdc56e695142ac9a1c4c9ae0a29545": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_635dac3ccab642a6bedfe99d1182f47f", + "placeholder": "​", + "style": "IPY_MODEL_6cd0842777054837832fc73f2ba51681", + "value": "T: 045/200: 100%" + } + }, + "cec0260668a748a8a19a160b0733f2f3": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "cec69ee385bd44c2ac2031b9e2f0c006": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "cecf82d1b0934418bbd5df8c8782e0d1": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "ced1379ff4894c818978fa3fa8e5fd35": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "ProgressStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "cee43c9fd93a48ba81b17e2ebf11ca98": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_d03d0cbe12184b0c86757d4d1774e4ca", + "placeholder": "​", + "style": "IPY_MODEL_620c0616880d4433873c18d3a85ae53b", + "value": "T: 078/200: 100%" + } + }, + "cf0f00d24b1a42e3b1d3d0f2afbc1cbe": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "cf14f9e1fd3c42b68b78c1755a170ef0": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "cf1ba3aaaee74e05baf52efa97107674": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "cf1e8c4c42a34a56bf32a46dccfbc508": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "cf2255a6c53b4859acfd1cfc44a650dc": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "FloatProgressModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_6c39e9f733ca42e6899cb605c8ff1c73", + "max": 26.0, + "min": 0.0, + "orientation": "horizontal", + "style": "IPY_MODEL_bfb3cc2c001545eab2b0789801944f82", + "value": 26.0 + } + }, + "cf30ac9009f94e85a25d8adf602341cd": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "FloatProgressModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_b27453c1447448c5a6e4cf3950577afb", + "max": 26.0, + "min": 0.0, + "orientation": "horizontal", + "style": "IPY_MODEL_e9d173152cf34705a3dbc0ab24814043", + "value": 26.0 + } + }, + "cf37fe38ac4a4ca38ec3312ac497b3b6": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "ProgressStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "cf491ced5cb54a74b8e422330f4210ef": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "cf5ec7abc5d8430391427fb52faa64b5": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "cf7656d920f04b0c91ed47684914b413": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "cf7b64c9690d46eab5eb5823f064660a": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_311717af36e74bf3bc72c14e548ec244", + "placeholder": "​", + "style": "IPY_MODEL_07d48dea1adc4b05a794e1e546995aff", + "value": "T: 184/200: 100%" + } + }, + "cf810ff8a06b4f5083fe9035ff953013": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_9f65f728b72849aa8af02e6fa75885ff", + "placeholder": "​", + "style": "IPY_MODEL_5fe817ad7e994dcdbce283dfbde3b7dd", + "value": " 26/26 [00:23<00:00, 1.15it/s]" + } + }, + "cf8c697ae9344b45a589f8a399176c8c": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "cf8d251a121e4da68845f486a40e3c0c": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_aaa7e207649e4665bc7593a40523c9a1", + "placeholder": "​", + "style": "IPY_MODEL_eea2e99d45934e1aabcdbbc706307b32", + "value": "100%" + } + }, + "cf9c6737531e4cc69010ead4b88a353f": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "cf9dd564ce114577a3dd3597687812a4": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "cfb1c124bb914e689022e459e2e50da1": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_153a8c88932e412ea9b5088a096bc12a", + "placeholder": "​", + "style": "IPY_MODEL_4037cad0dbbd4291b86bde06c6dfb450", + "value": " 26/26 [00:23<00:00, 1.17it/s]" + } + }, + "cfb24cf4c43d4f83bd88875ba6a3ad10": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HBoxModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_cc80ec0c2b32457297ccdca75ccf49ea", + "IPY_MODEL_d466c2a716fe4bd38214f497f4d524ea", + "IPY_MODEL_05dd7a56487142608c63d8b3974af6a5" + ], + "layout": "IPY_MODEL_ac18ef06d22d4b978869ea378de8a845" + } + }, + "cfcfa9a038254bbdbe5346948d748da8": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "cfd27d48eabc46d5a9090ec4a2cfffb9": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_ff73f38687fa4c1789e102646fd4a53a", + "placeholder": "​", + "style": "IPY_MODEL_ff45e2a2bad34c58b97039e513d294f0", + "value": " 26/26 [00:24<00:00, 1.08it/s]" + } + }, + "cfe1063d896b424ba8dc2225bef02c24": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "cfeedf7229ea4af5ba33773f4f6ff26e": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "cfef209567fd421f96d784b474f3d46b": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "ProgressStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "d007360617f041ee9948d6ac1e9fff97": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "d01edad9194047f3a1ec7748bf055234": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HBoxModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_07e5d0049a634c859b9d4bdbbe8a0381", + "IPY_MODEL_a728631d123e495cb44ae18ce92dda98", + "IPY_MODEL_d8919bde0adf478db506fd44c5679a0d" + ], + "layout": "IPY_MODEL_bd418d73f7ce47a9923415d27c41a7d3" + } + }, + "d02a25d2912b40f0ab58f08b08985f0e": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "d02b76d58d0044cb9f7e1e1b22139d20": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_36ab9e9ad8254bb2b637a0d4f702e3ff", + "placeholder": "​", + "style": "IPY_MODEL_1de04b2cc7a24d298d9881efc2c015ec", + "value": "100%" + } + }, + "d034b85550d64335b0c3c05f3fabe7d5": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HBoxModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_f02547b86c2545f4934751d669a0982f", + "IPY_MODEL_cf2255a6c53b4859acfd1cfc44a650dc", + "IPY_MODEL_55aee1854d4545b0ad4e793b90b3634f" + ], + "layout": "IPY_MODEL_11c764fafcb24b5b81ab02ce40a0461f" + } + }, + "d0365670aa514976b32e91d502ccea9e": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "d03d0cbe12184b0c86757d4d1774e4ca": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "d046fb794089479395493b2472da0a60": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "ProgressStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "d0569016a58e4cab9c27408f50d10351": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "d058c784a7bc4a8cbaec90d958e1d0b2": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HBoxModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_49d9ff7de24747efbfb7b5a2144e0bb8", + "IPY_MODEL_296e8b24d65046bba2127e86278bb4ae", + "IPY_MODEL_765e8fe10c384caab116139be572eae0" + ], + "layout": "IPY_MODEL_3ee5bb4e82234c7b8b4db1a47b85e5ca" + } + }, + "d0758cb811d641ffad4f9585d2c1800d": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HBoxModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_cdea4e5105da42b58f391d165ca94d30", + "IPY_MODEL_0444e5795dda4d75bb5eef06474ad9e4", + "IPY_MODEL_5590d97e671b4e438c56a4ec676b9751" + ], + "layout": "IPY_MODEL_d3c536d056ac4df88df5db734fa5ca9f" + } + }, + "d0a084f3e8d54a469f5b4441483052d4": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "d0a63494da0b43d2beaf56f34dfda94e": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "d0a737bebcc6492386adde1e111261dc": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "FloatProgressModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_40d7630bf9b8443fa58380772c7d2b57", + "max": 78.0, + "min": 0.0, + "orientation": "horizontal", + "style": "IPY_MODEL_3e989d58aa3749d2a16b6f736b711b84", + "value": 78.0 + } + }, + "d0addd3bb605421cb90ef7cd911c2bbb": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_6678fae4bdc14414b73fb7dd93816b0d", + "placeholder": "​", + "style": "IPY_MODEL_2ff6783dc96647cb9b83dacab7d74d08", + "value": "100%" + } + }, + "d0b590c0d1e64f6a9b832172e85a4069": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_ba6776489bdd4415a1ba2ca858eb3adc", + "placeholder": "​", + "style": "IPY_MODEL_eed7a41e148c426d929e8eab8603bfc5", + "value": "T: 200/200: 100%" + } + }, + "d0ef6a075cba49a28229ff18fb56f7be": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "d11506cbdfb1445481f931da05605514": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "d1183e785e764840865439baf2a456a6": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "d147cd0050634f85a67388a81ef87edd": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "d152d1a18ce843ddb92a7664e5d615dd": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "d15ab0eccbd34f4ebbff9ec4cca25b9f": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "d15c809bc3e940bc983e6badc7895112": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "d1676cadc05845e489247ef4894bc859": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "ProgressStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "d175f59edb074788b476a6f7aef1d34b": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "d1825128137e4d63bcd47791872346a7": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "d186ec2ee0ff4cffa740fd51510983e8": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_a72794cd73044be6b3af9303e1348bad", + "placeholder": "​", + "style": "IPY_MODEL_5c9c08ad71354537a9b8fb086ac485e2", + "value": "T: 130/200: 100%" + } + }, + "d1889be7af2b407b91aa47f1432b4c68": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_fa534695173442e4873a4ef56cd9082c", + "placeholder": "​", + "style": "IPY_MODEL_53ece89dee3f4b8297af95546eb4c2f9", + "value": "100%" + } + }, + "d1910f72a4294cdfb5ca0fb6d9d8f141": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "d194338a3e4949b9aa4e1dace64fca6b": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_67af4073fa884f0f9a9f48a1eb2fc729", + "placeholder": "​", + "style": "IPY_MODEL_88cc1f22cef247d7bb8221ffb35f3176", + "value": " 78/78 [01:30<00:00, 1.09s/it, fold=2, lr=0.000297, b_loss=0.456, b_acc=0.716, loss=0.506, acc=0.712]" + } + }, + "d1b87940028949609b107d50da9e6b87": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "d1ba87b59c354eed8412009f36f50a3e": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "d1c683bcaec94dc9aa099b8c2cf7ebc2": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "d1ceaa65f27a4f819a265739750c530f": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "FloatProgressModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_12140ba94d17450eb5caa7d88788842f", + "max": 78.0, + "min": 0.0, + "orientation": "horizontal", + "style": "IPY_MODEL_2c4504585f324cb884f6ccc89c150fb9", + "value": 78.0 + } + }, + "d1d47aaedafa4e2a849a6f977fa9f0a4": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "d1d6ff0243d041838fc79bc7613202e9": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "d2009ff9a5364e0c8096e4994b1a9f0b": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "d202de0e156c45c1862335c58aa2f3d2": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_0bb9868f674140f6883058c7c5cc3d47", + "placeholder": "​", + "style": "IPY_MODEL_7ac3585978024b91a6e17b8f6c9d074e", + "value": " 78/78 [01:30<00:00, 1.08s/it, fold=2, lr=0.000297, b_loss=0.274, b_acc=0.802, loss=0.406, acc=0.758]" + } + }, + "d208e2ae488241cdb0f35faf7bc04991": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_aeda071ba6f54592909a592a3f0911bd", + "placeholder": "​", + "style": "IPY_MODEL_26246cbbe1c2463981159a438ae106ee", + "value": " 78/78 [01:31<00:00, 1.13s/it, fold=2, lr=0.000275, b_loss=0.72, b_acc=0.621, loss=0.823, acc=0.593]" + } + }, + "d220694311724d319c27dde0daee9f58": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_c1b801e59fcd4f00bb0b38669220b504", + "placeholder": "​", + "style": "IPY_MODEL_e0082ad3dffd47248f480f0d2c58dc81", + "value": "T: 076/200: 100%" + } + }, + "d23bda729f074b4983378fec5ea2b687": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "FloatProgressModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_12a1dca9411e49a681c7495db0944550", + "max": 78.0, + "min": 0.0, + "orientation": "horizontal", + "style": "IPY_MODEL_cc063e73cdbd4b48b36aad73e3bd7411", + "value": 78.0 + } + }, + "d23df5222d47431889cacf49eee89971": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "d25cd8a78a294aee844ded4233e46a1c": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "d25e1ebe2e1a441b873d8db34d138fb3": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "d25ea3a36f2a40758ba8ee32bf7169a8": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "FloatProgressModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_83bb48e4c0944e6d8e7029c651132873", + "max": 78.0, + "min": 0.0, + "orientation": "horizontal", + "style": "IPY_MODEL_c1e1d2bfcc894a3d9ef6e67dc2a7562f", + "value": 78.0 + } + }, + "d2734d8fbc4c4935bb68abcfc28dd108": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "FloatProgressModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_f1465945a94a445a841f2663baf21d73", + "max": 78.0, + "min": 0.0, + "orientation": "horizontal", + "style": "IPY_MODEL_23ce1ab15c0b4b628b0709b9ef657836", + "value": 78.0 + } + }, + "d277c7c326ab4cf186f375ac4d2f9d44": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "FloatProgressModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_ef78880768de416ab643aa461fa5f514", + "max": 26.0, + "min": 0.0, + "orientation": "horizontal", + "style": "IPY_MODEL_3d60b1d9953446f192e49685b7989f0f", + "value": 26.0 + } + }, + "d2865abe37f24b43b995ce6728847c4b": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "d2971e872d504138bd25ecc574ac0258": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "d29d08817e9e40c4b5c9c71919ee098d": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HBoxModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_8924fae320504b888caf71199e41b656", + "IPY_MODEL_a8bec867cb9a485a857c77b79dcd4758", + "IPY_MODEL_a751859a17e348a6b6545fe46aca8cad" + ], + "layout": "IPY_MODEL_e58b900c0bd94168a8b7933a5a7d6533" + } + }, + "d2b6fd7f1562437b95cbf4db786057cc": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "FloatProgressModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_21ad2a567e3c4ceaa2ef440610616cf2", + "max": 26.0, + "min": 0.0, + "orientation": "horizontal", + "style": "IPY_MODEL_ad3f578a84be4969bc74022d30fd178e", + "value": 26.0 + } + }, + "d2bfa9413c834deaa425167e35c8f701": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "d2cf56d8c9de419abf9a8b5463df29eb": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "d2d649ccb8e64dd29f8a9d662c21d3a6": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "ProgressStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "d2dcbe0b0e804997ab8fa85f929e6f65": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "d2e7376cd8944f57b38ce10af6789257": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "d2fa216db4664ece8cea3a247ce55be0": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "d301e792f757430aa1915d8c35e91579": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "ProgressStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "d303f669f8e14f20999b7b318f8b1d83": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_6c8dd7d78e93445ba1481b5c861155f7", + "placeholder": "​", + "style": "IPY_MODEL_7fc16b90fc864e76b0dda774d6b7f617", + "value": " 26/26 [00:23<00:00, 1.19it/s]" + } + }, + "d3167af6a8384318babda2bb57e133d9": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "d35b30893d9f4d7384df34ff8de7e906": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "d3672208af6549d69541db30c8c99c7e": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "d37c4ab844644093b173a481d7c7d6c2": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "ProgressStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "d385a8a4c8f84f6ba4c582ad221b456c": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_e463bff277884b03a0f3d6bdfb4c5517", + "placeholder": "​", + "style": "IPY_MODEL_53d792177ae14a8087139e2f7cc3b701", + "value": " 78/78 [01:31<00:00, 1.12s/it, fold=2, lr=1.14e-5, b_loss=0.259, b_acc=0.836, loss=0.279, acc=0.822]" + } + }, + "d38696ac44044bf8b53495e9ae90b1eb": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "d3935f5c7c374a78a7cb22ba2718b2a7": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_e6502a791e6348c898f21a9be9adf0b8", + "placeholder": "​", + "style": "IPY_MODEL_0fe1b81433a844e397fd003e0fca5734", + "value": " 26/26 [00:24<00:00, 1.19it/s]" + } + }, + "d3b3a36fddc84b4eabc9a7d906edcec8": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "d3c536d056ac4df88df5db734fa5ca9f": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "d3d205173c56437db21ab61dc394b623": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "d3f02bfdf4c94a8180b2c72b02f1a3c9": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_eb18f8fb51474cfb9fe61daacd822da0", + "placeholder": "​", + "style": "IPY_MODEL_2b40a80266fd48bea19855805abd864f", + "value": " 26/26 [00:23<00:00, 1.20it/s]" + } + }, + "d405c309a0b94fa5b4f1268b3d62588c": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "d40a46339b314f8cbf856e8bb7cd71f0": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_f0ce1ad3af424db3b3bebb64c333febd", + "placeholder": "​", + "style": "IPY_MODEL_4e6941393e7146069671fbc7a1f06fbf", + "value": " 78/78 [01:32<00:00, 1.11s/it, fold=2, lr=0.000256, b_loss=0.299, b_acc=0.845, loss=0.331, acc=0.798]" + } + }, + "d41098c7d9074c49a9973ee62748be50": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "d4117265792c4150a7fd2ee696ec9460": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "FloatProgressModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_a08b30b0b82d48e992757d9f9315a076", + "max": 78.0, + "min": 0.0, + "orientation": "horizontal", + "style": "IPY_MODEL_ced1379ff4894c818978fa3fa8e5fd35", + "value": 78.0 + } + }, + "d417313b1edf49e1b35803344dfb068e": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "d41d83f71d624a819a7b8ca840db6303": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "d42b019cdc0a4655afd6f63c2fab3d04": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HBoxModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_45de2456ace649b38ea9e775264f3a34", + "IPY_MODEL_ff13dc49b41146ffa6d042211225d285", + "IPY_MODEL_d619b5f28dac4da8931fc399256bd83e" + ], + "layout": "IPY_MODEL_52aaf1d6b3a84ca5b6ee8416834ad448" + } + }, + "d42b0604572144b7b5d1452b29e305ab": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "FloatProgressModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_b9b540f4c13249e5a84b7a7ff52ba741", + "max": 78.0, + "min": 0.0, + "orientation": "horizontal", + "style": "IPY_MODEL_c79fc5e0f82f453581791c9883cd55ec", + "value": 78.0 + } + }, + "d42c6d829abc408689b0e04293e2245a": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "d42c8d74a8634c3bb5b6f938592277e0": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "d45d0921026d4892a076fb7b5315503d": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "d45e69d879cb4578abf89b09445d4757": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HBoxModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_50ced075070d4dd0bad67850caa4a901", + "IPY_MODEL_8dc67d36e2bd404280be3c64939ed630", + "IPY_MODEL_aee934718e9540ddb44247257233d979" + ], + "layout": "IPY_MODEL_1b129bbe5cdb4461a947f74471d7f1ad" + } + }, + "d465449f58cc4325a64f807eecbb543f": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "d466c2a716fe4bd38214f497f4d524ea": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "FloatProgressModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_cb318fba7bfc4114b0dbb469a3f3ca7f", + "max": 78.0, + "min": 0.0, + "orientation": "horizontal", + "style": "IPY_MODEL_d301e792f757430aa1915d8c35e91579", + "value": 78.0 + } + }, + "d480dafa99264b5d927fce9fd9e64ca7": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "d4902434ed0b4d44b9ffc0cca47f6828": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "d492881be30243299605711887b8d293": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_3ead673055024493b8ad1a57479baf66", + "placeholder": "​", + "style": "IPY_MODEL_c8256479743f420e8086fdb26a8aedc1", + "value": " 26/26 [00:23<00:00, 1.14it/s]" + } + }, + "d4a4d2efef154fb88d4ed2ec036a7a65": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_fab1f1ca575d4fa89a8fb10f6c65453f", + "placeholder": "​", + "style": "IPY_MODEL_645d731e41144cbca2fcca9454eddca1", + "value": " 78/78 [01:31<00:00, 1.21s/it, fold=2, lr=0.000207, b_loss=0.254, b_acc=0.802, loss=0.319, acc=0.798]" + } + }, + "d4b6994ef38b4af49a6205c263a65d73": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HBoxModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_4014614f9a3448c2930f1bfddcf96873", + "IPY_MODEL_0d4fac6f3d2441afa79299aec5a2715d", + "IPY_MODEL_c7d4cb02d9eb47ed8aa5311d6c1e5e49" + ], + "layout": "IPY_MODEL_6e49faa146dd499eb6c2a8f3141c4822" + } + }, + "d4c5a4919caa4ea29b5069a97868110c": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "d4d3ad34a7aa44d78e57ffb2001834c2": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "ProgressStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "d4e16c08298b4ef6bc74bae2245ee55d": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "d4e2553614364a679586276f8a241c22": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "d4e8f9c5eafe41a4a0ce183db0451fa6": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "FloatProgressModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_480929e4b6de45e981f8ef6e066d3319", + "max": 78.0, + "min": 0.0, + "orientation": "horizontal", + "style": "IPY_MODEL_dc4349e51ad3447782b33fa6a3109ef9", + "value": 78.0 + } + }, + "d4e9659c39ef4b31b4cd77161a117eb9": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "ProgressStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "d4fbfd191f2b4a889fbbc307a3140a56": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HBoxModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_1cc378d0d3104c368d2d640d9e0c700f", + "IPY_MODEL_e439721519c74bc291617858bc2d95b9", + "IPY_MODEL_38a14f229b044907a1130a320d664031" + ], + "layout": "IPY_MODEL_0d4dc1b3452f4d2cbed8f036419e75d8" + } + }, + "d5084cbf4a19436ea83cf41c6ffe815d": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "d53479d1cd6e4b10b3b9b41b9c7374fe": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "d54d277edd7a450d978466cb6f534cd9": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_01db7411d68c4b73a163279ac7d3546b", + "placeholder": "​", + "style": "IPY_MODEL_66cc31cdf56d4e9a9b5eb3409694d294", + "value": " 26/26 [00:24<00:00, 1.12it/s]" + } + }, + "d560ed2e6e0342a1a01fe2a17ef06a3f": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_338eafbe2e1043bab64d5f6191f394f9", + "placeholder": "​", + "style": "IPY_MODEL_556ac63d2c9c4537bb2812be11e6be30", + "value": " 26/26 [00:23<00:00, 1.09it/s]" + } + }, + "d57fc7b1ffe240a888e62fb796886307": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "d5a3f78c0259447c9114c8b5cd20131c": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "d5ad23ed7f0f41de838c56680c78c495": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "d5b32670820742b39f0377e865189379": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_dbc813a5c39f404db6efea1b6be4a482", + "placeholder": "​", + "style": "IPY_MODEL_eada1c33bd124552b8765dbef924fd9f", + "value": " 26/26 [00:24<00:00, 1.15it/s]" + } + }, + "d5b8c616f2f54336afdcc6a70d986685": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "FloatProgressModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_ffc9c1e109b041e0aaf6fb3dcd568f3f", + "max": 26.0, + "min": 0.0, + "orientation": "horizontal", + "style": "IPY_MODEL_aedd047ea1ce478b91cdeb344fa17e11", + "value": 26.0 + } + }, + "d5c75d04eda6478db582c2e343048c62": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "FloatProgressModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_8b4ac04fbb7f41fa85430cb522795f42", + "max": 78.0, + "min": 0.0, + "orientation": "horizontal", + "style": "IPY_MODEL_f15e2fee5472475daf167539ade39a68", + "value": 78.0 + } + }, + "d5ce9e463981461fb398124b3b6cf57b": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_eb0d12032cdf416299ca2a2e4178bba0", + "placeholder": "​", + "style": "IPY_MODEL_e9fde5103cc6411d9881bbc654364310", + "value": " 26/26 [00:23<00:00, 1.14it/s]" + } + }, + "d5f2d3bdbcbb4c02b75f9edf7d87ed6b": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HBoxModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_24fce6aacc84459896d08b151e482ec9", + "IPY_MODEL_e98398ea98f44f588a80d13fe180246f", + "IPY_MODEL_c926062102a440efbf13a7d66b1f90e5" + ], + "layout": "IPY_MODEL_004e5dce499740e68c54aba1570fac66" + } + }, + "d5f4fcc3f5714537a7f640fb55098c9f": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_682aa7d3e53b410cb3199e233f1cb014", + "placeholder": "​", + "style": "IPY_MODEL_c0db951f691143f38a6798e175e1d98c", + "value": " 78/78 [01:31<00:00, 1.02s/it, fold=2, lr=0.000207, b_loss=0.395, b_acc=0.733, loss=0.463, acc=0.74]" + } + }, + "d60f6057eff44a9382a0805b0f454e61": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_6abc0190f0d04f85ae9969288024aa77", + "placeholder": "​", + "style": "IPY_MODEL_baff042632e94b8393045ac43fe138a4", + "value": "T: 063/200: 100%" + } + }, + "d619b5f28dac4da8931fc399256bd83e": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_6035def18e764f21922adc48e0221a06", + "placeholder": "​", + "style": "IPY_MODEL_7de7052e24d7499bac78791a909730d0", + "value": " 26/26 [00:23<00:00, 1.04s/it]" + } + }, + "d6221febea784a22aea069aeb3d19d38": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "d6251ce73ede4e669b2fbe88a5599acd": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HBoxModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_12fc7f42faf34f438276f872638ce17a", + "IPY_MODEL_19a6c495e5f2457bbb9c03b6ab81ad25", + "IPY_MODEL_cc36d923d5514e2f864ad5e7f4ae3247" + ], + "layout": "IPY_MODEL_c5b106a81dd04fc9b392595ca14d505a" + } + }, + "d62b2714bd564417a05631267ebc3d55": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "d62d10b95cea4cc9a8fc229a19cee50a": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "d65736afba194474bdf412614ff90ecd": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "FloatProgressModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_24977e5e7bb64fd6b7c4221b94f44d9d", + "max": 78.0, + "min": 0.0, + "orientation": "horizontal", + "style": "IPY_MODEL_13da6b252e4e4313b7ecc6de51f9a384", + "value": 78.0 + } + }, + "d65b4688e287486cbc46661fcc1ca5d9": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "d66d2f22f1fb4b4a8c2c8d582e3545f6": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_68eb65bcb7b44355ba9e31ceceb985e3", + "placeholder": "​", + "style": "IPY_MODEL_b812bed24af842b585e6ad4f26ed8d1f", + "value": "100%" + } + }, + "d6759ac869c145e9b8f2a069c0d188ce": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "d68489848723449eb2ebfc6466091b5d": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "d6894afb52064b55ba08b0de79891542": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "d695a75fc9e44af8ba50ae9e63ec9703": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_b6bd4c41910c479ba52ff126e9a6a4b6", + "placeholder": "​", + "style": "IPY_MODEL_d0365670aa514976b32e91d502ccea9e", + "value": " 26/26 [00:24<00:00, 1.01s/it]" + } + }, + "d6ac96f07e37428cacbf348c0d0a6b7b": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "d6b0f5619e1140698fded7b2ef5b6d56": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HBoxModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_fde6237036f54e82a2f334e09376d38e", + "IPY_MODEL_2b671474deef4452941e58723d9e9803", + "IPY_MODEL_24c37b12104f455d9eb953621be0803c" + ], + "layout": "IPY_MODEL_ac6085cca75548a8829e14a0bfc333e8" + } + }, + "d6bdde4bb0b24074a8a90747f835b05d": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "d6dea72509ed4907a1806631bc78f30f": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "d6e0f086331844028aa8d461c49be343": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "ProgressStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "d6e8bdda2fc3482d8d6c13d0455cf225": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_99f247d63b9b483687850fa8d146fe2b", + "placeholder": "​", + "style": "IPY_MODEL_72758cc06da44c9fbe11fd380c7ebb91", + "value": "100%" + } + }, + "d6fe88751cbf46f1a49f57b76718264b": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "d729a505c9da4d138ed73443823d4a6e": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "d73429a0f9c441ef89b69f8c036bc625": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HBoxModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_bdc9fe5a93884c96a8f0ca30eb63ad1a", + "IPY_MODEL_c5e80c1109d649e5b040633819eef8d1", + "IPY_MODEL_b63c58e5a0e547eba7417c21f11ba814" + ], + "layout": "IPY_MODEL_e03e42455525459daa65bf1cefd3e4f2" + } + }, + "d75a1d0798ea416583cb253405951ec0": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "ProgressStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "d7609c09bc464a7797a11d7519c8bf7a": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "d762c681e7514860a0ec3c354ec03fd3": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HBoxModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_f2112ca51e7b4a179f1588c780ab17a7", + "IPY_MODEL_3ac6ae6e342a47d7b23f7d820821918f", + "IPY_MODEL_467fc3eed42f4755aa4ba2cb6cdf9344" + ], + "layout": "IPY_MODEL_72b50a7a9d454c49b68958fa18b59062" + } + }, + "d77643e88c6a4f5bad9c44e3b541f2e5": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_75fdb9301bfc485cb2c75243caa1abf1", + "placeholder": "​", + "style": "IPY_MODEL_be7e6b6a44f94c9a82e0a40c7bd0fcbb", + "value": "100%" + } + }, + "d777a6e71f7646c2977b856c711b8aec": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "FloatProgressModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_1a91ed4407c94568a1620a19e867e584", + "max": 78.0, + "min": 0.0, + "orientation": "horizontal", + "style": "IPY_MODEL_e92901ae7c7c4ff9a9d39545cea79bb2", + "value": 78.0 + } + }, + "d78ad3bdd395465e9dedccaa6d21a087": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "d78fdf4ebc364226a7598d91ba9d48b4": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "d79e90dc05e242cb8f099b15ea540150": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "d7c34c4cdb594499a5b31fb582bac0ca": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "d7c9f0d223d04f3b8de3ef3f58f426a0": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "d7f4e9394e954cbfac81b5fc90fb0e7b": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "d80cdadd21af4efd82d3725759155fad": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "d80d9797b9d14682a24948862dbfb316": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "d8175cfd344b4efa8b9aba54660dd278": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "d81a36105ee94b72b9b9ff4188c970a7": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "d82254d1a9a14d188f40c9f3193f4594": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "d85bc4f03793423f81261c1556c26b89": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "d87422eedbc8432aaffdd5496b3b5231": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_1800477a6643403eb01325a1b111392b", + "placeholder": "​", + "style": "IPY_MODEL_f42c8cf919d94ea281c25c7f09fc1512", + "value": " 78/78 [01:32<00:00, 1.18s/it, fold=2, lr=0.000207, b_loss=0.437, b_acc=0.767, loss=0.364, acc=0.785]" + } + }, + "d87f4528db8547639347a16f8df57607": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "FloatProgressModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_9967131abd744492b6bc71486b263c87", + "max": 78.0, + "min": 0.0, + "orientation": "horizontal", + "style": "IPY_MODEL_e55268cffb0a492ab5bd78710f2ab7af", + "value": 78.0 + } + }, + "d8919bde0adf478db506fd44c5679a0d": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_a2acada97ba147c3b0a72bca6777215f", + "placeholder": "​", + "style": "IPY_MODEL_bd91178923894d16b7b8f8656340db2c", + "value": " 26/26 [00:23<00:00, 1.10it/s]" + } + }, + "d8958feb0d7646bbb00c57940cb3d7d6": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_3f6d1aa8e4b94df28bb64f6b5c2408ff", + "placeholder": "​", + "style": "IPY_MODEL_bc3a00e7a161425c9baeeaca1cadbe8b", + "value": "T: 022/200: 100%" + } + }, + "d8a5ec52416b4fefbf36abe85252eeb5": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HBoxModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_ab615b1561b046f58bbd585f7f137327", + "IPY_MODEL_567ccd1d38af47bcaf6e717d60cd0c7d", + "IPY_MODEL_d87422eedbc8432aaffdd5496b3b5231" + ], + "layout": "IPY_MODEL_f9986d5a7d7a4b27a8659544e65ccadc" + } + }, + "d8a777aaca074f639366526cdfbd2fc0": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "ProgressStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "d8b95fa6ceaa4e8e9650d60266202011": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "d8c08ec17f1f4640ab77e168f93aa7a5": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "FloatProgressModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_04fcca4800d44520bd27d1c15c7fb438", + "max": 78.0, + "min": 0.0, + "orientation": "horizontal", + "style": "IPY_MODEL_ce1feffc68c5441f9c483326cd04933d", + "value": 78.0 + } + }, + "d8c3611a3e094e41aaf02d7d6d09dc3b": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "d8c7e1c1b3d6416983ec5da1812427cb": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "FloatProgressModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_c65af1f3e712435b9f431b30d394cbe7", + "max": 78.0, + "min": 0.0, + "orientation": "horizontal", + "style": "IPY_MODEL_37711697c87e4926b00e3a9c6d6c82c7", + "value": 78.0 + } + }, + "d8caf8e71870440491290d44b45e0a4b": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "d8cb2e3a8e444d59a683dac9a6bd3b0e": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "d8de9853487045f6b04b97408cdc470e": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_bc38877080bb47d5b075592aa4939d5c", + "placeholder": "​", + "style": "IPY_MODEL_fef0cc8800e84949aff5a0d8a0c8b607", + "value": " 78/78 [01:30<00:00, 1.29s/it, fold=2, lr=0.000179, b_loss=0.292, b_acc=0.767, loss=0.304, acc=0.807]" + } + }, + "d8e55677d1ea45f9afaaf814df9d12bb": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "d8eaf5ed343b4f63a07ef7aab0351b2c": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HBoxModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_18015363b066469fb2503c644fba6812", + "IPY_MODEL_df14a2aef5014a6b8d62c24a6b6a2d0d", + "IPY_MODEL_6ad187d5207d4111970ca276798de188" + ], + "layout": "IPY_MODEL_7ec0e5922a74465d92c4db5797282232" + } + }, + "d8fd9bf84f7240869cab81275f896d59": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "d8fe5c9f4b9449afa94b328bae1e4cd2": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "d907921922564ff4b946c1d1b1b7f9b2": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "d9120b174a37423facc66b8d328bbd2c": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HBoxModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_4f9811be31d54f4fbb9fbf8da4b8d2ac", + "IPY_MODEL_5c7a5217dd264e8aaaca8aa012e7c73d", + "IPY_MODEL_b5d0996b81bd4257a5e2a1a66bb2a050" + ], + "layout": "IPY_MODEL_345e9c6588a6494896b3f0d2decff71d" + } + }, + "d91ab441b739492e98dd238660143933": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "d9215a70f7e14f66a695a5de8c61e03b": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "d94aa01b69a24dadbafbabc4fb0fffbe": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "d9619f48039840069a507745a4664309": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "ProgressStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "d96f8be60f98419da4a661c2409f027f": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_b09efb6f3b5d447db71ea19cc503f56e", + "placeholder": "​", + "style": "IPY_MODEL_510826df100240ebb57cd90ddbadd816", + "value": "100%" + } + }, + "d990046d9e5f4c8b962020aca27cbcd2": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_1550be5eb2b74d42b108e87f0aa4b0ec", + "placeholder": "​", + "style": "IPY_MODEL_e4c28b764be64e0fb405159474d9ca15", + "value": " 26/26 [00:23<00:00, 1.12it/s]" + } + }, + "d9904b30cbe64f99a43467d0beb84515": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "FloatProgressModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_cec0260668a748a8a19a160b0733f2f3", + "max": 26.0, + "min": 0.0, + "orientation": "horizontal", + "style": "IPY_MODEL_31c7dd4d59184fb9bb764565149e97df", + "value": 26.0 + } + }, + "d996257f23804fe0b17cc672d446e048": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "FloatProgressModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_599ca33574094ac78c6fae499cd5a6fa", + "max": 78.0, + "min": 0.0, + "orientation": "horizontal", + "style": "IPY_MODEL_9bc72c3fa20b41b685e80decc9f19244", + "value": 78.0 + } + }, + "d9a00297f3ca4c3db8e99d146c37f587": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "d9b417f586bf4e2fafff0f6fbe5d8bc0": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_197f5ffa4e6a4eee9db38cbf3f012c21", + "placeholder": "​", + "style": "IPY_MODEL_574da387d5e6484f8c2ba77fda7e2866", + "value": "T: 156/200: 100%" + } + }, + "d9b740c20fb74075a7ac7fd8a453c68b": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "FloatProgressModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_07190bc7de8a4f35b60f787105768c9e", + "max": 78.0, + "min": 0.0, + "orientation": "horizontal", + "style": "IPY_MODEL_e4916f7bbcf9499986352f63b75d2813", + "value": 78.0 + } + }, + "d9bba65bfe9649c6ab6baaa4d5cb2108": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "d9bfcf12c24245c3bffb204c9a481fb9": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "d9c05d52261a48b296c74d85d5b9ab47": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "ProgressStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "d9c92e89c1e44d33bd7f307e26d51243": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_19300991d5034db4bd4cc4446a60f668", + "placeholder": "​", + "style": "IPY_MODEL_44d53691bee845b993cce465ab02764a", + "value": " 78/78 [01:30<00:00, 1.70s/it, fold=2, lr=0.000121, b_loss=0.332, b_acc=0.75, loss=0.301, acc=0.81]" + } + }, + "d9ce21c09b9642048703c9c7d8718b5d": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "d9d56f203ef440c39840dad46580d85c": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "d9da20d2646b41429ad9c4ae88b13727": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "d9fb2a924f764e7ea2a80a7212f64e89": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "da063df044df42ddb619091eb358a123": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "da0eea58accc45749ac80e086345cac4": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "da118e401032434c9bf73c80a2cf39ac": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "ProgressStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "da19e00ca8c04a6c9c48eae0ecd7fe68": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "da237804b87947df8945b89a7859b091": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "da2a3e3ccfe44263bac0f700881548f4": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "da32a838a7174d1f926d11af7fe72609": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "da3ef4af0bcf49b5812a431334f199c7": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "ProgressStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "da49e52a4f21403b86b5254bbe07db57": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "da4c9ee84618489e8c4bf854bb7ddad3": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "da4f1e5829df4b919dab93863043f8de": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "da58e39b672f483eb22b4cea1bd26006": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "da5a9ff710f045a0afcac1e3b8781db2": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "ProgressStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "da5ee61ab6d5406d8d7034546db602b6": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "FloatProgressModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_d6bdde4bb0b24074a8a90747f835b05d", + "max": 78.0, + "min": 0.0, + "orientation": "horizontal", + "style": "IPY_MODEL_9caad2ad95204460bae78d979bc743c4", + "value": 78.0 + } + }, + "da6ec43062de45b6af3aec3d69a78d38": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "da7be7b4ca2a4ef694fad6f2d7d04670": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_c31001096c144e87af10743c43a9bf69", + "placeholder": "​", + "style": "IPY_MODEL_a410385d5e6747a0b12faddd05078faa", + "value": "T: 099/200: 100%" + } + }, + "da8d1136c9b749da87bd86d30f89378f": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "dac0e2926db44b28b38429a0808877a9": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "dadb5b9c39624cc69c8a513b5c048b95": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HBoxModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_78f1e196cb6a4e7290d3daffa0d02919", + "IPY_MODEL_36924e32bc334501bc495cb029bc52a1", + "IPY_MODEL_b70e6148e3e147e9bb41cdc1992c1cbc" + ], + "layout": "IPY_MODEL_08fb3a8c992e4e79985334139c165eb1" + } + }, + "dae567dccf32408cafd1fe8874774cff": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "daec39fdc6084b918262d95823cf4249": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_2e9bbe4fdcd844349a99f75a45c92bad", + "placeholder": "​", + "style": "IPY_MODEL_589a388dca404fcab31c38e14c1fda50", + "value": " 26/26 [00:23<00:00, 1.16it/s]" + } + }, + "db034e547d554870b725899e5692b8d6": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "db040531402b400b91ddbbbb2bf4eea1": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HBoxModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_0e210e3486cd4aaf9adc8923edc07f83", + "IPY_MODEL_2696e86300b8454194e378466c9a2f8f", + "IPY_MODEL_56c3f6cb9f5c4ab8be87373dbb770db5" + ], + "layout": "IPY_MODEL_86fe65cf53184f7b84b907d4a73fb95c" + } + }, + "db09b61f3b3c487d9f769c328b6b0059": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "db0dfd1a08294a53abe07e0ff31cee15": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "db350654548c44a4b2587921b4f279ca": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "db480868f0b84525b9d1507279992276": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "db70e32e050d474eadb0cd0561fc9e92": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "FloatProgressModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_b1712a4c470d47faa071e9c01b0144ec", + "max": 26.0, + "min": 0.0, + "orientation": "horizontal", + "style": "IPY_MODEL_15a996647be74e36908ce68b60bd8ea2", + "value": 26.0 + } + }, + "db75a7186a2946609cb0decf7bc76c9b": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_95b861d6d17e4ff4bdd0842b83980b5e", + "placeholder": "​", + "style": "IPY_MODEL_f52d7e73f375428795f9c784b06d4dc6", + "value": "100%" + } + }, + "db7b337602094536a8629cd61248b479": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HBoxModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_55821ebf18ea41e087605a46932f2357", + "IPY_MODEL_023e94e50f3c4d3ba3a000f23db5d757", + "IPY_MODEL_715f0b18435d478ea74e560cbb924bd5" + ], + "layout": "IPY_MODEL_d9bfcf12c24245c3bffb204c9a481fb9" + } + }, + "db8b41914df94ebaa27418c4d808fe15": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "db984096298141e4ada6e19ff348a519": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "FloatProgressModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_f03f40fb8ea1450aa85be84fc6b623a9", + "max": 78.0, + "min": 0.0, + "orientation": "horizontal", + "style": "IPY_MODEL_6a88220b32bb460399f5eeaa7ed71332", + "value": 78.0 + } + }, + "dba0657907b6419094eecc8f8b213e34": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "dba386c5caa440b0b15265dde7fa0925": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "dbaaa79c47ce4f0a9ca12f0c0fcd76db": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_758849f902f4442f872fa5fcf1775913", + "placeholder": "​", + "style": "IPY_MODEL_38ee27e4f4924f8d8925b321e575ce15", + "value": "T: 062/200: 100%" + } + }, + "dbac520ba90c45138bd074fedf52a8f5": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "ProgressStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "dbb09ce643094504852bcdaca85da605": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "FloatProgressModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_76e9bb82dbdf46219d785fa8ee44caf8", + "max": 78.0, + "min": 0.0, + "orientation": "horizontal", + "style": "IPY_MODEL_26d8b9f872974191bfb1111bf0232802", + "value": 78.0 + } + }, + "dbbd8956ff2a45049a3783a3ab620fe7": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "dbc32d14fb474d1eb7db4f1dec0e0274": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "dbc813a5c39f404db6efea1b6be4a482": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "dbe1504582a3415283784c8b59204b8e": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "dbe771b7d0f9401ab54a9a58b9e57ac5": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "ProgressStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "dbe94d6086f946a688184eda6df0d391": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "FloatProgressModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_c2f582d91ebc45a6ad21605da14fd93f", + "max": 26.0, + "min": 0.0, + "orientation": "horizontal", + "style": "IPY_MODEL_ec1c0b0ee1684beca1e23f96d4e6b667", + "value": 26.0 + } + }, + "dbf09c45353f4ace996130b52a6dc04c": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "ProgressStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "dbf189ba585e47b88de6b82b441136d4": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "dc12ef9bdc5941bebc3b66c43df23417": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "dc156c09a2e04f89b74566773911913a": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "dc15a26d4fbc4275b4c70c378c978ebc": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "dc1d115cede74ba3be67903b8668fada": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "dc1f2c2172084e7396ffd2823c1047ea": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_478c1d525288432db3fccd20bc39ae7e", + "placeholder": "​", + "style": "IPY_MODEL_42178582af4b429eaebdfdcb3cc5ee75", + "value": "T: 116/200: 100%" + } + }, + "dc207d62b7e840fd9a4ca20c9a9dfdff": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "FloatProgressModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_c135129e4bbe47ea97d33904969c17eb", + "max": 26.0, + "min": 0.0, + "orientation": "horizontal", + "style": "IPY_MODEL_b1f0c41952aa4fd8802f4003004c27a8", + "value": 26.0 + } + }, + "dc2992109ab045eda3dddb119c964f67": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_33192b4825bb4edd89425f5638f59fd6", + "placeholder": "​", + "style": "IPY_MODEL_ea735694f2dc42ff9be8805171811a9e", + "value": " 78/78 [01:30<00:00, 1.12s/it, fold=2, lr=0.000233, b_loss=0.266, b_acc=0.862, loss=0.272, acc=0.821]" + } + }, + "dc3da8329d1e43028816cf830ed18088": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "ProgressStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "dc4349e51ad3447782b33fa6a3109ef9": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "ProgressStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "dc4447613a4b49b59472d8c165804679": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "dc4d6d60fc8841a4ae27db7a03096650": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "dc5ce30de736499ea3605670d67f3ea3": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_7e4f9711c5174fb3b68606353b4ca660", + "placeholder": "​", + "style": "IPY_MODEL_6bd03b0f520c4f4fa323ca2c15e5fe59", + "value": " 26/26 [00:23<00:00, 1.07it/s]" + } + }, + "dc78ee8789c64b24835408be1a61bb85": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "dc7d6aa5e21c4ebdbe6c4a143bced19b": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "dc8e3c8f7cc24eafb002a166e02942f4": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "dce6b385ec9a4cc6beed60d2d49896be": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_ff6f701209f34761876e704f3ed53ab2", + "placeholder": "​", + "style": "IPY_MODEL_0ca66cb87b1347b28ff691ddecb0c09b", + "value": " 26/26 [00:23<00:00, 1.15it/s]" + } + }, + "dcec023b7cd44156bca99113e7cb1000": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "dcf9c50234f44426af1b57663f90242d": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "dd069358f14b41caabbdce15822813a5": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "FloatProgressModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_8d4584135ae149f6a937d7d54f29c639", + "max": 78.0, + "min": 0.0, + "orientation": "horizontal", + "style": "IPY_MODEL_efdee575ac0a43b98b96c090224cce40", + "value": 78.0 + } + }, + "dd1018911c004e5fb91986aa903550bc": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "dd1945444fbc4e998a09175fe5985e07": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "FloatProgressModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_7abaa7d426fb4830a388c1afb652510a", + "max": 78.0, + "min": 0.0, + "orientation": "horizontal", + "style": "IPY_MODEL_4b2123bdd1a04785aac487a74d2aeade", + "value": 78.0 + } + }, + "dd39bec27f6e4fae9a4aee04168a8c8e": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_c232cf4fd8ca473baee2193db5287594", + "placeholder": "​", + "style": "IPY_MODEL_5c4ae01839af445fba7bcb353e713866", + "value": " 78/78 [01:31<00:00, 1.02s/it, fold=2, lr=0.0003, b_loss=0.303, b_acc=0.819, loss=0.256, acc=0.838]" + } + }, + "dd4e3535367e45bfb8699f78a5046dcf": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "FloatProgressModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_e04cfa56a4704460ba9f8e52a6196c0e", + "max": 26.0, + "min": 0.0, + "orientation": "horizontal", + "style": "IPY_MODEL_2011784651674ba690added23de8e81c", + "value": 26.0 + } + }, + "dd55e2b3fb4344339af745244635aff5": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "dd5cb1b0858f4ebc984f54bf0598fd14": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HBoxModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_41af6d58d24943ad8d2071239e8c9a5e", + "IPY_MODEL_fa04e394769d4c0fb35f290a18d22597", + "IPY_MODEL_796e614b4dd24be9a40fc634f78f829f" + ], + "layout": "IPY_MODEL_db8b41914df94ebaa27418c4d808fe15" + } + }, + "dd707c52a54e4376be7279671a496151": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HBoxModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_2d967643c0cf4ebf8eb57e2afc5201df", + "IPY_MODEL_a347afd10fd641fa9b19b30308ef2302", + "IPY_MODEL_0f92ecf70dd34818b32f09f14da7f15b" + ], + "layout": "IPY_MODEL_4b00946ae40a47e3aa3656c88701fdca" + } + }, + "dd83301f1d62476eacfdc46f7ade638e": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HBoxModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_d1889be7af2b407b91aa47f1432b4c68", + "IPY_MODEL_c74e9497037342e19e21568606774867", + "IPY_MODEL_277bd5752f924025bec6acc817a00e16" + ], + "layout": "IPY_MODEL_bd48d710c0004bc7be374cba29c3d8b3" + } + }, + "dd87f493a53d4a19b2879d63ec28460e": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "ddb22bbb65e14bb28a93fb2ec50ffe28": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HBoxModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_e0b742d03aae4dbf9d5e44208e9870a5", + "IPY_MODEL_11094da46b2b4cf081b3cb54ae72c81e", + "IPY_MODEL_c74466e5a9714e89bf73e60b891be1ae" + ], + "layout": "IPY_MODEL_cdc7ccff29d64bcdb5150b1ae553a3ba" + } + }, + "ddc5aa41dce34703b4245ef3831cac98": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "FloatProgressModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_879db4d995c84c558d2a5ee332d17139", + "max": 26.0, + "min": 0.0, + "orientation": "horizontal", + "style": "IPY_MODEL_b02a9d8259c14f4c8213b8cb06ef161f", + "value": 26.0 + } + }, + "ddc73c6816004640bbbe2138e0101d48": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "ddd0fbec9dc844a49b9d474032465a1b": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "ProgressStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "ddd4bf61f96844a99e47892bdc5a1cc5": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_d91ab441b739492e98dd238660143933", + "placeholder": "​", + "style": "IPY_MODEL_b42f40d17b5643b58428fe8114b79c4f", + "value": " 78/78 [01:31<00:00, 1.46s/it, fold=2, lr=1.14e-5, b_loss=0.624, b_acc=0.629, loss=0.656, acc=0.659]" + } + }, + "dddb94f46d8d4efaba9ff745d3bd19b0": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "dddeda34b8c3499b82266031b83ace4f": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "dde22506aa684eb9bc5a024263ea66e4": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "dde74d17ed9345d6989703813230cae8": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "FloatProgressModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_6118856257ae485b909280edc1f48fac", + "max": 26.0, + "min": 0.0, + "orientation": "horizontal", + "style": "IPY_MODEL_4c3947be88924139ade78439f49f42e1", + "value": 26.0 + } + }, + "ddf34fae71684b469f8f784d19995ba7": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_6a2ff88eeaf24f40ab060da664fe9f53", + "placeholder": "​", + "style": "IPY_MODEL_07f2b555909041088f0c9daa1d1e49c5", + "value": "100%" + } + }, + "ddf3b0967ad44d26a0be5d32ddb198fb": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "de316dbf365245238fc4ebcdb703add6": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_6647ed9f579c430cab734c580904b8c2", + "placeholder": "​", + "style": "IPY_MODEL_8b8b88b0bf094765b0a7e21a7b75f61b", + "value": " 26/26 [00:23<00:00, 1.09it/s]" + } + }, + "de41aaf2ee904e999d17e35f784f71d8": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "de4cb1bbc7e342e09cb3e0f482e204f4": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "de50add505404eeda020cdd2e28f77c1": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_a446da0935da4980bae2a8619a5ca98e", + "placeholder": "​", + "style": "IPY_MODEL_edc81a84f334494fb624a9f6f6909458", + "value": "100%" + } + }, + "de533ddd779e404a99ea27166e03715a": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "de608a37dd934055828a3583c6954e4b": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "ProgressStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "de65577f8af54653beebd5e96b35d9c9": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "de77228588a6422286958112810f16fd": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HBoxModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_4df641b141ef4c9eb3140e5a3920c86d", + "IPY_MODEL_507bd01d30c840efa94cb4df843dfb58", + "IPY_MODEL_c5f56b7c761a47d0af58b71054c486c0" + ], + "layout": "IPY_MODEL_04a9550704e84a9c8306aa6d810848d6" + } + }, + "de7ae96e326b454da01268de1e0884fd": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_666cb12ee70c487a8860a59143af37aa", + "placeholder": "​", + "style": "IPY_MODEL_1d91cf16356347d9855f4fda9e7d4301", + "value": "T: 145/200: 100%" + } + }, + "de8295b5510b434094cc529083c8e417": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "FloatProgressModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_e6c3e9427c3345c58816af512b85a9aa", + "max": 26.0, + "min": 0.0, + "orientation": "horizontal", + "style": "IPY_MODEL_3fe09b5e461f4928890d5be0131f196b", + "value": 26.0 + } + }, + "de8570bf7c924565badbaf1cf56e0067": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "de86b39e543748788c2d6d45bb45f31b": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "de8d1ea4717d46fe84522c2f952e357f": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "de908a86844a43a4a24e317bac665afc": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "deaa7c67e2a5430aa2693b1e7a031e0b": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "ProgressStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "deb8e6e4eae14f2cb354bafac39b2742": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "ProgressStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "dec09fc65fa34255a25e11d4d3f6c39e": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "dec49f3bf3ff4206b1eb5a27255e12d2": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "deca13f56c8a4e10a20f1216ee05f071": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_d81a36105ee94b72b9b9ff4188c970a7", + "placeholder": "​", + "style": "IPY_MODEL_479d7a08444842bfb9de491008f45039", + "value": "T: 111/200: 100%" + } + }, + "dedf2b31394944709045f5d510edc7ba": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "dee76d2943ee4e6c9fcc20950df6028a": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "def15dc19c0c4ebf91a167c71e86fa80": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "df137064727847afa05101324cd30ff5": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_3ebf2e5e629f463a8536f29105949ffa", + "placeholder": "​", + "style": "IPY_MODEL_6e1d295ee4d84fda9911842e5207c1b6", + "value": " 78/78 [01:32<00:00, 1.11s/it, fold=2, lr=0.000289, b_loss=1.56, b_acc=0.371, loss=1.48, acc=0.356]" + } + }, + "df14a2aef5014a6b8d62c24a6b6a2d0d": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "FloatProgressModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_6f802c676650499bb17deca000327ecd", + "max": 78.0, + "min": 0.0, + "orientation": "horizontal", + "style": "IPY_MODEL_06ae6c2b93d84672a83e42a9f03989c7", + "value": 78.0 + } + }, + "df1bb67f87d44727807dcbb73e2dde76": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_dbe1504582a3415283784c8b59204b8e", + "placeholder": "​", + "style": "IPY_MODEL_6a01ee63bbd54c988cc8b9b88a0a2be8", + "value": " 26/26 [00:23<00:00, 1.04it/s]" + } + }, + "df2fafe46dcd424eb997ca06bee5f5c3": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HBoxModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_3ea5988f27514f8284cd19f83811e572", + "IPY_MODEL_6caf35a166af45f4b66cbea90673f288", + "IPY_MODEL_1d7e2bd8e40047e88ec598663e497e65" + ], + "layout": "IPY_MODEL_6b80fcba3b124cb5b71d386eb396664f" + } + }, + "df4c954278d94523be21f370bf62c1b3": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "df549c09ee7641a99178a07355d4223c": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_d6894afb52064b55ba08b0de79891542", + "placeholder": "​", + "style": "IPY_MODEL_92d21c43e6754ee4b55cdb8695273e52", + "value": "100%" + } + }, + "df60d2b9cbbe4f4baf74bd449b938a00": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "df7ab70b4d214dda93f3ce0b171121be": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_df4c954278d94523be21f370bf62c1b3", + "placeholder": "​", + "style": "IPY_MODEL_83a4b8365fbe450ca9f5ec5e86c3d39e", + "value": " 26/26 [00:23<00:00, 1.15it/s]" + } + }, + "df858d05120441e8bb9d8fe59ec21ff5": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_6fa0ef4364a74c80986283a703cec293", + "placeholder": "​", + "style": "IPY_MODEL_aa79a3defaa74e8bbc79a5fadbbbc48e", + "value": "T: 037/200: 100%" + } + }, + "df926904024a4720b94df79fc35e5ad4": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_529712a8f783468db86ade1b9421eb3a", + "placeholder": "​", + "style": "IPY_MODEL_be326408c1a44b7b9917192288b779d9", + "value": " 26/26 [00:24<00:00, 1.16it/s]" + } + }, + "df926c5bec4343689b0435524f6cc0e7": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "FloatProgressModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_971c11d5f1d142b3bc1c1a473f353de1", + "max": 78.0, + "min": 0.0, + "orientation": "horizontal", + "style": "IPY_MODEL_d2d649ccb8e64dd29f8a9d662c21d3a6", + "value": 78.0 + } + }, + "dfe213cb263741c6a348b883e7f1f115": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "dfedebff41a84ef7b43a706809a6b8b6": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "dff5e850439e43da983a4f1c2028aec0": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "e0082ad3dffd47248f480f0d2c58dc81": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "e019a33d7e3f4ed89019d489604d41db": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "ProgressStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "e02a61deb4424b68b4e74a4871b7d7ef": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_b426a150d8f74ea8ae131d3cf1d35bd1", + "placeholder": "​", + "style": "IPY_MODEL_d0ef6a075cba49a28229ff18fb56f7be", + "value": "100%" + } + }, + "e02d08d3cc9a4580846f70ab892d2cb1": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "ProgressStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "e036dc2a6dd8494bb737fc3b6cc28e82": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_52abb7c91c91458980dbc83d270336b1", + "placeholder": "​", + "style": "IPY_MODEL_f61f5addf89d4010929af208f7d7c7d9", + "value": " 26/26 [00:24<00:00, 1.22it/s]" + } + }, + "e03e42455525459daa65bf1cefd3e4f2": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "e04a035f75c04e0daadd161726d62165": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "e04cfa56a4704460ba9f8e52a6196c0e": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "e073f37aa1014806ac83dea28e05a65c": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "e08f27db788241f68c7001f2c3be3618": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "e0ad9d4abbdf4e33a83ea22cc0e19933": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "e0b742d03aae4dbf9d5e44208e9870a5": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_b57dcea99da049f09e1d3e8e8749e0d8", + "placeholder": "​", + "style": "IPY_MODEL_b328a57d2b0d4002bb5cac08ff3a0396", + "value": "T: 030/200: 100%" + } + }, + "e0b930359d7547789daf766c551a3920": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HBoxModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_3df203cb0e8c41c5af88ace83cd61b58", + "IPY_MODEL_69edf62501c444e68f980da65fa0eecd", + "IPY_MODEL_3cc921d730ae4adc8e5c86001a4a8c12" + ], + "layout": "IPY_MODEL_5c6eb8ee21e848089018db90c68c8d6c" + } + }, + "e0cb834371314134a804606be58ec486": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "FloatProgressModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_185c04119b1c4e808ca059eeb17e6706", + "max": 26.0, + "min": 0.0, + "orientation": "horizontal", + "style": "IPY_MODEL_90bc5579003d4c4f9bd332f8dcc83405", + "value": 26.0 + } + }, + "e0d7b05c448a450e90d950ad1a110962": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "e0da41e023a8479d921395e40b724878": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "e0f43dd714044b5aa3f7fe8da812c60c": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "FloatProgressModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_ba0d6a8384744e5cbde319700b4719f6", + "max": 78.0, + "min": 0.0, + "orientation": "horizontal", + "style": "IPY_MODEL_d37c4ab844644093b173a481d7c7d6c2", + "value": 78.0 + } + }, + "e10981ff3c2c477f8f3c9dd714afc611": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "ProgressStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "e10b08073bca4a95b10a0d67e91096ee": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_53f59630c1f4475d8c2952fc6f156c53", + "placeholder": "​", + "style": "IPY_MODEL_fa3d38a0bad14fe5a92b965ff37acb32", + "value": "T: 151/200: 100%" + } + }, + "e10d8d1945894486b8bf6819b4ab4756": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "FloatProgressModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_ec74d47997ea408f84477a3c0ceb1d56", + "max": 26.0, + "min": 0.0, + "orientation": "horizontal", + "style": "IPY_MODEL_15fa2efaadae4f7c802fb11686adfd43", + "value": 26.0 + } + }, + "e114af762ba4411791be9559e5516a01": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "e122b19bb522424ca16fba828c2f71f4": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "e1254f11e0014db8b05f78c27ed31f33": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "e1424f160d904953ba53bf754880a97e": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "e14704c2698e41f7afa5764473b0d357": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "FloatProgressModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_37eec9cf72d8419e9cc3262a20c2f911", + "max": 78.0, + "min": 0.0, + "orientation": "horizontal", + "style": "IPY_MODEL_23ae220280b44d87b0a2488154167fb7", + "value": 78.0 + } + }, + "e149220f7d784d9aa94c212124f175f8": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "e152e9672a4d42e1b3333189ea7f0c76": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_1c90ca6da7d543efbdb379e24f8082f7", + "placeholder": "​", + "style": "IPY_MODEL_76616d8b07cc43e2b70a42def42f1d4d", + "value": "100%" + } + }, + "e15c2db234ad4c429ded5cee0d32af8f": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_1885847341e2458d8abcc4d92d260ad7", + "placeholder": "​", + "style": "IPY_MODEL_fc195a70966d43329a02d4e1b35c3de1", + "value": " 78/78 [01:31<00:00, 1.30s/it, fold=2, lr=0.000256, b_loss=0.725, b_acc=0.621, loss=0.781, acc=0.608]" + } + }, + "e16385e524ef473c9e491401119fa06c": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_4aada0592b6f4843a88aeb444386100a", + "placeholder": "​", + "style": "IPY_MODEL_979e5336fb634f6386665f22960665bb", + "value": "T: 051/200: 100%" + } + }, + "e17e77c0495d4ccf81ea3fa2619db6ff": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HBoxModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_bb05f4e92c444a08b77cc7f94772d682", + "IPY_MODEL_2d548afdc42743f9b430d00bc0564a73", + "IPY_MODEL_2383faf9453045e68317194a74de0373" + ], + "layout": "IPY_MODEL_d23df5222d47431889cacf49eee89971" + } + }, + "e17fd9ec90db41769271641f370459d0": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "e1b043157fd9485fa540320e13fdeeaf": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HBoxModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_43780ad8bfb04ca3b70c49610a3be9a3", + "IPY_MODEL_e850b04ee4e2444094278d8447e7f3bb", + "IPY_MODEL_f8e677dd248d43a8be8a5bcaafc7fa1d" + ], + "layout": "IPY_MODEL_cf9c6737531e4cc69010ead4b88a353f" + } + }, + "e1b0e5c9f06347b38c28607e9337a960": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "FloatProgressModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_a4fd3f5f64d0406fbfba65dbfab1cdd4", + "max": 26.0, + "min": 0.0, + "orientation": "horizontal", + "style": "IPY_MODEL_cd25848ae1434040a3b33a21a01002d2", + "value": 26.0 + } + }, + "e1b2b7da0e634d23b249cd3cb0b1a06a": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_1f9cbe0aff3e470fb2b456e3b34d6136", + "placeholder": "​", + "style": "IPY_MODEL_dee76d2943ee4e6c9fcc20950df6028a", + "value": " 78/78 [01:31<00:00, 1.16s/it, fold=2, lr=0.0003, b_loss=0.461, b_acc=0.716, loss=0.492, acc=0.728]" + } + }, + "e1b527a1a3494a1b88aa8b7a179a1a3d": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "e1db52e04e984d918f0f4729851efb13": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "e21702e92f93450f89eb7768c9835cc9": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "e2413e0ac2604987bd1698e6f0d03a02": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "FloatProgressModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_0e3a255618204da0b043e4393106f57c", + "max": 78.0, + "min": 0.0, + "orientation": "horizontal", + "style": "IPY_MODEL_e2fe095b0d244d7282b8b73b9bf8660a", + "value": 78.0 + } + }, + "e255cfc50ae44c97bf65e7c8369a74f8": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "e26acc21b0e7490a943377aa0073c2d0": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "e27dd1f335764bbbac6216376de70d33": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "e286e483b5504ff9a5b60abb678034ad": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "e29348913c76492f9269c7e1aad32bdf": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "ProgressStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "e2947af6be5940608d21aebd08abb66c": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "ProgressStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "e2977067cfbc4e2492b2a22e71ca6184": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HBoxModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_4e147348e2854805a2108b0c9be78eb8", + "IPY_MODEL_9cf57c197c7a4e99be6b73b3d60e708f", + "IPY_MODEL_762d0db98fda4244928cc47f70491603" + ], + "layout": "IPY_MODEL_35c82c161f41460d884cc0b0c4314f24" + } + }, + "e2ab5436f4bd4a6189e030e826975845": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "e2bdc98463da4247ac599b919b2e97dd": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_ae5133701e414b9ab49452ced395295c", + "placeholder": "​", + "style": "IPY_MODEL_50b7bb252f7b416bb291e9c6debf32d1", + "value": " 78/78 [01:31<00:00, 1.32s/it, fold=2, lr=2.53e-5, b_loss=0.402, b_acc=0.81, loss=0.333, acc=0.798]" + } + }, + "e2cbd9b258e34ef587ffb767166965fd": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "e2f62e6a33954bfd858d13f616ebb6d4": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "e2fe095b0d244d7282b8b73b9bf8660a": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "ProgressStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "e3039032024543be9867bf35cf79bc45": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "FloatProgressModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_e255cfc50ae44c97bf65e7c8369a74f8", + "max": 78.0, + "min": 0.0, + "orientation": "horizontal", + "style": "IPY_MODEL_bfc17c77bd0f40e2832a1060a73ceeb9", + "value": 78.0 + } + }, + "e3214c6cfa654c49b9f5c73afe84929c": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "FloatProgressModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_5ad1a2f3a3524cc7a01a60ad56bccb73", + "max": 26.0, + "min": 0.0, + "orientation": "horizontal", + "style": "IPY_MODEL_15ff190b91f6435eb03c53441b804e3e", + "value": 26.0 + } + }, + "e32bbbdc781240138dad425494801a7f": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "e3360c4155e140aa8496591ce743f9eb": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "e3815a360d334fa8a0d722e9aad341d1": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_2469e7d825a74ae699a4d130d13785d9", + "placeholder": "​", + "style": "IPY_MODEL_1fc2499bbf3b408eaf681b4a897aaf29", + "value": "100%" + } + }, + "e3ba7c9403ae4cc69e1a5f29bbcb5154": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "e3c22d31c8354b48a0d61ec309250a26": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HBoxModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_3447b3140bf9444b8178f9fc949eab3f", + "IPY_MODEL_81193ee3cfe7418496ab632a0ef52c4b", + "IPY_MODEL_c2767fad38bd4c63a13c50916e63d3c7" + ], + "layout": "IPY_MODEL_a718095623b54f2b8288166da1d353b2" + } + }, + "e3d83a82bf23422abede51677cc4edc6": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "e3ea35018fe94496b2c449b64d47c9f6": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "e3fa7519ac0d4784909f848b25a86bbf": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_46840b118e674c12a9e0624d356fc6f7", + "placeholder": "​", + "style": "IPY_MODEL_d6fe88751cbf46f1a49f57b76718264b", + "value": " 26/26 [00:23<00:00, 1.16it/s]" + } + }, + "e4353b1546f140038252622cbd93ef68": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "FloatProgressModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_6b927de8f6e74a57b2892ea34e5d6a63", + "max": 78.0, + "min": 0.0, + "orientation": "horizontal", + "style": "IPY_MODEL_1ccd1d1c78ac435b86bbd48395d3ed4f", + "value": 78.0 + } + }, + "e439721519c74bc291617858bc2d95b9": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "FloatProgressModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_f858ecc611a54dd9b66fc5735d149684", + "max": 26.0, + "min": 0.0, + "orientation": "horizontal", + "style": "IPY_MODEL_3b26341a189a487db86df06fec17580a", + "value": 26.0 + } + }, + "e463bff277884b03a0f3d6bdfb4c5517": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "e481d03e1b344c29b02cca7622db0abf": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "e4916f7bbcf9499986352f63b75d2813": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "ProgressStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "e49f6a050ffd465e9951910c9ad91ba0": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "e4b07514f8614061986f1fb39885449e": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "e4b4bb39d4e445a58347aac602a2ee00": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HBoxModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_165ca3b2215f4dab9cb6075294371b4a", + "IPY_MODEL_fe216f3c6f234cfd8a6bd1c4d761562d", + "IPY_MODEL_d492881be30243299605711887b8d293" + ], + "layout": "IPY_MODEL_d2cf56d8c9de419abf9a8b5463df29eb" + } + }, + "e4c28b764be64e0fb405159474d9ca15": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "e4d96ac752d74a19a452cbef91a8d1d9": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "e4fa1b467e5645b3b0328c445a53c12e": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "FloatProgressModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_53ab1702c8c24b09b8cafe08a70a19f1", + "max": 26.0, + "min": 0.0, + "orientation": "horizontal", + "style": "IPY_MODEL_36ce1e83e0f541d594b585b52f4431e2", + "value": 26.0 + } + }, + "e508bf16f4164d52bc55b509a018c2f6": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_18602528b5e94233b2e0b78504a8bc6a", + "placeholder": "​", + "style": "IPY_MODEL_b4b11fb5559344b1a319b39be648069e", + "value": " 78/78 [01:31<00:00, 1.25s/it, fold=2, lr=6.67e-5, b_loss=0.953, b_acc=0.526, loss=0.981, acc=0.527]" + } + }, + "e5135813fc2b47a8af53c823aa2f9569": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "e513a2a48630433ba93536027b70b974": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "e518fc49fe5c4aafb37aafc059445fb1": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "e52fde39b67b408fb8de76f20b0ee083": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "e55268cffb0a492ab5bd78710f2ab7af": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "ProgressStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "e55924b47e5043fab4df63bd4e258bd0": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "e55db2c12bc34a08b0378738826aa2b4": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "e5611abfdd50495fa44d08d515a0a583": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "ProgressStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "e56d6ac4f2d24ed08b9351ea3c878c75": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "e571284439374fb0bbe7cae66cf6cebd": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "FloatProgressModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_57686741c92f4d64ade6a1f738790fb4", + "max": 78.0, + "min": 0.0, + "orientation": "horizontal", + "style": "IPY_MODEL_2ca71465e71241f79f4a82b568a4d6ef", + "value": 78.0 + } + }, + "e57305ad34a84137afc03d84265b8c6c": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_8c638336e47e47c4b2a82c4b877b826a", + "placeholder": "​", + "style": "IPY_MODEL_fac681fdaf27410cb16fe9d4755c95d6", + "value": " 78/78 [01:31<00:00, 1.06s/it, fold=2, lr=0.000179, b_loss=0.436, b_acc=0.802, loss=0.389, acc=0.77]" + } + }, + "e58b900c0bd94168a8b7933a5a7d6533": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "e5969942a92f46a79d78d852d38e8796": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "e5b869abb310470a8f3caa332e63e142": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "FloatProgressModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_ecc7d1a5e1e24050a8786bb127b4b803", + "max": 78.0, + "min": 0.0, + "orientation": "horizontal", + "style": "IPY_MODEL_4b12d7394b294b15b99db090abef1d25", + "value": 78.0 + } + }, + "e5bcffdd33fd4ea9afb9798d968d7b44": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "e5ca6dac6dfa4a39ab80c6538a3bddd5": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_50b87402a2244209a0a7eab0126b3082", + "placeholder": "​", + "style": "IPY_MODEL_f59f9c35ba7e46f49e7cd6cf961275da", + "value": "T: 097/200: 100%" + } + }, + "e5cf36303325440192c6ce85d693ed13": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "e5e957bde6ae4d53be9f882787e914cd": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "e5ec62a4d9094d99a5461c0a0e405a4f": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_a0b7a69892274a548de4f5fdb76ab59e", + "placeholder": "​", + "style": "IPY_MODEL_5e4957f24e9c453cbd4118f7dd072c0d", + "value": "100%" + } + }, + "e613bdb7216246c2b19a47a6e9b7ee13": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_7c299be76afd4b00837934e8ae46fce1", + "placeholder": "​", + "style": "IPY_MODEL_24c1e8f3666c449a9fcafafb27ac3b86", + "value": " 26/26 [00:24<00:00, 1.06it/s]" + } + }, + "e621e48a9b0549b7986bea5625a50ec1": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "e622137723b641e9bbbbb20dabe119bc": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "e62f28e0c0f24c13a675b8dad20904e6": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "e63172b9d92e4522bbcaaecd5e1a520a": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "e6332c572b1f45629751053173789928": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_5feafcd2460640a59a03c58d34629f26", + "placeholder": "​", + "style": "IPY_MODEL_b47375f4b372454fbcec5aca00e7fb0c", + "value": "100%" + } + }, + "e638a4c9a737434a9ed387f0e790f4d3": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "e64956804a6e4d82a5026f9d2ce0403c": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HBoxModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_1da3c011e5c343e595408e0bccf26004", + "IPY_MODEL_71e0e287e68e424a9309dcf259933c4d", + "IPY_MODEL_c294ddb48e0d48eb9550efbec002aeaf" + ], + "layout": "IPY_MODEL_c90c80f3db57495eac746611040de0cb" + } + }, + "e6502a791e6348c898f21a9be9adf0b8": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "e658a7c123cd468593a110637e5faf1e": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HBoxModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_0c5ac9d92d0d470b97ea64379b2153ba", + "IPY_MODEL_93a1fc2ea7fb46df90b8a44475b6052e", + "IPY_MODEL_10949a57cdb54289bf57856f75b6380a" + ], + "layout": "IPY_MODEL_6fdb38f8f2a1451aa0f8085d8e30ab65" + } + }, + "e66531faca3a472aac5d1797c75261eb": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_766d0b75fff04cefb35213aa4e943d4c", + "placeholder": "​", + "style": "IPY_MODEL_22270c46aad1499aa81607c608fb0e94", + "value": " 26/26 [00:23<00:00, 1.17it/s]" + } + }, + "e6742a1805cb4dab949bd0fc67a8e3f1": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "e683c53f9f3c4e868611eab30314bc2b": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_f76f258f575a486984783b9e3b065d92", + "placeholder": "​", + "style": "IPY_MODEL_58574b3f37d44c61ae4018f5e96d97d6", + "value": " 78/78 [01:32<00:00, 1.10s/it, fold=2, lr=2.88e-6, b_loss=0.314, b_acc=0.793, loss=0.32, acc=0.807]" + } + }, + "e6867b6dcba840aab00b9da2ac4955d3": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "e6aaf88f6d884e0382cfcd74592af653": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "e6c3e9427c3345c58816af512b85a9aa": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "e6c6b8b4e10f489a8f7a8abe479b3a40": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_170a6f9c76df4519824a1e3190c39d0f", + "placeholder": "​", + "style": "IPY_MODEL_23245d56e7cd44d4b8847d5df669eefb", + "value": "T: 140/200: 100%" + } + }, + "e6d2e61e895d43a5a770bec968bb35ff": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "e6d4edf0d2e548fc808f377c2856f9ad": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "e6eaf8010c674bf780534ace32b396a4": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HBoxModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_cd9c9213f9b44b68a4586b3d553b9fa8", + "IPY_MODEL_853be3acfbfb48849243ba3f15cb7ab9", + "IPY_MODEL_25536d734aaf408d9f4e862a2198194a" + ], + "layout": "IPY_MODEL_8cd0027c9b534d54ae90663c1e807958" + } + }, + "e6ecce7b3d6447e1aee4ed943b806bfd": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "ProgressStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "e6f217e4a1324289a5f49335bbd93c16": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "e6fbeb77be0a41ed80cb5a9c7a6f3b34": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "FloatProgressModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_d007360617f041ee9948d6ac1e9fff97", + "max": 26.0, + "min": 0.0, + "orientation": "horizontal", + "style": "IPY_MODEL_a43b38f678db42018afc15bae1599d4f", + "value": 26.0 + } + }, + "e718d9be99804bdcaad230469e4e0d2d": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "e740c5b8da9c44018583db9bd96b46c6": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_ea0707abb0cf41aaa5bcc5a12bf1c60a", + "placeholder": "​", + "style": "IPY_MODEL_fb8e0be9b2b245cea52586e1731640fb", + "value": " 26/26 [00:23<00:00, 1.15it/s]" + } + }, + "e74128b84ce344b487d7e972d1dfad1d": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "e7487edf94114d80b38a7798191a48a1": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HBoxModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_a955a9afc77a4fdc8267e11d64a7fc14", + "IPY_MODEL_35bad097953b49daa32228eb25bd48f0", + "IPY_MODEL_4bf08e1f806b4281a8a3ec7b78bbafde" + ], + "layout": "IPY_MODEL_cecf82d1b0934418bbd5df8c8782e0d1" + } + }, + "e761a2c65d82433ba3038d6caa3236ac": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "e76395f9bcfa46d9acd6cd3133781de1": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "ProgressStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "e766b56070a74a48bcfc72dea6a3e7c0": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "e777f385c521462e9b9a0771d38b6057": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HBoxModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_ddf34fae71684b469f8f784d19995ba7", + "IPY_MODEL_22a7935a5b4642c5a4f868d95123aadc", + "IPY_MODEL_e913cfc2241b4e5393ab8f9ef55e6228" + ], + "layout": "IPY_MODEL_b6b2beb94d304d95a6dbed5f8c3ad2aa" + } + }, + "e7843bb836d8488e86a849a6b6cb05de": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "e797469bb3a24e2a876bdc76a70862da": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "e79c7988bc9942f98f2dfe14cd413175": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "e79e780103a946218268a791a2dc090f": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "e7a5b23dbe1e4787ae02cdab350a1b84": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HBoxModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_5344240a39544edca0a1aa686751ba2a", + "IPY_MODEL_a201a6085cfc41b8bba18e13169a1f4f", + "IPY_MODEL_c6340b3425d54fb28c88123b3ba6444f" + ], + "layout": "IPY_MODEL_fbabaff5273b41f5b6abc1ce3f1c7e14" + } + }, + "e7ad9fe1e7564b318c24950cd14324ba": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "e7dc98ed2dbe4d8f9593eb571f663de9": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "e7e9db68227a4ed495935b3fe79aa57b": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "e7f64f08e0944acdb214d73793cff8ef": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "FloatProgressModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_98370b3e1e434bdb9429a2ca175bce92", + "max": 26.0, + "min": 0.0, + "orientation": "horizontal", + "style": "IPY_MODEL_773e3d6d5f8a46e9a8445ebe8328b854", + "value": 26.0 + } + }, + "e7f970e7cf8847d98e6dde201251e556": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "ProgressStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "e8152578321f4d348d0c3cfc4c9a5c12": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_54ebe633151c4b50af6f4d3280852e30", + "placeholder": "​", + "style": "IPY_MODEL_5e881ecb2f3a4012a3382689892c3e9d", + "value": "100%" + } + }, + "e81921f929c04c46a385ac8696f64457": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HBoxModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_f2f9069d71e74f759e25d9b6f21d7234", + "IPY_MODEL_d87f4528db8547639347a16f8df57607", + "IPY_MODEL_66ab1fcfddea4c809cdfd156d26c2a35" + ], + "layout": "IPY_MODEL_a8cef07acba44e3ca35bc222d45ecd50" + } + }, + "e819ada2841c45ec84b41b2cc0cce8e0": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "e8285caeac7b443ca1d34ef36fa3edf2": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "e83657a4e4d0470abf4edf54be4f045a": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "e850b04ee4e2444094278d8447e7f3bb": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "FloatProgressModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_54915311ff2041e79d5df29bf14522fe", + "max": 78.0, + "min": 0.0, + "orientation": "horizontal", + "style": "IPY_MODEL_ee37a569b0f84df2b113bfd0aa9ed2ae", + "value": 78.0 + } + }, + "e856e513fabc41b9830719c84829d56c": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "e86e4f95235a49d48ad7c6826e6ed8bb": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "ProgressStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "e87d6bb0b3074316910b29deecd57c60": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "e8887953d9364b0f996d06ad64c01dd0": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "ProgressStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "e8bac1d38b4043a090da9b21d2048b00": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_c9ad2c45d79c476c8bf25fc86a7bd433", + "placeholder": "​", + "style": "IPY_MODEL_f11f1ff6457a4d1b970300a322c4201b", + "value": "100%" + } + }, + "e8bba11571bd488c980bfeb5b40a1ac6": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_1a042447e8714badbe7a41c43b1f7a35", + "placeholder": "​", + "style": "IPY_MODEL_6173ea400271468ba5700c21baeb9224", + "value": " 26/26 [00:23<00:00, 1.19it/s]" + } + }, + "e8d82188e1a34b0e8f2f463bdb57faeb": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "e8f68dddc85a4b45a11c2f2b88cb5ec1": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "e904b88453084fdba661685673536473": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "e913cfc2241b4e5393ab8f9ef55e6228": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_6a380858ec3b48599af31491b35a7ccb", + "placeholder": "​", + "style": "IPY_MODEL_ca248f7c9f5a43839ac6cafeca653eb4", + "value": " 26/26 [00:24<00:00, 1.05it/s]" + } + }, + "e918dc9ba8fa4a8db3cd7813549e2ed5": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "e92901ae7c7c4ff9a9d39545cea79bb2": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "ProgressStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "e92ddaa0d8b84116a2e2641898c05f9e": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "e9372061c5d049d592a28ccfa851b16d": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_28c259588a544d3fbc374484e248a1da", + "placeholder": "​", + "style": "IPY_MODEL_455550fc3dc7458c968463321938c5f3", + "value": " 26/26 [00:24<00:00, 1.14it/s]" + } + }, + "e93979107df14fbabc738a5b809c7462": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "e941c298e8f84e6587da3cb161b377f9": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HBoxModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_c2bcfb43b8be4c089ddb443ffa041a71", + "IPY_MODEL_db70e32e050d474eadb0cd0561fc9e92", + "IPY_MODEL_cfb1c124bb914e689022e459e2e50da1" + ], + "layout": "IPY_MODEL_554d9bbe01bb49839a7ff15475d097e9" + } + }, + "e96cf576d7cd45c2bb75c066f266c979": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_1a0f3fd6c1af4035bb0b9a8c7a16d97c", + "placeholder": "​", + "style": "IPY_MODEL_0f7a704d4fae432981db43f4b0388c2d", + "value": " 78/78 [01:31<00:00, 1.15s/it, fold=2, lr=0.000233, b_loss=0.479, b_acc=0.716, loss=0.487, acc=0.722]" + } + }, + "e9723a1ca1b04fe68579a9187153734d": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "e97667639c494f489ac049ae2b489e69": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "e98398ea98f44f588a80d13fe180246f": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "FloatProgressModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_a68335e7ce9449fb8186be593546ff79", + "max": 26.0, + "min": 0.0, + "orientation": "horizontal", + "style": "IPY_MODEL_21917ae1423a49a9929b97703ba1071c", + "value": 26.0 + } + }, + "e983f50f539042d280d38a70ae9f1684": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "e99852a5fa1b411c99fce085f024eaac": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "e99bb61f449940859af1abd117838cd8": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HBoxModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_3797b21ca55d41a0b7138e7904d9413b", + "IPY_MODEL_8be0bdc70f2e4e0e9ef3d9c093a568ad", + "IPY_MODEL_28d4955f05544e7bb1ddf801ad140684" + ], + "layout": "IPY_MODEL_74e51151d6394f63b387f1d0b3aa9252" + } + }, + "e9cf71e62f5441529e2b3d3f98866aa9": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "e9d173152cf34705a3dbc0ab24814043": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "ProgressStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "e9ed6c2719dc4732aec24b0e4a1ef63e": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "e9f9589b261341a3ba3e90174b541f26": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "e9fa214052704aa889e244800c679c6a": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "e9fa88fd900b456597a65797f59a72a1": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "e9fc5c66ad9b41b79067580491c029e6": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "e9fde5103cc6411d9881bbc654364310": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "ea0707abb0cf41aaa5bcc5a12bf1c60a": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "ea11da3f33a84670972174801b370146": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "ea1bdd1cd6f14c5093b0d5bdf289cf59": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_83fe45d2bc164005b39651b0e40d400f", + "placeholder": "​", + "style": "IPY_MODEL_5e09f5c84b7441848c6bd84cee6bee6c", + "value": " 26/26 [00:24<00:00, 1.12it/s]" + } + }, + "ea21d82cc91d4f2da5c394c5952a1514": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "FloatProgressModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_b2904bb6c3c54a87a3e7cd0fbeb5fc4b", + "max": 26.0, + "min": 0.0, + "orientation": "horizontal", + "style": "IPY_MODEL_848d043ec20b4830b3670db7327b97ef", + "value": 26.0 + } + }, + "ea31ae3971b9449ba5dbfd322f55b44a": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_0d8747e3bf4f46478554fac15c57c38d", + "placeholder": "​", + "style": "IPY_MODEL_a85d3bf2b4474be5a43a4c107445d45b", + "value": "T: 075/200: 100%" + } + }, + "ea5b93c116094a038045fbb54c97be9e": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HBoxModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_b4c252a57693429b824f4d2ed3302d9d", + "IPY_MODEL_ddc5aa41dce34703b4245ef3831cac98", + "IPY_MODEL_32f8b367676f47b5aaecd2e71c55ad2d" + ], + "layout": "IPY_MODEL_317e3202006148d8a03bd03433892556" + } + }, + "ea69c2322d624bed9eb2b2a03fdd1c9e": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HBoxModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_42e2911210e64b0a82cbbefdb6b03fe0", + "IPY_MODEL_d42b0604572144b7b5d1452b29e305ab", + "IPY_MODEL_289390af94e841a4908713c495fd4a1c" + ], + "layout": "IPY_MODEL_14dced8e82e04571b0e67e9560a8ecc3" + } + }, + "ea6af4fb442b407ca2e83db6145a98a3": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HBoxModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_a189ae7614d241778aa675a2fef28f75", + "IPY_MODEL_4705d192c61843a383b29f31e1bb7e0b", + "IPY_MODEL_8225fc296f0a4439b41a4e1206b0cfe2" + ], + "layout": "IPY_MODEL_b1c559eef0024f17a0827346f4db2a8f" + } + }, + "ea735694f2dc42ff9be8805171811a9e": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "ea75d95fa6fa4c71a8ec736c266baa35": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "ProgressStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "ea7be23d1bb84393acd05d8813d337bf": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_39e6d3c57e5c4213891939d108500703", + "placeholder": "​", + "style": "IPY_MODEL_4f931139731e4ba88ba2890d11377b8a", + "value": "100%" + } + }, + "eaa91f91732e49dc8537c3c3c6494444": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "eaade5d03bdc4589894b00608079043b": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HBoxModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_1a4a0c0e0209439ab6dbae2a7132647b", + "IPY_MODEL_b987916ea59041e09fa07bd34fedad85", + "IPY_MODEL_2c3475903f8a49f4a463bb1fc7567a28" + ], + "layout": "IPY_MODEL_b34983f5776c43618b79ac2bc476399b" + } + }, + "eab8629280ef447581ceeb529ae60cbb": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HBoxModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_d6e8bdda2fc3482d8d6c13d0455cf225", + "IPY_MODEL_0853f9cf6cd3422abdfae4c8f7feb651", + "IPY_MODEL_853d981dd2ac4ab988da0f20cf7fe8ec" + ], + "layout": "IPY_MODEL_4f20f763b1fa4bd2869fb9f29982126e" + } + }, + "eacccba25c2e431da2e88725ccbcc9d1": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "ead408e435c44d56aa982b7461f35373": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "eada1c33bd124552b8765dbef924fd9f": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "eae0eb30f1224fa59f48ad2ec18b1d4e": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "eaf29a27d642473fb07e49823eec2685": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "eafc0b0be88d4cb6b96f3148a6c271a8": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HBoxModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_db75a7186a2946609cb0decf7bc76c9b", + "IPY_MODEL_bad43be7109b4cd2bf502e4d07936c30", + "IPY_MODEL_7132f692cf474f3dbd49277cc129cace" + ], + "layout": "IPY_MODEL_8e49903e5aca4a05a735e506a8e2e54c" + } + }, + "eb0d12032cdf416299ca2a2e4178bba0": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "eb103622f3fc43709136ae06e2c54e1c": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "eb18f8fb51474cfb9fe61daacd822da0": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "eb1c3b8cdffa4e98bd749b02df0c2c64": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "eb29caf3ccc84a098302221ff1a1cea6": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "eb31ec4868bd4f08bae52c3e32150e3a": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "eb3495a28887480eae3ef043a0fbff62": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "eb39f51da1b34c26b861ac8dfed56d76": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HBoxModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_9bc0ba125c86484dba2ddc15c4001456", + "IPY_MODEL_10c1e7a48d3c4cd997db3ab30f82ee05", + "IPY_MODEL_4397f8f0b7484bee93dfa38469d84592" + ], + "layout": "IPY_MODEL_39624aabd2704121b6d8a4232011e505" + } + }, + "eb4ced1231ca41a4bb991bb0bd1eb93f": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_7cf76580d3924bc58491e402f7ec53f7", + "placeholder": "​", + "style": "IPY_MODEL_4e74a53e0ebd4bb3b8abc10ec1d080a6", + "value": "T: 015/200: 100%" + } + }, + "eb5e5ca1a92948ec94edb72d2729530d": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_bfc5c9ef255043f9882fcd08f7a768b3", + "placeholder": "​", + "style": "IPY_MODEL_a699e0a1dcf649b7bf130a75f58376ce", + "value": "100%" + } + }, + "eb7dab506c954cb8a1c60027be6357ff": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "eb7db083403348e88063f073be46c08f": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "FloatProgressModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_afaeb5958cfc479ea405cd877d11ca90", + "max": 78.0, + "min": 0.0, + "orientation": "horizontal", + "style": "IPY_MODEL_1c638c4309f5478b935d2a61d00a4417", + "value": 78.0 + } + }, + "eb8100b3f88646ceb204cffe4425e162": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HBoxModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_ace8b641a8954ab190c6b80258eb0ac3", + "IPY_MODEL_6af0e33f74fb4877a21df552aacfb713", + "IPY_MODEL_9db4ba105ea24761a71b301552be3525" + ], + "layout": "IPY_MODEL_f77e83f5d75649f1a95db56187243cee" + } + }, + "eb92f23889c44fffaa949dba31375baa": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "ebab791d071d4fd79a3ccfc9da5aecb0": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_db480868f0b84525b9d1507279992276", + "placeholder": "​", + "style": "IPY_MODEL_5edc68a2afd94862bc91e8dd45dacfa9", + "value": "100%" + } + }, + "ebb12e9aae664ff68fb94237bad694d4": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "FloatProgressModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_69de839f21894b8a8ba2ab5b9f4dc62a", + "max": 26.0, + "min": 0.0, + "orientation": "horizontal", + "style": "IPY_MODEL_e76395f9bcfa46d9acd6cd3133781de1", + "value": 26.0 + } + }, + "ebba476630e044df9328725ac4e4aa2f": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "FloatProgressModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_260cbf8934204452897531204edc8d3e", + "max": 78.0, + "min": 0.0, + "orientation": "horizontal", + "style": "IPY_MODEL_4524cb48bc474a9e9adad4b36783afca", + "value": 78.0 + } + }, + "ebce067054fc49efa7a2c1267479c6e1": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HBoxModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_b55e4cb9236946efa53b82465809e584", + "IPY_MODEL_68d44389b49446a88ff4fbb30f1769fb", + "IPY_MODEL_85dbc4d318bd42ec9d255068464af561" + ], + "layout": "IPY_MODEL_379e4678675d437c8f4f22d2a007fbf9" + } + }, + "ebdc321418224a04bbcfdb6eab7fb57c": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "ebe3a181bd374db0b986bee13139d38d": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HBoxModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_ecfe1b057ea349f493af832bf8c42b43", + "IPY_MODEL_ad2fa4f7a1114b999918cd52698f1307", + "IPY_MODEL_0f99d16a78f949a98ef6e5528a13eb5c" + ], + "layout": "IPY_MODEL_586d18337b074756b32980efe8d67fe8" + } + }, + "ebeb477286254340950e9b01326f1e4d": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "ec0f430ef45e4e06affe9cd4c838cdb6": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_58769f94ab1d40bfb6d7b73d137989a3", + "placeholder": "​", + "style": "IPY_MODEL_0c3ea19a9ffe49baa4f8340f49817cdf", + "value": " 78/78 [01:30<00:00, 1.18s/it, fold=2, lr=0.000233, b_loss=0.34, b_acc=0.741, loss=0.264, acc=0.834]" + } + }, + "ec1c0b0ee1684beca1e23f96d4e6b667": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "ProgressStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "ec2dcb19d3d24162b70fe8ecc7187503": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "ProgressStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "ec428811868d44cc9aadf422702d3707": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "ec48136608db416ba8caf12f11021217": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "ec513aade5654302a2f2d660c11ffac8": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HBoxModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_3520801b69f44581986add4436ca95a5", + "IPY_MODEL_5c0f7207fb8341f585df81e139cffb0e", + "IPY_MODEL_ecca1b6bd7a24d46b6dd9d984af168bf" + ], + "layout": "IPY_MODEL_7d88f8d9c3a947ae98ac84b2736a676b" + } + }, + "ec5919a716764168831ca3327e5841d3": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_e3360c4155e140aa8496591ce743f9eb", + "placeholder": "​", + "style": "IPY_MODEL_a33370e828a14d4bba0d20b4f28e7ba4", + "value": "100%" + } + }, + "ec64502f107047218c64ad938aa15787": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "ec6635360d5e474794be6729f72551e4": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_2c4970b274174958bde1ed2006f80597", + "placeholder": "​", + "style": "IPY_MODEL_80e2c0ca3cca4dc889f741989bd277ad", + "value": " 26/26 [00:23<00:00, 1.17it/s]" + } + }, + "ec708385f5b244819deee3ea2787e281": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_77bb3d9ee79d4c518e71670946754632", + "placeholder": "​", + "style": "IPY_MODEL_2a2ff16949604bb88500d800afef5ff7", + "value": "100%" + } + }, + "ec74d47997ea408f84477a3c0ceb1d56": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "ec7c9d05f2fe47d9851da0f20ddc5eb0": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HBoxModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_f33791b08ec3413e9661ce88296ae6eb", + "IPY_MODEL_dd1945444fbc4e998a09175fe5985e07", + "IPY_MODEL_d5f4fcc3f5714537a7f640fb55098c9f" + ], + "layout": "IPY_MODEL_6f59f99b44f64ca68a38062978350c90" + } + }, + "ec827e86af264705bde926bafa0ac114": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "ec87e311ec0e4681b90ef9ad33133ad7": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "ProgressStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "ec8cecebabb84dd28e45f00819e3c85d": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_798e98b2bd99456499be71d07f95205b", + "placeholder": "​", + "style": "IPY_MODEL_41a3c9235a1043d08d4a09742dafec5d", + "value": "100%" + } + }, + "ec9d37cba2fe4f5f82fbd356757e207d": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "FloatProgressModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_fe0ff525f50c4446984c39b639ef5d16", + "max": 78.0, + "min": 0.0, + "orientation": "horizontal", + "style": "IPY_MODEL_11943a679f9a430cae60a4d00e13163a", + "value": 78.0 + } + }, + "ecb930a04ff0466cb0405cea19f9c029": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "ecc7d1a5e1e24050a8786bb127b4b803": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "ecca1b6bd7a24d46b6dd9d984af168bf": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_3569d016eff64cacab96212d7cfe963c", + "placeholder": "​", + "style": "IPY_MODEL_19b85572c497422580a05414f063af88", + "value": " 78/78 [01:32<00:00, 1.03s/it, fold=2, lr=9.26e-5, b_loss=0.302, b_acc=0.793, loss=0.253, acc=0.838]" + } + }, + "ecd3988edade411dac3f21b1311c5dd7": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "ecd7caf3d61645f5ab690ad2046ad81e": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "ecd8f498f66e43a9bd6995e59ad7ae3d": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_aeba985defdd4a9599edcd2381456db1", + "placeholder": "​", + "style": "IPY_MODEL_e87d6bb0b3074316910b29deecd57c60", + "value": "T: 120/200: 100%" + } + }, + "ecde0e0b24e24f589f28687c19e9905e": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "ecf395c5afac4d8790c4827241f46352": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_e0ad9d4abbdf4e33a83ea22cc0e19933", + "placeholder": "​", + "style": "IPY_MODEL_1b306cf0de8047d5a7b63296f1804b1b", + "value": "100%" + } + }, + "ecfe1b057ea349f493af832bf8c42b43": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_cb90eb42ef894469a10979880bdd9b75", + "placeholder": "​", + "style": "IPY_MODEL_a682d73e5c8b42ddaa051fbc0d728fed", + "value": "100%" + } + }, + "ed05be19a5cf434abd3e8d0de92c84fb": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "ProgressStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "ed0a0c41b87e409ea560a7dab67b4672": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_3e31fba9d1c545048c68d130ab8c7adc", + "placeholder": "​", + "style": "IPY_MODEL_26f37cd88b3347b5ba0174c8ac5c1285", + "value": " 26/26 [00:23<00:00, 1.18it/s]" + } + }, + "ed0aae209f2c4eb9aa58bed1bede0656": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "FloatProgressModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_80af0ecddd0c4540beb97278444ad244", + "max": 26.0, + "min": 0.0, + "orientation": "horizontal", + "style": "IPY_MODEL_e5611abfdd50495fa44d08d515a0a583", + "value": 26.0 + } + }, + "ed1184e9f1364d988a43634bcf9197a3": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "ed2cc1d4669a47d2b4a1e4b544ac975b": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_13c60050a8044811be0cd0c9d4f1578a", + "placeholder": "​", + "style": "IPY_MODEL_f04682be1618452ebf033b964fba7ad4", + "value": " 78/78 [01:31<00:00, 1.11s/it, fold=2, lr=4.39e-5, b_loss=0.186, b_acc=0.879, loss=0.157, acc=0.892]" + } + }, + "ed5aed7a850e4e5caef5b460a25c29b4": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "ed6ca6c8900447ae954d6f35d0ecd23f": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "ed7834f9bf43419f9d59dcafc5ddc65d": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HBoxModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_0bed3cd1eee74486982f0bf38d7ab4ed", + "IPY_MODEL_b3a92f70600a412781c5014d4ea5e38a", + "IPY_MODEL_1671d6a33fd04ddf80e226064baa77ff" + ], + "layout": "IPY_MODEL_b4634614dafc456cb38697cf6ce57cf8" + } + }, + "ed7d6d51c8434e0f8b819498fa47b95e": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HBoxModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_16d10ceeebd447df969340a2c0d88ada", + "IPY_MODEL_e5b869abb310470a8f3caa332e63e142", + "IPY_MODEL_3358635d060541f481670fa8a1698d76" + ], + "layout": "IPY_MODEL_1b930a41da124992a6337a296d2a3770" + } + }, + "ed8035963270462aa250d1b17131ba2e": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "ed8516e97e25401499459fc4a1bec52b": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "edafeb9497b34d62bb421a354237b807": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "edbcec06c5cf478eb3f95c61a4e8c459": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_7ade4da39d7147bba8853522568c5fab", + "placeholder": "​", + "style": "IPY_MODEL_7a34795a74994b15874bd86cb30c18f2", + "value": "T: 048/200: 100%" + } + }, + "edc4599f3ace4d77a481fd8fc310ba40": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "edc81a84f334494fb624a9f6f6909458": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "ee1de96cfde74546bff8ba2273e4228e": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "ee37a569b0f84df2b113bfd0aa9ed2ae": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "ProgressStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "ee3dbc94b43f420cba00b652ed37fdaf": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "ee53415613644833980d0b381dfcbc4a": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "ProgressStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "ee70da9108cd47778335ad5a386518f9": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "ee98a18e574549ebb291692ba11c1a45": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_1ebed664a5ad42a982078323a5e31be4", + "placeholder": "​", + "style": "IPY_MODEL_1c71f12e7dda4597a834571ea2c07151", + "value": " 78/78 [01:31<00:00, 1.21s/it, fold=2, lr=9.26e-5, b_loss=0.557, b_acc=0.681, loss=0.613, acc=0.673]" + } + }, + "eea2e99d45934e1aabcdbbc706307b32": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "eea9633893944a1bace2fa2cef2986e0": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_8c1770a12d6b4debb8701265fbdab2bc", + "placeholder": "​", + "style": "IPY_MODEL_d62b2714bd564417a05631267ebc3d55", + "value": "T: 131/200: 100%" + } + }, + "eeb33a66a1534687970c26eefe9b98c3": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HBoxModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_1a228947514e440a814be05e69f71486", + "IPY_MODEL_08b95116a7fc4db9818620f403f8a6ba", + "IPY_MODEL_cf810ff8a06b4f5083fe9035ff953013" + ], + "layout": "IPY_MODEL_f7464eb482244c48b5b90f2b11faeb37" + } + }, + "eeb88eaff00c4b77b0b9afa771cd4300": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HBoxModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_a757c53992e04d369103556ba407c08f", + "IPY_MODEL_5dc12d6f5501421a958f70ad444d71af", + "IPY_MODEL_3f32e9de78e9467386ea6d36fb9c603c" + ], + "layout": "IPY_MODEL_c97901116d074397a97b5d679569d358" + } + }, + "eeb9a2c0410441d5be0a2c28ae9e2b0e": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "eeba33a9241149daab4b122ccad91026": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "eed7a41e148c426d929e8eab8603bfc5": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "eedccb77a47847aab1bc56606f65cc26": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "eee74059070f4be9b9363aa0ac740cd0": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_8edaf6ad3011499294e35d36d49ff1d7", + "placeholder": "​", + "style": "IPY_MODEL_295cf2d24b9743d49b14a5e0bc4e6a00", + "value": "100%" + } + }, + "eef28e1cca19407497f524f407ffc7db": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "ef13c2c7dcd240f89330fe1e7b353fff": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_135f297e7d4b4167a89c063e4f32706d", + "placeholder": "​", + "style": "IPY_MODEL_40d5a83e40c44ecfaf7fe2aa75b85574", + "value": " 78/78 [01:31<00:00, 1.11s/it, fold=2, lr=0.000289, b_loss=0.26, b_acc=0.81, loss=0.294, acc=0.813]" + } + }, + "ef16680fa716440f9bad67eb7ee71589": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "ef5af8ef8ffe4fe28af2adba3d25fd66": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "ef6d44a44a1d406da4697f7b49897a5b": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "ef78880768de416ab643aa461fa5f514": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "ef7d8bc8e03845f5ac8e680d8c69f268": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "ef8e87e9280e4542bae1a15921d170b2": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_0b7446a269704a3098c75eb8862c347d", + "placeholder": "​", + "style": "IPY_MODEL_6a53218c6d12451c9bcdef1a323b6aac", + "value": "100%" + } + }, + "ef90e2d91d3e4b34b3c011989bedd6ba": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "ProgressStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "ef9843e157334cf1b387dfc69be64998": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "FloatProgressModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_199796f473ca47a288ef3e08c0cea921", + "max": 26.0, + "min": 0.0, + "orientation": "horizontal", + "style": "IPY_MODEL_1ff9891f7b7f47968c4cff6bc8789293", + "value": 26.0 + } + }, + "ef99e2541a4c4518a6d040ab1dab08bb": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HBoxModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_5be786ca76b04625b63682b4960f5f9b", + "IPY_MODEL_fa23c3dcc6b144699cc5bfea3ddf8e93", + "IPY_MODEL_38eef36235a240e688b3789bfae6760e" + ], + "layout": "IPY_MODEL_13eb8695addd4fcaa46ab94cb450c29e" + } + }, + "ef9d2a7e3e6943ec947a96be12c96491": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "ProgressStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "efa98cb49042433db403e73753c096e1": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "efdee575ac0a43b98b96c090224cce40": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "ProgressStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "efe66e8ece5a4f93a788d31ea7fdeaff": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "efe79d8e05454bd9afbd276aed38189b": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "efee70db7dbf42cdbc97fa19f7a84484": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_f92c47d8153d41e18b55000a5eacea92", + "placeholder": "​", + "style": "IPY_MODEL_85d38956239c4d21b0471b47180c8807", + "value": " 26/26 [00:23<00:00, 1.11it/s]" + } + }, + "f009648edbf54f2282de1767f9cf2691": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "f01a42089e2149bca0bfc2cb9e743167": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "f01d4a9c4c8e4bedbf73953f5b5e38cd": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "f02547b86c2545f4934751d669a0982f": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_a56d0a4250ce43ab94f3f086ee56baa4", + "placeholder": "​", + "style": "IPY_MODEL_da237804b87947df8945b89a7859b091", + "value": "100%" + } + }, + "f02976f318f34b45b8699a30413e006f": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "f03f40fb8ea1450aa85be84fc6b623a9": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "f04682be1618452ebf033b964fba7ad4": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "f04afcb8af31466aa988c45f5788d40c": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "ProgressStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "f08bf904242840108df9f164eae94598": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "f08fd2a3216940df9cadfdc3175310cb": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "ProgressStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "f0906a7be5d4409da075d8e3cdfee5fa": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HBoxModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_1423137fdd7042e19576845b652cbcda", + "IPY_MODEL_bd239f1c31674cfb9d1e797608d1105c", + "IPY_MODEL_c66999c64c174bdb8d82b03c02034f3b" + ], + "layout": "IPY_MODEL_1a53dcf5ee0d4b46ad66ae3cee3a90ac" + } + }, + "f0962dd263064b0b9885323992613e9a": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HBoxModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_4a144807aa064dc597732811c8e35585", + "IPY_MODEL_fb76f0bb435640df8fbcab985e9d505c", + "IPY_MODEL_26836d8b339b47e1a676711f40df3280" + ], + "layout": "IPY_MODEL_23c81aecdd94499b87d0b97568dad059" + } + }, + "f09b5be0a10648fc8f36fdbefe5994db": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "f0a99ee619354ff9860fd2dcc866312d": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "f0be79ef4e7748c48f02fbde7121830f": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "f0ce1ad3af424db3b3bebb64c333febd": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "f0e085997fb94941b8013663d425c850": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_0bdddf2850c049e9abe91a9ef3387b3c", + "placeholder": "​", + "style": "IPY_MODEL_9a5e99821cb7432e9d7eb752b934b8b6", + "value": " 78/78 [01:30<00:00, 1.17s/it, fold=2, lr=0.000121, b_loss=0.251, b_acc=0.845, loss=0.208, acc=0.861]" + } + }, + "f0e3f3eca2004da4aac0787efdfc1db5": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "f0eeb7cb15714223a486fd6b890f6098": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_8bc4369461334d6eacdf2d93737e7c14", + "placeholder": "​", + "style": "IPY_MODEL_d2e7376cd8944f57b38ce10af6789257", + "value": " 78/78 [01:31<00:00, 1.22s/it, fold=2, lr=0.000179, b_loss=0.467, b_acc=0.776, loss=0.446, acc=0.743]" + } + }, + "f0fa6f4c250e4e3eba491bc859762ced": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_bb69da03805244dab433fb623910e8c4", + "placeholder": "​", + "style": "IPY_MODEL_f12bd1dd60ba413aaf19f1c4a1436b3a", + "value": " 26/26 [00:23<00:00, 1.13it/s]" + } + }, + "f1039ec8dc74456798c0bdb286a0a150": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "f1120f1f6b834f689bf8c822c28b523e": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_b9562d5385ef49f19d3c03a8c0b24cfb", + "placeholder": "​", + "style": "IPY_MODEL_ef16680fa716440f9bad67eb7ee71589", + "value": "T: 133/200: 100%" + } + }, + "f11f1ff6457a4d1b970300a322c4201b": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "f12bd1dd60ba413aaf19f1c4a1436b3a": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "f133dbc66b4e4d148f5daa011c49b11b": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "f1396ea305f04aed837ae8ebac258631": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "f13e07bc27c54193bbee896af12a2775": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "f14305e32f4f48ebb941194244029ba6": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "f1465945a94a445a841f2663baf21d73": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "f14b7423173545c3a32cc508878943ac": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "f15e2fee5472475daf167539ade39a68": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "ProgressStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "f163ac75ad224e31b3d4590e48bbfccd": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "f18a8b3ca1dc46db9d0562300284381c": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_da49e52a4f21403b86b5254bbe07db57", + "placeholder": "​", + "style": "IPY_MODEL_112f0798643f4b138739019c2c92d480", + "value": "T: 154/200: 100%" + } + }, + "f1a685a9e00644e4875b1d0f863ff07f": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "f1b207fe02f146c1bac0eaa7f9076e0d": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "f1cd653ef7bf4935b64fa5692c3e2768": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "f1d449b9c4a149aebf172dd8422c1c12": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "FloatProgressModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_cf8c697ae9344b45a589f8a399176c8c", + "max": 26.0, + "min": 0.0, + "orientation": "horizontal", + "style": "IPY_MODEL_f7a846279fc841449fbe9056bfcc529f", + "value": 26.0 + } + }, + "f1f2af3c29334321a968629e589634f3": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "f1fb216b540642fe8e03ad217be1301f": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_73ec00b660214fe488d83b0e3b2f69c5", + "placeholder": "​", + "style": "IPY_MODEL_28e8a576a17746ffbabc952de0a9d71f", + "value": " 26/26 [00:23<00:00, 1.02s/it]" + } + }, + "f20913bbb1e3495abf4eac690bdafb16": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "f21087eb0e56405cb72c5258255ff754": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "ProgressStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "f2112ca51e7b4a179f1588c780ab17a7": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_062ca7425a0d46c6bba12cf3e7743a68", + "placeholder": "​", + "style": "IPY_MODEL_b66e43fa66f14e92bf8b58cf6719ace2", + "value": "T: 023/200: 100%" + } + }, + "f2150306efdd40f1b84f98812b861dba": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "f21dee94cd294fa0b6deabd26733ce70": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "f22184398b6348cfba975b4fd61c735d": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "f2218c999bc84fcbb4a033cf84bc30c0": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "f23867bf737f47c4bfb4cb5120ff2a64": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "f245ec69431e46bcb74a8ab1ab505fae": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "f2522b833419439ab10c29d3b36ab26f": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HBoxModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_c9ddd5ca8dd14200ad5b1bdb755bda21", + "IPY_MODEL_06dcbedb5bdf42f989cb9e02c90731f0", + "IPY_MODEL_d990046d9e5f4c8b962020aca27cbcd2" + ], + "layout": "IPY_MODEL_4fa6d3294ad34381a85bd33661d88a46" + } + }, + "f25d879ae50f4427b36fae1cb259324b": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_a1dba6d506914d9bbba246190e24a76e", + "placeholder": "​", + "style": "IPY_MODEL_722a0d4a51854d5a802a3f3b3ead65c3", + "value": "T: 138/200: 100%" + } + }, + "f29201eed88849a1b123d1441bbcacd6": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HBoxModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_39d7af1577a84972a10caf9e1bd4907b", + "IPY_MODEL_4205107f0b25408e8394b68b55f2eb45", + "IPY_MODEL_9a62fe6036d94c90b1d5ee68777022cb" + ], + "layout": "IPY_MODEL_f650acd623cb4375969d27745701f295" + } + }, + "f2ac09698998463fbc52ae6c426b1135": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HBoxModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_deca13f56c8a4e10a20f1216ee05f071", + "IPY_MODEL_5b02782edc9f4285bd7350e453918140", + "IPY_MODEL_d385a8a4c8f84f6ba4c582ad221b456c" + ], + "layout": "IPY_MODEL_a1c48b9d7c884ab2a68cef37a34f2412" + } + }, + "f2c6b577c75040aab48042fe56e10744": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "f2ca9c7c1ecf43ab987aa0875e83b5f3": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "f2d699cab56a4e52b4462efe9aa389e0": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HBoxModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_c67670d555004be6a1ca1137b58acf95", + "IPY_MODEL_42b9856a4ae94d8e8debd9ef46634888", + "IPY_MODEL_45abf550476a46d9a5ccc1f68e89a7ed" + ], + "layout": "IPY_MODEL_1177b0e2a65a4d9a898f5f52d75a62e8" + } + }, + "f2f9069d71e74f759e25d9b6f21d7234": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_5be66efda5d74658bbbfebb3e8548801", + "placeholder": "​", + "style": "IPY_MODEL_acb268eb3c33458baeb942a20888069a", + "value": "T: 090/200: 100%" + } + }, + "f30a1a1717c24531ac23af29e581820e": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "f3223a11af6043f79709ebdba94cae21": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_7ed3bbc67faf4a7ab78d9f505fa152d8", + "placeholder": "​", + "style": "IPY_MODEL_acea5742fe554b48ae5586f84e5d4e11", + "value": " 26/26 [00:23<00:00, 1.12it/s]" + } + }, + "f328c362ff234b1e82b8363e9ccd9202": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "f33791b08ec3413e9661ce88296ae6eb": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_d9a00297f3ca4c3db8e99d146c37f587", + "placeholder": "​", + "style": "IPY_MODEL_1be0e1af01b747a190a8de48b808ea1d", + "value": "T: 087/200: 100%" + } + }, + "f352e8039b394e70af0f632182051b94": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HBoxModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_234e95b945db497dbf9fd0cc842e18ee", + "IPY_MODEL_2673512bb4ac4f37b308eefe100d87dd", + "IPY_MODEL_1034026ed6844a14b7f22e47b1589619" + ], + "layout": "IPY_MODEL_bceaa2615b2145738e0c709aee4fc9a1" + } + }, + "f3536a8c51fc465b9f0ee449cab57d29": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "FloatProgressModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_06c9c7614b134e1f80b6e5d3a1b47ff4", + "max": 78.0, + "min": 0.0, + "orientation": "horizontal", + "style": "IPY_MODEL_5edd26cda1e64a3d9d1115f8e9f5af04", + "value": 78.0 + } + }, + "f3589c1cf74a4a1191593a7c509826bb": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_bfd3ab1812e3421e9a028fc29b670b5b", + "placeholder": "​", + "style": "IPY_MODEL_8dbc3fc06f27428fa75fa48119a0ff8a", + "value": " 26/26 [00:23<00:00, 1.18it/s]" + } + }, + "f3695612827344efbaedeb839c697492": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "f3ddcbd1855842deaddfd5702247274e": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HBoxModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_94545dd2c00544cd83123d62bc6043eb", + "IPY_MODEL_3cf945386b8b4c0db6e9b8a731442fc9", + "IPY_MODEL_a3d06fccacdf40b79e4ea85faf362417" + ], + "layout": "IPY_MODEL_34afe0b46fa04e9ba55077f02ed42d5e" + } + }, + "f3f874129c0e4bf7af02ccd6885e90a2": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "f429c01767b04c43831ffdafd24a528f": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "f42bd70623234acfacff2071ee3d0e62": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "f42c8cf919d94ea281c25c7f09fc1512": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "f46308b6b24e4e58996125b692143250": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HBoxModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_04971adff21e456986a9aef15eebeac1", + "IPY_MODEL_07c4f46b4a0c45a9aa98d739f35810f4", + "IPY_MODEL_e3fa7519ac0d4784909f848b25a86bbf" + ], + "layout": "IPY_MODEL_8aa954cbffd1484bb13a6556a52edbd1" + } + }, + "f474a08f372d42f899c9d624bc2907e0": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "f48a2f2b9af0472ab247d8eb904dfa84": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "f4ba58762ac444b2ae61134caa6061b7": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_29784e0742434dee95939be335a8a2a1", + "placeholder": "​", + "style": "IPY_MODEL_fc48831c5c244bc8a01c284faa0284bc", + "value": "T: 042/200: 100%" + } + }, + "f4c490d6d60642e5aa2ea499bfb30a3b": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "f4d07a50c85644d5aa349d6ea1934c3a": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "ProgressStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "f52d7e73f375428795f9c784b06d4dc6": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "f52ff4efc94e4169a43434d4f933d651": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "ProgressStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "f532d8d86bf040bbb6c194b73eb4871f": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "f53b18a3187a4ed0add942196aa0371a": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "FloatProgressModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_342df74218d5464d900205007d18047d", + "max": 78.0, + "min": 0.0, + "orientation": "horizontal", + "style": "IPY_MODEL_3853f54fdd864bdcbba18792dff57f60", + "value": 78.0 + } + }, + "f54efa2769494d33892afead9b257d4e": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "ProgressStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "f567cf2c94dd479ea03b64f3c048878d": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_1c0394db83634e5da747d5fde7fc892c", + "placeholder": "​", + "style": "IPY_MODEL_a497f199488141b0aec8e24ecc36bde2", + "value": " 26/26 [00:23<00:00, 1.15it/s]" + } + }, + "f56d710b87294f91bd0550da80c707c1": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "ProgressStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "f57bcd9e2dd34d87bc2507ccec5e4b47": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_ebeb477286254340950e9b01326f1e4d", + "placeholder": "​", + "style": "IPY_MODEL_6b52c8ee36f542d4ab1375cadf24d5c6", + "value": "100%" + } + }, + "f58f5821dbd74bfbae4d1acca4ae84f8": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "f59f9c35ba7e46f49e7cd6cf961275da": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "f5bdfdabdc3a416591179ebabaf109b2": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "ProgressStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "f5c2527894d143eca84ec8fb2066f661": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "f5d2b3cc8b984661a369a23e824e76af": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "f61f5addf89d4010929af208f7d7c7d9": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "f63833d6117b4128b6f00afc4ad4d17c": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "f650acd623cb4375969d27745701f295": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "f661fc3b76d94db3932552fce3f1bc9d": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "f666e1844e864e7fa19c49de0b3d826d": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "f6d22d3de9a04182b051d0d468e2dd12": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "f6d2e9a1f702406690f3e88d25ab3796": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_1acb62915b2a4cc0aacd671e6c01ecb0", + "placeholder": "​", + "style": "IPY_MODEL_bde31e753d9f493790e1719463cb84d2", + "value": " 26/26 [00:23<00:00, 1.05s/it]" + } + }, + "f72e41c531ec48b4b4839f45a6da876b": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "f7464eb482244c48b5b90f2b11faeb37": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "f75a46e506ff4f929deeef92b0cb4b88": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_54a27a8219354fe5a345452759e80793", + "placeholder": "​", + "style": "IPY_MODEL_9e11fc5966c44a1a95096e149b4e3b17", + "value": " 78/78 [01:32<00:00, 1.15s/it, fold=2, lr=0.000256, b_loss=0.49, b_acc=0.716, loss=0.519, acc=0.71]" + } + }, + "f765acc05c1944a490937c5359b8fe1f": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "f76f258f575a486984783b9e3b065d92": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "f77c0be86af040ca9ed8383cffd62489": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "ProgressStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "f77e83f5d75649f1a95db56187243cee": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "f7875a10d06b4878ad5918ced77e43d5": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_b17172aac376490a82d769b9cc49a3cd", + "placeholder": "​", + "style": "IPY_MODEL_35366551f4cd47b0ba079eda49db8be4", + "value": "T: 179/200: 100%" + } + }, + "f78e1060f8574872b685940657623440": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HBoxModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_46daa25fac0b464fa500a3ed92258ff4", + "IPY_MODEL_5f467a2846a247428786b6245b582d15", + "IPY_MODEL_8434ebcb78c940b7b28671a8e6116580" + ], + "layout": "IPY_MODEL_d8e55677d1ea45f9afaaf814df9d12bb" + } + }, + "f78f7aab5d674fafb743d5e8b000a9f7": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "f7a08830c0a3402788b359eb0b107f5c": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "f7a71dbed18946cfbe89ccb8e52a2be3": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_e63172b9d92e4522bbcaaecd5e1a520a", + "placeholder": "​", + "style": "IPY_MODEL_1c6ef270ad3e425697c146b362aa3a5b", + "value": "T: 105/200: 100%" + } + }, + "f7a846279fc841449fbe9056bfcc529f": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "ProgressStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "f7e8076d593441debf5f9ca706a3d3ed": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "f7e9cb147e174334b265a599b22e77d2": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_6740370ec75c4f36a8b0b8e68cf22303", + "placeholder": "​", + "style": "IPY_MODEL_ac5fd5ea2e9648a18ee6769b3f64ea9e", + "value": "100%" + } + }, + "f7fea1eb93a84562a7d6101d6adfe5d5": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "f80f3ce950394dd3860657288cf099c7": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_4018ad7bf0864777bc62507a075982d3", + "placeholder": "​", + "style": "IPY_MODEL_63396694e7d24273a25eea57800b2d07", + "value": "100%" + } + }, + "f82bc544db4841349cef65c83cdb4210": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_d4e2553614364a679586276f8a241c22", + "placeholder": "​", + "style": "IPY_MODEL_2b1ec805df6a4bd3b058e91788c977ae", + "value": " 26/26 [00:23<00:00, 1.10it/s]" + } + }, + "f8388eec5e064d3da4e328f759c477ac": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "f858ecc611a54dd9b66fc5735d149684": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "f860dd27ebcd4dfb8474e7f90bf77dc1": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HBoxModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_ec708385f5b244819deee3ea2787e281", + "IPY_MODEL_4ec8487ae62a42fd8a832816e847aaf3", + "IPY_MODEL_df1bb67f87d44727807dcbb73e2dde76" + ], + "layout": "IPY_MODEL_09cac424c2b249db97ad8fe37a607031" + } + }, + "f863dba9f51d4780ad4dae96b8e41257": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_fd97b728a088468082d0d880c8be2bbd", + "placeholder": "​", + "style": "IPY_MODEL_cdf7fab7924d478484a7cd76f559f59d", + "value": "100%" + } + }, + "f872f2e738a64938b6918b808bad0341": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HBoxModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_cebdc56e695142ac9a1c4c9ae0a29545", + "IPY_MODEL_1ee2c72f10dd4c52aa56a968578c395f", + "IPY_MODEL_c7625205c193452e8ec6026e41b8afe7" + ], + "layout": "IPY_MODEL_1a36733442044408ae0e8587b90cfc91" + } + }, + "f87dd51548cc4165a938c988aca7bf68": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "ProgressStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "f885d9078cd04bdf9ac0d2b2511482a4": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_b3eb6baed85243f08f0ff1fa9fcba9b6", + "placeholder": "​", + "style": "IPY_MODEL_7145258fabf3432ca897fa1c61afae36", + "value": "100%" + } + }, + "f89057d22e8b4faaa8f099325afee6ca": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "f8955b938ca84131b433a9beafdf81c6": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_55f241a2237540d1a22d3acca4a89e87", + "placeholder": "​", + "style": "IPY_MODEL_767d8fe69c444bc297074c6f6fded763", + "value": " 26/26 [00:23<00:00, 1.07it/s]" + } + }, + "f8a0092d2654415c9621827795bacb76": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HBoxModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_617e7d8ce86a45c7bf3bca16c59f52cf", + "IPY_MODEL_3331361f63fb48c0bf6d3cc6d5c18607", + "IPY_MODEL_67314214d3384200ab47c21ea4a14a09" + ], + "layout": "IPY_MODEL_2f36017f96094c239f68223807185d93" + } + }, + "f8a2aae12ea7430ea2738569b9bf1d49": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "FloatProgressModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_dff5e850439e43da983a4f1c2028aec0", + "max": 26.0, + "min": 0.0, + "orientation": "horizontal", + "style": "IPY_MODEL_6a16ee7e280043fcb624b5da59ee17a9", + "value": 26.0 + } + }, + "f8b766f46aee4f06bfb99a96df0aa9eb": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "ProgressStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "f8db2b53fb3749aeae10146c9729da9c": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "f8e677dd248d43a8be8a5bcaafc7fa1d": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_a713f0c6d8a94e83a115f51132787cd0", + "placeholder": "​", + "style": "IPY_MODEL_0ac37dc90978458fad15bc98bf88f368", + "value": " 78/78 [01:31<00:00, 1.19s/it, fold=2, lr=2.53e-5, b_loss=0.742, b_acc=0.655, loss=0.556, acc=0.701]" + } + }, + "f8e76c08c25943d393de52207cd5ca7c": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "f8ea89a684a244adb30da893d99e6424": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_e7e9db68227a4ed495935b3fe79aa57b", + "placeholder": "​", + "style": "IPY_MODEL_6c9a1389d0094f01a44aa3bd9aff7d68", + "value": "100%" + } + }, + "f8ffa27a6e254e0bb75dab4b4ed0b88a": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "f9036531861948e5a63bbb31870050f8": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "ProgressStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "f9130e8d82a14fa5a10544607e68dac8": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "ProgressStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "f918a699f76e4fad829ffdf0ff10632e": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "ProgressStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "f919542dbfd54ccfa0eb4355ee7f6324": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "f923c3a1b26142ab92df8eeda8e413a5": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_13ca088a8b904eccb22edababbc547b6", + "placeholder": "​", + "style": "IPY_MODEL_845d1986154e47c999575b02ef85fcec", + "value": "T: 053/200: 100%" + } + }, + "f92c47d8153d41e18b55000a5eacea92": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "f92d68c4eebb4bb2bf7815bcd9b85d14": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_144f5a5737b8496dae2db3392f7a2265", + "placeholder": "​", + "style": "IPY_MODEL_b4cf78a3dbe644179ee4135e3a8b25c7", + "value": "100%" + } + }, + "f93bd9cdb8dc4e3485597667679c3e0b": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "FloatProgressModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_7d2a676329074d1d88e573372f989a34", + "max": 26.0, + "min": 0.0, + "orientation": "horizontal", + "style": "IPY_MODEL_a55033dc384c4ab4a12a1142005a9d6a", + "value": 26.0 + } + }, + "f94f40a8de5941de8bafd6d8b5e9e8ce": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HBoxModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_2d9696ed4bf440e18a9a00ed567da9ef", + "IPY_MODEL_d8c7e1c1b3d6416983ec5da1812427cb", + "IPY_MODEL_888a3d28d0f9430298248e4aa16c8f25" + ], + "layout": "IPY_MODEL_3036fea88564486aa6258520ecd693f5" + } + }, + "f95ef2208dc244ff9959ff651c387d7a": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HBoxModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_020cc91250674aad8d5f29072a28014b", + "IPY_MODEL_c5a07c774fe747b8b8fa70df5d437666", + "IPY_MODEL_5f7e68d224a54f12835e3ab1f3da4bb8" + ], + "layout": "IPY_MODEL_33d4b74ae7114881ac37aa36d1397a34" + } + }, + "f96a98b0481849e2ae06f21d9854a72a": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "ProgressStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "f974b2296bc74774a0a8182dd60fd53c": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HBoxModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_e16385e524ef473c9e491401119fa06c", + "IPY_MODEL_afb1c326dd794dcbbef73e2a6a0e264c", + "IPY_MODEL_0f01bfe49217426ba1b079142829eff6" + ], + "layout": "IPY_MODEL_5d8603688e294b8cb0ed1deed7f8b4ff" + } + }, + "f982b08c71e649db8881d7409738e303": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "ProgressStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "f982e56a610741af8593181a23415698": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_a8aa9e7ac42f45f7a99cf0c25fa85319", + "placeholder": "​", + "style": "IPY_MODEL_e1254f11e0014db8b05f78c27ed31f33", + "value": " 26/26 [00:24<00:00, 1.12it/s]" + } + }, + "f9986d5a7d7a4b27a8659544e65ccadc": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "f9b02b6f247843a889c3ff83fb342009": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "ProgressStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "f9b0ed98945d48e3bff748e0585734f7": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "f9b9e8197e9246ca88e93f64d707d0ff": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "f9c18f8ee07842609076b3afd9fcd69e": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "f9c44b46d7cb493eaaeae9bab9f6e80f": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "f9ca29d0387046f481829bf47c56f8ae": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "f9efb97dee224de683662b0598bd654c": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_8d1e595a539a409bb416a2263e0adc12", + "placeholder": "​", + "style": "IPY_MODEL_36d44b815c4b4737a26c59922dbe1e06", + "value": " 26/26 [00:23<00:00, 1.02it/s]" + } + }, + "f9f692319b164a07b3768bf03a7e2140": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "ProgressStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "fa04e394769d4c0fb35f290a18d22597": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "FloatProgressModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_f7a08830c0a3402788b359eb0b107f5c", + "max": 26.0, + "min": 0.0, + "orientation": "horizontal", + "style": "IPY_MODEL_902be713a262406c84e66d17eac75a3e", + "value": 26.0 + } + }, + "fa23c3dcc6b144699cc5bfea3ddf8e93": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "FloatProgressModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_055022cbd9b94aee80685123e301d6a9", + "max": 26.0, + "min": 0.0, + "orientation": "horizontal", + "style": "IPY_MODEL_b74ef92b95654a92a8eac8b083397887", + "value": 26.0 + } + }, + "fa23fcbbc2854f2faa90baafbf08f28b": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HBoxModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_4588e9ba8d4747c4aa992a9edd7e0b3c", + "IPY_MODEL_f1d449b9c4a149aebf172dd8422c1c12", + "IPY_MODEL_d3935f5c7c374a78a7cb22ba2718b2a7" + ], + "layout": "IPY_MODEL_606aa9cc5a5044afabfacf4e8171ad06" + } + }, + "fa3d38a0bad14fe5a92b965ff37acb32": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "fa465aaf7941487aa56f1906e5cd057c": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "fa534695173442e4873a4ef56cd9082c": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "fa5e5c4d3b9f4e75900870a803f666cc": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HBoxModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_3c847b9925ec485e9a77761872c8fc80", + "IPY_MODEL_d1ceaa65f27a4f819a265739750c530f", + "IPY_MODEL_710bc1042b404c9993be3a6382d20554" + ], + "layout": "IPY_MODEL_3f5408c6084c48ebb7e939a85e68bd3a" + } + }, + "fa5e88e697a641a8baacd250923b198c": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "fa8796899fea4a78b4b58c9640e00736": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_d78fdf4ebc364226a7598d91ba9d48b4", + "placeholder": "​", + "style": "IPY_MODEL_8987b238b30b448a96092ccac9b45ca7", + "value": " 26/26 [00:23<00:00, 1.18it/s]" + } + }, + "fa971786077b42249b2a93a4defad14d": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_99398be55e894a339549db6b0187856d", + "placeholder": "​", + "style": "IPY_MODEL_9d2f25fc85ac495aaac8ba015940835c", + "value": " 78/78 [01:31<00:00, 1.10s/it, fold=2, lr=0.000121, b_loss=0.941, b_acc=0.526, loss=0.801, acc=0.604]" + } + }, + "fab1f1ca575d4fa89a8fb10f6c65453f": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "fabea115fb1e466396c2d98189b57901": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "fac681fdaf27410cb16fe9d4755c95d6": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "faf7b19bfd284964be90a4c3995bbcd6": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "fb0010da77484dcbb77c1d45266f6279": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "fb20cd6551de4fad88234f89be469930": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "fb393029767d4c42b47a041f0c6c4a5b": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HBoxModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_adf6f73d737f4963b095722cc66d7118", + "IPY_MODEL_190ac441df3f4cfe87901ee694c05645", + "IPY_MODEL_7387876e10be4e62873b7dd804374ac6" + ], + "layout": "IPY_MODEL_c05318ac00e14b7799f0b65cfc53027b" + } + }, + "fb3b0c977aa64c1b8eb605a9b34c6674": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "FloatProgressModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_acce9eee0bbf412a9d2ac7bd1c2d9f67", + "max": 78.0, + "min": 0.0, + "orientation": "horizontal", + "style": "IPY_MODEL_c0cc5ba212ba42fe91101ba0914a5a68", + "value": 78.0 + } + }, + "fb480e3aa7874f2ab83907faa4302ce6": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HBoxModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_17187e8f9d0c4fa683082535d47f9da9", + "IPY_MODEL_ca7ab5b9cbcb4eb0a78d7a3a37c84744", + "IPY_MODEL_2df8bcaab22844fc8a85a3283327699e" + ], + "layout": "IPY_MODEL_226b8dcec73f4cf4abd3d6c232a59f58" + } + }, + "fb66671159c04983804a6dee28b4fc7b": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "fb76f0bb435640df8fbcab985e9d505c": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "FloatProgressModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_fb850424dfc14d8db943c6049d8ab005", + "max": 78.0, + "min": 0.0, + "orientation": "horizontal", + "style": "IPY_MODEL_757df35f0bea434eb0cd821fece7e5c0", + "value": 78.0 + } + }, + "fb850424dfc14d8db943c6049d8ab005": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "fb871e254fe34322aa5941e7c3779c75": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "fb8ab499a1a14954ab7e1700fb5da11a": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "fb8e0be9b2b245cea52586e1731640fb": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "fb929c54fc9b44c5a33e93b416b7c003": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "fb93db45c27e4c6cba857c474b05337b": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "fb9d6fe1eae8487c94cab9d73d201603": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_4041597ce90f4583a162f114122b064e", + "placeholder": "​", + "style": "IPY_MODEL_01c3355c7d284e17a7fa5d4fd8311cf0", + "value": " 78/78 [01:30<00:00, 1.09s/it, fold=2, lr=0.000207, b_loss=0.177, b_acc=0.871, loss=0.215, acc=0.857]" + } + }, + "fba416cf3c98467d98cf8bf26a4e9414": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "fbabaff5273b41f5b6abc1ce3f1c7e14": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "fbbcd3a615004731a3cea69e57ee9ee1": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_84e0c23ab45e47cf97322cfc1c028c18", + "placeholder": "​", + "style": "IPY_MODEL_9785451686aa44f88ad65046b6ce0718", + "value": "100%" + } + }, + "fbc386edb3b14dd8b0e92bfe36be40ee": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "FloatProgressModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_de41aaf2ee904e999d17e35f784f71d8", + "max": 78.0, + "min": 0.0, + "orientation": "horizontal", + "style": "IPY_MODEL_e2947af6be5940608d21aebd08abb66c", + "value": 78.0 + } + }, + "fbc4cdd724104bd3a2e6dcf96cc352d9": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "FloatProgressModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_4ff2475cdfe84ec0b97c590c9eb50d2a", + "max": 78.0, + "min": 0.0, + "orientation": "horizontal", + "style": "IPY_MODEL_947349a9a0a04d349d81262e6398590b", + "value": 78.0 + } + }, + "fbdb2f7f26ab406ba260e1fcb9390d40": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "fbfa343cdfb4402eb0c2083867ecc20e": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "fc195a70966d43329a02d4e1b35c3de1": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "fc20f8d4dd4f43c586c7ae1bae983224": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_30c2a9104ab949b584fbd4df9e743cd5", + "placeholder": "​", + "style": "IPY_MODEL_310cdc7a480e4f12ad71dc944a884c8f", + "value": "100%" + } + }, + "fc299edf110446edb3f418343b239801": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "fc2f0123463942338aa1fb0bd3b388d4": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_cfe1063d896b424ba8dc2225bef02c24", + "placeholder": "​", + "style": "IPY_MODEL_216d13bd891d451190a99e6c16d2a63e", + "value": " 26/26 [00:23<00:00, 1.03s/it]" + } + }, + "fc3623defe23458ba9f2a5705bc5ce9c": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "fc48831c5c244bc8a01c284faa0284bc": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "fc72f8daaea24f1d869f3fa19fc93766": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HBoxModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_c354f7efad5c43c38745fadf392632e3", + "IPY_MODEL_71aaaaf1c1c146bda5965387e0c11856", + "IPY_MODEL_aa83052c4f8c49e39b3e5fd702c40bcd" + ], + "layout": "IPY_MODEL_b85452aa98a945cb90fa18d96d28d022" + } + }, + "fc7fd8e0a5c84428ae9f5e6d98298445": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "FloatProgressModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_52245d5390b94ae09f4e8c99883cd590", + "max": 26.0, + "min": 0.0, + "orientation": "horizontal", + "style": "IPY_MODEL_d046fb794089479395493b2472da0a60", + "value": 26.0 + } + }, + "fcb0749531ae47a789b77577bb28fd8e": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "fcd18af3d7ee489084f01f22f5ef61c0": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "FloatProgressModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_0417660593a34218bbb8ece042a0aeb7", + "max": 26.0, + "min": 0.0, + "orientation": "horizontal", + "style": "IPY_MODEL_5912f7f5ba0f436fb609c215dea97b04", + "value": 26.0 + } + }, + "fcde9b3b446a4562bfa4327c07fb9696": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "fd249d2cf5f04bc2881028bf2bd5a412": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "ProgressStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "fd2ba7459d994ba18b7b869b539bdd6b": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "fd58a4f2740d45fa844f1bfd9a3503b8": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "fd664f26dcb34571881fd5f29a346b3d": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "fd67d017315445239c6269863db1e110": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "fd67eafa10e24722a622c818c8cbed5b": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HBoxModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_e02a61deb4424b68b4e74a4871b7d7ef", + "IPY_MODEL_9c8c249961264404af9a41712c82e06f", + "IPY_MODEL_ea1bdd1cd6f14c5093b0d5bdf289cf59" + ], + "layout": "IPY_MODEL_8c98bea7e27b405c8a4ee45f43a74d5e" + } + }, + "fd69e925c8f2478fb3ed05f194bfbdd7": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "fd7480f579f54a0684278156bfd9c66f": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "ProgressStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "fd78a784acf543c3ab12d224905b4ae7": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "fd80990e6e2d4f3fa838efeffe0b54d4": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HBoxModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_3c25b83d2d7248f58afe22d9918698d8", + "IPY_MODEL_355a81e8efd049f0848f50d1c42a26cf", + "IPY_MODEL_c34043ff38f8418f8b0d757bc80dd1b5" + ], + "layout": "IPY_MODEL_e1b527a1a3494a1b88aa8b7a179a1a3d" + } + }, + "fd914e28e60d4c49b53740847653b82b": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "fd97b728a088468082d0d880c8be2bbd": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "fd9a0741fab8477f921eb60e501f11e7": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HBoxModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_11cbd0b6df8d4dc2a2ae2707860cbab0", + "IPY_MODEL_17ee8ca50e6d424c928f75071bfe0340", + "IPY_MODEL_c5f4807b332643f7b20a12f37c7e8e0c" + ], + "layout": "IPY_MODEL_5dc1088bba36479188f025324ce3c3fa" + } + }, + "fd9e1576567541e8938b32cde7d12681": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HBoxModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_85dea3c900874615b22a293da47ebaba", + "IPY_MODEL_4685b5a21e8b4a898bfd36641cb20dcc", + "IPY_MODEL_02b4a66c23b647889dd2594c1f1d7ff0" + ], + "layout": "IPY_MODEL_fe85d87af63049a396843dadc78fb2dc" + } + }, + "fda84156f88548a69327ad51ddfd4a82": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "fdaa8b2f1cf842658a91a48f743424cb": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HBoxModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_a4233c9d456d4aa59ca17ec900885848", + "IPY_MODEL_536d7d80c2a94ecaa6d99093c43ac1d2", + "IPY_MODEL_681f39e304014290be6ee2651c92546a" + ], + "layout": "IPY_MODEL_63bc201388d2438ab24625f7cf89d7af" + } + }, + "fdb72bdc7ed149f586d9e2a42c615442": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_6a7b86dc5b9644ef8c1ef75e4dcdbc03", + "placeholder": "​", + "style": "IPY_MODEL_06493d4261e2416f9b485bf3d597e1ab", + "value": " 26/26 [00:24<00:00, 1.15it/s]" + } + }, + "fdd1030e4a004e38bd441921af496a19": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_8952aacf74c44327ad07d31faede63c2", + "placeholder": "​", + "style": "IPY_MODEL_51e84c8efe904c6b9dc167515b2c9b4c", + "value": "100%" + } + }, + "fde6237036f54e82a2f334e09376d38e": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_d1b87940028949609b107d50da9e6b87", + "placeholder": "​", + "style": "IPY_MODEL_16e39bc3b2af4a48b91cafca4daf2acf", + "value": "T: 028/200: 100%" + } + }, + "fdec200029714996b58cdc068766b435": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_14d303fdc6f94bc1a5844c49842ed272", + "placeholder": "​", + "style": "IPY_MODEL_f63833d6117b4128b6f00afc4ad4d17c", + "value": "T: 104/200: 100%" + } + }, + "fdfc0d6c07f84c06bdd9236ac5fdfa26": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "fe01ed16f70c4f30a1f831de095a8e6d": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "fe0ff525f50c4446984c39b639ef5d16": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "fe11ebf0e06e4635b43678d98a849106": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HBoxModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_0008830bf01e4653b45207e5913b244a", + "IPY_MODEL_4fb600d390cf435a9e20efaf55936c0b", + "IPY_MODEL_8830dad21df34219a625b7a1b5223ece" + ], + "layout": "IPY_MODEL_d417313b1edf49e1b35803344dfb068e" + } + }, + "fe1237abdcd347e7ba9965656cf0749b": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_94849cf5ef3a4829bbf43b7bb694be52", + "placeholder": "​", + "style": "IPY_MODEL_006fc4cbcbc143409f39673c86b2a080", + "value": "100%" + } + }, + "fe216f3c6f234cfd8a6bd1c4d761562d": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "FloatProgressModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_62995df56599402f81be83485eb04e38", + "max": 26.0, + "min": 0.0, + "orientation": "horizontal", + "style": "IPY_MODEL_442120d8ffcc45808fc165b3662c0618", + "value": 26.0 + } + }, + "fe85d87af63049a396843dadc78fb2dc": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "fe90a68a15c840b9b4a9e8f46df76684": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "fe9da599d0c8424da23cdb43e9f0dd3e": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "fecc79789e8c4cd39158cdde8682d3d3": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_26f9e13116504142a970b87fb4d02932", + "placeholder": "​", + "style": "IPY_MODEL_a42edea221ca42b4aa0ed145d34504e3", + "value": "100%" + } + }, + "fecdeb566b094c67af66a89751f58fbc": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "fece9abd5894414b9ec9b77e1613138f": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "fef0cc8800e84949aff5a0d8a0c8b607": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "fef9ffdf70bf42799e0c1f34c127bb86": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "ProgressStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "feff020da14740568cd4562cc1973a73": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "feffc71c52f84352acce52739e437a08": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_d4c5a4919caa4ea29b5069a97868110c", + "placeholder": "​", + "style": "IPY_MODEL_55af7d19f0e64cc4aca9f9091867f8e9", + "value": "100%" + } + }, + "ff0af0d593d94581b56f068d0b5cd129": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_7b15de48c4444331aff1f2f4d74cf88a", + "placeholder": "​", + "style": "IPY_MODEL_07761f960490496a8eecac3d70e1c2ad", + "value": " 26/26 [00:23<00:00, 1.09it/s]" + } + }, + "ff13dc49b41146ffa6d042211225d285": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "FloatProgressModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_351c329b95984b73a650925af18658a4", + "max": 26.0, + "min": 0.0, + "orientation": "horizontal", + "style": "IPY_MODEL_455be12c025e4e55a488603b03e94061", + "value": 26.0 + } + }, + "ff365881b90a4d91bb8c73eac4533b70": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "ff42515458a4441c90f83712ac6d66dc": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "ff45e2a2bad34c58b97039e513d294f0": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "ff47db95d208457bad863d38aaee956f": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "ProgressStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "ff4cad0ffe1e459f92b60ad8c07faca3": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "ff5053bf8b644387b5e5055475d3c1a5": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "FloatProgressModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_380a078df9a140d48a6f66ec3a1d55ed", + "max": 78.0, + "min": 0.0, + "orientation": "horizontal", + "style": "IPY_MODEL_2c773dc0c56a4dd898f4fa82b07dd50a", + "value": 78.0 + } + }, + "ff5597ac84b74deba7528eb554920d22": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "ff64d97b003c49678416ad99ec5006ff": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "ff653e47d58244918b189f13c3dad765": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HBoxModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_114c378facf649e4845dbabcc08493f0", + "IPY_MODEL_2851481dd5b04e42b9d20efa2b504a36", + "IPY_MODEL_d9c92e89c1e44d33bd7f307e26d51243" + ], + "layout": "IPY_MODEL_f72e41c531ec48b4b4839f45a6da876b" + } + }, + "ff6f701209f34761876e704f3ed53ab2": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "ff704ca633934932847088562f521849": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "ProgressStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "ff73f38687fa4c1789e102646fd4a53a": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "ff7771f034b34a71a08539640c9e33df": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "ffa8bfb792da4e18979c66475920eb6a": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "ProgressStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "ffc9c1e109b041e0aaf6fb3dcd568f3f": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "ffcada8e43f64cae96a3561a912714d7": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "ProgressStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "ffd4e380b026446baaeed71cc0a6f062": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + } + }, + "version_major": 2, + "version_minor": 0 + } + } + }, + "nbformat": 4, + "nbformat_minor": 5 +} diff --git a/HW03/HW03_caishaokang_img.png b/HW03/HW03_caishaokang_img.png new file mode 100644 index 00000000..b9a60dde Binary files /dev/null and b/HW03/HW03_caishaokang_img.png differ diff --git a/HW03/HW03_caishaokang_submission.csv b/HW03/HW03_caishaokang_submission.csv new file mode 100644 index 00000000..511e886f --- /dev/null +++ b/HW03/HW03_caishaokang_submission.csv @@ -0,0 +1,3348 @@ +Id,Category +0001,9 +0002,9 +0003,0 +0004,2 +0005,3 +0006,2 +0007,4 +0008,9 +0009,5 +0010,9 +0011,9 +0012,4 +0013,3 +0014,2 +0015,4 +0016,3 +0017,9 +0018,10 +0019,0 +0020,4 +0021,9 +0022,10 +0023,10 +0024,5 +0025,2 +0026,2 +0027,10 +0028,2 +0029,3 +0030,4 +0031,2 +0032,5 +0033,9 +0034,5 +0035,0 +0036,3 +0037,10 +0038,9 +0039,2 +0040,0 +0041,5 +0042,3 +0043,5 +0044,5 +0045,0 +0046,0 +0047,6 +0048,4 +0049,5 +0050,5 +0051,2 +0052,5 +0053,9 +0054,10 +0055,0 +0056,3 +0057,2 +0058,5 +0059,3 +0060,3 +0061,5 +0062,3 +0063,4 +0064,9 +0065,8 +0066,2 +0067,7 +0068,2 +0069,5 +0070,9 +0071,5 +0072,3 +0073,5 +0074,8 +0075,0 +0076,0 +0077,9 +0078,0 +0079,10 +0080,2 +0081,9 +0082,9 +0083,6 +0084,2 +0085,2 +0086,5 +0087,3 +0088,0 +0089,4 +0090,5 +0091,8 +0092,9 +0093,9 +0094,3 +0095,3 +0096,2 +0097,8 +0098,1 +0099,4 +0100,5 +0101,3 +0102,5 +0103,4 +0104,9 +0105,8 +0106,0 +0107,2 +0108,0 +0109,5 +0110,4 +0111,2 +0112,6 +0113,0 +0114,0 +0115,6 +0116,0 +0117,3 +0118,9 +0119,9 +0120,3 +0121,7 +0122,5 +0123,4 +0124,4 +0125,2 +0126,5 +0127,5 +0128,2 +0129,10 +0130,9 +0131,5 +0132,2 +0133,4 +0134,0 +0135,9 +0136,5 +0137,9 +0138,3 +0139,9 +0140,5 +0141,4 +0142,0 +0143,5 +0144,2 +0145,8 +0146,5 +0147,4 +0148,0 +0149,4 +0150,5 +0151,5 +0152,8 +0153,5 +0154,7 +0155,5 +0156,5 +0157,4 +0158,8 +0159,9 +0160,9 +0161,6 +0162,2 +0163,5 +0164,9 +0165,9 +0166,5 +0167,8 +0168,2 +0169,2 +0170,9 +0171,9 +0172,2 +0173,2 +0174,0 +0175,6 +0176,9 +0177,8 +0178,2 +0179,2 +0180,2 +0181,1 +0182,5 +0183,2 +0184,8 +0185,2 +0186,8 +0187,3 +0188,3 +0189,8 +0190,8 +0191,2 +0192,9 +0193,2 +0194,4 +0195,0 +0196,9 +0197,2 +0198,10 +0199,9 +0200,9 +0201,6 +0202,2 +0203,2 +0204,4 +0205,10 +0206,0 +0207,4 +0208,8 +0209,9 +0210,5 +0211,5 +0212,5 +0213,0 +0214,6 +0215,8 +0216,9 +0217,9 +0218,3 +0219,9 +0220,8 +0221,4 +0222,9 +0223,9 +0224,1 +0225,4 +0226,1 +0227,2 +0228,7 +0229,2 +0230,4 +0231,5 +0232,4 +0233,10 +0234,4 +0235,4 +0236,0 +0237,6 +0238,3 +0239,0 +0240,5 +0241,5 +0242,2 +0243,10 +0244,4 +0245,6 +0246,10 +0247,0 +0248,10 +0249,2 +0250,3 +0251,8 +0252,2 +0253,4 +0254,2 +0255,4 +0256,8 +0257,0 +0258,8 +0259,3 +0260,5 +0261,2 +0262,7 +0263,5 +0264,10 +0265,10 +0266,8 +0267,0 +0268,6 +0269,0 +0270,9 +0271,2 +0272,8 +0273,5 +0274,9 +0275,9 +0276,5 +0277,10 +0278,10 +0279,10 +0280,5 +0281,4 +0282,6 +0283,0 +0284,5 +0285,8 +0286,2 +0287,0 +0288,10 +0289,4 +0290,2 +0291,8 +0292,1 +0293,0 +0294,9 +0295,7 +0296,5 +0297,4 +0298,2 +0299,7 +0300,8 +0301,0 +0302,8 +0303,9 +0304,10 +0305,5 +0306,9 +0307,2 +0308,2 +0309,2 +0310,5 +0311,8 +0312,5 +0313,2 +0314,0 +0315,10 +0316,10 +0317,8 +0318,5 +0319,1 +0320,8 +0321,9 +0322,8 +0323,9 +0324,0 +0325,3 +0326,9 +0327,0 +0328,7 +0329,5 +0330,10 +0331,5 +0332,10 +0333,5 +0334,10 +0335,9 +0336,8 +0337,6 +0338,2 +0339,0 +0340,3 +0341,1 +0342,9 +0343,10 +0344,2 +0345,4 +0346,10 +0347,0 +0348,3 +0349,2 +0350,5 +0351,5 +0352,2 +0353,10 +0354,9 +0355,6 +0356,0 +0357,3 +0358,0 +0359,9 +0360,2 +0361,4 +0362,5 +0363,7 +0364,4 +0365,2 +0366,1 +0367,1 +0368,10 +0369,2 +0370,2 +0371,0 +0372,9 +0373,4 +0374,8 +0375,9 +0376,6 +0377,2 +0378,2 +0379,8 +0380,8 +0381,0 +0382,9 +0383,8 +0384,4 +0385,0 +0386,9 +0387,3 +0388,4 +0389,6 +0390,8 +0391,5 +0392,10 +0393,0 +0394,5 +0395,1 +0396,1 +0397,5 +0398,9 +0399,7 +0400,3 +0401,9 +0402,2 +0403,8 +0404,5 +0405,1 +0406,1 +0407,2 +0408,2 +0409,8 +0410,3 +0411,10 +0412,1 +0413,5 +0414,9 +0415,5 +0416,2 +0417,4 +0418,4 +0419,3 +0420,2 +0421,9 +0422,2 +0423,6 +0424,5 +0425,5 +0426,2 +0427,2 +0428,4 +0429,5 +0430,3 +0431,8 +0432,9 +0433,3 +0434,3 +0435,4 +0436,0 +0437,10 +0438,3 +0439,2 +0440,0 +0441,8 +0442,10 +0443,0 +0444,2 +0445,6 +0446,9 +0447,5 +0448,4 +0449,3 +0450,9 +0451,2 +0452,3 +0453,9 +0454,3 +0455,0 +0456,8 +0457,8 +0458,9 +0459,6 +0460,7 +0461,0 +0462,4 +0463,9 +0464,3 +0465,9 +0466,2 +0467,2 +0468,5 +0469,0 +0470,9 +0471,10 +0472,9 +0473,9 +0474,4 +0475,4 +0476,8 +0477,5 +0478,2 +0479,0 +0480,10 +0481,5 +0482,10 +0483,5 +0484,9 +0485,5 +0486,7 +0487,1 +0488,2 +0489,9 +0490,9 +0491,0 +0492,9 +0493,2 +0494,3 +0495,2 +0496,0 +0497,0 +0498,9 +0499,1 +0500,3 +0501,0 +0502,6 +0503,5 +0504,0 +0505,7 +0506,2 +0507,3 +0508,3 +0509,5 +0510,8 +0511,5 +0512,2 +0513,10 +0514,4 +0515,8 +0516,9 +0517,0 +0518,3 +0519,4 +0520,2 +0521,9 +0522,5 +0523,8 +0524,9 +0525,9 +0526,3 +0527,4 +0528,8 +0529,2 +0530,10 +0531,2 +0532,9 +0533,6 +0534,1 +0535,5 +0536,0 +0537,9 +0538,9 +0539,2 +0540,1 +0541,9 +0542,9 +0543,0 +0544,3 +0545,3 +0546,2 +0547,9 +0548,2 +0549,3 +0550,3 +0551,3 +0552,2 +0553,3 +0554,0 +0555,4 +0556,5 +0557,4 +0558,0 +0559,3 +0560,3 +0561,2 +0562,2 +0563,10 +0564,2 +0565,9 +0566,9 +0567,9 +0568,4 +0569,4 +0570,2 +0571,8 +0572,0 +0573,2 +0574,2 +0575,7 +0576,4 +0577,0 +0578,8 +0579,10 +0580,2 +0581,2 +0582,5 +0583,9 +0584,0 +0585,3 +0586,9 +0587,0 +0588,9 +0589,5 +0590,9 +0591,0 +0592,9 +0593,2 +0594,6 +0595,2 +0596,7 +0597,9 +0598,5 +0599,2 +0600,9 +0601,2 +0602,3 +0603,3 +0604,5 +0605,6 +0606,1 +0607,2 +0608,9 +0609,8 +0610,2 +0611,0 +0612,9 +0613,8 +0614,2 +0615,0 +0616,9 +0617,9 +0618,0 +0619,9 +0620,3 +0621,7 +0622,10 +0623,2 +0624,9 +0625,9 +0626,9 +0627,9 +0628,2 +0629,0 +0630,0 +0631,4 +0632,9 +0633,9 +0634,10 +0635,4 +0636,1 +0637,0 +0638,0 +0639,10 +0640,7 +0641,8 +0642,5 +0643,4 +0644,5 +0645,2 +0646,0 +0647,4 +0648,6 +0649,9 +0650,5 +0651,8 +0652,2 +0653,6 +0654,0 +0655,5 +0656,0 +0657,10 +0658,0 +0659,2 +0660,8 +0661,4 +0662,2 +0663,7 +0664,1 +0665,2 +0666,5 +0667,7 +0668,8 +0669,10 +0670,3 +0671,4 +0672,7 +0673,6 +0674,2 +0675,2 +0676,9 +0677,5 +0678,3 +0679,4 +0680,4 +0681,7 +0682,9 +0683,5 +0684,5 +0685,8 +0686,8 +0687,0 +0688,7 +0689,5 +0690,5 +0691,4 +0692,10 +0693,2 +0694,7 +0695,0 +0696,0 +0697,2 +0698,7 +0699,7 +0700,4 +0701,1 +0702,0 +0703,6 +0704,10 +0705,2 +0706,2 +0707,3 +0708,9 +0709,9 +0710,9 +0711,4 +0712,5 +0713,10 +0714,3 +0715,8 +0716,3 +0717,6 +0718,6 +0719,3 +0720,4 +0721,5 +0722,10 +0723,3 +0724,3 +0725,2 +0726,8 +0727,5 +0728,9 +0729,3 +0730,2 +0731,2 +0732,2 +0733,9 +0734,0 +0735,0 +0736,8 +0737,9 +0738,3 +0739,9 +0740,4 +0741,8 +0742,5 +0743,2 +0744,2 +0745,3 +0746,2 +0747,8 +0748,10 +0749,2 +0750,9 +0751,10 +0752,2 +0753,2 +0754,1 +0755,6 +0756,5 +0757,5 +0758,9 +0759,7 +0760,9 +0761,10 +0762,5 +0763,3 +0764,0 +0765,5 +0766,6 +0767,1 +0768,5 +0769,3 +0770,4 +0771,9 +0772,10 +0773,10 +0774,4 +0775,0 +0776,5 +0777,2 +0778,3 +0779,5 +0780,0 +0781,4 +0782,5 +0783,8 +0784,2 +0785,9 +0786,9 +0787,10 +0788,3 +0789,1 +0790,3 +0791,2 +0792,5 +0793,4 +0794,2 +0795,9 +0796,10 +0797,4 +0798,4 +0799,8 +0800,4 +0801,4 +0802,10 +0803,5 +0804,1 +0805,0 +0806,5 +0807,2 +0808,10 +0809,2 +0810,8 +0811,1 +0812,0 +0813,8 +0814,9 +0815,9 +0816,2 +0817,3 +0818,5 +0819,9 +0820,9 +0821,10 +0822,6 +0823,7 +0824,2 +0825,8 +0826,5 +0827,9 +0828,9 +0829,2 +0830,0 +0831,4 +0832,3 +0833,5 +0834,4 +0835,5 +0836,4 +0837,2 +0838,8 +0839,10 +0840,10 +0841,9 +0842,9 +0843,8 +0844,4 +0845,5 +0846,5 +0847,6 +0848,10 +0849,9 +0850,6 +0851,0 +0852,0 +0853,9 +0854,2 +0855,3 +0856,3 +0857,2 +0858,0 +0859,0 +0860,8 +0861,7 +0862,2 +0863,4 +0864,4 +0865,3 +0866,8 +0867,2 +0868,8 +0869,2 +0870,7 +0871,5 +0872,2 +0873,8 +0874,6 +0875,5 +0876,9 +0877,1 +0878,2 +0879,5 +0880,2 +0881,2 +0882,9 +0883,9 +0884,9 +0885,9 +0886,0 +0887,9 +0888,8 +0889,8 +0890,4 +0891,10 +0892,8 +0893,8 +0894,2 +0895,0 +0896,0 +0897,5 +0898,5 +0899,9 +0900,10 +0901,5 +0902,3 +0903,5 +0904,0 +0905,8 +0906,2 +0907,9 +0908,5 +0909,0 +0910,0 +0911,6 +0912,5 +0913,1 +0914,5 +0915,2 +0916,3 +0917,3 +0918,8 +0919,10 +0920,4 +0921,10 +0922,2 +0923,5 +0924,5 +0925,8 +0926,4 +0927,10 +0928,1 +0929,8 +0930,2 +0931,8 +0932,3 +0933,5 +0934,9 +0935,5 +0936,5 +0937,10 +0938,2 +0939,5 +0940,2 +0941,4 +0942,5 +0943,4 +0944,9 +0945,5 +0946,4 +0947,8 +0948,3 +0949,9 +0950,1 +0951,2 +0952,3 +0953,1 +0954,9 +0955,2 +0956,2 +0957,0 +0958,8 +0959,0 +0960,8 +0961,1 +0962,5 +0963,5 +0964,4 +0965,3 +0966,5 +0967,0 +0968,5 +0969,4 +0970,6 +0971,5 +0972,2 +0973,1 +0974,10 +0975,3 +0976,1 +0977,3 +0978,0 +0979,8 +0980,2 +0981,6 +0982,3 +0983,10 +0984,9 +0985,9 +0986,5 +0987,8 +0988,10 +0989,9 +0990,7 +0991,3 +0992,8 +0993,5 +0994,10 +0995,9 +0996,4 +0997,9 +0998,3 +0999,4 +1000,2 +1001,9 +1002,0 +1003,6 +1004,10 +1005,10 +1006,5 +1007,2 +1008,9 +1009,2 +1010,3 +1011,9 +1012,0 +1013,3 +1014,2 +1015,7 +1016,2 +1017,2 +1018,8 +1019,10 +1020,10 +1021,3 +1022,2 +1023,4 +1024,5 +1025,10 +1026,4 +1027,3 +1028,5 +1029,7 +1030,5 +1031,9 +1032,2 +1033,2 +1034,9 +1035,10 +1036,0 +1037,10 +1038,8 +1039,8 +1040,8 +1041,4 +1042,1 +1043,4 +1044,9 +1045,8 +1046,8 +1047,9 +1048,4 +1049,2 +1050,4 +1051,3 +1052,5 +1053,0 +1054,2 +1055,4 +1056,2 +1057,5 +1058,8 +1059,9 +1060,4 +1061,8 +1062,1 +1063,4 +1064,1 +1065,9 +1066,9 +1067,9 +1068,0 +1069,9 +1070,0 +1071,2 +1072,5 +1073,10 +1074,10 +1075,0 +1076,3 +1077,5 +1078,6 +1079,5 +1080,5 +1081,2 +1082,8 +1083,3 +1084,0 +1085,10 +1086,3 +1087,2 +1088,9 +1089,8 +1090,4 +1091,6 +1092,4 +1093,2 +1094,9 +1095,5 +1096,8 +1097,9 +1098,5 +1099,9 +1100,2 +1101,2 +1102,0 +1103,3 +1104,0 +1105,3 +1106,7 +1107,0 +1108,4 +1109,1 +1110,9 +1111,2 +1112,2 +1113,2 +1114,9 +1115,5 +1116,4 +1117,8 +1118,6 +1119,9 +1120,8 +1121,4 +1122,3 +1123,1 +1124,5 +1125,4 +1126,3 +1127,7 +1128,3 +1129,9 +1130,1 +1131,10 +1132,5 +1133,8 +1134,9 +1135,2 +1136,6 +1137,9 +1138,9 +1139,2 +1140,4 +1141,7 +1142,9 +1143,8 +1144,0 +1145,2 +1146,2 +1147,0 +1148,1 +1149,3 +1150,4 +1151,6 +1152,10 +1153,5 +1154,2 +1155,6 +1156,9 +1157,2 +1158,2 +1159,8 +1160,9 +1161,10 +1162,2 +1163,2 +1164,3 +1165,3 +1166,4 +1167,1 +1168,5 +1169,2 +1170,3 +1171,8 +1172,8 +1173,6 +1174,5 +1175,3 +1176,1 +1177,5 +1178,8 +1179,4 +1180,7 +1181,2 +1182,7 +1183,5 +1184,10 +1185,2 +1186,2 +1187,5 +1188,2 +1189,2 +1190,1 +1191,2 +1192,9 +1193,5 +1194,3 +1195,9 +1196,5 +1197,4 +1198,2 +1199,9 +1200,3 +1201,7 +1202,3 +1203,10 +1204,0 +1205,3 +1206,2 +1207,3 +1208,3 +1209,8 +1210,0 +1211,4 +1212,9 +1213,5 +1214,10 +1215,9 +1216,9 +1217,4 +1218,5 +1219,4 +1220,0 +1221,9 +1222,5 +1223,2 +1224,2 +1225,9 +1226,7 +1227,9 +1228,3 +1229,2 +1230,0 +1231,5 +1232,10 +1233,5 +1234,0 +1235,6 +1236,9 +1237,1 +1238,8 +1239,1 +1240,7 +1241,3 +1242,5 +1243,9 +1244,2 +1245,0 +1246,9 +1247,4 +1248,3 +1249,4 +1250,2 +1251,2 +1252,6 +1253,0 +1254,4 +1255,9 +1256,1 +1257,3 +1258,1 +1259,9 +1260,0 +1261,3 +1262,5 +1263,6 +1264,2 +1265,9 +1266,8 +1267,4 +1268,7 +1269,10 +1270,9 +1271,2 +1272,5 +1273,10 +1274,3 +1275,9 +1276,9 +1277,9 +1278,6 +1279,0 +1280,3 +1281,4 +1282,5 +1283,4 +1284,4 +1285,3 +1286,9 +1287,4 +1288,2 +1289,5 +1290,2 +1291,9 +1292,9 +1293,9 +1294,0 +1295,2 +1296,3 +1297,2 +1298,5 +1299,10 +1300,2 +1301,3 +1302,5 +1303,8 +1304,3 +1305,9 +1306,5 +1307,4 +1308,9 +1309,4 +1310,8 +1311,3 +1312,7 +1313,8 +1314,6 +1315,0 +1316,4 +1317,9 +1318,5 +1319,9 +1320,3 +1321,0 +1322,2 +1323,9 +1324,0 +1325,4 +1326,3 +1327,2 +1328,2 +1329,5 +1330,6 +1331,2 +1332,2 +1333,7 +1334,1 +1335,9 +1336,2 +1337,5 +1338,0 +1339,5 +1340,0 +1341,3 +1342,8 +1343,9 +1344,6 +1345,10 +1346,5 +1347,9 +1348,8 +1349,6 +1350,10 +1351,9 +1352,5 +1353,7 +1354,8 +1355,7 +1356,5 +1357,2 +1358,2 +1359,4 +1360,3 +1361,4 +1362,2 +1363,6 +1364,2 +1365,0 +1366,2 +1367,2 +1368,5 +1369,0 +1370,2 +1371,9 +1372,4 +1373,2 +1374,9 +1375,4 +1376,9 +1377,5 +1378,5 +1379,8 +1380,2 +1381,5 +1382,10 +1383,5 +1384,4 +1385,2 +1386,2 +1387,8 +1388,2 +1389,8 +1390,3 +1391,6 +1392,9 +1393,5 +1394,1 +1395,0 +1396,10 +1397,5 +1398,4 +1399,8 +1400,7 +1401,10 +1402,4 +1403,3 +1404,10 +1405,5 +1406,8 +1407,9 +1408,5 +1409,0 +1410,6 +1411,2 +1412,9 +1413,3 +1414,0 +1415,10 +1416,5 +1417,5 +1418,2 +1419,5 +1420,8 +1421,8 +1422,9 +1423,2 +1424,6 +1425,5 +1426,2 +1427,4 +1428,4 +1429,0 +1430,9 +1431,10 +1432,9 +1433,3 +1434,3 +1435,4 +1436,9 +1437,7 +1438,7 +1439,7 +1440,1 +1441,2 +1442,3 +1443,10 +1444,8 +1445,3 +1446,5 +1447,2 +1448,2 +1449,5 +1450,2 +1451,4 +1452,10 +1453,5 +1454,9 +1455,3 +1456,0 +1457,0 +1458,3 +1459,5 +1460,8 +1461,6 +1462,0 +1463,10 +1464,10 +1465,9 +1466,4 +1467,2 +1468,10 +1469,3 +1470,4 +1471,2 +1472,1 +1473,2 +1474,8 +1475,3 +1476,8 +1477,8 +1478,8 +1479,2 +1480,0 +1481,4 +1482,1 +1483,0 +1484,3 +1485,3 +1486,9 +1487,2 +1488,4 +1489,5 +1490,2 +1491,8 +1492,3 +1493,10 +1494,3 +1495,3 +1496,8 +1497,9 +1498,7 +1499,5 +1500,4 +1501,6 +1502,3 +1503,9 +1504,0 +1505,7 +1506,6 +1507,10 +1508,5 +1509,10 +1510,5 +1511,9 +1512,6 +1513,6 +1514,4 +1515,9 +1516,9 +1517,9 +1518,2 +1519,1 +1520,2 +1521,5 +1522,9 +1523,5 +1524,5 +1525,4 +1526,9 +1527,0 +1528,0 +1529,2 +1530,10 +1531,10 +1532,4 +1533,9 +1534,9 +1535,0 +1536,6 +1537,9 +1538,2 +1539,2 +1540,4 +1541,3 +1542,1 +1543,3 +1544,2 +1545,2 +1546,1 +1547,2 +1548,0 +1549,8 +1550,10 +1551,2 +1552,4 +1553,0 +1554,2 +1555,3 +1556,5 +1557,9 +1558,10 +1559,3 +1560,5 +1561,9 +1562,10 +1563,2 +1564,4 +1565,6 +1566,7 +1567,3 +1568,5 +1569,0 +1570,8 +1571,4 +1572,8 +1573,8 +1574,10 +1575,10 +1576,5 +1577,5 +1578,2 +1579,9 +1580,4 +1581,9 +1582,2 +1583,0 +1584,9 +1585,3 +1586,10 +1587,4 +1588,2 +1589,2 +1590,2 +1591,8 +1592,4 +1593,5 +1594,2 +1595,2 +1596,0 +1597,8 +1598,10 +1599,5 +1600,6 +1601,5 +1602,9 +1603,4 +1604,5 +1605,2 +1606,5 +1607,4 +1608,3 +1609,4 +1610,3 +1611,4 +1612,2 +1613,0 +1614,2 +1615,0 +1616,3 +1617,2 +1618,3 +1619,2 +1620,4 +1621,10 +1622,2 +1623,9 +1624,5 +1625,5 +1626,6 +1627,5 +1628,8 +1629,8 +1630,0 +1631,8 +1632,8 +1633,8 +1634,9 +1635,2 +1636,3 +1637,2 +1638,6 +1639,2 +1640,5 +1641,4 +1642,5 +1643,7 +1644,3 +1645,3 +1646,10 +1647,2 +1648,2 +1649,0 +1650,8 +1651,4 +1652,1 +1653,8 +1654,5 +1655,0 +1656,9 +1657,8 +1658,2 +1659,8 +1660,10 +1661,0 +1662,10 +1663,1 +1664,9 +1665,8 +1666,1 +1667,6 +1668,4 +1669,1 +1670,5 +1671,6 +1672,5 +1673,3 +1674,3 +1675,0 +1676,8 +1677,0 +1678,10 +1679,0 +1680,5 +1681,1 +1682,10 +1683,9 +1684,8 +1685,2 +1686,3 +1687,3 +1688,2 +1689,8 +1690,0 +1691,10 +1692,8 +1693,5 +1694,0 +1695,1 +1696,3 +1697,10 +1698,1 +1699,5 +1700,9 +1701,2 +1702,5 +1703,5 +1704,9 +1705,5 +1706,0 +1707,3 +1708,5 +1709,2 +1710,9 +1711,2 +1712,0 +1713,5 +1714,4 +1715,5 +1716,3 +1717,8 +1718,0 +1719,3 +1720,10 +1721,5 +1722,10 +1723,9 +1724,6 +1725,6 +1726,8 +1727,1 +1728,2 +1729,10 +1730,2 +1731,10 +1732,8 +1733,0 +1734,4 +1735,5 +1736,8 +1737,3 +1738,2 +1739,5 +1740,0 +1741,3 +1742,5 +1743,7 +1744,2 +1745,6 +1746,9 +1747,8 +1748,9 +1749,3 +1750,4 +1751,10 +1752,8 +1753,10 +1754,2 +1755,10 +1756,8 +1757,6 +1758,5 +1759,9 +1760,9 +1761,2 +1762,7 +1763,10 +1764,8 +1765,10 +1766,0 +1767,2 +1768,5 +1769,0 +1770,9 +1771,3 +1772,3 +1773,3 +1774,10 +1775,2 +1776,7 +1777,5 +1778,4 +1779,8 +1780,5 +1781,8 +1782,5 +1783,6 +1784,2 +1785,9 +1786,5 +1787,0 +1788,3 +1789,9 +1790,0 +1791,4 +1792,2 +1793,10 +1794,8 +1795,0 +1796,3 +1797,6 +1798,7 +1799,3 +1800,2 +1801,9 +1802,3 +1803,8 +1804,2 +1805,9 +1806,2 +1807,5 +1808,8 +1809,2 +1810,7 +1811,6 +1812,10 +1813,4 +1814,2 +1815,3 +1816,10 +1817,3 +1818,7 +1819,2 +1820,2 +1821,8 +1822,8 +1823,5 +1824,3 +1825,2 +1826,7 +1827,2 +1828,6 +1829,2 +1830,3 +1831,4 +1832,9 +1833,5 +1834,2 +1835,4 +1836,10 +1837,8 +1838,8 +1839,9 +1840,10 +1841,0 +1842,8 +1843,8 +1844,5 +1845,9 +1846,1 +1847,10 +1848,5 +1849,1 +1850,9 +1851,1 +1852,4 +1853,8 +1854,6 +1855,5 +1856,2 +1857,6 +1858,9 +1859,2 +1860,3 +1861,2 +1862,3 +1863,3 +1864,0 +1865,3 +1866,3 +1867,5 +1868,0 +1869,4 +1870,3 +1871,1 +1872,2 +1873,2 +1874,9 +1875,2 +1876,6 +1877,6 +1878,3 +1879,2 +1880,2 +1881,1 +1882,8 +1883,8 +1884,3 +1885,0 +1886,0 +1887,2 +1888,9 +1889,7 +1890,5 +1891,9 +1892,6 +1893,5 +1894,3 +1895,0 +1896,9 +1897,5 +1898,3 +1899,9 +1900,5 +1901,2 +1902,8 +1903,0 +1904,9 +1905,7 +1906,8 +1907,4 +1908,4 +1909,9 +1910,9 +1911,5 +1912,10 +1913,3 +1914,0 +1915,4 +1916,3 +1917,8 +1918,0 +1919,3 +1920,9 +1921,8 +1922,5 +1923,4 +1924,1 +1925,6 +1926,8 +1927,0 +1928,9 +1929,5 +1930,0 +1931,5 +1932,9 +1933,6 +1934,9 +1935,2 +1936,7 +1937,3 +1938,8 +1939,8 +1940,6 +1941,3 +1942,2 +1943,9 +1944,10 +1945,2 +1946,8 +1947,4 +1948,0 +1949,7 +1950,0 +1951,2 +1952,5 +1953,5 +1954,3 +1955,10 +1956,5 +1957,2 +1958,8 +1959,8 +1960,4 +1961,7 +1962,2 +1963,3 +1964,8 +1965,6 +1966,5 +1967,4 +1968,4 +1969,9 +1970,5 +1971,8 +1972,4 +1973,3 +1974,5 +1975,8 +1976,10 +1977,8 +1978,9 +1979,5 +1980,2 +1981,2 +1982,0 +1983,9 +1984,0 +1985,6 +1986,4 +1987,0 +1988,10 +1989,5 +1990,10 +1991,0 +1992,5 +1993,5 +1994,4 +1995,4 +1996,9 +1997,4 +1998,1 +1999,5 +2000,7 +2001,1 +2002,5 +2003,9 +2004,5 +2005,0 +2006,3 +2007,0 +2008,2 +2009,9 +2010,9 +2011,3 +2012,4 +2013,0 +2014,9 +2015,5 +2016,0 +2017,5 +2018,6 +2019,3 +2020,2 +2021,5 +2022,6 +2023,2 +2024,8 +2025,5 +2026,0 +2027,10 +2028,9 +2029,5 +2030,4 +2031,2 +2032,2 +2033,5 +2034,2 +2035,8 +2036,5 +2037,6 +2038,6 +2039,10 +2040,0 +2041,9 +2042,8 +2043,2 +2044,9 +2045,9 +2046,9 +2047,8 +2048,5 +2049,4 +2050,2 +2051,6 +2052,2 +2053,8 +2054,8 +2055,9 +2056,5 +2057,9 +2058,0 +2059,5 +2060,0 +2061,2 +2062,1 +2063,0 +2064,10 +2065,2 +2066,10 +2067,2 +2068,4 +2069,2 +2070,9 +2071,7 +2072,5 +2073,10 +2074,7 +2075,9 +2076,6 +2077,9 +2078,2 +2079,8 +2080,8 +2081,0 +2082,9 +2083,8 +2084,0 +2085,4 +2086,2 +2087,2 +2088,10 +2089,9 +2090,6 +2091,2 +2092,4 +2093,2 +2094,10 +2095,2 +2096,9 +2097,5 +2098,2 +2099,10 +2100,0 +2101,0 +2102,8 +2103,8 +2104,4 +2105,6 +2106,9 +2107,9 +2108,10 +2109,3 +2110,9 +2111,6 +2112,8 +2113,5 +2114,5 +2115,9 +2116,9 +2117,5 +2118,9 +2119,1 +2120,6 +2121,5 +2122,4 +2123,2 +2124,2 +2125,2 +2126,4 +2127,5 +2128,9 +2129,6 +2130,0 +2131,3 +2132,8 +2133,5 +2134,5 +2135,4 +2136,0 +2137,2 +2138,9 +2139,9 +2140,2 +2141,9 +2142,2 +2143,5 +2144,5 +2145,0 +2146,2 +2147,9 +2148,10 +2149,9 +2150,2 +2151,5 +2152,3 +2153,2 +2154,2 +2155,0 +2156,9 +2157,3 +2158,4 +2159,5 +2160,3 +2161,5 +2162,5 +2163,6 +2164,5 +2165,2 +2166,3 +2167,2 +2168,2 +2169,9 +2170,8 +2171,6 +2172,0 +2173,5 +2174,9 +2175,7 +2176,6 +2177,0 +2178,9 +2179,0 +2180,5 +2181,0 +2182,9 +2183,5 +2184,0 +2185,5 +2186,3 +2187,10 +2188,2 +2189,4 +2190,9 +2191,9 +2192,2 +2193,5 +2194,2 +2195,2 +2196,9 +2197,2 +2198,1 +2199,6 +2200,2 +2201,5 +2202,0 +2203,2 +2204,5 +2205,1 +2206,5 +2207,4 +2208,6 +2209,9 +2210,7 +2211,8 +2212,10 +2213,8 +2214,2 +2215,1 +2216,8 +2217,8 +2218,2 +2219,9 +2220,9 +2221,5 +2222,3 +2223,3 +2224,8 +2225,2 +2226,10 +2227,10 +2228,9 +2229,7 +2230,5 +2231,6 +2232,5 +2233,3 +2234,3 +2235,6 +2236,3 +2237,9 +2238,6 +2239,8 +2240,5 +2241,5 +2242,2 +2243,5 +2244,9 +2245,9 +2246,0 +2247,2 +2248,6 +2249,0 +2250,9 +2251,4 +2252,5 +2253,0 +2254,8 +2255,3 +2256,0 +2257,9 +2258,2 +2259,9 +2260,0 +2261,10 +2262,8 +2263,0 +2264,7 +2265,0 +2266,4 +2267,2 +2268,10 +2269,4 +2270,4 +2271,10 +2272,8 +2273,1 +2274,3 +2275,3 +2276,8 +2277,5 +2278,2 +2279,10 +2280,1 +2281,2 +2282,9 +2283,9 +2284,9 +2285,3 +2286,1 +2287,5 +2288,9 +2289,4 +2290,0 +2291,9 +2292,0 +2293,9 +2294,3 +2295,3 +2296,0 +2297,5 +2298,9 +2299,5 +2300,4 +2301,5 +2302,10 +2303,7 +2304,2 +2305,7 +2306,8 +2307,8 +2308,10 +2309,5 +2310,4 +2311,5 +2312,3 +2313,8 +2314,4 +2315,9 +2316,2 +2317,2 +2318,3 +2319,2 +2320,9 +2321,3 +2322,1 +2323,4 +2324,9 +2325,0 +2326,2 +2327,9 +2328,5 +2329,0 +2330,9 +2331,0 +2332,8 +2333,4 +2334,10 +2335,5 +2336,2 +2337,4 +2338,5 +2339,2 +2340,3 +2341,8 +2342,7 +2343,9 +2344,9 +2345,9 +2346,4 +2347,9 +2348,0 +2349,2 +2350,4 +2351,8 +2352,2 +2353,8 +2354,2 +2355,5 +2356,0 +2357,4 +2358,8 +2359,4 +2360,9 +2361,9 +2362,0 +2363,2 +2364,3 +2365,5 +2366,8 +2367,1 +2368,5 +2369,8 +2370,6 +2371,9 +2372,2 +2373,2 +2374,2 +2375,3 +2376,8 +2377,1 +2378,3 +2379,6 +2380,4 +2381,7 +2382,6 +2383,3 +2384,5 +2385,2 +2386,10 +2387,0 +2388,9 +2389,0 +2390,8 +2391,4 +2392,7 +2393,10 +2394,0 +2395,2 +2396,2 +2397,2 +2398,6 +2399,2 +2400,9 +2401,5 +2402,4 +2403,4 +2404,2 +2405,6 +2406,10 +2407,9 +2408,3 +2409,2 +2410,5 +2411,5 +2412,2 +2413,9 +2414,5 +2415,5 +2416,2 +2417,0 +2418,2 +2419,5 +2420,9 +2421,5 +2422,0 +2423,9 +2424,4 +2425,2 +2426,2 +2427,2 +2428,5 +2429,8 +2430,9 +2431,9 +2432,3 +2433,2 +2434,4 +2435,5 +2436,4 +2437,9 +2438,9 +2439,4 +2440,9 +2441,2 +2442,10 +2443,5 +2444,5 +2445,2 +2446,6 +2447,8 +2448,5 +2449,3 +2450,2 +2451,8 +2452,9 +2453,5 +2454,6 +2455,2 +2456,3 +2457,9 +2458,8 +2459,2 +2460,2 +2461,6 +2462,8 +2463,2 +2464,6 +2465,3 +2466,0 +2467,10 +2468,8 +2469,3 +2470,6 +2471,1 +2472,4 +2473,9 +2474,9 +2475,4 +2476,4 +2477,8 +2478,3 +2479,9 +2480,0 +2481,5 +2482,4 +2483,9 +2484,5 +2485,2 +2486,2 +2487,0 +2488,6 +2489,9 +2490,0 +2491,6 +2492,8 +2493,2 +2494,8 +2495,9 +2496,4 +2497,2 +2498,2 +2499,3 +2500,9 +2501,0 +2502,9 +2503,2 +2504,3 +2505,0 +2506,5 +2507,5 +2508,5 +2509,1 +2510,8 +2511,9 +2512,9 +2513,9 +2514,0 +2515,2 +2516,9 +2517,1 +2518,8 +2519,7 +2520,3 +2521,7 +2522,3 +2523,9 +2524,2 +2525,10 +2526,5 +2527,2 +2528,8 +2529,4 +2530,8 +2531,2 +2532,2 +2533,4 +2534,3 +2535,9 +2536,10 +2537,2 +2538,3 +2539,3 +2540,4 +2541,0 +2542,0 +2543,2 +2544,2 +2545,9 +2546,2 +2547,6 +2548,0 +2549,9 +2550,5 +2551,10 +2552,5 +2553,2 +2554,4 +2555,3 +2556,0 +2557,10 +2558,3 +2559,9 +2560,9 +2561,1 +2562,2 +2563,9 +2564,7 +2565,9 +2566,0 +2567,9 +2568,3 +2569,8 +2570,4 +2571,2 +2572,2 +2573,9 +2574,2 +2575,3 +2576,10 +2577,2 +2578,0 +2579,0 +2580,0 +2581,4 +2582,5 +2583,2 +2584,8 +2585,0 +2586,3 +2587,2 +2588,10 +2589,9 +2590,5 +2591,9 +2592,0 +2593,4 +2594,2 +2595,2 +2596,5 +2597,9 +2598,10 +2599,9 +2600,2 +2601,9 +2602,4 +2603,7 +2604,3 +2605,4 +2606,2 +2607,9 +2608,8 +2609,8 +2610,4 +2611,1 +2612,3 +2613,5 +2614,0 +2615,5 +2616,9 +2617,9 +2618,2 +2619,4 +2620,5 +2621,1 +2622,0 +2623,5 +2624,4 +2625,9 +2626,8 +2627,8 +2628,1 +2629,2 +2630,9 +2631,10 +2632,8 +2633,0 +2634,0 +2635,0 +2636,3 +2637,0 +2638,5 +2639,4 +2640,7 +2641,5 +2642,3 +2643,3 +2644,4 +2645,9 +2646,4 +2647,3 +2648,9 +2649,7 +2650,10 +2651,3 +2652,9 +2653,3 +2654,2 +2655,6 +2656,5 +2657,4 +2658,9 +2659,2 +2660,3 +2661,0 +2662,0 +2663,0 +2664,8 +2665,0 +2666,9 +2667,4 +2668,2 +2669,5 +2670,2 +2671,1 +2672,0 +2673,9 +2674,3 +2675,5 +2676,4 +2677,10 +2678,9 +2679,4 +2680,4 +2681,3 +2682,6 +2683,8 +2684,0 +2685,4 +2686,8 +2687,4 +2688,10 +2689,2 +2690,2 +2691,3 +2692,3 +2693,5 +2694,3 +2695,5 +2696,5 +2697,3 +2698,9 +2699,2 +2700,4 +2701,8 +2702,9 +2703,9 +2704,3 +2705,0 +2706,2 +2707,2 +2708,8 +2709,3 +2710,2 +2711,9 +2712,3 +2713,9 +2714,5 +2715,2 +2716,6 +2717,2 +2718,2 +2719,2 +2720,3 +2721,2 +2722,2 +2723,2 +2724,2 +2725,9 +2726,5 +2727,5 +2728,5 +2729,0 +2730,3 +2731,2 +2732,3 +2733,0 +2734,5 +2735,4 +2736,2 +2737,5 +2738,9 +2739,2 +2740,9 +2741,2 +2742,0 +2743,8 +2744,2 +2745,2 +2746,4 +2747,3 +2748,0 +2749,5 +2750,4 +2751,2 +2752,0 +2753,9 +2754,1 +2755,4 +2756,6 +2757,2 +2758,7 +2759,4 +2760,0 +2761,8 +2762,2 +2763,2 +2764,6 +2765,2 +2766,9 +2767,8 +2768,0 +2769,0 +2770,1 +2771,8 +2772,0 +2773,2 +2774,0 +2775,3 +2776,2 +2777,0 +2778,7 +2779,3 +2780,8 +2781,8 +2782,9 +2783,9 +2784,2 +2785,0 +2786,2 +2787,8 +2788,9 +2789,0 +2790,9 +2791,2 +2792,4 +2793,8 +2794,10 +2795,3 +2796,9 +2797,1 +2798,0 +2799,9 +2800,9 +2801,5 +2802,5 +2803,3 +2804,8 +2805,3 +2806,8 +2807,4 +2808,2 +2809,2 +2810,8 +2811,10 +2812,1 +2813,5 +2814,9 +2815,2 +2816,0 +2817,3 +2818,4 +2819,1 +2820,7 +2821,5 +2822,4 +2823,2 +2824,9 +2825,8 +2826,2 +2827,4 +2828,0 +2829,2 +2830,9 +2831,2 +2832,9 +2833,8 +2834,3 +2835,3 +2836,2 +2837,5 +2838,9 +2839,0 +2840,8 +2841,2 +2842,8 +2843,9 +2844,5 +2845,9 +2846,6 +2847,3 +2848,4 +2849,5 +2850,2 +2851,4 +2852,9 +2853,6 +2854,9 +2855,2 +2856,0 +2857,9 +2858,8 +2859,1 +2860,8 +2861,3 +2862,2 +2863,0 +2864,2 +2865,8 +2866,6 +2867,4 +2868,9 +2869,10 +2870,10 +2871,5 +2872,3 +2873,5 +2874,2 +2875,4 +2876,0 +2877,0 +2878,10 +2879,9 +2880,9 +2881,9 +2882,9 +2883,5 +2884,0 +2885,3 +2886,8 +2887,8 +2888,10 +2889,2 +2890,9 +2891,8 +2892,9 +2893,4 +2894,8 +2895,5 +2896,8 +2897,2 +2898,9 +2899,8 +2900,10 +2901,2 +2902,6 +2903,1 +2904,2 +2905,2 +2906,2 +2907,3 +2908,4 +2909,5 +2910,9 +2911,4 +2912,1 +2913,9 +2914,0 +2915,5 +2916,0 +2917,5 +2918,8 +2919,0 +2920,2 +2921,8 +2922,9 +2923,0 +2924,10 +2925,3 +2926,5 +2927,9 +2928,0 +2929,2 +2930,6 +2931,1 +2932,8 +2933,9 +2934,3 +2935,9 +2936,4 +2937,9 +2938,9 +2939,8 +2940,8 +2941,7 +2942,2 +2943,8 +2944,9 +2945,3 +2946,4 +2947,10 +2948,3 +2949,3 +2950,2 +2951,0 +2952,0 +2953,10 +2954,4 +2955,8 +2956,9 +2957,9 +2958,2 +2959,5 +2960,5 +2961,5 +2962,4 +2963,9 +2964,3 +2965,5 +2966,6 +2967,10 +2968,5 +2969,0 +2970,9 +2971,8 +2972,2 +2973,2 +2974,9 +2975,10 +2976,4 +2977,2 +2978,9 +2979,9 +2980,5 +2981,5 +2982,2 +2983,2 +2984,9 +2985,5 +2986,3 +2987,0 +2988,10 +2989,9 +2990,2 +2991,4 +2992,0 +2993,3 +2994,2 +2995,2 +2996,10 +2997,8 +2998,0 +2999,8 +3000,6 +3001,5 +3002,7 +3003,5 +3004,2 +3005,9 +3006,4 +3007,2 +3008,9 +3009,9 +3010,9 +3011,2 +3012,9 +3013,1 +3014,5 +3015,9 +3016,0 +3017,8 +3018,5 +3019,5 +3020,5 +3021,8 +3022,0 +3023,9 +3024,2 +3025,9 +3026,4 +3027,9 +3028,0 +3029,0 +3030,2 +3031,6 +3032,0 +3033,2 +3034,7 +3035,2 +3036,8 +3037,5 +3038,1 +3039,5 +3040,2 +3041,4 +3042,10 +3043,7 +3044,9 +3045,8 +3046,2 +3047,10 +3048,2 +3049,3 +3050,1 +3051,3 +3052,5 +3053,2 +3054,10 +3055,9 +3056,5 +3057,6 +3058,0 +3059,3 +3060,8 +3061,8 +3062,3 +3063,8 +3064,5 +3065,5 +3066,6 +3067,6 +3068,10 +3069,9 +3070,9 +3071,6 +3072,9 +3073,1 +3074,3 +3075,4 +3076,5 +3077,5 +3078,9 +3079,1 +3080,6 +3081,1 +3082,9 +3083,4 +3084,8 +3085,7 +3086,0 +3087,8 +3088,9 +3089,5 +3090,4 +3091,2 +3092,8 +3093,3 +3094,0 +3095,4 +3096,6 +3097,4 +3098,8 +3099,2 +3100,0 +3101,9 +3102,9 +3103,4 +3104,9 +3105,2 +3106,9 +3107,9 +3108,2 +3109,10 +3110,3 +3111,8 +3112,8 +3113,1 +3114,10 +3115,4 +3116,5 +3117,3 +3118,8 +3119,1 +3120,5 +3121,0 +3122,2 +3123,5 +3124,2 +3125,2 +3126,4 +3127,0 +3128,3 +3129,4 +3130,5 +3131,10 +3132,3 +3133,9 +3134,2 +3135,9 +3136,9 +3137,2 +3138,2 +3139,6 +3140,3 +3141,2 +3142,9 +3143,3 +3144,5 +3145,5 +3146,10 +3147,9 +3148,3 +3149,4 +3150,8 +3151,2 +3152,9 +3153,2 +3154,5 +3155,8 +3156,5 +3157,2 +3158,10 +3159,6 +3160,2 +3161,9 +3162,8 +3163,8 +3164,9 +3165,4 +3166,4 +3167,3 +3168,5 +3169,9 +3170,5 +3171,9 +3172,2 +3173,3 +3174,8 +3175,5 +3176,3 +3177,10 +3178,8 +3179,4 +3180,3 +3181,4 +3182,10 +3183,3 +3184,2 +3185,8 +3186,6 +3187,2 +3188,5 +3189,4 +3190,4 +3191,6 +3192,2 +3193,3 +3194,1 +3195,2 +3196,6 +3197,5 +3198,9 +3199,4 +3200,9 +3201,9 +3202,2 +3203,5 +3204,5 +3205,2 +3206,6 +3207,0 +3208,8 +3209,3 +3210,4 +3211,2 +3212,0 +3213,6 +3214,2 +3215,9 +3216,0 +3217,8 +3218,4 +3219,4 +3220,0 +3221,1 +3222,0 +3223,10 +3224,0 +3225,1 +3226,5 +3227,8 +3228,0 +3229,9 +3230,2 +3231,9 +3232,0 +3233,8 +3234,5 +3235,8 +3236,3 +3237,5 +3238,4 +3239,5 +3240,2 +3241,5 +3242,0 +3243,1 +3244,7 +3245,2 +3246,0 +3247,8 +3248,2 +3249,10 +3250,8 +3251,3 +3252,4 +3253,5 +3254,8 +3255,4 +3256,1 +3257,5 +3258,9 +3259,10 +3260,2 +3261,0 +3262,9 +3263,5 +3264,3 +3265,5 +3266,4 +3267,5 +3268,0 +3269,9 +3270,9 +3271,5 +3272,3 +3273,9 +3274,9 +3275,2 +3276,5 +3277,5 +3278,1 +3279,5 +3280,0 +3281,1 +3282,0 +3283,2 +3284,2 +3285,9 +3286,5 +3287,4 +3288,9 +3289,0 +3290,1 +3291,1 +3292,9 +3293,0 +3294,9 +3295,4 +3296,9 +3297,2 +3298,9 +3299,6 +3300,2 +3301,0 +3302,2 +3303,2 +3304,5 +3305,5 +3306,9 +3307,8 +3308,9 +3309,6 +3310,9 +3311,5 +3312,0 +3313,2 +3314,9 +3315,2 +3316,6 +3317,3 +3318,2 +3319,10 +3320,6 +3321,2 +3322,2 +3323,0 +3324,3 +3325,2 +3326,3 +3327,1 +3328,4 +3329,6 +3330,2 +3331,8 +3332,9 +3333,9 +3334,10 +3335,6 +3336,2 +3337,4 +3338,0 +3339,2 +3340,9 +3341,3 +3342,2 +3343,10 +3344,4 +3345,0 +3346,2 +3347,4 diff --git a/HW03/caishaokang-hw3.ipynb b/HW03/caishaokang-hw3.ipynb new file mode 100644 index 00000000..3b66d06c --- /dev/null +++ b/HW03/caishaokang-hw3.ipynb @@ -0,0 +1 @@ +{"metadata":{"kernelspec":{"language":"python","display_name":"Python 3","name":"python3"},"language_info":{"name":"python","version":"3.7.12","mimetype":"text/x-python","codemirror_mode":{"name":"ipython","version":3},"pygments_lexer":"ipython3","nbconvert_exporter":"python","file_extension":".py"}},"nbformat_minor":4,"nbformat":4,"cells":[{"cell_type":"markdown","source":"# If you want to access the version you have already modified, click \"Edit\"\n# If you want to access the original sample code, click \"...\", then click \"Copy & Edit Notebook\"","metadata":{}},{"cell_type":"code","source":"_exp_name = \"sample\"","metadata":{"papermill":{"duration":0.0189,"end_time":"2022-02-23T10:03:06.279758","exception":false,"start_time":"2022-02-23T10:03:06.260858","status":"completed"},"tags":[],"execution":{"iopub.status.busy":"2022-10-28T14:40:57.256513Z","iopub.execute_input":"2022-10-28T14:40:57.257154Z","iopub.status.idle":"2022-10-28T14:40:57.267232Z","shell.execute_reply.started":"2022-10-28T14:40:57.257074Z","shell.execute_reply":"2022-10-28T14:40:57.266496Z"},"trusted":true},"execution_count":1,"outputs":[]},{"cell_type":"code","source":"import numpy as np # linear algebra\nimport pandas as pd # data processing, CSV file I/O (e.g. pd.read_csv)\nimport os\n# Import necessary packages.\nimport numpy as np\nimport torch\nimport os\nimport torch.nn as nn\nimport torchvision.transforms as transforms\nfrom PIL import Image\n# \"ConcatDataset\" and \"Subset\" are possibly useful when doing semi-supervised learning.\nfrom torch.utils.data import ConcatDataset, DataLoader, Subset, Dataset\nfrom torchvision.datasets import DatasetFolder, VisionDataset\n\n# This is for the progress bar.\nfrom tqdm.auto import tqdm\nimport random","metadata":{"papermill":{"duration":1.654263,"end_time":"2022-02-23T10:03:07.947242","exception":false,"start_time":"2022-02-23T10:03:06.292979","status":"completed"},"tags":[],"execution":{"iopub.status.busy":"2022-10-28T14:40:57.272572Z","iopub.execute_input":"2022-10-28T14:40:57.273407Z","iopub.status.idle":"2022-10-28T14:40:58.031539Z","shell.execute_reply.started":"2022-10-28T14:40:57.273369Z","shell.execute_reply":"2022-10-28T14:40:58.030713Z"},"trusted":true},"execution_count":2,"outputs":[]},{"cell_type":"code","source":"myseed = 6666 # set a random seed for reproducibility\ntorch.backends.cudnn.deterministic = True\ntorch.backends.cudnn.benchmark = False\nnp.random.seed(myseed)\ntorch.manual_seed(myseed)\nif torch.cuda.is_available():\n torch.cuda.manual_seed_all(myseed)","metadata":{"papermill":{"duration":0.078771,"end_time":"2022-02-23T10:03:08.039428","exception":false,"start_time":"2022-02-23T10:03:07.960657","status":"completed"},"tags":[],"execution":{"iopub.status.busy":"2022-10-28T14:40:58.033006Z","iopub.execute_input":"2022-10-28T14:40:58.034081Z","iopub.status.idle":"2022-10-28T14:40:58.112032Z","shell.execute_reply.started":"2022-10-28T14:40:58.034046Z","shell.execute_reply":"2022-10-28T14:40:58.111245Z"},"trusted":true},"execution_count":3,"outputs":[]},{"cell_type":"markdown","source":"## **Transforms**\nTorchvision provides lots of useful utilities for image preprocessing, data wrapping as well as data augmentation.\n\nPlease refer to PyTorch official website for details about different transforms.","metadata":{"papermill":{"duration":0.01289,"end_time":"2022-02-23T10:03:08.065357","exception":false,"start_time":"2022-02-23T10:03:08.052467","status":"completed"},"tags":[]}},{"cell_type":"code","source":"# Normally, We don't need augmentations in testing and validation.\n# All we need here is to resize the PIL image and transform it into Tensor.\ntest_tfm = transforms.Compose([\n transforms.Resize((128, 128)),\n transforms.ToTensor(),\n])\n\n# However, it is also possible to use augmentation in the testing phase.\n# You may use train_tfm to produce a variety of images and then test using ensemble methods\ntrain_tfm = transforms.Compose([\n # Resize the image into a fixed shape (height = width = 128)\n #transforms.CenterCrop()\n transforms.RandomResizedCrop((128, 128), scale=(0.7, 1.0)),\n #transforms.AutoAugment(transforms.AutoAugmentPolicy.IMAGENET),\n #transforms.Normalize((0.485, 0.456, 0.406), (0.229, 0.224, 0.225)),\n transforms.RandomHorizontalFlip(0.5),\n transforms.RandomVerticalFlip(0.5),\n transforms.RandomRotation(180),\n transforms.RandomAffine(30),\n #transforms.RandomInvert(p=0.2),\n #transforms.RandomPosterize(bits=2),\n #transforms.RandomSolarize(threshold=192.0, p=0.2),\n #transforms.RandomEqualize(p=0.2),\n transforms.RandomGrayscale(p=0.2),\n transforms.ToTensor(),\n #transforms.RandomApply(torch.nn.ModuleList([]))\n # You may add some transforms here.\n # ToTensor() should be the last one of the transforms.\n])\n","metadata":{"papermill":{"duration":0.021406,"end_time":"2022-02-23T10:03:08.099437","exception":false,"start_time":"2022-02-23T10:03:08.078031","status":"completed"},"tags":[],"execution":{"iopub.status.busy":"2022-10-28T14:40:58.114495Z","iopub.execute_input":"2022-10-28T14:40:58.114899Z","iopub.status.idle":"2022-10-28T14:40:58.121912Z","shell.execute_reply.started":"2022-10-28T14:40:58.114856Z","shell.execute_reply":"2022-10-28T14:40:58.121213Z"},"trusted":true},"execution_count":4,"outputs":[]},{"cell_type":"markdown","source":"## **Datasets**\nThe data is labelled by the name, so we load images and label while calling '__getitem__'","metadata":{"papermill":{"duration":0.012739,"end_time":"2022-02-23T10:03:08.125181","exception":false,"start_time":"2022-02-23T10:03:08.112442","status":"completed"},"tags":[]}},{"cell_type":"code","source":"class FoodDataset(Dataset):\n\n def __init__(self, path=None, tfm=test_tfm, files=None):\n super(FoodDataset).__init__()\n self.path = path\n if files is not None:\n self.files = files\n else:\n self.files = sorted([os.path.join(path, x) for x in os.listdir(path) if x.endswith(\".jpg\")])\n\n print(f\"One sample\", self.files[0])\n self.transform = tfm\n \n def __len__(self):\n return len(self.files)\n# return 128\n \n def __getitem__(self,idx):\n fname = self.files[idx]\n im = Image.open(fname)\n im = self.transform(im)\n #im = self.data[idx]\n try:\n label = int(fname.split(\"/\")[-1].split(\"_\")[0])\n except:\n label = -1 # test has no label\n return im,label\n\n","metadata":{"papermill":{"duration":0.023022,"end_time":"2022-02-23T10:03:08.160912","exception":false,"start_time":"2022-02-23T10:03:08.13789","status":"completed"},"tags":[],"execution":{"iopub.status.busy":"2022-10-28T14:40:58.123368Z","iopub.execute_input":"2022-10-28T14:40:58.123818Z","iopub.status.idle":"2022-10-28T14:40:58.133086Z","shell.execute_reply.started":"2022-10-28T14:40:58.123780Z","shell.execute_reply":"2022-10-28T14:40:58.132290Z"},"trusted":true},"execution_count":5,"outputs":[]},{"cell_type":"code","source":"class Residual_Block(nn.Module):\n def __init__(self, ic, oc, stride=1):\n # torch.nn.Conv2d(in_channels, out_channels, kernel_size, stride, padding)\n # torch.nn.MaxPool2d(kernel_size, stride, padding)\n super().__init__()\n self.conv1 = nn.Sequential(\n nn.Conv2d(ic, oc, kernel_size=3, stride=stride, padding=1),\n nn.BatchNorm2d(oc),\n nn.ReLU(inplace=True)\n )\n \n self.conv2 = nn.Sequential(\n nn.Conv2d(oc, oc, kernel_size=3, stride=1, padding=1),\n nn.BatchNorm2d(oc),\n )\n \n self.relu = nn.ReLU(inplace=True)\n \n self.downsample = None\n if stride != 1 or (ic != oc):\n self.downsample = nn.Sequential(\n nn.Conv2d(ic, oc, kernel_size=1, stride=stride),\n nn.BatchNorm2d(oc),\n )\n \n def forward(self, x):\n residual = x\n out = self.conv1(x)\n out = self.conv2(out)\n \n if self.downsample:\n residual = self.downsample(x)\n \n out += residual\n return self.relu(out)\n \nclass Classifier(nn.Module):\n def __init__(self, block, num_layers, num_classes=11):\n super().__init__()\n self.preconv = nn.Sequential(\n nn.Conv2d(3, 32, kernel_size=7, stride=2, padding=3, bias=False),\n nn.BatchNorm2d(32),\n nn.ReLU(inplace=True),\n )\n \n self.layer0 = self.make_residual(block, 32, 64, num_layers[0], stride=2)\n self.layer1 = self.make_residual(block, 64, 128, num_layers[1], stride=2)\n self.layer2 = self.make_residual(block, 128, 256, num_layers[2], stride=2)\n self.layer3 = self.make_residual(block, 256, 512, num_layers[3], stride=2)\n \n #self.avgpool = nn.AvgPool2d(2)\n \n self.fc = nn.Sequential( \n nn.Dropout(0.4),\n nn.Linear(512*4*4, 512),\n nn.BatchNorm1d(512),\n nn.ReLU(inplace=True),\n nn.Dropout(0.2),\n nn.Linear(512, 11),\n )\n \n \n def make_residual(self, block, ic, oc, num_layer, stride=1):\n layers = []\n layers.append(block(ic, oc, stride))\n for i in range(1, num_layer):\n layers.append(block(oc, oc))\n return nn.Sequential(*layers)\n \n def forward(self, x):\n # [3, 128, 128]\n out = self.preconv(x) # [32, 64, 64]\n out = self.layer0(out) # [64, 32, 32]\n out = self.layer1(out) # [128, 16, 16]\n out = self.layer2(out) # [256, 8, 8]\n out = self.layer3(out) # [512, 4, 4]\n #out = self.avgpool(out) # [512, 2, 2]\n out = self.fc(out.view(out.size(0), -1)) \n return out","metadata":{"papermill":{"duration":0.0258,"end_time":"2022-02-23T10:03:08.199437","exception":false,"start_time":"2022-02-23T10:03:08.173637","status":"completed"},"tags":[],"execution":{"iopub.status.busy":"2022-10-28T14:40:58.134736Z","iopub.execute_input":"2022-10-28T14:40:58.135197Z","iopub.status.idle":"2022-10-28T14:40:58.152758Z","shell.execute_reply.started":"2022-10-28T14:40:58.135161Z","shell.execute_reply":"2022-10-28T14:40:58.151961Z"},"trusted":true},"execution_count":6,"outputs":[]},{"cell_type":"code","source":"import torch.nn.functional as F\nfrom torch.autograd import Variable\n\nclass FocalLoss(nn.Module):\n def __init__(self, class_num, alpha=None, gamma=2, size_average=True):\n super().__init__()\n if alpha is None:\n self.alpha = Variable(torch.ones(class_num, 1))\n else:\n if isinstance(alpha, Variable):\n self.alpha = alpha\n else:\n self.alpha = Variable(alpha)\n self.gamma = gamma\n self.class_num = class_num\n self.size_average = size_average\n \n def forward(self, inputs, targets):\n N = inputs.size(0)\n C = inputs.size(1)\n P = F.softmax(inputs, dim=1)\n \n class_mask = inputs.data.new(N, C).fill_(0)\n class_mask = Variable(class_mask)\n ids = targets.view(-1, 1)\n class_mask.scatter_(1, ids.data, 1.)\n \n if inputs.is_cuda and not self.alpha.is_cuda:\n self.alpha = self.alpha.cuda()\n alpha = self.alpha[ids.data.view(-1)]\n probs = (P*class_mask).sum(1).view(-1, 1)\n \n log_p = probs.log()\n \n batch_loss = -alpha*(torch.pow((1-probs), self.gamma))*log_p\n \n if self.size_average:\n loss = batch_loss.mean()\n else:\n loss = batch_loss.sum()\n \n return loss","metadata":{"execution":{"iopub.status.busy":"2022-10-28T14:40:58.154123Z","iopub.execute_input":"2022-10-28T14:40:58.154603Z","iopub.status.idle":"2022-10-28T14:40:58.167144Z","shell.execute_reply.started":"2022-10-28T14:40:58.154568Z","shell.execute_reply":"2022-10-28T14:40:58.166624Z"},"trusted":true},"execution_count":7,"outputs":[]},{"cell_type":"code","source":"# super params\nn_folds = 4\nbatch_size = 128\nalpha = torch.Tensor([1, 2.3, 0.66, 1, 1.1, 0.75, 2.3, 3.5, 1.1, 0.66, 1.4])\n# The number of training epochs and patience.\nn_epochs = 200\npatience = 30 # If no improvement in 'patience' epochs, early stop\nnum_layers = [2, 4, 3, 1] # residual number layers","metadata":{"execution":{"iopub.status.busy":"2022-10-28T14:40:58.168418Z","iopub.execute_input":"2022-10-28T14:40:58.168860Z","iopub.status.idle":"2022-10-28T14:40:58.185564Z","shell.execute_reply.started":"2022-10-28T14:40:58.168819Z","shell.execute_reply":"2022-10-28T14:40:58.184810Z"},"trusted":true},"execution_count":8,"outputs":[]},{"cell_type":"code","source":"# data\n_dataset_dir = \"../input/ml2022spring-hw3b/food11\"\ntrain_data_path = os.path.join(_dataset_dir, \"training\")\nvalid_data_path = os.path.join(_dataset_dir, \"validation\")\n\ntrain_data_files = [os.path.join(train_data_path, x) for x in os.listdir(train_data_path) if x.endswith(\".jpg\")]\nvalid_data_files = [os.path.join(valid_data_path, x) for x in os.listdir(valid_data_path) if x.endswith(\".jpg\")]\n\ntotal_data_files = train_data_files + valid_data_files","metadata":{"papermill":{"duration":0.054295,"end_time":"2022-02-23T10:03:08.266338","exception":false,"start_time":"2022-02-23T10:03:08.212043","status":"completed"},"tags":[],"execution":{"iopub.status.busy":"2022-10-28T14:40:58.187033Z","iopub.execute_input":"2022-10-28T14:40:58.187550Z","iopub.status.idle":"2022-10-28T14:40:59.071416Z","shell.execute_reply.started":"2022-10-28T14:40:58.187515Z","shell.execute_reply":"2022-10-28T14:40:59.070408Z"},"trusted":true},"execution_count":9,"outputs":[]},{"cell_type":"code","source":"# \"cuda\" only when GPUs are available.\ndevice = \"cuda\" if torch.cuda.is_available() else \"cpu\"\n\nfor i_fold in range(n_folds):\n if i_fold == 0 or i_fold == 1 or i_fold == 3:\n continue\n # Initialize a model, and put it on the device specified.\n model = Classifier(Residual_Block, num_layers).to(device)\n\n # For the classification task, we use cross-entropy as the measurement of performance.\n criterion = FocalLoss(11, alpha=alpha)\n\n # Initialize optimizer, you may fine-tune some hyperparameters such as learning rate on your own.\n optimizer = torch.optim.Adam(model.parameters(), lr=0.0003, weight_decay=1e-5)\n scheduler = torch.optim.lr_scheduler.CosineAnnealingWarmRestarts(optimizer, T_0=16, T_mult=1)\n # Initialize trackers, these are not parameters and should not be changed\n stale = 0\n best_acc = 0\n\n total_num = int(len(total_data_files)/n_folds)\n print(\"total_num:\", total_num)\n valid_data_files = total_data_files[i_fold * total_num: (i_fold + 1) * total_num]\n train_data_files = total_data_files[:i_fold * total_num] + total_data_files[(i_fold + 1) * total_num:]\n train_set = FoodDataset(tfm=train_tfm, files=train_data_files)\n train_loader = DataLoader(train_set, batch_size=batch_size, shuffle=True, num_workers=0, pin_memory=True)\n valid_set = FoodDataset(tfm=test_tfm, files=valid_data_files)\n valid_loader = DataLoader(valid_set, batch_size=batch_size, shuffle=True, num_workers=0, pin_memory=True)\n\n for epoch in range(n_epochs):\n\n # ---------- Training ----------\n # Make sure the model is in train mode before training.\n model.train()\n\n # These are used to record information in training.\n train_loss = []\n train_accs = []\n\n pbar = tqdm(train_loader)\n pbar.set_description(f'T: {epoch + 1:03d}/{n_epochs:03d}')\n # for batch in tqdm(train_loader):\n lr = optimizer.param_groups[0][\"lr\"]\n for batch in pbar:\n # A batch consists of image data and corresponding labels.\n imgs, labels = batch\n # imgs = imgs.half()\n # print(imgs.shape,labels.shape)\n\n # Forward the data. (Make sure data and model are on the same device.)\n logits = model(imgs.to(device))\n # Calculate the cross-entropy loss.\n # We don't need to apply softmax before computing cross-entropy as it is done automatically.\n loss = criterion(logits, labels.to(device))\n\n # Gradients stored in the parameters in the previous step should be cleared out first.\n optimizer.zero_grad()\n\n # Compute the gradients for parameters.\n loss.backward()\n\n # Clip the gradient norms for stable training.\n grad_norm = nn.utils.clip_grad_norm_(model.parameters(), max_norm=10)\n\n # Update the parameters with computed gradients.\n optimizer.step()\n # Compute the accuracy for current batch.\n acc = (logits.argmax(dim=-1) == labels.to(device)).float().mean()\n\n # Record the loss and accuracy.\n train_loss.append(loss.item())\n train_accs.append(acc)\n\n train_loss_value = sum(train_loss) / len(train_loss)\n train_acc_value = sum(train_accs).item() / len(train_accs)\n pbar.set_postfix({'fold': i_fold, 'lr': lr, 'b_loss': loss.item(), 'b_acc': acc.item(),\n 'loss': train_loss_value, 'acc': train_acc_value})\n scheduler.step()\n # Print the information.\n # print(f\"[ Train | {epoch + 1:03d}/{n_epochs:03d} ] loss = {train_loss:.5f}, acc = {train_acc:.5f}\")\n # ---------- Validation ----------\n # Make sure the model is in eval mode so that some modules like dropout are disabled and work normally.\n model.eval()\n # These are used to record information in validation.\n valid_loss = []\n valid_accs = []\n # Iterate the validation set by batches.\n for batch in tqdm(valid_loader):\n # A batch consists of image data and corresponding labels.\n imgs, labels = batch\n # imgs = imgs.half()\n\n # We don't need gradient in validation.\n # Using torch.no_grad() accelerates the forward process.\n with torch.no_grad():\n logits = model(imgs.to(device))\n\n # We can still compute the loss (but not the gradient).\n loss = criterion(logits, labels.to(device))\n\n # Compute the accuracy for current batch.\n acc = (logits.argmax(dim=-1) == labels.to(device)).float().mean()\n # Record the loss and accuracy.\n valid_loss.append(loss.item())\n valid_accs.append(acc)\n # break\n\n # The average loss and accuracy for entire validation set is the average of the recorded values.\n valid_loss = sum(valid_loss) / len(valid_loss)\n valid_acc = sum(valid_accs) / len(valid_accs)\n\n # Print the information.\n print(\n f\"[ Valid | {epoch + 1:03d}/{n_epochs:03d} ] loss = {valid_loss:.5f}, acc = {valid_acc:.5f}, fold = {i_fold}\")\n # update logs\n if valid_acc > best_acc:\n with open(f\"./{_exp_name}_log.txt\", \"a\"):\n print(\n f\"[ Valid | {epoch + 1:03d}/{n_epochs:03d} ] loss = {valid_loss:.5f}, acc = {valid_acc:.5f} -> best\")\n else:\n with open(f\"./{_exp_name}_log.txt\", \"a\"):\n print(f\"[ Valid | {epoch + 1:03d}/{n_epochs:03d} ] loss = {valid_loss:.5f}, acc = {valid_acc:.5f}\")\n\n # save models\n if valid_acc > best_acc:\n print(f\"Best model found at epoch {epoch}, saving model\")\n torch.save(model.state_dict(),\n f\"{_exp_name}_{i_fold}_best.ckpt\") # only save best to prevent output memory exceed error\n best_acc = valid_acc\n stale = 0\n else:\n stale += 1\n if stale > patience:\n print(f\"No improvment {patience} consecutive epochs, early stopping\")\n break","metadata":{"papermill":{"duration":32830.720158,"end_time":"2022-02-23T19:10:19.001001","exception":false,"start_time":"2022-02-23T10:03:08.280843","status":"completed"},"tags":[],"execution":{"iopub.status.busy":"2022-10-28T14:40:59.073132Z","iopub.execute_input":"2022-10-28T14:40:59.073674Z","iopub.status.idle":"2022-10-28T14:41:15.609658Z","shell.execute_reply.started":"2022-10-28T14:40:59.073635Z","shell.execute_reply":"2022-10-28T14:41:15.608747Z"},"trusted":true},"execution_count":10,"outputs":[{"name":"stdout","text":"total_num: 3324\nOne sample ../input/ml2022spring-hw3b/food11/training/2_603.jpg\nOne sample ../input/ml2022spring-hw3b/food11/training/8_248.jpg\n","output_type":"stream"},{"output_type":"display_data","data":{"text/plain":" 0%| | 0/1 [00:00 best\nBest model found at epoch 0, saving model\ntotal_num: 3324\nOne sample ../input/ml2022spring-hw3b/food11/training/8_248.jpg\nOne sample ../input/ml2022spring-hw3b/food11/training/2_603.jpg\n","output_type":"stream"},{"output_type":"display_data","data":{"text/plain":" 0%| | 0/1 [00:00 best\nBest model found at epoch 0, saving model\n","output_type":"stream"}]},{"cell_type":"code","source":"# test_set = FoodDataset(os.path.join(_dataset_dir,\"test\"), tfm=test_tfm)\n# test_loader = DataLoader(test_set, batch_size=batch_size, shuffle=False, num_workers=0, pin_memory=True)","metadata":{"papermill":{"duration":0.493644,"end_time":"2022-02-23T19:10:19.985992","exception":false,"start_time":"2022-02-23T19:10:19.492348","status":"completed"},"tags":[],"execution":{"iopub.status.busy":"2022-10-28T14:41:15.611327Z","iopub.execute_input":"2022-10-28T14:41:15.611605Z","iopub.status.idle":"2022-10-28T14:41:16.325709Z","shell.execute_reply.started":"2022-10-28T14:41:15.611568Z","shell.execute_reply":"2022-10-28T14:41:16.324929Z"},"trusted":true},"execution_count":11,"outputs":[{"name":"stdout","text":"One sample ../input/ml2022spring-hw3b/food11/test/0001.jpg\n","output_type":"stream"}]},{"cell_type":"markdown","source":"## Testing and generate prediction CSV","metadata":{"papermill":{"duration":0.498773,"end_time":"2022-02-23T19:10:20.961802","exception":false,"start_time":"2022-02-23T19:10:20.463029","status":"completed"},"tags":[]}},{"cell_type":"code","source":"# models = []\n# for i_fold in range(n_folds):\n# model_best = Classifier(Residual_Block, num_layers).to(device)\n# model_best.load_state_dict(torch.load(f\"{_exp_name}_{i_fold}_best.ckpt\"))\n# model_best.eval()\n# models.append(model_best)\n\n# prediction = []\n# with torch.no_grad():\n# for data, _ in test_loader:\n# test_preds = []\n# for model_best in models:\n# test_pred = model_best(data.to(device))\n# test_preds.append(test_pred.cpu().data.numpy())\n# test_preds = sum(test_preds)\n# test_label = np.argmax(test_preds, axis=1)\n# prediction += test_label.squeeze().tolist()\n","metadata":{"papermill":{"duration":49.157727,"end_time":"2022-02-23T19:11:10.61523","exception":false,"start_time":"2022-02-23T19:10:21.457503","status":"completed"},"tags":[],"execution":{"iopub.status.busy":"2022-10-28T14:41:16.327151Z","iopub.execute_input":"2022-10-28T14:41:16.327418Z","iopub.status.idle":"2022-10-28T14:41:16.332161Z","shell.execute_reply.started":"2022-10-28T14:41:16.327382Z","shell.execute_reply":"2022-10-28T14:41:16.331124Z"},"trusted":true},"execution_count":12,"outputs":[]},{"cell_type":"code","source":"#create test csv\n# def pad4(i):\n# return \"0\"*(4-len(str(i)))+str(i)\n# df = pd.DataFrame()\n# df[\"Id\"] = [pad4(i) for i in range(1,len(test_set)+1)]\n# df[\"Category\"] = prediction\n# df.to_csv(\"submission.csv\",index = False)","metadata":{"papermill":{"duration":0.554276,"end_time":"2022-02-23T19:11:11.870035","exception":false,"start_time":"2022-02-23T19:11:11.315759","status":"completed"},"tags":[],"execution":{"iopub.status.busy":"2022-10-28T14:41:16.335472Z","iopub.execute_input":"2022-10-28T14:41:16.335810Z","iopub.status.idle":"2022-10-28T14:41:16.342281Z","shell.execute_reply.started":"2022-10-28T14:41:16.335770Z","shell.execute_reply":"2022-10-28T14:41:16.341303Z"},"trusted":true},"execution_count":13,"outputs":[]}]} \ No newline at end of file diff --git a/HW04/caishaokang-HW4.ipynb b/HW04/caishaokang-HW4.ipynb new file mode 100644 index 00000000..e71a642a --- /dev/null +++ b/HW04/caishaokang-HW4.ipynb @@ -0,0 +1 @@ +{"metadata":{"accelerator":"GPU","colab":{"collapsed_sections":[],"name":"hw04.ipynb","provenance":[]},"kernelspec":{"name":"python3","display_name":"Python 3","language":"python"},"language_info":{"name":"python","version":"3.7.12","mimetype":"text/x-python","codemirror_mode":{"name":"ipython","version":3},"pygments_lexer":"ipython3","nbconvert_exporter":"python","file_extension":".py"}},"nbformat_minor":4,"nbformat":4,"cells":[{"cell_type":"markdown","source":"# Task description\n- Classify the speakers of given features.\n- Main goal: Learn how to use transformer.\n- Baselines:\n - Easy: Run sample code and know how to use transformer.\n - Medium: Know how to adjust parameters of transformer.\n - Strong: Construct [conformer](https://arxiv.org/abs/2005.08100) which is a variety of transformer. \n - Boss: Implement [Self-Attention Pooling](https://arxiv.org/pdf/2008.01077v1.pdf) & [Additive Margin Softmax](https://arxiv.org/pdf/1801.05599.pdf) to further boost the performance.\n\n- Other links\n - Kaggle: [link](https://www.kaggle.com/t/ac77388c90204a4c8daebeddd40ff916)\n - Slide: [link](https://docs.google.com/presentation/d/1HLAj7UUIjZOycDe7DaVLSwJfXVd3bXPOyzSb6Zk3hYU/edit?usp=sharing)\n - Data: [link](https://drive.google.com/drive/folders/1vI1kuLB-q1VilIftiwnPOCAeOOFfBZge?usp=sharing)\n\n# Download dataset\n- Data is [here](https://drive.google.com/drive/folders/1vI1kuLB-q1VilIftiwnPOCAeOOFfBZge?usp=sharing)","metadata":{"id":"C_jdZ5vHJ4A9"}},{"cell_type":"code","source":"!wget https://github.com/MachineLearningHW/ML_HW4_Dataset/releases/latest/download/Dataset.tar.gz.partaa\n!wget https://github.com/MachineLearningHW/ML_HW4_Dataset/releases/latest/download/Dataset.tar.gz.partab\n!wget https://github.com/MachineLearningHW/ML_HW4_Dataset/releases/latest/download/Dataset.tar.gz.partac\n!wget https://github.com/MachineLearningHW/ML_HW4_Dataset/releases/latest/download/Dataset.tar.gz.partad\n\n!cat Dataset.tar.gz.part* > Dataset.tar.gz\n\n# unzip the file\n!tar zxvf Dataset.tar.gz","metadata":{"id":"LhLNWB-AK2Z5","outputId":"d2481dbd-f069-4562-8544-cf4871734cc1","colab":{"base_uri":"https://localhost:8080/"},"execution":{"iopub.status.busy":"2022-10-12T07:24:04.933074Z","iopub.execute_input":"2022-10-12T07:24:04.933466Z","iopub.status.idle":"2022-10-12T07:24:11.200228Z","shell.execute_reply.started":"2022-10-12T07:24:04.933435Z","shell.execute_reply":"2022-10-12T07:24:11.199061Z"},"trusted":true},"execution_count":42,"outputs":[{"name":"stdout","text":"--2022-10-12 07:24:05-- https://github.com/MachineLearningHW/ML_HW4_Dataset/releases/latest/download/Dataset.tar.gz.partaa\nResolving github.com (github.com)... 140.82.112.4\nConnecting to github.com (github.com)|140.82.112.4|:443... connected.\nHTTP request sent, awaiting response... 404 Not Found\n2022-10-12 07:24:05 ERROR 404: Not Found.\n\n--2022-10-12 07:24:06-- https://github.com/MachineLearningHW/ML_HW4_Dataset/releases/latest/download/Dataset.tar.gz.partab\nResolving github.com (github.com)... 140.82.112.4\nConnecting to github.com (github.com)|140.82.112.4|:443... connected.\nHTTP request sent, awaiting response... 404 Not Found\n2022-10-12 07:24:06 ERROR 404: Not Found.\n\n--2022-10-12 07:24:07-- https://github.com/MachineLearningHW/ML_HW4_Dataset/releases/latest/download/Dataset.tar.gz.partac\nResolving github.com (github.com)... 140.82.112.4\nConnecting to github.com (github.com)|140.82.112.4|:443... connected.\nHTTP request sent, awaiting response... 404 Not Found\n2022-10-12 07:24:08 ERROR 404: Not Found.\n\n--2022-10-12 07:24:09-- https://github.com/MachineLearningHW/ML_HW4_Dataset/releases/latest/download/Dataset.tar.gz.partad\nResolving github.com (github.com)... 140.82.112.4\nConnecting to github.com (github.com)|140.82.112.4|:443... connected.\nHTTP request sent, awaiting response... 404 Not Found\n2022-10-12 07:24:09 ERROR 404: Not Found.\n\ncat: 'Dataset.tar.gz.part*': No such file or directory\n\ngzip: stdin: unexpected end of file\ntar: Child returned status 1\ntar: Error is not recoverable: exiting now\n","output_type":"stream"}]},{"cell_type":"markdown","source":"## Fix Random Seed","metadata":{"id":"ENWVAUDVJtVY"}},{"cell_type":"code","source":"import numpy as np\nimport torch\nimport random\n\ndef set_seed(seed):\n np.random.seed(seed)\n random.seed(seed)\n torch.manual_seed(seed)\n if torch.cuda.is_available():\n torch.cuda.manual_seed(seed)\n torch.cuda.manual_seed_all(seed)\n torch.backends.cudnn.benchmark = False\n torch.backends.cudnn.deterministic = True\n\nset_seed(87)","metadata":{"id":"E6burzCXIyuA","execution":{"iopub.status.busy":"2022-10-12T07:24:11.202867Z","iopub.execute_input":"2022-10-12T07:24:11.203587Z","iopub.status.idle":"2022-10-12T07:24:11.210419Z","shell.execute_reply.started":"2022-10-12T07:24:11.203543Z","shell.execute_reply":"2022-10-12T07:24:11.209362Z"},"trusted":true},"execution_count":43,"outputs":[]},{"cell_type":"markdown","source":"# Data\n\n## Dataset\n- Original dataset is [Voxceleb2](https://www.robots.ox.ac.uk/~vgg/data/voxceleb/vox2.html).\n- The [license](https://creativecommons.org/licenses/by/4.0/) and [complete version](https://www.robots.ox.ac.uk/~vgg/data/voxceleb/files/license.txt) of Voxceleb2.\n- We randomly select 600 speakers from Voxceleb2.\n- Then preprocess the raw waveforms into mel-spectrograms.\n\n- Args:\n - data_dir: The path to the data directory.\n - metadata_path: The path to the metadata.\n - segment_len: The length of audio segment for training. \n- The architecture of data directory \\\\\n - data directory \\\\\n |---- metadata.json \\\\\n |---- testdata.json \\\\\n |---- mapping.json \\\\\n |---- uttr-{random string}.pt \\\\\n\n- The information in metadata\n - \"n_mels\": The dimention of mel-spectrogram.\n - \"speakers\": A dictionary. \n - Key: speaker ids.\n - value: \"feature_path\" and \"mel_len\"\n\n\nFor efficiency, we segment the mel-spectrograms into segments in the traing step.","metadata":{"id":"k7dVbxW2LASN"}},{"cell_type":"code","source":"import os\nimport json\nimport torch\nimport random\nfrom pathlib import Path\nfrom torch.utils.data import Dataset\nfrom torch.nn.utils.rnn import pad_sequence\n \n \nclass myDataset(Dataset):\n\tdef __init__(self, data_dir, segment_len=128):\n\t\tself.data_dir = data_dir\n\t\tself.segment_len = segment_len\n\t\n\t\t# Load the mapping from speaker neme to their corresponding id. \n\t\tmapping_path = Path(data_dir) / \"mapping.json\"\n\t\tmapping = json.load(mapping_path.open())\n\t\tself.speaker2id = mapping[\"speaker2id\"]\n\t\n\t\t# Load metadata of training data.\n\t\tmetadata_path = Path(data_dir) / \"metadata.json\"\n\t\tmetadata = json.load(open(metadata_path))[\"speakers\"]\n\t\n\t\t# Get the total number of speaker.\n\t\tself.speaker_num = len(metadata.keys())\n\t\tself.data = []\n\t\tfor speaker in metadata.keys():\n\t\t\tfor utterances in metadata[speaker]:\n\t\t\t\tself.data.append([utterances[\"feature_path\"], self.speaker2id[speaker]])\n \n\tdef __len__(self):\n\t\treturn len(self.data)\n \n\tdef __getitem__(self, index):\n\t\tfeat_path, speaker = self.data[index]\n\t\t# Load preprocessed mel-spectrogram.\n\t\tmel = torch.load(os.path.join(self.data_dir, feat_path))\n\n\t\t# Segmemt mel-spectrogram into \"segment_len\" frames.\n\t\tif len(mel) > self.segment_len:\n\t\t\t# Randomly get the starting point of the segment.\n\t\t\tstart = random.randint(0, len(mel) - self.segment_len)\n\t\t\t# Get a segment with \"segment_len\" frames.\n\t\t\tmel = torch.FloatTensor(mel[start:start+self.segment_len])\n\t\telse:\n\t\t\tmel = torch.FloatTensor(mel)\n\t\t# Turn the speaker id into long for computing loss later.\n\t\tspeaker = torch.FloatTensor([speaker]).long()\n\t\treturn mel, speaker\n \n\tdef get_speaker_number(self):\n\t\treturn self.speaker_num","metadata":{"id":"KpuGxl4CI2pr","execution":{"iopub.status.busy":"2022-10-12T07:24:11.212106Z","iopub.execute_input":"2022-10-12T07:24:11.212851Z","iopub.status.idle":"2022-10-12T07:24:11.225708Z","shell.execute_reply.started":"2022-10-12T07:24:11.212811Z","shell.execute_reply":"2022-10-12T07:24:11.224731Z"},"trusted":true},"execution_count":44,"outputs":[]},{"cell_type":"markdown","source":"## Dataloader\n- Split dataset into training dataset(90%) and validation dataset(10%).\n- Create dataloader to iterate the data.","metadata":{"id":"668hverTMlGN"}},{"cell_type":"code","source":"import torch\nfrom torch.utils.data import DataLoader, random_split\nfrom torch.nn.utils.rnn import pad_sequence\n\n\ndef collate_batch(batch):\n\t# Process features within a batch.\n\t\"\"\"Collate a batch of data.\"\"\"\n\tmel, speaker = zip(*batch)\n\t# Because we train the model batch by batch, we need to pad the features in the same batch to make their lengths the same.\n\tmel = pad_sequence(mel, batch_first=True, padding_value=-20) # pad log 10^(-20) which is very small value.\n\t# mel: (batch size, length, 40)\n\treturn mel, torch.FloatTensor(speaker).long()\n\n\ndef get_dataloader(data_dir, batch_size, n_workers):\n\t\"\"\"Generate dataloader\"\"\"\n\tdataset = myDataset(data_dir)\n\tspeaker_num = dataset.get_speaker_number()\n\t# Split dataset into training dataset and validation dataset\n\ttrainlen = int(0.9 * len(dataset))\n\tlengths = [trainlen, len(dataset) - trainlen]\n\ttrainset, validset = random_split(dataset, lengths)\n\n\ttrain_loader = DataLoader(\n\t\ttrainset,\n\t\tbatch_size=batch_size,\n\t\tshuffle=True,\n\t\tdrop_last=True,\n\t\tnum_workers=n_workers,\n\t\tpin_memory=True,\n\t\tcollate_fn=collate_batch,\n\t)\n\tvalid_loader = DataLoader(\n\t\tvalidset,\n\t\tbatch_size=batch_size,\n\t\tnum_workers=n_workers,\n\t\tdrop_last=True,\n\t\tpin_memory=True,\n\t\tcollate_fn=collate_batch,\n\t)\n\n\treturn train_loader, valid_loader, speaker_num","metadata":{"id":"B7c2gZYoJDRS","execution":{"iopub.status.busy":"2022-10-12T07:24:11.228746Z","iopub.execute_input":"2022-10-12T07:24:11.229186Z","iopub.status.idle":"2022-10-12T07:24:11.241459Z","shell.execute_reply.started":"2022-10-12T07:24:11.229148Z","shell.execute_reply":"2022-10-12T07:24:11.240494Z"},"trusted":true},"execution_count":45,"outputs":[]},{"cell_type":"markdown","source":"# Model\n- TransformerEncoderLayer:\n - Base transformer encoder layer in [Attention Is All You Need](https://arxiv.org/abs/1706.03762)\n - Parameters:\n - d_model: the number of expected features of the input (required).\n\n - nhead: the number of heads of the multiheadattention models (required).\n\n - dim_feedforward: the dimension of the feedforward network model (default=2048).\n\n - dropout: the dropout value (default=0.1).\n\n - activation: the activation function of intermediate layer, relu or gelu (default=relu).\n\n- TransformerEncoder:\n - TransformerEncoder is a stack of N transformer encoder layers\n - Parameters:\n - encoder_layer: an instance of the TransformerEncoderLayer() class (required).\n\n - num_layers: the number of sub-encoder-layers in the encoder (required).\n\n - norm: the layer normalization component (optional).","metadata":{"id":"5FOSZYxrMqhc"}},{"cell_type":"code","source":"!pip install conformer","metadata":{"execution":{"iopub.status.busy":"2022-10-12T07:24:11.242629Z","iopub.execute_input":"2022-10-12T07:24:11.242919Z","iopub.status.idle":"2022-10-12T07:24:20.886804Z","shell.execute_reply.started":"2022-10-12T07:24:11.242883Z","shell.execute_reply":"2022-10-12T07:24:20.885487Z"},"trusted":true},"execution_count":46,"outputs":[{"name":"stdout","text":"Requirement already satisfied: conformer in /opt/conda/lib/python3.7/site-packages (0.2.5)\nRequirement already satisfied: einops in /opt/conda/lib/python3.7/site-packages (from conformer) (0.5.0)\nRequirement already satisfied: torch in /opt/conda/lib/python3.7/site-packages (from conformer) (1.11.0)\nRequirement already satisfied: typing-extensions in /opt/conda/lib/python3.7/site-packages (from torch->conformer) (4.3.0)\n\u001b[33mWARNING: Running pip as the 'root' user can result in broken permissions and conflicting behaviour with the system package manager. It is recommended to use a virtual environment instead: https://pip.pypa.io/warnings/venv\u001b[0m\u001b[33m\n\u001b[0m","output_type":"stream"}]},{"cell_type":"code","source":"import torch\nimport torch.nn as nn\nimport torch.nn.functional as F\nfrom conformer import ConformerBlock\n\nclass self_Attentive_pooling(nn.Module):\n def __init__(self, dim):\n super(self_Attentive_pooling, self).__init__()\n self.sap_linear = nn.Linear(dim, dim)\n self.attention = nn.Parameter(torch.FloatTensor(dim,1))\n torch.nn.init.normal_(self.attention, std=.02)\n\n def forward(self, x):\n h=torch.tanh(self.sap_linear(x))\n w=torch.matmul(h, self.attention).squeeze(dim=2)\n w=F.softmax(w, dim=1).view(x.size(0), x.size(1), 1)\n x=torch.sum(x * w, dim=1)\n return x\n\nclass AMSoftmax(nn.Module):\n def __init__(self, in_feats, n_classes, m=0.3, s=15, annealing=False):\n super(AMSoftmax, self).__init__()\n self.linear = nn.Linear(in_feats, n_classes, bias=False)\n self.m = m\n self.s = s\n\n def _am_logsumexp(self, logits):\n max_x = torch.max(logits, dim=-1)[0].unsqueeze(-1)\n term1 = (self.s*(logits - (max_x + self.m))).exp()\n term2 = (self.s * (logits - max_x)).exp().sum(-1).unsqueeze(-1) - (self.s*(logits-max_x)).exp()\n return self.s * max_x + (term2 + term1).log()\n\n def forward(self, *inputs):\n x_vector = F.normalize(inputs[0], p=2, dim=-1)\n self.linear.weight.data = F.normalize(self.linear.weight.data, p=2, dim=-1)\n logits = self.linear(x_vector)\n scaled_logits = (logits-self.m)*self.s\n return scaled_logits - self._am_logsumexp(logits)\n\nclass Classifier(nn.Module):\n\tdef __init__(self, d_model=256, n_spks=600, dropout=0.3):\n\t\tsuper().__init__()\n\t\t# Project the dimension of features from that of input into d_model.\n\t\tself.prenet = nn.Linear(40, d_model)\n\t\t# TODO:\n\t\t# Change Transformer to Conformer.\n\t\t# https://arxiv.org/abs/2005.08100\n# \t\tself.encoder_layer = nn.TransformerEncoderLayer(\n# \t\t\td_model=d_model, dim_feedforward=1024, nhead=2, dropout=dropout\n# \t\t)\n# \t\tself.encoder = nn.TransformerEncoder(self.encoder_layer, num_layers=3)\n\t\tself.blocks = nn.ModuleList([\n ConformerBlock(\n dim=d_model,\n dim_head=64,\n heads=8,\n ff_mult=4,\n conv_expansion_factor=2,\n conv_kernel_size=15,\n attn_dropout=dropout,\n ff_dropout=dropout,\n conv_dropout=dropout\n )\n for i in range(6)])\n\t\t# Project the the dimension of features from d_model into speaker nums.\n\t\tself.sap = self_Attentive_pooling(d_model)\n\t\tself.pred_layer = AMSoftmax(d_model, n_spks)\n\n\tdef forward(self, mels):\n\t\t\"\"\"\n\t\targs:\n\t\t\tmels: (batch size, length, 40)\n\t\treturn:\n\t\t\tout: (batch size, n_spks)\n\t\t\"\"\"\n\t\t# out: (batch size, length, d_model)\n\t\tout = self.prenet(mels)\n\t\t# out: (length, batch size, d_model)\n# \t\tout = out.permute(1, 0, 2)\n\t\t# The encoder layer expect features in the shape of (length, batch size, d_model).\n# \t\tout = self.encoder(out)\n\t\t# out: (batch size, length, d_model)\n# \t\tout = out.transpose(0, 1)\n\t\t# mean pooling\n# \t\tstats = self.sap(out)\n\t\tfor blk in self.blocks:\n\t\t\tout = blk(out)\n\t\tstats = self.sap(out)\n\t\t# out: (batch, n_spks)\n\t\tout = self.pred_layer(stats)\n\t\treturn out","metadata":{"id":"iXZ5B0EKJGs8","execution":{"iopub.status.busy":"2022-10-12T07:24:20.889013Z","iopub.execute_input":"2022-10-12T07:24:20.889545Z","iopub.status.idle":"2022-10-12T07:24:20.909804Z","shell.execute_reply.started":"2022-10-12T07:24:20.889501Z","shell.execute_reply":"2022-10-12T07:24:20.908744Z"},"trusted":true},"execution_count":47,"outputs":[]},{"cell_type":"markdown","source":"# Learning rate schedule\n- For transformer architecture, the design of learning rate schedule is different from that of CNN.\n- Previous works show that the warmup of learning rate is useful for training models with transformer architectures.\n- The warmup schedule\n - Set learning rate to 0 in the beginning.\n - The learning rate increases linearly from 0 to initial learning rate during warmup period.","metadata":{"id":"W7yX8JinM5Ly"}},{"cell_type":"code","source":"import math\n\nimport torch\nfrom torch.optim import Optimizer\nfrom torch.optim.lr_scheduler import LambdaLR\n\n\ndef get_cosine_schedule_with_warmup(\n\toptimizer: Optimizer,\n\tnum_warmup_steps: int,\n\tnum_training_steps: int,\n\tnum_cycles: float = 0.5,\n\tlast_epoch: int = -1,\n):\n\t\"\"\"\n\tCreate a schedule with a learning rate that decreases following the values of the cosine function between the\n\tinitial lr set in the optimizer to 0, after a warmup period during which it increases linearly between 0 and the\n\tinitial lr set in the optimizer.\n\n\tArgs:\n\t\toptimizer (:class:`~torch.optim.Optimizer`):\n\t\tThe optimizer for which to schedule the learning rate.\n\t\tnum_warmup_steps (:obj:`int`):\n\t\tThe number of steps for the warmup phase.\n\t\tnum_training_steps (:obj:`int`):\n\t\tThe total number of training steps.\n\t\tnum_cycles (:obj:`float`, `optional`, defaults to 0.5):\n\t\tThe number of waves in the cosine schedule (the defaults is to just decrease from the max value to 0\n\t\tfollowing a half-cosine).\n\t\tlast_epoch (:obj:`int`, `optional`, defaults to -1):\n\t\tThe index of the last epoch when resuming training.\n\n\tReturn:\n\t\t:obj:`torch.optim.lr_scheduler.LambdaLR` with the appropriate schedule.\n\t\"\"\"\n\tdef lr_lambda(current_step):\n\t\t# Warmup\n\t\tif current_step < num_warmup_steps:\n\t\t\treturn float(current_step) / float(max(1, num_warmup_steps))\n\t\t# decadence\n\t\tprogress = float(current_step - num_warmup_steps) / float(\n\t\t\tmax(1, num_training_steps - num_warmup_steps)\n\t\t)\n\t\treturn max(\n\t\t\t0.0, 0.5 * (1.0 + math.cos(math.pi * float(num_cycles) * 2.0 * progress))\n\t\t)\n\n\treturn LambdaLR(optimizer, lr_lambda, last_epoch)","metadata":{"id":"ykt0N1nVJJi2","execution":{"iopub.status.busy":"2022-10-12T07:24:20.910932Z","iopub.execute_input":"2022-10-12T07:24:20.912234Z","iopub.status.idle":"2022-10-12T07:24:20.927590Z","shell.execute_reply.started":"2022-10-12T07:24:20.912197Z","shell.execute_reply":"2022-10-12T07:24:20.926511Z"},"trusted":true},"execution_count":48,"outputs":[]},{"cell_type":"markdown","source":"# Model Function\n- Model forward function.","metadata":{"id":"-LN2XkteM_uH"}},{"cell_type":"code","source":"import torch\n\n\ndef model_fn(batch, model, criterion, device):\n\t\"\"\"Forward a batch through the model.\"\"\"\n\n\tmels, labels = batch\n\tmels = mels.to(device)\n\tlabels = labels.to(device)\n\n\touts = model(mels)\n\n\tloss = criterion(outs, labels)\n\n\t# Get the speaker id with highest probability.\n\tpreds = outs.argmax(1)\n\t# Compute accuracy.\n\taccuracy = torch.mean((preds == labels).float())\n\n\treturn loss, accuracy","metadata":{"id":"N-rr8529JMz0","execution":{"iopub.status.busy":"2022-10-12T07:24:20.929011Z","iopub.execute_input":"2022-10-12T07:24:20.929418Z","iopub.status.idle":"2022-10-12T07:24:20.942056Z","shell.execute_reply.started":"2022-10-12T07:24:20.929384Z","shell.execute_reply":"2022-10-12T07:24:20.941045Z"},"trusted":true},"execution_count":49,"outputs":[]},{"cell_type":"markdown","source":"# Validate\n- Calculate accuracy of the validation set.","metadata":{"id":"cwM_xyOtNCI2"}},{"cell_type":"code","source":"from tqdm import tqdm\nimport torch\n\n\ndef valid(dataloader, model, criterion, device): \n\t\"\"\"Validate on validation set.\"\"\"\n\n\tmodel.eval()\n\trunning_loss = 0.0\n\trunning_accuracy = 0.0\n\tpbar = tqdm(total=len(dataloader.dataset), ncols=0, desc=\"Valid\", unit=\" uttr\")\n\n\tfor i, batch in enumerate(dataloader):\n\t\twith torch.no_grad():\n\t\t\tloss, accuracy = model_fn(batch, model, criterion, device)\n\t\t\trunning_loss += loss.item()\n\t\t\trunning_accuracy += accuracy.item()\n\n\t\tpbar.update(dataloader.batch_size)\n\t\tpbar.set_postfix(\n\t\t\tloss=f\"{running_loss / (i+1):.2f}\",\n\t\t\taccuracy=f\"{running_accuracy / (i+1):.2f}\",\n\t\t)\n\n\tpbar.close()\n\tmodel.train()\n\n\treturn running_accuracy / len(dataloader)","metadata":{"id":"YAiv6kpdJRTJ","execution":{"iopub.status.busy":"2022-10-12T07:24:20.944995Z","iopub.execute_input":"2022-10-12T07:24:20.945416Z","iopub.status.idle":"2022-10-12T07:24:20.955295Z","shell.execute_reply.started":"2022-10-12T07:24:20.945390Z","shell.execute_reply":"2022-10-12T07:24:20.954374Z"},"trusted":true},"execution_count":50,"outputs":[]},{"cell_type":"markdown","source":"# Main function","metadata":{"id":"g6ne9G-eNEdG"}},{"cell_type":"code","source":"from tqdm import tqdm\n\nimport torch\nimport torch.nn as nn\nfrom torch.optim import AdamW\nfrom torch.utils.data import DataLoader, random_split\n\n\ndef parse_args():\n\t\"\"\"arguments\"\"\"\n\tconfig = {\n\t\t\"data_dir\": \"../input/ml2022spring-hw4/Dataset\",\n\t\t\"save_path\": \"model.ckpt\",\n\t\t\"batch_size\": 128,\n\t\t\"n_workers\": 8,\n\t\t\"valid_steps\": 2000,\n\t\t\"warmup_steps\": 1000,\n\t\t\"save_steps\": 10000,\n\t\t\"total_steps\": 25000,\n\t}\n\n\treturn config\n\n\ndef main(\n\tdata_dir,\n\tsave_path,\n\tbatch_size,\n\tn_workers,\n\tvalid_steps,\n\twarmup_steps,\n\ttotal_steps,\n\tsave_steps,\n):\n\t\"\"\"Main function.\"\"\"\n\tdevice = torch.device(\"cuda\" if torch.cuda.is_available() else \"cpu\")\n\tprint(f\"[Info]: Use {device} now!\")\n\n\ttrain_loader, valid_loader, speaker_num = get_dataloader(data_dir, batch_size, n_workers)\n\ttrain_iterator = iter(train_loader)\n\tprint(f\"[Info]: Finish loading data!\",flush = True)\n\n\tmodel = Classifier(n_spks=speaker_num).to(device)\n\tcriterion = nn.CrossEntropyLoss()\n# \tcriterion = AMSoftmax()\n\toptimizer = AdamW(model.parameters(), lr=1e-3)\n\tscheduler = get_cosine_schedule_with_warmup(optimizer, warmup_steps, total_steps)\n\tprint(f\"[Info]: Finish creating model!\",flush = True)\n\n\tbest_accuracy = -1.0\n\tbest_state_dict = None\n\n\tpbar = tqdm(total=valid_steps, ncols=0, desc=\"Train\", unit=\" step\")\n\n\tfor step in range(total_steps):\n\t\t# Get data\n\t\ttry:\n\t\t\tbatch = next(train_iterator)\n\t\texcept StopIteration:\n\t\t\ttrain_iterator = iter(train_loader)\n\t\t\tbatch = next(train_iterator)\n\n\t\tloss, accuracy = model_fn(batch, model, criterion, device)\n\t\tbatch_loss = loss.item()\n\t\tbatch_accuracy = accuracy.item()\n\n\t\t# Updata model\n\t\tloss.backward()\n\t\toptimizer.step()\n\t\tscheduler.step()\n\t\toptimizer.zero_grad()\n\n\t\t# Log\n\t\tpbar.update()\n\t\tpbar.set_postfix(\n\t\t\tloss=f\"{batch_loss:.2f}\",\n\t\t\taccuracy=f\"{batch_accuracy:.2f}\",\n\t\t\tstep=step + 1,\n\t\t)\n\n\t\t# Do validation\n\t\tif (step + 1) % valid_steps == 0:\n\t\t\tpbar.close()\n\n\t\t\tvalid_accuracy = valid(valid_loader, model, criterion, device)\n\n\t\t\t# keep the best model\n\t\t\tif valid_accuracy > best_accuracy:\n\t\t\t\tbest_accuracy = valid_accuracy\n\t\t\t\tbest_state_dict = model.state_dict()\n\n\t\t\tpbar = tqdm(total=valid_steps, ncols=0, desc=\"Train\", unit=\" step\")\n\n\t\t# Save the best model so far.\n\t\tif (step + 1) % save_steps == 0 and best_state_dict is not None:\n\t\t\ttorch.save(best_state_dict, save_path)\n\t\t\tpbar.write(f\"Step {step + 1}, best model saved. (accuracy={best_accuracy:.4f})\")\n\n\tpbar.close()\n\n\nif __name__ == \"__main__\":\n\tmain(**parse_args())","metadata":{"id":"Usv9s-CuJSG7","outputId":"0e4eb5c2-901f-419e-b917-61860e81c8ae","colab":{"base_uri":"https://localhost:8080/","height":375},"execution":{"iopub.status.busy":"2022-10-12T07:24:20.959703Z","iopub.execute_input":"2022-10-12T07:24:20.960505Z","iopub.status.idle":"2022-10-12T07:24:32.460955Z","shell.execute_reply.started":"2022-10-12T07:24:20.960461Z","shell.execute_reply":"2022-10-12T07:24:32.459638Z"},"trusted":true},"execution_count":51,"outputs":[{"name":"stdout","text":"[Info]: Use cuda now!\n[Info]: Finish loading data!\n[Info]: Finish creating model!\n","output_type":"stream"},{"name":"stderr","text":"\n\nTrain: 0% 0/2000 [00:00\u001b[0;34m\u001b[0m\n\u001b[1;32m 101\u001b[0m \u001b[0;34m\u001b[0m\u001b[0m\n\u001b[1;32m 102\u001b[0m \u001b[0;32mif\u001b[0m \u001b[0m__name__\u001b[0m \u001b[0;34m==\u001b[0m \u001b[0;34m\"__main__\"\u001b[0m\u001b[0;34m:\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0;32m--> 103\u001b[0;31m \u001b[0mmain\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0;34m**\u001b[0m\u001b[0mparse_args\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0m","\u001b[0;32m/tmp/ipykernel_17/325961183.py\u001b[0m in \u001b[0;36mmain\u001b[0;34m(data_dir, save_path, batch_size, n_workers, valid_steps, warmup_steps, total_steps, save_steps)\u001b[0m\n\u001b[1;32m 66\u001b[0m \u001b[0;34m\u001b[0m\u001b[0m\n\u001b[1;32m 67\u001b[0m \u001b[0;31m# Updata model\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0;32m---> 68\u001b[0;31m \u001b[0mloss\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0mbackward\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0m\u001b[1;32m 69\u001b[0m \u001b[0moptimizer\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0mstep\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[1;32m 70\u001b[0m \u001b[0mscheduler\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0mstep\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n","\u001b[0;32m/opt/conda/lib/python3.7/site-packages/torch/_tensor.py\u001b[0m in \u001b[0;36mbackward\u001b[0;34m(self, gradient, retain_graph, create_graph, inputs)\u001b[0m\n\u001b[1;32m 361\u001b[0m \u001b[0mcreate_graph\u001b[0m\u001b[0;34m=\u001b[0m\u001b[0mcreate_graph\u001b[0m\u001b[0;34m,\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[1;32m 362\u001b[0m inputs=inputs)\n\u001b[0;32m--> 363\u001b[0;31m \u001b[0mtorch\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0mautograd\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0mbackward\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0mself\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0mgradient\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0mretain_graph\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0mcreate_graph\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0minputs\u001b[0m\u001b[0;34m=\u001b[0m\u001b[0minputs\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0m\u001b[1;32m 364\u001b[0m \u001b[0;34m\u001b[0m\u001b[0m\n\u001b[1;32m 365\u001b[0m \u001b[0;32mdef\u001b[0m \u001b[0mregister_hook\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0mself\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0mhook\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m:\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n","\u001b[0;32m/opt/conda/lib/python3.7/site-packages/torch/autograd/__init__.py\u001b[0m in \u001b[0;36mbackward\u001b[0;34m(tensors, grad_tensors, retain_graph, create_graph, grad_variables, inputs)\u001b[0m\n\u001b[1;32m 173\u001b[0m Variable._execution_engine.run_backward( # Calls into the C++ engine to run the backward pass\n\u001b[1;32m 174\u001b[0m \u001b[0mtensors\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0mgrad_tensors_\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0mretain_graph\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0mcreate_graph\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0minputs\u001b[0m\u001b[0;34m,\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0;32m--> 175\u001b[0;31m allow_unreachable=True, accumulate_grad=True) # Calls into the C++ engine to run the backward pass\n\u001b[0m\u001b[1;32m 176\u001b[0m \u001b[0;34m\u001b[0m\u001b[0m\n\u001b[1;32m 177\u001b[0m def grad(\n","\u001b[0;31mKeyboardInterrupt\u001b[0m: "],"ename":"KeyboardInterrupt","evalue":"","output_type":"error"}]},{"cell_type":"markdown","source":"# Inference\n\n## Dataset of inference","metadata":{"id":"NLatBYAhNNMx"}},{"cell_type":"code","source":"import os\nimport json\nimport torch\nfrom pathlib import Path\nfrom torch.utils.data import Dataset\n\n\nclass InferenceDataset(Dataset):\n\tdef __init__(self, data_dir):\n\t\ttestdata_path = Path(data_dir) / \"testdata.json\"\n\t\tmetadata = json.load(testdata_path.open())\n\t\tself.data_dir = data_dir\n\t\tself.data = metadata[\"utterances\"]\n\n\tdef __len__(self):\n\t\treturn len(self.data)\n\n\tdef __getitem__(self, index):\n\t\tutterance = self.data[index]\n\t\tfeat_path = utterance[\"feature_path\"]\n\t\tmel = torch.load(os.path.join(self.data_dir, feat_path))\n\n\t\treturn feat_path, mel\n\n\ndef inference_collate_batch(batch):\n\t\"\"\"Collate a batch of data.\"\"\"\n\tfeat_paths, mels = zip(*batch)\n\n\treturn feat_paths, torch.stack(mels)","metadata":{"id":"efS4pCmAJXJH","execution":{"iopub.status.busy":"2022-10-12T07:24:32.462272Z","iopub.status.idle":"2022-10-12T07:24:32.464109Z","shell.execute_reply.started":"2022-10-12T07:24:32.463836Z","shell.execute_reply":"2022-10-12T07:24:32.463865Z"},"trusted":true},"execution_count":null,"outputs":[]},{"cell_type":"markdown","source":"## Main funcrion of Inference","metadata":{"id":"tl0WnYwxNK_S"}},{"cell_type":"raw","source":"","metadata":{}},{"cell_type":"code","source":"import json\nimport csv\nfrom pathlib import Path\nfrom tqdm.notebook import tqdm\n\nimport torch\nfrom torch.utils.data import DataLoader\n\ndef parse_args():\n\t\"\"\"arguments\"\"\"\n\tconfig = {\n\t\t\"data_dir\": \"../input/ml2022spring-hw4/Dataset\",\n\t\t\"model_path\": \"./model.ckpt\",\n\t\t\"output_path\": \"./output.csv\",\n\t}\n\n\treturn config\n\n\ndef main(\n\tdata_dir,\n\tmodel_path,\n\toutput_path,\n):\n\t\"\"\"Main function.\"\"\"\n\tdevice = torch.device(\"cuda\" if torch.cuda.is_available() else \"cpu\")\n\tprint(f\"[Info]: Use {device} now!\")\n\n\tmapping_path = Path(data_dir) / \"mapping.json\"\n\tmapping = json.load(mapping_path.open())\n\n\tdataset = InferenceDataset(data_dir)\n\tdataloader = DataLoader(\n\t\tdataset,\n\t\tbatch_size=1,\n\t\tshuffle=False,\n\t\tdrop_last=False,\n\t\tnum_workers=8,\n\t\tcollate_fn=inference_collate_batch,\n\t)\n\tprint(f\"[Info]: Finish loading data!\",flush = True)\n\n\tspeaker_num = len(mapping[\"id2speaker\"])\n\tmodel = Classifier(n_spks=speaker_num).to(device)\n\tmodel.load_state_dict(torch.load(model_path))\n\tmodel.eval()\n\tprint(f\"[Info]: Finish creating model!\",flush = True)\n\n\tresults = [[\"Id\", \"Category\"]]\n\tfor feat_paths, mels in tqdm(dataloader):\n\t\twith torch.no_grad():\n\t\t\tmels = mels.to(device)\n\t\t\touts = model(mels)\n\t\t\tpreds = outs.argmax(1).cpu().numpy()\n\t\t\tfor feat_path, pred in zip(feat_paths, preds):\n\t\t\t\tresults.append([feat_path, mapping[\"id2speaker\"][str(pred)]])\n\n\twith open(output_path, 'w', newline='') as csvfile:\n\t\twriter = csv.writer(csvfile)\n\t\twriter.writerows(results)\n\n\nif __name__ == \"__main__\":\n\tmain(**parse_args())","metadata":{"id":"i8SAbuXEJb2A","execution":{"iopub.status.busy":"2022-10-12T07:24:32.465657Z","iopub.status.idle":"2022-10-12T07:24:32.466465Z","shell.execute_reply.started":"2022-10-12T07:24:32.466203Z","shell.execute_reply":"2022-10-12T07:24:32.466228Z"},"trusted":true},"execution_count":null,"outputs":[]}]} \ No newline at end of file diff --git a/HW04/ml2022sping-hw4-score-caishaokang.png b/HW04/ml2022sping-hw4-score-caishaokang.png new file mode 100644 index 00000000..6b5da9fd Binary files /dev/null and b/HW04/ml2022sping-hw4-score-caishaokang.png differ diff --git a/HW04/ml2022spring-hw4-caishaokang.ipynb b/HW04/ml2022spring-hw4-caishaokang.ipynb new file mode 100644 index 00000000..80ed77de --- /dev/null +++ b/HW04/ml2022spring-hw4-caishaokang.ipynb @@ -0,0 +1,1653 @@ +{ + "cells": [ + { + "cell_type": "markdown", + "id": "907084f5", + "metadata": { + "id": "C_jdZ5vHJ4A9", + "papermill": { + "duration": 0.006218, + "end_time": "2022-11-15T11:07:44.230922", + "exception": false, + "start_time": "2022-11-15T11:07:44.224704", + "status": "completed" + }, + "tags": [] + }, + "source": [ + "# Task description\n", + "- Classify the speakers of given features.\n", + "- Main goal: Learn how to use transformer.\n", + "- Baselines:\n", + " - Easy: Run sample code and know how to use transformer.\n", + " - Medium: Know how to adjust parameters of transformer.\n", + " - Strong: Construct [conformer](https://arxiv.org/abs/2005.08100) which is a variety of transformer. \n", + " - Boss: Implement [Self-Attention Pooling](https://arxiv.org/pdf/2008.01077v1.pdf) & [Additive Margin Softmax](https://arxiv.org/pdf/1801.05599.pdf) to further boost the performance.\n", + "\n", + "- Other links\n", + " - Kaggle: [link](https://www.kaggle.com/t/ac77388c90204a4c8daebeddd40ff916)\n", + " - Slide: [link](https://docs.google.com/presentation/d/1HLAj7UUIjZOycDe7DaVLSwJfXVd3bXPOyzSb6Zk3hYU/edit?usp=sharing)\n", + " - Data: [link](https://drive.google.com/drive/folders/1vI1kuLB-q1VilIftiwnPOCAeOOFfBZge?usp=sharing)\n", + "\n", + "# Download dataset\n", + "- Data is [here](https://drive.google.com/drive/folders/1vI1kuLB-q1VilIftiwnPOCAeOOFfBZge?usp=sharing)" + ] + }, + { + "cell_type": "code", + "execution_count": 1, + "id": "c98a1137", + "metadata": { + "execution": { + "iopub.execute_input": "2022-11-15T11:07:44.243012Z", + "iopub.status.busy": "2022-11-15T11:07:44.242251Z", + "iopub.status.idle": "2022-11-15T11:07:52.563072Z", + "shell.execute_reply": "2022-11-15T11:07:52.561765Z" + }, + "id": "LhLNWB-AK2Z5", + "outputId": "d2481dbd-f069-4562-8544-cf4871734cc1", + "papermill": { + "duration": 8.329807, + "end_time": "2022-11-15T11:07:52.565845", + "exception": false, + "start_time": "2022-11-15T11:07:44.236038", + "status": "completed" + }, + "tags": [] + }, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "--2022-11-15 11:07:45-- https://github.com/MachineLearningHW/ML_HW4_Dataset/releases/latest/download/Dataset.tar.gz.partaa\r\n", + "Resolving github.com (github.com)... 140.82.114.3\r\n", + "Connecting to github.com (github.com)|140.82.114.3|:443... connected.\r\n", + "HTTP request sent, awaiting response... 404 Not Found\r\n", + "2022-11-15 11:07:45 ERROR 404: Not Found.\r\n", + "\r\n", + "--2022-11-15 11:07:46-- https://github.com/MachineLearningHW/ML_HW4_Dataset/releases/latest/download/Dataset.tar.gz.partab\r\n", + "Resolving github.com (github.com)... 140.82.112.4\r\n", + "Connecting to github.com (github.com)|140.82.112.4|:443... connected.\r\n", + "HTTP request sent, awaiting response... 404 Not Found\r\n", + "2022-11-15 11:07:47 ERROR 404: Not Found.\r\n", + "\r\n", + "--2022-11-15 11:07:48-- https://github.com/MachineLearningHW/ML_HW4_Dataset/releases/latest/download/Dataset.tar.gz.partac\r\n", + "Resolving github.com (github.com)... 140.82.112.4\r\n", + "Connecting to github.com (github.com)|140.82.112.4|:443... connected.\r\n", + "HTTP request sent, awaiting response... 404 Not Found\r\n", + "2022-11-15 11:07:48 ERROR 404: Not Found.\r\n", + "\r\n", + "--2022-11-15 11:07:49-- https://github.com/MachineLearningHW/ML_HW4_Dataset/releases/latest/download/Dataset.tar.gz.partad\r\n", + "Resolving github.com (github.com)... 140.82.112.4\r\n", + "Connecting to github.com (github.com)|140.82.112.4|:443... connected.\r\n", + "HTTP request sent, awaiting response... 404 Not Found\r\n", + "2022-11-15 11:07:50 ERROR 404: Not Found.\r\n", + "\r\n", + "cat: 'Dataset.tar.gz.part*': No such file or directory\r\n", + "\r\n", + "gzip: stdin: unexpected end of file\r\n", + "tar: Child returned status 1\r\n", + "tar: Error is not recoverable: exiting now\r\n" + ] + } + ], + "source": [ + "!wget https://github.com/MachineLearningHW/ML_HW4_Dataset/releases/latest/download/Dataset.tar.gz.partaa\n", + "!wget https://github.com/MachineLearningHW/ML_HW4_Dataset/releases/latest/download/Dataset.tar.gz.partab\n", + "!wget https://github.com/MachineLearningHW/ML_HW4_Dataset/releases/latest/download/Dataset.tar.gz.partac\n", + "!wget https://github.com/MachineLearningHW/ML_HW4_Dataset/releases/latest/download/Dataset.tar.gz.partad\n", + "\n", + "!cat Dataset.tar.gz.part* > Dataset.tar.gz\n", + "\n", + "# unzip the file\n", + "!tar zxvf Dataset.tar.gz" + ] + }, + { + "cell_type": "markdown", + "id": "dc53d18d", + "metadata": { + "id": "ENWVAUDVJtVY", + "papermill": { + "duration": 0.006475, + "end_time": "2022-11-15T11:07:52.578871", + "exception": false, + "start_time": "2022-11-15T11:07:52.572396", + "status": "completed" + }, + "tags": [] + }, + "source": [ + "## Fix Random Seed" + ] + }, + { + "cell_type": "code", + "execution_count": 2, + "id": "2c202c40", + "metadata": { + "execution": { + "iopub.execute_input": "2022-11-15T11:07:52.593307Z", + "iopub.status.busy": "2022-11-15T11:07:52.592948Z", + "iopub.status.idle": "2022-11-15T11:07:54.404891Z", + "shell.execute_reply": "2022-11-15T11:07:54.403848Z" + }, + "id": "E6burzCXIyuA", + "papermill": { + "duration": 1.822261, + "end_time": "2022-11-15T11:07:54.407420", + "exception": false, + "start_time": "2022-11-15T11:07:52.585159", + "status": "completed" + }, + "tags": [] + }, + "outputs": [], + "source": [ + "import numpy as np\n", + "import torch\n", + "import random\n", + "\n", + "def set_seed(seed):\n", + " np.random.seed(seed)\n", + " random.seed(seed)\n", + " torch.manual_seed(seed)\n", + " if torch.cuda.is_available():\n", + " torch.cuda.manual_seed(seed)\n", + " torch.cuda.manual_seed_all(seed)\n", + " torch.backends.cudnn.benchmark = False\n", + " torch.backends.cudnn.deterministic = True\n", + "\n", + "set_seed(87)" + ] + }, + { + "cell_type": "markdown", + "id": "2bbdb32d", + "metadata": { + "id": "k7dVbxW2LASN", + "papermill": { + "duration": 0.005872, + "end_time": "2022-11-15T11:07:54.419754", + "exception": false, + "start_time": "2022-11-15T11:07:54.413882", + "status": "completed" + }, + "tags": [] + }, + "source": [ + "# Data\n", + "\n", + "## Dataset\n", + "- Original dataset is [Voxceleb2](https://www.robots.ox.ac.uk/~vgg/data/voxceleb/vox2.html).\n", + "- The [license](https://creativecommons.org/licenses/by/4.0/) and [complete version](https://www.robots.ox.ac.uk/~vgg/data/voxceleb/files/license.txt) of Voxceleb2.\n", + "- We randomly select 600 speakers from Voxceleb2.\n", + "- Then preprocess the raw waveforms into mel-spectrograms.\n", + "\n", + "- Args:\n", + " - data_dir: The path to the data directory.\n", + " - metadata_path: The path to the metadata.\n", + " - segment_len: The length of audio segment for training. \n", + "- The architecture of data directory \\\\\n", + " - data directory \\\\\n", + " |---- metadata.json \\\\\n", + " |---- testdata.json \\\\\n", + " |---- mapping.json \\\\\n", + " |---- uttr-{random string}.pt \\\\\n", + "\n", + "- The information in metadata\n", + " - \"n_mels\": The dimention of mel-spectrogram.\n", + " - \"speakers\": A dictionary. \n", + " - Key: speaker ids.\n", + " - value: \"feature_path\" and \"mel_len\"\n", + "\n", + "\n", + "For efficiency, we segment the mel-spectrograms into segments in the traing step." + ] + }, + { + "cell_type": "code", + "execution_count": 3, + "id": "d064d99a", + "metadata": { + "execution": { + "iopub.execute_input": "2022-11-15T11:07:54.433747Z", + "iopub.status.busy": "2022-11-15T11:07:54.433240Z", + "iopub.status.idle": "2022-11-15T11:07:54.445457Z", + "shell.execute_reply": "2022-11-15T11:07:54.444428Z" + }, + "id": "KpuGxl4CI2pr", + "papermill": { + "duration": 0.0222, + "end_time": "2022-11-15T11:07:54.448057", + "exception": false, + "start_time": "2022-11-15T11:07:54.425857", + "status": "completed" + }, + "tags": [] + }, + "outputs": [], + "source": [ + "import os\n", + "import json\n", + "import torch\n", + "import random\n", + "import numpy as np\n", + "from pathlib import Path\n", + "from torch.utils.data import Dataset\n", + "from torch.nn.utils.rnn import pad_sequence\n", + " \n", + " \n", + "class myDataset(Dataset):\n", + "\tdef __init__(self, data_dir, segment_len=448):\n", + "\t\tself.data_dir = data_dir\n", + "\t\tself.segment_len = segment_len\n", + "\t\n", + "\t\t# Load the mapping from speaker neme to their corresponding id. \n", + "\t\tmapping_path = Path(data_dir) / \"mapping.json\"\n", + "\t\tmapping = json.load(mapping_path.open())\n", + "\t\tself.speaker2id = mapping[\"speaker2id\"]\n", + "\t\n", + "\t\t# Load metadata of training data.\n", + "\t\tmetadata_path = Path(data_dir) / \"metadata.json\"\n", + "\t\tmetadata = json.load(open(metadata_path))[\"speakers\"]\n", + "\t\n", + "\t\t# Get the total number of speaker.\n", + "\t\tself.speaker_num = len(metadata.keys())\n", + "\t\tself.data = []\n", + "\t\tself.len_speach = []\n", + "\t\tfor speaker in metadata.keys():\n", + "\t\t\tfor utterances in metadata[speaker]:\n", + "\t\t\t\tself.data.append([utterances[\"feature_path\"], self.speaker2id[speaker]])\n", + "\t\t\t\tself.len_speach.append(int(utterances[\"mel_len\"])) \n", + "\t\tself.speak_len_array = np.array(self.len_speach)\n", + "\t\tprint(\"max len:\", self.speak_len_array.min())\n", + "\t\tprint(\"min_len:\", self.speak_len_array.max())\n", + "\t\tprint(\"average_len:\", self.speak_len_array.mean())\n", + " \n", + " \n", + " \n", + " \n", + "\tdef __len__(self):\n", + "\t\treturn len(self.data)\n", + " \n", + "\tdef __getitem__(self, index):\n", + "\t\tfeat_path, speaker = self.data[index]\n", + "\t\t# Load preprocessed mel-spectrogram.\n", + "\t\tmel = torch.load(os.path.join(self.data_dir, feat_path))\n", + "\n", + "\t\t# Segmemt mel-spectrogram into \"segment_len\" frames.\n", + "\t\tif len(mel) > self.segment_len:\n", + "\t\t\t# Randomly get the starting point of the segment.\n", + "\t\t\tstart = random.randint(0, len(mel) - self.segment_len)\n", + "\t\t\t# Get a segment with \"segment_len\" frames.\n", + "\t\t\tmel = torch.FloatTensor(mel[start:start+self.segment_len])\n", + "\t\telse:\n", + "\t\t\tmel = torch.FloatTensor(mel)\n", + "\t\t# Turn the speaker id into long for computing loss later.\n", + "\t\tspeaker = torch.FloatTensor([speaker]).long()\n", + "\t\treturn mel, speaker\n", + " \n", + "\tdef get_speaker_number(self):\n", + "\t\treturn self.speaker_num" + ] + }, + { + "cell_type": "markdown", + "id": "f00cc88a", + "metadata": { + "id": "668hverTMlGN", + "papermill": { + "duration": 0.005805, + "end_time": "2022-11-15T11:07:54.461739", + "exception": false, + "start_time": "2022-11-15T11:07:54.455934", + "status": "completed" + }, + "tags": [] + }, + "source": [ + "## Dataloader\n", + "- Split dataset into training dataset(90%) and validation dataset(10%).\n", + "- Create dataloader to iterate the data." + ] + }, + { + "cell_type": "code", + "execution_count": 4, + "id": "f02842d2", + "metadata": { + "execution": { + "iopub.execute_input": "2022-11-15T11:07:54.474751Z", + "iopub.status.busy": "2022-11-15T11:07:54.474462Z", + "iopub.status.idle": "2022-11-15T11:07:54.483375Z", + "shell.execute_reply": "2022-11-15T11:07:54.482552Z" + }, + "id": "B7c2gZYoJDRS", + "papermill": { + "duration": 0.017757, + "end_time": "2022-11-15T11:07:54.485383", + "exception": false, + "start_time": "2022-11-15T11:07:54.467626", + "status": "completed" + }, + "tags": [] + }, + "outputs": [], + "source": [ + "import torch\n", + "from torch.utils.data import DataLoader, random_split\n", + "from torch.nn.utils.rnn import pad_sequence\n", + "\n", + "\n", + "def collate_batch(batch):\n", + "\t# Process features within a batch.\n", + "\t\"\"\"Collate a batch of data.\"\"\"\n", + "\tmel, speaker = zip(*batch)\n", + "\t# Because we train the model batch by batch, we need to pad the features in the same batch to make their lengths the same.\n", + "\tmel = pad_sequence(mel, batch_first=True, padding_value=-20) # pad log 10^(-20) which is very small value.\n", + "\t# mel: (batch size, length, 40)\n", + "\treturn mel, torch.FloatTensor(speaker).long()\n", + "\n", + "\n", + "def get_dataloader(data_dir, batch_size, n_workers):\n", + "\t\"\"\"Generate dataloader\"\"\"\n", + "\tdataset = myDataset(data_dir)\n", + "\tspeaker_num = dataset.get_speaker_number()\n", + "\t# Split dataset into training dataset and validation dataset\n", + "\ttrainlen = int(0.9 * len(dataset))\n", + "\tlengths = [trainlen, len(dataset) - trainlen]\n", + "\ttrainset, validset = random_split(dataset, lengths)\n", + "\n", + "\ttrain_loader = DataLoader(\n", + "\t\ttrainset,\n", + "\t\tbatch_size=batch_size,\n", + "\t\tshuffle=True,\n", + "\t\tdrop_last=True,\n", + "\t\tnum_workers=n_workers,\n", + "\t\tpin_memory=True,\n", + "\t\tcollate_fn=collate_batch,\n", + "\t)\n", + "\tvalid_loader = DataLoader(\n", + "\t\tvalidset,\n", + "\t\tbatch_size=batch_size,\n", + "\t\tnum_workers=n_workers,\n", + "\t\tdrop_last=True,\n", + "\t\tpin_memory=True,\n", + "\t\tcollate_fn=collate_batch,\n", + "\t)\n", + "\n", + "\treturn train_loader, valid_loader, speaker_num" + ] + }, + { + "cell_type": "markdown", + "id": "8be88f72", + "metadata": { + "id": "5FOSZYxrMqhc", + "papermill": { + "duration": 0.005833, + "end_time": "2022-11-15T11:07:54.497089", + "exception": false, + "start_time": "2022-11-15T11:07:54.491256", + "status": "completed" + }, + "tags": [] + }, + "source": [ + "# Model\n", + "- TransformerEncoderLayer:\n", + " - Base transformer encoder layer in [Attention Is All You Need](https://arxiv.org/abs/1706.03762)\n", + " - Parameters:\n", + " - d_model: the number of expected features of the input (required).\n", + "\n", + " - nhead: the number of heads of the multiheadattention models (required).\n", + "\n", + " - dim_feedforward: the dimension of the feedforward network model (default=2048).\n", + "\n", + " - dropout: the dropout value (default=0.1).\n", + "\n", + " - activation: the activation function of intermediate layer, relu or gelu (default=relu).\n", + "\n", + "- TransformerEncoder:\n", + " - TransformerEncoder is a stack of N transformer encoder layers\n", + " - Parameters:\n", + " - encoder_layer: an instance of the TransformerEncoderLayer() class (required).\n", + "\n", + " - num_layers: the number of sub-encoder-layers in the encoder (required).\n", + "\n", + " - norm: the layer normalization component (optional)." + ] + }, + { + "cell_type": "code", + "execution_count": 5, + "id": "a0bccae3", + "metadata": { + "execution": { + "iopub.execute_input": "2022-11-15T11:07:54.509944Z", + "iopub.status.busy": "2022-11-15T11:07:54.509695Z", + "iopub.status.idle": "2022-11-15T11:08:06.456562Z", + "shell.execute_reply": "2022-11-15T11:08:06.455261Z" + }, + "papermill": { + "duration": 11.956338, + "end_time": "2022-11-15T11:08:06.459317", + "exception": false, + "start_time": "2022-11-15T11:07:54.502979", + "status": "completed" + }, + "tags": [] + }, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Collecting conformer\r\n", + " Downloading conformer-0.2.5-py3-none-any.whl (4.1 kB)\r\n", + "Collecting einops\r\n", + " Downloading einops-0.6.0-py3-none-any.whl (41 kB)\r\n", + "\u001b[2K \u001b[90m━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━\u001b[0m \u001b[32m41.6/41.6 kB\u001b[0m \u001b[31m320.1 kB/s\u001b[0m eta \u001b[36m0:00:00\u001b[0m\r\n", + "\u001b[?25hRequirement already satisfied: torch in /opt/conda/lib/python3.7/site-packages (from conformer) (1.11.0)\r\n", + "Requirement already satisfied: typing-extensions in /opt/conda/lib/python3.7/site-packages (from torch->conformer) (4.3.0)\r\n", + "Installing collected packages: einops, conformer\r\n", + "Successfully installed conformer-0.2.5 einops-0.6.0\r\n", + "\u001b[33mWARNING: Running pip as the 'root' user can result in broken permissions and conflicting behaviour with the system package manager. It is recommended to use a virtual environment instead: https://pip.pypa.io/warnings/venv\u001b[0m\u001b[33m\r\n", + "\u001b[0m" + ] + } + ], + "source": [ + "!pip install conformer" + ] + }, + { + "cell_type": "code", + "execution_count": 6, + "id": "fa5a97a0", + "metadata": { + "execution": { + "iopub.execute_input": "2022-11-15T11:08:06.476414Z", + "iopub.status.busy": "2022-11-15T11:08:06.475643Z", + "iopub.status.idle": "2022-11-15T11:08:06.501437Z", + "shell.execute_reply": "2022-11-15T11:08:06.500560Z" + }, + "id": "iXZ5B0EKJGs8", + "papermill": { + "duration": 0.037717, + "end_time": "2022-11-15T11:08:06.503845", + "exception": false, + "start_time": "2022-11-15T11:08:06.466128", + "status": "completed" + }, + "tags": [] + }, + "outputs": [], + "source": [ + "import torch\n", + "import torch.nn as nn\n", + "import torch.nn.functional as F\n", + "from conformer import ConformerBlock\n", + "\n", + "class self_Attentive_pooling(nn.Module):\n", + " def __init__(self, dim):\n", + " super(self_Attentive_pooling, self).__init__()\n", + " self.sap_linear = nn.Linear(dim, dim)\n", + " self.attention = nn.Parameter(torch.FloatTensor(dim,1))\n", + " torch.nn.init.normal_(self.attention, std=.02)\n", + "\n", + " def forward(self, x):\n", + " h=torch.tanh(self.sap_linear(x))\n", + " w=torch.matmul(h, self.attention).squeeze(dim=2)\n", + " w=F.softmax(w, dim=1).view(x.size(0), x.size(1), 1)\n", + " x=torch.sum(x * w, dim=1)\n", + " return x\n", + "\n", + "class AMSoftmax(nn.Module):\n", + " def __init__(self, in_feats, n_classes, m=0.3, s=15, annealing=False):\n", + " super(AMSoftmax, self).__init__()\n", + " self.linear = nn.Linear(in_feats, n_classes, bias=False)\n", + " self.m = m\n", + " self.s = s\n", + "\n", + " def _am_logsumexp(self, logits):\n", + " max_x = torch.max(logits, dim=-1)[0].unsqueeze(-1)\n", + " term1 = (self.s*(logits - (max_x + self.m))).exp()\n", + " term2 = (self.s * (logits - max_x)).exp().sum(-1).unsqueeze(-1) - (self.s*(logits-max_x)).exp()\n", + " return self.s * max_x + (term2 + term1).log()\n", + "\n", + " def forward(self, *inputs):\n", + " x_vector = F.normalize(inputs[0], p=2, dim=-1)\n", + " self.linear.weight.data = F.normalize(self.linear.weight.data, p=2, dim=-1)\n", + " logits = self.linear(x_vector)\n", + " scaled_logits = (logits-self.m)*self.s\n", + " return scaled_logits - self._am_logsumexp(logits)\n", + "\n", + "class Classifier(nn.Module):\n", + "\tdef __init__(self, d_model=224, n_spks=600, dropout=0.3):\n", + "\t\tsuper().__init__()\n", + "\t\t# Project the dimension of features from that of input into d_model.\n", + "\t\tself.prenet = nn.Linear(40, d_model)\n", + "\t\t# TODO:\n", + "\t\t# Change Transformer to Conformer.\n", + "\t\t# https://arxiv.org/abs/2005.08100\n", + "# \t\tself.encoder_layer = nn.TransformerEncoderLayer(\n", + "# \t\t\td_model=d_model, dim_feedforward=1024, nhead=2, dropout=dropout\n", + "# \t\t)\n", + "# \t\tself.encoder = nn.TransformerEncoder(self.encoder_layer, num_layers=3)\n", + "\t\tself.blocks = nn.ModuleList([\n", + " ConformerBlock(\n", + " dim=d_model,\n", + " dim_head=64,\n", + " heads=8,\n", + " ff_mult=4,\n", + " conv_expansion_factor=2,\n", + " conv_kernel_size=15,\n", + " attn_dropout=dropout,\n", + " ff_dropout=dropout,\n", + " conv_dropout=dropout\n", + " )\n", + " for i in range(6)])\n", + "\t\t# Project the the dimension of features from d_model into speaker nums.\n", + "\t\tself.sap = self_Attentive_pooling(d_model)\n", + "\t\tself.pred_layer = AMSoftmax(d_model, n_spks)\n", + "\n", + "\tdef forward(self, mels):\n", + "\t\t\"\"\"\n", + "\t\targs:\n", + "\t\t\tmels: (batch size, length, 40)\n", + "\t\treturn:\n", + "\t\t\tout: (batch size, n_spks)\n", + "\t\t\"\"\"\n", + "\t\t# out: (batch size, length, d_model)\n", + "# \t\tprint(\"shape:\", mels.shape)\n", + "\t\tout = self.prenet(mels)\n", + "\t\t# out: (length, batch size, d_model)\n", + "# \t\tout = out.permute(1, 0, 2)\n", + "\t\t# The encoder layer expect features in the shape of (length, batch size, d_model).\n", + "# \t\tout = self.encoder(out)\n", + "\t\t# out: (batch size, length, d_model)\n", + "# \t\tout = out.transpose(0, 1)\n", + "\t\t# mean pooling\n", + "# \t\tstats = self.sap(out)\n", + "\t\tfor blk in self.blocks:\n", + "\t\t\tout = blk(out)\n", + "\t\tstats = self.sap(out)\n", + "\t\t# out: (batch, n_spks)\n", + "\t\tout = self.pred_layer(stats)\n", + "\t\treturn out" + ] + }, + { + "cell_type": "markdown", + "id": "f49dff06", + "metadata": { + "id": "W7yX8JinM5Ly", + "papermill": { + "duration": 0.006289, + "end_time": "2022-11-15T11:08:06.516767", + "exception": false, + "start_time": "2022-11-15T11:08:06.510478", + "status": "completed" + }, + "tags": [] + }, + "source": [ + "# Learning rate schedule\n", + "- For transformer architecture, the design of learning rate schedule is different from that of CNN.\n", + "- Previous works show that the warmup of learning rate is useful for training models with transformer architectures.\n", + "- The warmup schedule\n", + " - Set learning rate to 0 in the beginning.\n", + " - The learning rate increases linearly from 0 to initial learning rate during warmup period." + ] + }, + { + "cell_type": "code", + "execution_count": 7, + "id": "1fbb7d8a", + "metadata": { + "execution": { + "iopub.execute_input": "2022-11-15T11:08:06.532603Z", + "iopub.status.busy": "2022-11-15T11:08:06.531195Z", + "iopub.status.idle": "2022-11-15T11:08:06.540359Z", + "shell.execute_reply": "2022-11-15T11:08:06.539464Z" + }, + "id": "ykt0N1nVJJi2", + "papermill": { + "duration": 0.019207, + "end_time": "2022-11-15T11:08:06.542571", + "exception": false, + "start_time": "2022-11-15T11:08:06.523364", + "status": "completed" + }, + "tags": [] + }, + "outputs": [], + "source": [ + "import math\n", + "\n", + "import torch\n", + "from torch.optim import Optimizer\n", + "from torch.optim.lr_scheduler import LambdaLR\n", + "\n", + "\n", + "def get_cosine_schedule_with_warmup(\n", + "\toptimizer: Optimizer,\n", + "\tnum_warmup_steps: int,\n", + "\tnum_training_steps: int,\n", + "\tnum_cycles: float = 0.5,\n", + "\tlast_epoch: int = -1,\n", + "):\n", + "\t\"\"\"\n", + "\tCreate a schedule with a learning rate that decreases following the values of the cosine function between the\n", + "\tinitial lr set in the optimizer to 0, after a warmup period during which it increases linearly between 0 and the\n", + "\tinitial lr set in the optimizer.\n", + "\n", + "\tArgs:\n", + "\t\toptimizer (:class:`~torch.optim.Optimizer`):\n", + "\t\tThe optimizer for which to schedule the learning rate.\n", + "\t\tnum_warmup_steps (:obj:`int`):\n", + "\t\tThe number of steps for the warmup phase.\n", + "\t\tnum_training_steps (:obj:`int`):\n", + "\t\tThe total number of training steps.\n", + "\t\tnum_cycles (:obj:`float`, `optional`, defaults to 0.5):\n", + "\t\tThe number of waves in the cosine schedule (the defaults is to just decrease from the max value to 0\n", + "\t\tfollowing a half-cosine).\n", + "\t\tlast_epoch (:obj:`int`, `optional`, defaults to -1):\n", + "\t\tThe index of the last epoch when resuming training.\n", + "\n", + "\tReturn:\n", + "\t\t:obj:`torch.optim.lr_scheduler.LambdaLR` with the appropriate schedule.\n", + "\t\"\"\"\n", + "\tdef lr_lambda(current_step):\n", + "\t\t# Warmup\n", + "\t\tif current_step < num_warmup_steps:\n", + "\t\t\treturn float(current_step) / float(max(1, num_warmup_steps))\n", + "\t\t# decadence\n", + "\t\tprogress = float(current_step - num_warmup_steps) / float(\n", + "\t\t\tmax(1, num_training_steps - num_warmup_steps)\n", + "\t\t)\n", + "\t\treturn max(\n", + "\t\t\t0.0, 0.5 * (1.0 + math.cos(math.pi * float(num_cycles) * 2.0 * progress))\n", + "\t\t)\n", + "\n", + "\treturn LambdaLR(optimizer, lr_lambda, last_epoch)" + ] + }, + { + "cell_type": "markdown", + "id": "0dd9d7b0", + "metadata": { + "id": "-LN2XkteM_uH", + "papermill": { + "duration": 0.006377, + "end_time": "2022-11-15T11:08:06.555679", + "exception": false, + "start_time": "2022-11-15T11:08:06.549302", + "status": "completed" + }, + "tags": [] + }, + "source": [ + "# Model Function\n", + "- Model forward function." + ] + }, + { + "cell_type": "code", + "execution_count": 8, + "id": "13e18eee", + "metadata": { + "execution": { + "iopub.execute_input": "2022-11-15T11:08:06.570940Z", + "iopub.status.busy": "2022-11-15T11:08:06.569947Z", + "iopub.status.idle": "2022-11-15T11:08:06.576665Z", + "shell.execute_reply": "2022-11-15T11:08:06.575754Z" + }, + "id": "N-rr8529JMz0", + "papermill": { + "duration": 0.016667, + "end_time": "2022-11-15T11:08:06.578847", + "exception": false, + "start_time": "2022-11-15T11:08:06.562180", + "status": "completed" + }, + "tags": [] + }, + "outputs": [], + "source": [ + "import torch\n", + "\n", + "\n", + "def model_fn(batch, model, criterion, device):\n", + "\t\"\"\"Forward a batch through the model.\"\"\"\n", + "\n", + "\tmels, labels = batch\n", + "\tmels = mels.to(device)\n", + "\tlabels = labels.to(device)\n", + "\n", + "\touts = model(mels)\n", + "\n", + "\tloss = criterion(outs, labels)\n", + "\n", + "\t# Get the speaker id with highest probability.\n", + "\tpreds = outs.argmax(1)\n", + "\t# Compute accuracy.\n", + "\taccuracy = torch.mean((preds == labels).float())\n", + "\n", + "\treturn loss, accuracy" + ] + }, + { + "cell_type": "markdown", + "id": "026f8604", + "metadata": { + "id": "cwM_xyOtNCI2", + "papermill": { + "duration": 0.006378, + "end_time": "2022-11-15T11:08:06.591607", + "exception": false, + "start_time": "2022-11-15T11:08:06.585229", + "status": "completed" + }, + "tags": [] + }, + "source": [ + "# Validate\n", + "- Calculate accuracy of the validation set." + ] + }, + { + "cell_type": "code", + "execution_count": 9, + "id": "dbce4a58", + "metadata": { + "execution": { + "iopub.execute_input": "2022-11-15T11:08:06.606709Z", + "iopub.status.busy": "2022-11-15T11:08:06.605691Z", + "iopub.status.idle": "2022-11-15T11:08:06.613733Z", + "shell.execute_reply": "2022-11-15T11:08:06.612810Z" + }, + "id": "YAiv6kpdJRTJ", + "papermill": { + "duration": 0.017695, + "end_time": "2022-11-15T11:08:06.615838", + "exception": false, + "start_time": "2022-11-15T11:08:06.598143", + "status": "completed" + }, + "tags": [] + }, + "outputs": [], + "source": [ + "from tqdm import tqdm\n", + "import torch\n", + "\n", + "\n", + "def valid(dataloader, model, criterion, device): \n", + "\t\"\"\"Validate on validation set.\"\"\"\n", + "\n", + "\tmodel.eval()\n", + "\trunning_loss = 0.0\n", + "\trunning_accuracy = 0.0\n", + "\tpbar = tqdm(total=len(dataloader.dataset), ncols=0, desc=\"Valid\", unit=\" uttr\")\n", + "\n", + "\tfor i, batch in enumerate(dataloader):\n", + "\t\twith torch.no_grad():\n", + "\t\t\tloss, accuracy = model_fn(batch, model, criterion, device)\n", + "\t\t\trunning_loss += loss.item()\n", + "\t\t\trunning_accuracy += accuracy.item()\n", + "\n", + "\t\tpbar.update(dataloader.batch_size)\n", + "\t\tpbar.set_postfix(\n", + "\t\t\tloss=f\"{running_loss / (i+1):.2f}\",\n", + "\t\t\taccuracy=f\"{running_accuracy / (i+1):.2f}\",\n", + "\t\t)\n", + "\n", + "\tpbar.close()\n", + "\tmodel.train()\n", + "\n", + "\treturn running_accuracy / len(dataloader)" + ] + }, + { + "cell_type": "markdown", + "id": "5627abdf", + "metadata": { + "id": "g6ne9G-eNEdG", + "papermill": { + "duration": 0.006224, + "end_time": "2022-11-15T11:08:06.628864", + "exception": false, + "start_time": "2022-11-15T11:08:06.622640", + "status": "completed" + }, + "tags": [] + }, + "source": [ + "# Main function" + ] + }, + { + "cell_type": "code", + "execution_count": 10, + "id": "5ec2668a", + "metadata": { + "execution": { + "iopub.execute_input": "2022-11-15T11:08:06.643526Z", + "iopub.status.busy": "2022-11-15T11:08:06.643199Z", + "iopub.status.idle": "2022-11-15T16:10:20.750920Z", + "shell.execute_reply": "2022-11-15T16:10:20.749671Z" + }, + "id": "Usv9s-CuJSG7", + "outputId": "0e4eb5c2-901f-419e-b917-61860e81c8ae", + "papermill": { + "duration": 18134.119889, + "end_time": "2022-11-15T16:10:20.755235", + "exception": false, + "start_time": "2022-11-15T11:08:06.635346", + "status": "completed" + }, + "tags": [] + }, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "[Info]: Use cuda now!\n", + "max len: 91\n", + "min_len: 7193\n", + "average_len: 658.0912187202202\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "/opt/conda/lib/python3.7/site-packages/torch/utils/data/dataloader.py:490: UserWarning: This DataLoader will create 8 worker processes in total. Our suggested max number of worker in current system is 2, which is smaller than what this DataLoader is going to create. Please be aware that excessive worker creation might get DataLoader running slow or even freeze, lower the worker number to avoid potential slowness/freeze if necessary.\n", + " cpuset_checked))\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "[Info]: Finish loading data!\n", + "[Info]: Finish creating model!\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Train: 100% 2000/2000 [23:53<00:00, 1.40 step/s, accuracy=0.64, loss=1.29, step=2000]\n", + "Valid: 99% 5632/5667 [00:21<00:00, 260.56 uttr/s, accuracy=0.43, loss=2.43]\n", + "Train: 100% 2000/2000 [23:47<00:00, 1.40 step/s, accuracy=0.89, loss=0.44, step=4000]\n", + "Valid: 99% 5632/5667 [00:21<00:00, 266.37 uttr/s, accuracy=0.70, loss=1.24]\n", + "Train: 100% 2000/2000 [23:47<00:00, 1.40 step/s, accuracy=0.86, loss=0.48, step=6000]\n", + "Valid: 99% 5632/5667 [00:21<00:00, 264.52 uttr/s, accuracy=0.84, loss=0.67]\n", + "Train: 100% 2000/2000 [24:10<00:00, 1.38 step/s, accuracy=0.98, loss=0.15, step=8000]\n", + "Valid: 99% 5632/5667 [00:21<00:00, 267.65 uttr/s, accuracy=0.88, loss=0.50]\n", + "Train: 100% 2000/2000 [23:48<00:00, 1.40 step/s, accuracy=0.98, loss=0.10, step=1e+4]\n", + "Valid: 99% 5632/5667 [00:20<00:00, 268.74 uttr/s, accuracy=0.89, loss=0.45]\n", + "Train: 0% 0/2000 [00:00 best_accuracy:\n", + "\t\t\t\tbest_accuracy = valid_accuracy\n", + "\t\t\t\tbest_state_dict = model.state_dict()\n", + "\n", + "\t\t\tpbar = tqdm(total=valid_steps, ncols=0, desc=\"Train\", unit=\" step\")\n", + "\n", + "\t\t# Save the best model so far.\n", + "\t\tif (step + 1) % save_steps == 0 and best_state_dict is not None:\n", + "\t\t\ttorch.save(best_state_dict, save_path)\n", + "\t\t\tpbar.write(f\"Step {step + 1}, best model saved. (accuracy={best_accuracy:.4f})\")\n", + "\n", + "\tpbar.close()\n", + "\n", + "\n", + "if __name__ == \"__main__\":\n", + "\tmain(**parse_args())" + ] + }, + { + "cell_type": "markdown", + "id": "a0b24dca", + "metadata": { + "id": "NLatBYAhNNMx", + "papermill": { + "duration": 2.958346, + "end_time": "2022-11-15T16:10:26.609401", + "exception": false, + "start_time": "2022-11-15T16:10:23.651055", + "status": "completed" + }, + "tags": [] + }, + "source": [ + "# Inference\n", + "\n", + "## Dataset of inference" + ] + }, + { + "cell_type": "code", + "execution_count": 11, + "id": "7baf48c5", + "metadata": { + "execution": { + "iopub.execute_input": "2022-11-15T16:10:32.654050Z", + "iopub.status.busy": "2022-11-15T16:10:32.653620Z", + "iopub.status.idle": "2022-11-15T16:10:32.663553Z", + "shell.execute_reply": "2022-11-15T16:10:32.662552Z" + }, + "id": "efS4pCmAJXJH", + "papermill": { + "duration": 2.943961, + "end_time": "2022-11-15T16:10:32.665669", + "exception": false, + "start_time": "2022-11-15T16:10:29.721708", + "status": "completed" + }, + "tags": [] + }, + "outputs": [], + "source": [ + "import os\n", + "import json\n", + "import torch\n", + "from pathlib import Path\n", + "from torch.utils.data import Dataset\n", + "\n", + "\n", + "class InferenceDataset(Dataset):\n", + "\tdef __init__(self, data_dir):\n", + "\t\ttestdata_path = Path(data_dir) / \"testdata.json\"\n", + "\t\tmetadata = json.load(testdata_path.open())\n", + "\t\tself.data_dir = data_dir\n", + "\t\tself.data = metadata[\"utterances\"]\n", + "\n", + "\tdef __len__(self):\n", + "\t\treturn len(self.data)\n", + "\n", + "\tdef __getitem__(self, index):\n", + "\t\tutterance = self.data[index]\n", + "\t\tfeat_path = utterance[\"feature_path\"]\n", + "\t\tmel = torch.load(os.path.join(self.data_dir, feat_path))\n", + "\n", + "\t\treturn feat_path, mel\n", + "\n", + "\n", + "def inference_collate_batch(batch):\n", + "\t\"\"\"Collate a batch of data.\"\"\"\n", + "\tfeat_paths, mels = zip(*batch)\n", + "\n", + "\treturn feat_paths, torch.stack(mels)" + ] + }, + { + "cell_type": "markdown", + "id": "a83ef398", + "metadata": { + "id": "tl0WnYwxNK_S", + "papermill": { + "duration": 3.126154, + "end_time": "2022-11-15T16:10:38.655472", + "exception": false, + "start_time": "2022-11-15T16:10:35.529318", + "status": "completed" + }, + "tags": [] + }, + "source": [ + "## Main funcrion of Inference" + ] + }, + { + "cell_type": "raw", + "id": "6a857b1f", + "metadata": { + "papermill": { + "duration": 2.873059, + "end_time": "2022-11-15T16:10:44.875288", + "exception": false, + "start_time": "2022-11-15T16:10:42.002229", + "status": "completed" + }, + "tags": [] + }, + "source": [] + }, + { + "cell_type": "code", + "execution_count": 12, + "id": "cf2bff67", + "metadata": { + "execution": { + "iopub.execute_input": "2022-11-15T16:10:50.922588Z", + "iopub.status.busy": "2022-11-15T16:10:50.922197Z", + "iopub.status.idle": "2022-11-15T16:14:23.972994Z", + "shell.execute_reply": "2022-11-15T16:14:23.971874Z" + }, + "id": "i8SAbuXEJb2A", + "papermill": { + "duration": 216.162513, + "end_time": "2022-11-15T16:14:23.975237", + "exception": false, + "start_time": "2022-11-15T16:10:47.812724", + "status": "completed" + }, + "tags": [] + }, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "[Info]: Use cuda now!\n", + "[Info]: Finish loading data!\n", + "[Info]: Finish creating model!\n" + ] + }, + { + "data": { + "application/vnd.jupyter.widget-view+json": { + "model_id": "491dab589add4cc79d6c9b2121f26e38", + "version_major": 2, + "version_minor": 0 + }, + "text/plain": [ + " 0%| | 0/8000 [00:00